From 72449beeb56eb2624b48538c7ddb2572abb6a842 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Wed, 8 Jan 2025 13:46:11 -0700 Subject: [PATCH 001/129] calibration files are ready to hand off --- cal_and_val/thermal/cal_hev.py | 91 +++- cal_and_val/thermal/dyno_test_data/.gitignore | 3 +- .../f3-vehicles/2020 Chevrolet Bolt EV.yaml | 1 + .../2021_Hyundai_Sonata_Hybrid_Blue.yaml | 1 + python/fastsim/__init__.py | 2 +- python/fastsim/fastsim.pyi | 11 +- python/fastsim/pymoo_api.py | 425 ++++++++++++++++++ 7 files changed, 526 insertions(+), 8 deletions(-) create mode 100644 python/fastsim/pymoo_api.py diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 1176d379..490786f0 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -1,6 +1,89 @@ +""" +Calibration script for 2021_Hyundai_Sonata_Hybrid_Blue +""" # # TODO Calibration Tasks -# - [ ] put vehicle test data in a sharepoint folder, grant Robin access, and paste link in here +# - [x] put vehicle test data in a sharepoint folder, grant Robin access, and paste link in here # - [ ] develop means of skewing curves via setter or similar -# - [ ] use `.` notation to define parameters and show Robin his this might look in the code -# - [ ] show what signals should be use for objectives and how to access them in code -# - [ ] have Robin start running calibration and play with things in the meantime +# - [ ] show what signals should be use for objectives +# - [x] and how to access them in code +# - [ ] have Robin flesh out and start running calibration +# - [ ] play with things in the meantime + +# critical import +from pathlib import Path + +# anticipated cricital imports +import numpy as np # noqa: F401 +import matplotlib.pyplot as plt # noqa: F401 +import seaborn as sns +import pandas as pd # noqa: F401 +import polars as pl # noqa: F401 + +import fastsim as fsim + +# Initialize seaborn plot configuration +sns.set() + +veh = fsim.Vehicle.from_file(Path(__file__).parent / "f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml") + +# Obtain the data from +# https://nrel.sharepoint.com/:f:/r/sites/EEMSCoreModelingandDecisionSupport2022-2024/Shared%20Documents/FASTSim/DynoTestData?csf=1&web=1&e=F4FEBp +# and then copy it to the local folder below +cyc_folder_path = Path(__file__) / "dyno_test_data/2021 Hyundai Sonata Hybrid/Extended Datasets" +assert cyc_folder_path.exists() +cyc_files = [ + # TODO: Chad needs to populate this list after careful review + # cyc_folder_path / "some_file.txt", +] + +# TODO: use random selection to retain ~70% of cycles for calibration, and +# reserve the remaining for validation +cyc_files_for_cal = [ + # TOOD: populate this somehow +] +dfs_for_cal = {} +for cyc_file in cyc_files_for_cal: + cyc_file: Path + # `delimiter="\t"` for tab separated variables + dfs_for_cal[cyc_file.stem] = pd.read_csv(cyc_file, delimiter="\t") +cycs_for_cal = {} +for (cyc_file_stem, df) in dfs_for_cal.items(): + cyc_file_stem: str + df: pd.DataFrame + cyc_dict = df.to_dict() + # TODO: be ready to do some massaging of `cyc_dict`, like making sure that + # keys match expected, purging invalid keys, and massaging data types + + # TODO: make sure this catches ambient temperature + cycs_for_cal[cyc_file_stem] = fsim.Cycle.from_pydict(cyc_dict) +sds_for_cal = {} +for (cyc_file_stem, cyc) in cycs_for_cal.items(): + cyc_file_stem: str + cyc: fsim.Cycle + sds_for_cal[cyc_file_stem] = fsim.SimDrive(veh, cyc).to_pydict() + +# TODO: flesh this out for validation stuff +# cyc_files_for_val = [] + +# Setup model objectives +cal_mod_obj = fsim.pymoo_api.ModelObjectives( + models = sds_for_cal, + dfs = dfs_for_cal, + obj_fns=( + ( + lambda sd_dict: np.array(sd_dict['veh']['pt_type']['HybridElectricVehicle']['res']['history']['soc']), + lambda df: df['TODO: find signal for test data soc'] + ) + ), + param_fns=( + lambda sd_dict: sd_dict['veh']['pt_type']['HybridElectricVehicle']['res']['peak_eff'] + ), + # must match order and length of `params_fns` + bounds=( + (0.85, 0.99,), + ), + +) + +# Setup calibration problem +cal_prob = fsim.pymoo_api.CalibrationProblem() diff --git a/cal_and_val/thermal/dyno_test_data/.gitignore b/cal_and_val/thermal/dyno_test_data/.gitignore index 89d8d1a0..72e8ffc0 100644 --- a/cal_and_val/thermal/dyno_test_data/.gitignore +++ b/cal_and_val/thermal/dyno_test_data/.gitignore @@ -1,2 +1 @@ -*.csv -*.txt +* diff --git a/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml b/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml index 1a6c82a8..6233e3ce 100644 --- a/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml +++ b/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml @@ -1,3 +1,4 @@ +# https://www.anl.gov/taps/d3-2020-chevrolet-bolt --- name: 2020 Chevrolet Bolt EV year: 2020 diff --git a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml index 944114eb..28c5b8f8 100644 --- a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml +++ b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml @@ -1,3 +1,4 @@ +# https://www.anl.gov/taps/d3-2021-hyundai-sonata-hybrid --- name: 2021 Hyundai Sonata Hybrid Blue year: 2021 diff --git a/python/fastsim/__init__.py b/python/fastsim/__init__.py index 6e2c666b..08a3d9c2 100644 --- a/python/fastsim/__init__.py +++ b/python/fastsim/__init__.py @@ -232,7 +232,7 @@ def history_path_list(self, element_as_list: bool = False) -> List[str]: ] -def to_pydict(self, flatten: bool = False, data_fmt: str = "msg_pack") -> Dict: +def to_pydict(self, data_fmt: str = "msg_pack", flatten: bool = False) -> Dict: """ Returns self converted to pure python dictionary with no nested Rust objects # Arguments diff --git a/python/fastsim/fastsim.pyi b/python/fastsim/fastsim.pyi index ce252b97..ca00db72 100644 --- a/python/fastsim/fastsim.pyi +++ b/python/fastsim/fastsim.pyi @@ -9,4 +9,13 @@ from pathlib import Path class SerdeAPI(object): def init(self): ... def from_file(file_path: Path) -> Self: ... - # TODO: finish populating this \ No newline at end of file + # TODO: finish populating this with all of the python-exposed SerdeAPI + # methods and `to_dataframe` + + def to_pydict(self, data_fmt: str = "msg_pack", flatten: bool = False) -> Dict: ... + + @classmethod + def from_pydict(cls, pydict: Dict, data_fmt: str = "msg_pack") -> Self: + +class SimDrive(SerdeAPI): + ... # TODO: flesh out more diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py new file mode 100644 index 00000000..8ff4247d --- /dev/null +++ b/python/fastsim/pymoo_api.py @@ -0,0 +1,425 @@ +""" +Module containing functions and classes for easy interaction with PyMOO +""" +import numpy as np +import numpy.typing as npt +from typing import Tuple, Any, List, Callable, Dict, Optional, Union +from pathlib import Path +import pandas as pd +import argparse +import time +from dataclasses import dataclass +import logger +# pymoo +try: + from pymoo.optimize import minimize + from pymoo.core.result import Result + from pymoo.termination.default import DefaultMultiObjectiveTermination as DMOT + from pymoo.core.problem import ElementwiseProblem, LoopedElementwiseEvaluation + from pymoo.algorithms.base.genetic import GeneticAlgorithm + from pymoo.util.display.output import Output + from pymoo.util.display.column import Column + # Imports for convenient use in scripts + from pymoo.core.problem import StarmapParallelization # noqa: F401 + from pymoo.operators.sampling.lhs import LatinHypercubeSampling as LHS # noqa: F401 + from pymoo.algorithms.moo.nsga3 import NSGA3 # noqa: F401 + from pymoo.algorithms.moo.nsga2 import NSGA2 # noqa: F401 + from pymoo.util.ref_dirs import get_reference_directions # noqa: F401 + PYMOO_AVAILABLE = True +except ModuleNotFoundError as err: + logger.warning( + f"{err}\nTry running `pip install pymoo==0.6.0.1` to use all features in " + + "`fastsim.calibration`" + ) + PYMOO_AVAILABLE = False + +import fastsim as fsim + +def get_error_val( + model: npt.NDArray[np.float64], + test: npt.NDArray[np.float64], + time_steps: npt.NDArray[np.float64] +) -> float: + """ + Returns time-averaged error for model and test signal. + + # Args: + - `model`: array of values for signal from model + - `test`: array of values for signal from test data + - `time_steps`: array (or scalar for constant) of values for model time steps [s] + + # Returns: + - `error`: integral of absolute value of difference between model and test per time + """ + assert len(model) == len(test) == len( + time_steps), f"{len(model)}, {len(test)}, {len(time_steps)}" + + return np.trapz(y=abs(model - test), x=time_steps) / (time_steps[-1] - time_steps[0]) + + +@dataclass +class ModelObjectives(object): + """ + Class for calculating eco-driving objectives + + # Attributes/Fields + - `models` (Dict[str, Any]): dictionary of models to be simulated + - `dfs` (Dict[str, pd.DataFrame]): dictionary of dataframes from test data + corresponding to `models` + - `obj_fns` (Tuple[Callable] | Tuple[Tuple[Callable, Callable]]): + Tuple of functions (either `def` or `lambda`, depending on complexity + needed) for extracting objective signal values for either minimizing a + scalar metric (e.g. fuel economy) or minimizing error relative to test + data. + - minimizing error in fuel consumption relative to test data + ``` + obj_fns = ( + ( + # model + lambda sd_dict: sd_dict['veh']['pt_type']['Conventional']['fc']['history']['energy_fuel_joules'], + # test data + lambda df: df['fuel_flow_gps'] * ... (conversion factors to get to same unit), + ), # note that this trailing comma ensures `obj_fns` is interpreted as a tuple + ) + ``` + - minimizing fuel consumption + ``` + obj_fns = ( + ( + # note that a trailing comma ensures `obj_fns` is interpreted as tuple + lambda sd_dict: sd_dict['veh']['pt_type']['Conventional']['fc']['state']['energy_fuel_joules'], + ) + ) + ``` + - `param_fns` (Tuple[Callable]): + tuple containing functions to modify parameters and bounds for optimizer + Example + ``` + param_fns = ( + # generally good to check that sd_dict is mutably modified, but it should work out as expected + lambda (sd_dict, new_val): sd_dict['veh']['pt_type']['Conventional']['fc']['pwr_out_max_watts'] = new_val, + ) + ``` + - `bounds` (Tuple[Tuple[float, float]]): + Tuple of (min, max) bounds corresponding to self.params -- e.g. + ``` + bounds=( + (100.0, 200.0), + ) + ``` + - `verbose` (bool): print more stuff or not + """ + + models: Dict[str, Any] + dfs: Dict[str, pd.DataFrame] + obj_fns: Tuple[Callable] | Tuple[Tuple[Callable, Callable]] + param_fns: Tuple[Callable] + bounds: Tuple[Tuple[float, float]] + + # if True, prints timing and misc info + verbose: bool = False + + # calculated in __post_init__ + n_obj: Optional[int] = None + + def __post_init__(self): + assert self.n_obj is None, "`n_obj` is not intended to be user provided" + assert len(self.dfs) == len( + self.models), f"{len(self.dfs)} != {len(self.models)}" + assert len(self.bounds) == len(self.param_fns) + self.n_obj = len(self.models) * len(self.obj_fns) + + def update_params(self, xs: List[Any]): + """ + Updates model parameters based on `x`, which must match length of self.params + """ + assert len(xs) == len(self.param_fns), f"({len(xs)} != {len(self.param_fns)}" + + t0 = time.perf_counter() + + # Update all model parameters + for key, pydict in self.models.items(): + for (param_fn, new_val) in zip(self.param_fns, xs): + # TODO: need to check that param_fn mutably modifies pydict + param_fn(pydict, new_val) + # this assignement may be redundant, but `pydict` is probably **not** mutably modified. + # If this is correct, then this assignment is necessary + self.models[key] = pydict + + # Instantiate SimDrive objects + sim_drives = { + key: fsim.SimDrive.from_pydict(pydict) for key, pydict in self.models.items() + } + t1 = time.perf_counter() + if self.verbose: + print(f"Time to update params: {t1 - t0:.3g} s") + return sim_drives + + def get_errors( + self, + sim_drives: Dict[str, fsim.SimDrive], + return_mods: bool = False, + ) -> Union[ + Dict[str, Dict[str, float]], + # or if return_mods is True + Tuple[Dict[str, fsim.simdrive.SimDrive], Dict[str, Dict[str, float]]] + ]: + """ + Calculate model errors w.r.t. test data for each element in dfs/models for each objective. + + # Args: + - `sim_drives`: dictionary with user-defined keys and SimDrive instances + - `return_mods`: if true, also returns dict of solved models. Defaults to False. + + # Returns: + Objectives and optionally solved models + """ + + objectives: Dict = {} + solved_mods: Dict = {} + + # loop through all the provided trips + for ((key, df_exp), sd) in zip(self.dfs.items(), sim_drives.values()): + key: str + df_exp: pd.DataFrame + t0 = time.perf_counter() + sd.sim_drive() # type: ignore + t1 = time.perf_counter() + if self.verbose: + print(f"Time to simulate {key}: {t1 - t0:.3g}") + sd_dict = sd.to_pydict() + + objectives[key] = [] + if return_mods: + solved_mods[key] = sd_dict + + # loop through the objectives for each trip + for i_obj, obj_fn in enumerate(self.obj_fns): + i_obj: int + obj_fn: Tuple[Callable(sd_dict), Callable(df_exp)] + if len(obj_fn) == 2: + # objective and reference passed + mod_sig = obj_fn[0](sd_dict) + ref_sig = obj_fn[1](df_exp) + elif len(obj_fn) == 1: + # minimizing scalar objective + mod_sig = obj_fn[0](sd_dict) + ref_sig = None + else: + raise ValueError("Each element in `self.obj_fns` must have length of 1 or 2") + + if ref_sig is not None: + time_s = sd_dict['cyc']['time_seconds'] + # TODO: provision for incomplete simulation in here somewhere + + try: + objectives[key].append(get_error_val( + mod_sig, + ref_sig, + time_s, + )) + except AssertionError: + # `get_error_val` checks for length equality with an assertion + # If length equality is not satisfied, this design is + # invalid because the cycle could not be completed. + # NOTE: instead of appending an arbitrarily large + # objective value, we could instead either try passing + # `np.nan` or trigger a constraint violation. + objectives[key].append(1e12) + else: + objectives[key].append(mod_sig) + + t2 = time.perf_counter() + if self.verbose: + print(f"Time to postprocess: {t2 - t1:.3g} s") + + if return_mods: + return objectives, solved_mods + else: + return objectives + +if PYMOO_AVAILABLE: + @dataclass + class CalibrationProblem(ElementwiseProblem): + """ + Problem for calibrating models to match test data + """ + + def __init__( + self, + mod_obj: ModelObjectives, + param_bounds: List[Tuple[float, float]], + elementwise_runner=LoopedElementwiseEvaluation(), + ): + self.mod_obj = mod_obj + # parameter lower and upper bounds + self.param_bounds = param_bounds + assert len(self.param_bounds) == len( + self.mod_obj.param_fns), f"{len(self.param_bounds)} != {len(self.mod_obj.param_fns)}" + super().__init__( + n_var=len(self.mod_obj.param_fns), + n_obj=self.mod_obj.n_obj, + xl=[bounds[0] + for bounds in self.param_bounds], + xu=[bounds[1] + for bounds in self.param_bounds], + elementwise_runner=elementwise_runner, + ) + + def _evaluate(self, x, out, *args, **kwargs): + sim_drives = self.mod_obj.update_params(x) + out['F'] = [ + val for inner_dict in self.mod_obj.get_errors(sim_drives).values() for val in inner_dict.values() + ] + + class CustomOutput(Output): + def __init__(self): + super().__init__() + self.t_gen_start = time.perf_counter() + self.n_nds = Column("n_nds", width=8) + self.t_s = Column("t [s]", width=10) + self.euclid_min = Column("euclid min", width=13) + self.columns += [self.n_nds, self.t_s, self.euclid_min] + + def update(self, algorithm): + super().update(algorithm) + self.n_nds.set(len(algorithm.opt)) + self.t_s.set(f"{(time.perf_counter() - self.t_gen_start):.3g}") + f = algorithm.pop.get('F') + euclid_min = np.sqrt((np.array(f) ** 2).sum(axis=1)).min() + self.euclid_min.set(f"{euclid_min:.3g}") + + def run_minimize( + problem: CalibrationProblem, + algorithm: GeneticAlgorithm, + termination: DMOT, + copy_algorithm: bool = False, + copy_termination: bool = False, + save_history: bool = False, + save_path: Union[Path, str] = Path("pymoo_res/"), + ) -> Tuple[Result, pd.DataFrame]: + """ + Wrapper for pymoo.optimize.minimize that adds various helpful features + """ + print("`run_minimize` starting at") + fsim.utils.print_dt() + + t0 = time.perf_counter() + res = minimize( + problem, + algorithm, + termination, + copy_algorithm=copy_algorithm, + copy_termination=copy_termination, + seed=1, + verbose=True, + save_history=save_history, + output=CustomOutput(), + ) + + f_columns = [ + f"{key}: {obj[0]}" + for key in problem.mod_obj.dfs.keys() + for obj in problem.mod_obj.obj_fns + ] + f_df = pd.DataFrame( + data=[f for f in res.F.tolist()], + columns=f_columns, + ) + + x_df = pd.DataFrame( + data=[x for x in res.X.tolist()], + columns=[param for param in problem.mod_obj.param_fns], + ) + + if save_path is not None: + Path(save_path).mkdir(exist_ok=True, parents=True) + + res_df = pd.concat([x_df, f_df], axis=1) + res_df['euclidean'] = ( + res_df.iloc[:, len(problem.mod_obj.param_fns):] ** 2).sum(1).pow(1/2) + if save_path is not None: + res_df.to_csv(Path(save_path) / "pymoo_res_df.csv", index=False) + + t1 = time.perf_counter() + print(f"Elapsed time to run minimization: {t1-t0:.5g} s") + + return res, res_df + +def get_parser( + def_description:str="Program for calibrating fastsim models.", + def_p:int=4, + def_n_max_gen:int=500, + def_pop_size:int=12, + def_save_path:Optional[str]="pymoo_res" + +) -> argparse.ArgumentParser: + """ + Generate parser for optimization hyper params and misc. other params + + # Args: + - `def_p`: default number of processes + - `def_n_max_gen`: max allowed generations + - `def_pop_size`: default population size + - `def_save_path`: default save path + + # Returns: + argparse.ArgumentParser: _description_ + """ + parser = argparse.ArgumentParser(description=def_description) + parser.add_argument( + '-p', + '--processes', + type=int, + default=def_p, + help=f"Number of pool processes. Defaults to {def_p}" + ) + parser.add_argument( + '--n-max-gen', + type=int, + default=def_n_max_gen, + help=f"PyMOO termination criterion: n_max_gen. Defaults to {def_n_max_gen}" + ) + parser.add_argument( + '--xtol', + type=float, + default=DMOT().x.termination.tol, + help=f"PyMOO termination criterion: xtol. Defaluts to {DMOT().x.termination.tol}" + ) + parser.add_argument( + '--ftol', + type=float, + default=DMOT().f.termination.tol, + help=f"PyMOO termination criterion: ftol. Defaults to {DMOT().f.termination.tol}" + ) + parser.add_argument( + '--pop-size', + type=int, + default=def_pop_size, + help=f"PyMOO population size in each generation. Defaults to {def_pop_size}" + ) + parser.add_argument( + '--skip-minimize', + action="store_true", + help="If provided, load previous results." + ) + parser.add_argument( + '--save-path', + type=str, + default=def_save_path, + help="File location to save results dataframe with rows of parameter and corresponding" + + " objective values and any optional plots." + + (" If not provided, results are not saved" if def_save_path is None else "") + ) + # parser.add_argument( + # '--show', + # action="store_true", + # help="If provided, shows plots." + # ) + # parser.add_argument( + # "--make-plots", + # action="store_true", + # help="Generates plots, if provided." + # ) + + return parser From 8e8ce14f7b18c6d8a476fe5efbb4a972d3c6dd18 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Wed, 8 Jan 2025 14:10:31 -0700 Subject: [PATCH 002/129] added assert to make it clear where something needs to happen --- cal_and_val/thermal/cal_hev.py | 1 + 1 file changed, 1 insertion(+) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 490786f0..5728f922 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -35,6 +35,7 @@ # TODO: Chad needs to populate this list after careful review # cyc_folder_path / "some_file.txt", ] +assert len(cyc_files) > 0 # TODO: use random selection to retain ~70% of cycles for calibration, and # reserve the remaining for validation From 8b311e3a449f9d50579f4036562af3e39f9b1e89 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Wed, 8 Jan 2025 16:24:34 -0700 Subject: [PATCH 003/129] removed unecessary warning suppression and improved comment --- fastsim-core/Cargo.toml | 2 +- fastsim-core/src/lib.rs | 1 - 2 files changed, 1 insertion(+), 2 deletions(-) diff --git a/fastsim-core/Cargo.toml b/fastsim-core/Cargo.toml index 5f5d2c77..d733efc0 100644 --- a/fastsim-core/Cargo.toml +++ b/fastsim-core/Cargo.toml @@ -62,5 +62,5 @@ json = ["dep:serde_json"] toml = ["dep:toml"] ## Enables yaml serialization and deserialization yaml = ["dep:serde_yaml"] -## Enables message pack serialization and deserialization +## Enables message pack serialization and deserialization via `rmp-serde` msgpack = ["dep:rmp-serde"] diff --git a/fastsim-core/src/lib.rs b/fastsim-core/src/lib.rs index f50bdc46..f2f00752 100755 --- a/fastsim-core/src/lib.rs +++ b/fastsim-core/src/lib.rs @@ -5,7 +5,6 @@ //! the `Init` trait to initialize structs that implement this macro //! - `#[fastsim_api]` -- used to expose the struct to python and provides assorted other features related to usability -#![allow(non_local_definitions)] // see https://github.com/PyO3/pyo3/discussions/4083 as this is a `pyo3` problem #![allow(clippy::field_reassign_with_default)] // TODO: uncomment when docs are somewhat mature to check for missing docs // #![warn(missing_docs)] From bc1c2b7fcafe8c86ebed316cb3e70db5fcbaea3b Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Wed, 8 Jan 2025 16:53:40 -0700 Subject: [PATCH 004/129] added `fastsim_api` in a few places to propagate serde unit appending --- cal_and_val/f3-vehicles/2010 Mazda 3 i-Stop.yaml | 2 +- cal_and_val/f3-vehicles/2012 Ford Focus.yaml | 2 +- cal_and_val/f3-vehicles/2012 Ford Fusion.yaml | 2 +- cal_and_val/f3-vehicles/2016 AUDI A3 4cyl 2WD.yaml | 2 +- cal_and_val/f3-vehicles/2016 BMW 328d 4cyl 2WD.yaml | 2 +- cal_and_val/f3-vehicles/2016 CHEVROLET Malibu 4cyl 2WD.yaml | 2 +- cal_and_val/f3-vehicles/2016 CHEVROLET Spark EV.yaml | 2 +- cal_and_val/f3-vehicles/2016 FORD C-MAX HEV.yaml | 2 +- cal_and_val/f3-vehicles/2016 FORD Escape 4cyl 2WD.yaml | 2 +- cal_and_val/f3-vehicles/2016 FORD Explorer 4cyl 2WD.yaml | 2 +- cal_and_val/f3-vehicles/2016 HYUNDAI Elantra 4cyl 2WD.yaml | 2 +- cal_and_val/f3-vehicles/2016 Hyundai Tucson Fuel Cell.yaml | 2 +- cal_and_val/f3-vehicles/2016 KIA Optima Hybrid.yaml | 2 +- cal_and_val/f3-vehicles/2016 Leaf 24 kWh.yaml | 2 +- cal_and_val/f3-vehicles/2016 MITSUBISHI i-MiEV.yaml | 2 +- cal_and_val/f3-vehicles/2016 Nissan Leaf 30 kWh.yaml | 2 +- cal_and_val/f3-vehicles/2016 TESLA Model S60 2WD.yaml | 2 +- cal_and_val/f3-vehicles/2016 TOYOTA Camry 4cyl 2WD.yaml | 2 +- cal_and_val/f3-vehicles/2016 TOYOTA Corolla 4cyl 2WD.yaml | 2 +- cal_and_val/f3-vehicles/2016 TOYOTA Highlander Hybrid.yaml | 2 +- cal_and_val/f3-vehicles/2016 Toyota Prius Two FWD.yaml | 2 +- cal_and_val/f3-vehicles/2017 CHEVROLET Bolt.yaml | 2 +- cal_and_val/f3-vehicles/2017 Maruti Dzire VDI.yaml | 2 +- cal_and_val/f3-vehicles/2017 Toyota Highlander 3.5 L.yaml | 2 +- .../f3-vehicles/2020 Chevrolet Colorado 2WD Diesel.yaml | 2 +- cal_and_val/f3-vehicles/2020 Hero Splendor+ 100cc.yaml | 2 +- cal_and_val/f3-vehicles/2020 VW Golf 1.5TSI.yaml | 2 +- cal_and_val/f3-vehicles/2020 VW Golf 2.0TDI.yaml | 2 +- cal_and_val/f3-vehicles/2021 BMW iX xDrive40.yaml | 2 +- cal_and_val/f3-vehicles/2021 Cupra Born.yaml | 2 +- cal_and_val/f3-vehicles/2021 Fiat Panda Mild Hybrid.yaml | 2 +- cal_and_val/f3-vehicles/2021 Honda N-Box G.yaml | 2 +- cal_and_val/f3-vehicles/2021 Peugot 3008.yaml | 2 +- cal_and_val/f3-vehicles/2022 Ford F-150 Lightning 4WD.yaml | 2 +- .../f3-vehicles/2022 MINI Cooper SE Hardtop 2 door.yaml | 2 +- cal_and_val/f3-vehicles/2022 Renault Megane E-Tech.yaml | 2 +- cal_and_val/f3-vehicles/2022 Renault Zoe ZE50 R135.yaml | 2 +- cal_and_val/f3-vehicles/2022 Tesla Model 3 RWD.yaml | 2 +- cal_and_val/f3-vehicles/2022 Tesla Model Y RWD.yaml | 2 +- cal_and_val/f3-vehicles/2022 Toyota RAV4 Hybrid LE.yaml | 2 +- cal_and_val/f3-vehicles/2022 Toyota Yaris Hybrid Mid.yaml | 2 +- cal_and_val/f3-vehicles/2022 Volvo XC40 Recharge twin.yaml | 2 +- cal_and_val/f3-vehicles/2023 Mitsubishi Pajero Sport.yaml | 2 +- .../f3-vehicles/2023 Polestar 2 Long range Dual motor.yaml | 2 +- cal_and_val/f3-vehicles/2023 Volvo C40 Recharge.yaml | 2 +- cal_and_val/f3-vehicles/2024 BYD Dolphin Active.yaml | 2 +- cal_and_val/f3-vehicles/2024 Toyota Vios 1.5 G.yaml | 2 +- cal_and_val/f3-vehicles/2024 VinFast VF e34.yaml | 2 +- cal_and_val/f3-vehicles/2024 Volkswagen Polo 1.0 MPI.yaml | 2 +- cal_and_val/f3-vehicles/BYD ATTO 3.yaml | 2 +- cal_and_val/f3-vehicles/Bajaj Boxer 150.yaml | 2 +- cal_and_val/f3-vehicles/Class 4 Truck (Isuzu NPR HD).yaml | 2 +- cal_and_val/f3-vehicles/Line Haul Conv.yaml | 2 +- cal_and_val/f3-vehicles/Maruti Swift 4cyl 2WD.yaml | 2 +- cal_and_val/f3-vehicles/Nissan Navara.yaml | 2 +- cal_and_val/f3-vehicles/Regional Delivery Class 8 Truck.yaml | 2 +- cal_and_val/f3-vehicles/Renault Clio IV diesel.yaml | 2 +- .../f3-vehicles/Renault Megane 1.5 dCi Authentique.yaml | 2 +- cal_and_val/f3-vehicles/Toyota Corolla Cross Hybrid.yaml | 2 +- cal_and_val/f3-vehicles/Toyota Etios Liva diesel.yaml | 2 +- cal_and_val/f3-vehicles/Toyota Hilux Double Cab 4WD.yaml | 2 +- cal_and_val/f3-vehicles/Toyota Mirai.yaml | 2 +- fastsim-core/resources/vehicles/2012_Ford_Fusion.yaml | 2 +- fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml | 2 +- .../resources/vehicles/2022_Renault_Zoe_ZE50_R135.yaml | 2 +- fastsim-core/src/vehicle/bev.rs | 4 +++- fastsim-core/src/vehicle/conv.rs | 1 + fastsim-core/src/vehicle/hev.rs | 3 +++ .../demos/demo_variable_paths/variable_path_list_expected.txt | 2 +- 69 files changed, 73 insertions(+), 67 deletions(-) diff --git a/cal_and_val/f3-vehicles/2010 Mazda 3 i-Stop.yaml b/cal_and_val/f3-vehicles/2010 Mazda 3 i-Stop.yaml index 225ff297..3ecfc923 100644 --- a/cal_and_val/f3-vehicles/2010 Mazda 3 i-Stop.yaml +++ b/cal_and_val/f3-vehicles/2010 Mazda 3 i-Stop.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.92 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.3301 diff --git a/cal_and_val/f3-vehicles/2012 Ford Focus.yaml b/cal_and_val/f3-vehicles/2012 Ford Focus.yaml index 7d0bf639..d7b5ddcb 100644 --- a/cal_and_val/f3-vehicles/2012 Ford Focus.yaml +++ b/cal_and_val/f3-vehicles/2012 Ford Focus.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.92 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.304 diff --git a/cal_and_val/f3-vehicles/2012 Ford Fusion.yaml b/cal_and_val/f3-vehicles/2012 Ford Fusion.yaml index 52691655..22af9b1d 100644 --- a/cal_and_val/f3-vehicles/2012 Ford Fusion.yaml +++ b/cal_and_val/f3-vehicles/2012 Ford Fusion.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.875 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.393 diff --git a/cal_and_val/f3-vehicles/2016 AUDI A3 4cyl 2WD.yaml b/cal_and_val/f3-vehicles/2016 AUDI A3 4cyl 2WD.yaml index 95657f89..577bc425 100644 --- a/cal_and_val/f3-vehicles/2016 AUDI A3 4cyl 2WD.yaml +++ b/cal_and_val/f3-vehicles/2016 AUDI A3 4cyl 2WD.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.92 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.395 diff --git a/cal_and_val/f3-vehicles/2016 BMW 328d 4cyl 2WD.yaml b/cal_and_val/f3-vehicles/2016 BMW 328d 4cyl 2WD.yaml index 7438f0c7..9554be68 100644 --- a/cal_and_val/f3-vehicles/2016 BMW 328d 4cyl 2WD.yaml +++ b/cal_and_val/f3-vehicles/2016 BMW 328d 4cyl 2WD.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.92 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.3 diff --git a/cal_and_val/f3-vehicles/2016 CHEVROLET Malibu 4cyl 2WD.yaml b/cal_and_val/f3-vehicles/2016 CHEVROLET Malibu 4cyl 2WD.yaml index 3fe886ec..5cc2b676 100644 --- a/cal_and_val/f3-vehicles/2016 CHEVROLET Malibu 4cyl 2WD.yaml +++ b/cal_and_val/f3-vehicles/2016 CHEVROLET Malibu 4cyl 2WD.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.92 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.3 diff --git a/cal_and_val/f3-vehicles/2016 CHEVROLET Spark EV.yaml b/cal_and_val/f3-vehicles/2016 CHEVROLET Spark EV.yaml index cc3f5cf5..f00702a4 100644 --- a/cal_and_val/f3-vehicles/2016 CHEVROLET Spark EV.yaml +++ b/cal_and_val/f3-vehicles/2016 CHEVROLET Spark EV.yaml @@ -79,7 +79,7 @@ pt_type: eff_interp: Interp0D: 0.98 save_interval: 1 - mass: ~ + mass_kilograms: ~ chassis: drag_coef: 0.33 frontal_area_square_meters: 2.357 diff --git a/cal_and_val/f3-vehicles/2016 FORD C-MAX HEV.yaml b/cal_and_val/f3-vehicles/2016 FORD C-MAX HEV.yaml index a28b0832..fbf542b4 100644 --- a/cal_and_val/f3-vehicles/2016 FORD C-MAX HEV.yaml +++ b/cal_and_val/f3-vehicles/2016 FORD C-MAX HEV.yaml @@ -667,7 +667,7 @@ pt_type: frac_res_chrg_for_fc: 0.0 frac_res_dschrg_for_fc: 0.0 aux_cntrl: AuxOnResPriority - mass: ~ + mass_kilograms: ~ sim_params: res_per_fuel_lim: 0.005 soc_balance_iter_err: 5 diff --git a/cal_and_val/f3-vehicles/2016 FORD Escape 4cyl 2WD.yaml b/cal_and_val/f3-vehicles/2016 FORD Escape 4cyl 2WD.yaml index 0192936a..4c81446e 100644 --- a/cal_and_val/f3-vehicles/2016 FORD Escape 4cyl 2WD.yaml +++ b/cal_and_val/f3-vehicles/2016 FORD Escape 4cyl 2WD.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.92 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.355 diff --git a/cal_and_val/f3-vehicles/2016 FORD Explorer 4cyl 2WD.yaml b/cal_and_val/f3-vehicles/2016 FORD Explorer 4cyl 2WD.yaml index d35c0395..e5ba5555 100644 --- a/cal_and_val/f3-vehicles/2016 FORD Explorer 4cyl 2WD.yaml +++ b/cal_and_val/f3-vehicles/2016 FORD Explorer 4cyl 2WD.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.92 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.34 diff --git a/cal_and_val/f3-vehicles/2016 HYUNDAI Elantra 4cyl 2WD.yaml b/cal_and_val/f3-vehicles/2016 HYUNDAI Elantra 4cyl 2WD.yaml index 0c88d729..db64a075 100644 --- a/cal_and_val/f3-vehicles/2016 HYUNDAI Elantra 4cyl 2WD.yaml +++ b/cal_and_val/f3-vehicles/2016 HYUNDAI Elantra 4cyl 2WD.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.92 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.3 diff --git a/cal_and_val/f3-vehicles/2016 Hyundai Tucson Fuel Cell.yaml b/cal_and_val/f3-vehicles/2016 Hyundai Tucson Fuel Cell.yaml index 7a4933e1..3e3ddf7a 100644 --- a/cal_and_val/f3-vehicles/2016 Hyundai Tucson Fuel Cell.yaml +++ b/cal_and_val/f3-vehicles/2016 Hyundai Tucson Fuel Cell.yaml @@ -667,7 +667,7 @@ pt_type: frac_res_chrg_for_fc: 0.0 frac_res_dschrg_for_fc: 0.0 aux_cntrl: AuxOnResPriority - mass: ~ + mass_kilograms: ~ sim_params: res_per_fuel_lim: 0.005 soc_balance_iter_err: 5 diff --git a/cal_and_val/f3-vehicles/2016 KIA Optima Hybrid.yaml b/cal_and_val/f3-vehicles/2016 KIA Optima Hybrid.yaml index a3cf2daa..0f4817f4 100644 --- a/cal_and_val/f3-vehicles/2016 KIA Optima Hybrid.yaml +++ b/cal_and_val/f3-vehicles/2016 KIA Optima Hybrid.yaml @@ -667,7 +667,7 @@ pt_type: frac_res_chrg_for_fc: 0.0 frac_res_dschrg_for_fc: 0.0 aux_cntrl: AuxOnResPriority - mass: ~ + mass_kilograms: ~ sim_params: res_per_fuel_lim: 0.005 soc_balance_iter_err: 5 diff --git a/cal_and_val/f3-vehicles/2016 Leaf 24 kWh.yaml b/cal_and_val/f3-vehicles/2016 Leaf 24 kWh.yaml index ef268d6d..15602501 100644 --- a/cal_and_val/f3-vehicles/2016 Leaf 24 kWh.yaml +++ b/cal_and_val/f3-vehicles/2016 Leaf 24 kWh.yaml @@ -79,7 +79,7 @@ pt_type: eff_interp: Interp0D: 0.98 save_interval: 1 - mass: ~ + mass_kilograms: ~ chassis: drag_coef: 0.315 frontal_area_square_meters: 2.755 diff --git a/cal_and_val/f3-vehicles/2016 MITSUBISHI i-MiEV.yaml b/cal_and_val/f3-vehicles/2016 MITSUBISHI i-MiEV.yaml index 1a5b81df..b2a212ca 100644 --- a/cal_and_val/f3-vehicles/2016 MITSUBISHI i-MiEV.yaml +++ b/cal_and_val/f3-vehicles/2016 MITSUBISHI i-MiEV.yaml @@ -79,7 +79,7 @@ pt_type: eff_interp: Interp0D: 0.98 save_interval: 1 - mass: ~ + mass_kilograms: ~ chassis: drag_coef: 0.34 frontal_area_square_meters: 2.56 diff --git a/cal_and_val/f3-vehicles/2016 Nissan Leaf 30 kWh.yaml b/cal_and_val/f3-vehicles/2016 Nissan Leaf 30 kWh.yaml index 3a16fd02..6b4d05e1 100644 --- a/cal_and_val/f3-vehicles/2016 Nissan Leaf 30 kWh.yaml +++ b/cal_and_val/f3-vehicles/2016 Nissan Leaf 30 kWh.yaml @@ -79,7 +79,7 @@ pt_type: eff_interp: Interp0D: 0.98 save_interval: 1 - mass: ~ + mass_kilograms: ~ chassis: drag_coef: 0.315 frontal_area_square_meters: 2.755 diff --git a/cal_and_val/f3-vehicles/2016 TESLA Model S60 2WD.yaml b/cal_and_val/f3-vehicles/2016 TESLA Model S60 2WD.yaml index b17eb827..0d056834 100644 --- a/cal_and_val/f3-vehicles/2016 TESLA Model S60 2WD.yaml +++ b/cal_and_val/f3-vehicles/2016 TESLA Model S60 2WD.yaml @@ -79,7 +79,7 @@ pt_type: eff_interp: Interp0D: 0.98 save_interval: 1 - mass: ~ + mass_kilograms: ~ chassis: drag_coef: 0.3 frontal_area_square_meters: 2.832 diff --git a/cal_and_val/f3-vehicles/2016 TOYOTA Camry 4cyl 2WD.yaml b/cal_and_val/f3-vehicles/2016 TOYOTA Camry 4cyl 2WD.yaml index cbdf904b..fb620295 100644 --- a/cal_and_val/f3-vehicles/2016 TOYOTA Camry 4cyl 2WD.yaml +++ b/cal_and_val/f3-vehicles/2016 TOYOTA Camry 4cyl 2WD.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.92 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.3 diff --git a/cal_and_val/f3-vehicles/2016 TOYOTA Corolla 4cyl 2WD.yaml b/cal_and_val/f3-vehicles/2016 TOYOTA Corolla 4cyl 2WD.yaml index d7293420..58e82d61 100644 --- a/cal_and_val/f3-vehicles/2016 TOYOTA Corolla 4cyl 2WD.yaml +++ b/cal_and_val/f3-vehicles/2016 TOYOTA Corolla 4cyl 2WD.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.92 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.3 diff --git a/cal_and_val/f3-vehicles/2016 TOYOTA Highlander Hybrid.yaml b/cal_and_val/f3-vehicles/2016 TOYOTA Highlander Hybrid.yaml index 71fcba08..f3bf4136 100644 --- a/cal_and_val/f3-vehicles/2016 TOYOTA Highlander Hybrid.yaml +++ b/cal_and_val/f3-vehicles/2016 TOYOTA Highlander Hybrid.yaml @@ -667,7 +667,7 @@ pt_type: frac_res_chrg_for_fc: 0.0 frac_res_dschrg_for_fc: 0.0 aux_cntrl: AuxOnResPriority - mass: ~ + mass_kilograms: ~ sim_params: res_per_fuel_lim: 0.005 soc_balance_iter_err: 5 diff --git a/cal_and_val/f3-vehicles/2016 Toyota Prius Two FWD.yaml b/cal_and_val/f3-vehicles/2016 Toyota Prius Two FWD.yaml index 480c0aed..b06d962a 100644 --- a/cal_and_val/f3-vehicles/2016 Toyota Prius Two FWD.yaml +++ b/cal_and_val/f3-vehicles/2016 Toyota Prius Two FWD.yaml @@ -667,7 +667,7 @@ pt_type: frac_res_chrg_for_fc: 0.0 frac_res_dschrg_for_fc: 1.0 aux_cntrl: AuxOnResPriority - mass: ~ + mass_kilograms: ~ sim_params: res_per_fuel_lim: 0.005 soc_balance_iter_err: 5 diff --git a/cal_and_val/f3-vehicles/2017 CHEVROLET Bolt.yaml b/cal_and_val/f3-vehicles/2017 CHEVROLET Bolt.yaml index 9b027a71..e4bc67c4 100644 --- a/cal_and_val/f3-vehicles/2017 CHEVROLET Bolt.yaml +++ b/cal_and_val/f3-vehicles/2017 CHEVROLET Bolt.yaml @@ -79,7 +79,7 @@ pt_type: eff_interp: Interp0D: 0.98 save_interval: 1 - mass: ~ + mass_kilograms: ~ chassis: drag_coef: 0.29 frontal_area_square_meters: 2.845 diff --git a/cal_and_val/f3-vehicles/2017 Maruti Dzire VDI.yaml b/cal_and_val/f3-vehicles/2017 Maruti Dzire VDI.yaml index 8b36b808..43aa1cf2 100644 --- a/cal_and_val/f3-vehicles/2017 Maruti Dzire VDI.yaml +++ b/cal_and_val/f3-vehicles/2017 Maruti Dzire VDI.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.95 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.375 diff --git a/cal_and_val/f3-vehicles/2017 Toyota Highlander 3.5 L.yaml b/cal_and_val/f3-vehicles/2017 Toyota Highlander 3.5 L.yaml index 44fff55e..32e52b49 100644 --- a/cal_and_val/f3-vehicles/2017 Toyota Highlander 3.5 L.yaml +++ b/cal_and_val/f3-vehicles/2017 Toyota Highlander 3.5 L.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.875 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.1966 diff --git a/cal_and_val/f3-vehicles/2020 Chevrolet Colorado 2WD Diesel.yaml b/cal_and_val/f3-vehicles/2020 Chevrolet Colorado 2WD Diesel.yaml index 70c01b94..cf0d393d 100644 --- a/cal_and_val/f3-vehicles/2020 Chevrolet Colorado 2WD Diesel.yaml +++ b/cal_and_val/f3-vehicles/2020 Chevrolet Colorado 2WD Diesel.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.92 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.4 diff --git a/cal_and_val/f3-vehicles/2020 Hero Splendor+ 100cc.yaml b/cal_and_val/f3-vehicles/2020 Hero Splendor+ 100cc.yaml index 2a1bce6c..df288e7f 100644 --- a/cal_and_val/f3-vehicles/2020 Hero Splendor+ 100cc.yaml +++ b/cal_and_val/f3-vehicles/2020 Hero Splendor+ 100cc.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.92 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.78 diff --git a/cal_and_val/f3-vehicles/2020 VW Golf 1.5TSI.yaml b/cal_and_val/f3-vehicles/2020 VW Golf 1.5TSI.yaml index 6484a3e1..54efa6ea 100644 --- a/cal_and_val/f3-vehicles/2020 VW Golf 1.5TSI.yaml +++ b/cal_and_val/f3-vehicles/2020 VW Golf 1.5TSI.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.98 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.275 diff --git a/cal_and_val/f3-vehicles/2020 VW Golf 2.0TDI.yaml b/cal_and_val/f3-vehicles/2020 VW Golf 2.0TDI.yaml index 1632dd78..237a46c1 100644 --- a/cal_and_val/f3-vehicles/2020 VW Golf 2.0TDI.yaml +++ b/cal_and_val/f3-vehicles/2020 VW Golf 2.0TDI.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.98 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.275 diff --git a/cal_and_val/f3-vehicles/2021 BMW iX xDrive40.yaml b/cal_and_val/f3-vehicles/2021 BMW iX xDrive40.yaml index 3703d379..62cc6367 100644 --- a/cal_and_val/f3-vehicles/2021 BMW iX xDrive40.yaml +++ b/cal_and_val/f3-vehicles/2021 BMW iX xDrive40.yaml @@ -79,7 +79,7 @@ pt_type: eff_interp: Interp0D: 0.98 save_interval: 1 - mass: ~ + mass_kilograms: ~ chassis: drag_coef: 0.25 frontal_area_square_meters: 2.82 diff --git a/cal_and_val/f3-vehicles/2021 Cupra Born.yaml b/cal_and_val/f3-vehicles/2021 Cupra Born.yaml index a401b0f1..06dcaed9 100644 --- a/cal_and_val/f3-vehicles/2021 Cupra Born.yaml +++ b/cal_and_val/f3-vehicles/2021 Cupra Born.yaml @@ -79,7 +79,7 @@ pt_type: eff_interp: Interp0D: 0.98 save_interval: 1 - mass: ~ + mass_kilograms: ~ chassis: drag_coef: 0.27 frontal_area_square_meters: 2.31 diff --git a/cal_and_val/f3-vehicles/2021 Fiat Panda Mild Hybrid.yaml b/cal_and_val/f3-vehicles/2021 Fiat Panda Mild Hybrid.yaml index dd643d6a..9977ac3a 100644 --- a/cal_and_val/f3-vehicles/2021 Fiat Panda Mild Hybrid.yaml +++ b/cal_and_val/f3-vehicles/2021 Fiat Panda Mild Hybrid.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.95 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.4 diff --git a/cal_and_val/f3-vehicles/2021 Honda N-Box G.yaml b/cal_and_val/f3-vehicles/2021 Honda N-Box G.yaml index 9e7bc2f2..3c7c9ad1 100644 --- a/cal_and_val/f3-vehicles/2021 Honda N-Box G.yaml +++ b/cal_and_val/f3-vehicles/2021 Honda N-Box G.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.95 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.38 diff --git a/cal_and_val/f3-vehicles/2021 Peugot 3008.yaml b/cal_and_val/f3-vehicles/2021 Peugot 3008.yaml index dc0036ee..8f1611c7 100644 --- a/cal_and_val/f3-vehicles/2021 Peugot 3008.yaml +++ b/cal_and_val/f3-vehicles/2021 Peugot 3008.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.95 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.33 diff --git a/cal_and_val/f3-vehicles/2022 Ford F-150 Lightning 4WD.yaml b/cal_and_val/f3-vehicles/2022 Ford F-150 Lightning 4WD.yaml index 26bf6f34..26d66ecd 100644 --- a/cal_and_val/f3-vehicles/2022 Ford F-150 Lightning 4WD.yaml +++ b/cal_and_val/f3-vehicles/2022 Ford F-150 Lightning 4WD.yaml @@ -79,7 +79,7 @@ pt_type: eff_interp: Interp0D: 0.98 save_interval: 1 - mass: ~ + mass_kilograms: ~ chassis: drag_coef: 0.44 frontal_area_square_meters: 3.435086194 diff --git a/cal_and_val/f3-vehicles/2022 MINI Cooper SE Hardtop 2 door.yaml b/cal_and_val/f3-vehicles/2022 MINI Cooper SE Hardtop 2 door.yaml index 2b3dfab8..debacbe9 100755 --- a/cal_and_val/f3-vehicles/2022 MINI Cooper SE Hardtop 2 door.yaml +++ b/cal_and_val/f3-vehicles/2022 MINI Cooper SE Hardtop 2 door.yaml @@ -79,7 +79,7 @@ pt_type: eff_interp: Interp0D: 0.98 save_interval: 1 - mass: ~ + mass_kilograms: ~ chassis: drag_coef: 0.3261816574680473 frontal_area_square_meters: 2.4 diff --git a/cal_and_val/f3-vehicles/2022 Renault Megane E-Tech.yaml b/cal_and_val/f3-vehicles/2022 Renault Megane E-Tech.yaml index d30593f5..ca153bc8 100644 --- a/cal_and_val/f3-vehicles/2022 Renault Megane E-Tech.yaml +++ b/cal_and_val/f3-vehicles/2022 Renault Megane E-Tech.yaml @@ -79,7 +79,7 @@ pt_type: eff_interp: Interp0D: 0.98 save_interval: 1 - mass: ~ + mass_kilograms: ~ chassis: drag_coef: 0.305 frontal_area_square_meters: 2.21 diff --git a/cal_and_val/f3-vehicles/2022 Renault Zoe ZE50 R135.yaml b/cal_and_val/f3-vehicles/2022 Renault Zoe ZE50 R135.yaml index 7050e40d..4ff8c9ab 100644 --- a/cal_and_val/f3-vehicles/2022 Renault Zoe ZE50 R135.yaml +++ b/cal_and_val/f3-vehicles/2022 Renault Zoe ZE50 R135.yaml @@ -79,7 +79,7 @@ pt_type: eff_interp: Interp0D: 0.92 save_interval: 1 - mass: ~ + mass_kilograms: ~ chassis: drag_coef: 0.33 frontal_area_square_meters: 2.5121646 diff --git a/cal_and_val/f3-vehicles/2022 Tesla Model 3 RWD.yaml b/cal_and_val/f3-vehicles/2022 Tesla Model 3 RWD.yaml index 216f0cf6..22ff04ef 100644 --- a/cal_and_val/f3-vehicles/2022 Tesla Model 3 RWD.yaml +++ b/cal_and_val/f3-vehicles/2022 Tesla Model 3 RWD.yaml @@ -79,7 +79,7 @@ pt_type: eff_interp: Interp0D: 0.98 save_interval: 1 - mass: ~ + mass_kilograms: ~ chassis: drag_coef: 0.23 frontal_area_square_meters: 2.22 diff --git a/cal_and_val/f3-vehicles/2022 Tesla Model Y RWD.yaml b/cal_and_val/f3-vehicles/2022 Tesla Model Y RWD.yaml index 8eac4485..44a6519d 100644 --- a/cal_and_val/f3-vehicles/2022 Tesla Model Y RWD.yaml +++ b/cal_and_val/f3-vehicles/2022 Tesla Model Y RWD.yaml @@ -79,7 +79,7 @@ pt_type: eff_interp: Interp0D: 0.98 save_interval: 1 - mass: ~ + mass_kilograms: ~ chassis: drag_coef: 0.23 frontal_area_square_meters: 2.45 diff --git a/cal_and_val/f3-vehicles/2022 Toyota RAV4 Hybrid LE.yaml b/cal_and_val/f3-vehicles/2022 Toyota RAV4 Hybrid LE.yaml index 58257f68..ba8bb94d 100644 --- a/cal_and_val/f3-vehicles/2022 Toyota RAV4 Hybrid LE.yaml +++ b/cal_and_val/f3-vehicles/2022 Toyota RAV4 Hybrid LE.yaml @@ -667,7 +667,7 @@ pt_type: frac_res_chrg_for_fc: 0.3 frac_res_dschrg_for_fc: 0.3 aux_cntrl: AuxOnResPriority - mass: ~ + mass_kilograms: ~ sim_params: res_per_fuel_lim: 0.005 soc_balance_iter_err: 5 diff --git a/cal_and_val/f3-vehicles/2022 Toyota Yaris Hybrid Mid.yaml b/cal_and_val/f3-vehicles/2022 Toyota Yaris Hybrid Mid.yaml index 17c6c90d..2f68c623 100644 --- a/cal_and_val/f3-vehicles/2022 Toyota Yaris Hybrid Mid.yaml +++ b/cal_and_val/f3-vehicles/2022 Toyota Yaris Hybrid Mid.yaml @@ -667,7 +667,7 @@ pt_type: frac_res_chrg_for_fc: 0.3 frac_res_dschrg_for_fc: 0.3 aux_cntrl: AuxOnResPriority - mass: ~ + mass_kilograms: ~ sim_params: res_per_fuel_lim: 0.005 soc_balance_iter_err: 5 diff --git a/cal_and_val/f3-vehicles/2022 Volvo XC40 Recharge twin.yaml b/cal_and_val/f3-vehicles/2022 Volvo XC40 Recharge twin.yaml index 8af22228..7187f807 100644 --- a/cal_and_val/f3-vehicles/2022 Volvo XC40 Recharge twin.yaml +++ b/cal_and_val/f3-vehicles/2022 Volvo XC40 Recharge twin.yaml @@ -79,7 +79,7 @@ pt_type: eff_interp: Interp0D: 0.98 save_interval: 1 - mass: ~ + mass_kilograms: ~ chassis: drag_coef: 0.381485332 frontal_area_square_meters: 2.56 diff --git a/cal_and_val/f3-vehicles/2023 Mitsubishi Pajero Sport.yaml b/cal_and_val/f3-vehicles/2023 Mitsubishi Pajero Sport.yaml index 749e4d22..853e68dc 100644 --- a/cal_and_val/f3-vehicles/2023 Mitsubishi Pajero Sport.yaml +++ b/cal_and_val/f3-vehicles/2023 Mitsubishi Pajero Sport.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.9 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.4 diff --git a/cal_and_val/f3-vehicles/2023 Polestar 2 Long range Dual motor.yaml b/cal_and_val/f3-vehicles/2023 Polestar 2 Long range Dual motor.yaml index 71bce85b..34ff5e20 100644 --- a/cal_and_val/f3-vehicles/2023 Polestar 2 Long range Dual motor.yaml +++ b/cal_and_val/f3-vehicles/2023 Polestar 2 Long range Dual motor.yaml @@ -79,7 +79,7 @@ pt_type: eff_interp: Interp0D: 0.98 save_interval: 1 - mass: ~ + mass_kilograms: ~ chassis: drag_coef: 0.3173785276661135 frontal_area_square_meters: 2.21 diff --git a/cal_and_val/f3-vehicles/2023 Volvo C40 Recharge.yaml b/cal_and_val/f3-vehicles/2023 Volvo C40 Recharge.yaml index dbc269b0..273f2d22 100644 --- a/cal_and_val/f3-vehicles/2023 Volvo C40 Recharge.yaml +++ b/cal_and_val/f3-vehicles/2023 Volvo C40 Recharge.yaml @@ -79,7 +79,7 @@ pt_type: eff_interp: Interp0D: 0.98 save_interval: 1 - mass: ~ + mass_kilograms: ~ chassis: drag_coef: 0.371319384 frontal_area_square_meters: 2.54 diff --git a/cal_and_val/f3-vehicles/2024 BYD Dolphin Active.yaml b/cal_and_val/f3-vehicles/2024 BYD Dolphin Active.yaml index ed17875a..1492a979 100644 --- a/cal_and_val/f3-vehicles/2024 BYD Dolphin Active.yaml +++ b/cal_and_val/f3-vehicles/2024 BYD Dolphin Active.yaml @@ -79,7 +79,7 @@ pt_type: eff_interp: Interp0D: 0.98 save_interval: 1 - mass: ~ + mass_kilograms: ~ chassis: drag_coef: 0.301 frontal_area_square_meters: 2.50101 diff --git a/cal_and_val/f3-vehicles/2024 Toyota Vios 1.5 G.yaml b/cal_and_val/f3-vehicles/2024 Toyota Vios 1.5 G.yaml index e5ff4839..c943de71 100644 --- a/cal_and_val/f3-vehicles/2024 Toyota Vios 1.5 G.yaml +++ b/cal_and_val/f3-vehicles/2024 Toyota Vios 1.5 G.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.95 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.28 diff --git a/cal_and_val/f3-vehicles/2024 VinFast VF e34.yaml b/cal_and_val/f3-vehicles/2024 VinFast VF e34.yaml index c4e9e987..44c7ff90 100644 --- a/cal_and_val/f3-vehicles/2024 VinFast VF e34.yaml +++ b/cal_and_val/f3-vehicles/2024 VinFast VF e34.yaml @@ -79,7 +79,7 @@ pt_type: eff_interp: Interp0D: 0.98 save_interval: 1 - mass: ~ + mass_kilograms: ~ chassis: drag_coef: 0.32 frontal_area_square_meters: 2.424 diff --git a/cal_and_val/f3-vehicles/2024 Volkswagen Polo 1.0 MPI.yaml b/cal_and_val/f3-vehicles/2024 Volkswagen Polo 1.0 MPI.yaml index 52dea69c..1adcc652 100644 --- a/cal_and_val/f3-vehicles/2024 Volkswagen Polo 1.0 MPI.yaml +++ b/cal_and_val/f3-vehicles/2024 Volkswagen Polo 1.0 MPI.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.95 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.306 diff --git a/cal_and_val/f3-vehicles/BYD ATTO 3.yaml b/cal_and_val/f3-vehicles/BYD ATTO 3.yaml index 1d0b70a9..4f98d01f 100644 --- a/cal_and_val/f3-vehicles/BYD ATTO 3.yaml +++ b/cal_and_val/f3-vehicles/BYD ATTO 3.yaml @@ -79,7 +79,7 @@ pt_type: eff_interp: Interp0D: 0.95 save_interval: 1 - mass: ~ + mass_kilograms: ~ chassis: drag_coef: 0.29 frontal_area_square_meters: 2.58 diff --git a/cal_and_val/f3-vehicles/Bajaj Boxer 150.yaml b/cal_and_val/f3-vehicles/Bajaj Boxer 150.yaml index f2c23120..0ba28cf8 100644 --- a/cal_and_val/f3-vehicles/Bajaj Boxer 150.yaml +++ b/cal_and_val/f3-vehicles/Bajaj Boxer 150.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.92 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.78 diff --git a/cal_and_val/f3-vehicles/Class 4 Truck (Isuzu NPR HD).yaml b/cal_and_val/f3-vehicles/Class 4 Truck (Isuzu NPR HD).yaml index 334d14a0..f90f4f63 100644 --- a/cal_and_val/f3-vehicles/Class 4 Truck (Isuzu NPR HD).yaml +++ b/cal_and_val/f3-vehicles/Class 4 Truck (Isuzu NPR HD).yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.94 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.6078 diff --git a/cal_and_val/f3-vehicles/Line Haul Conv.yaml b/cal_and_val/f3-vehicles/Line Haul Conv.yaml index d74311ed..8805de66 100644 --- a/cal_and_val/f3-vehicles/Line Haul Conv.yaml +++ b/cal_and_val/f3-vehicles/Line Haul Conv.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.8 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.6 diff --git a/cal_and_val/f3-vehicles/Maruti Swift 4cyl 2WD.yaml b/cal_and_val/f3-vehicles/Maruti Swift 4cyl 2WD.yaml index c949e044..f72c8ae6 100644 --- a/cal_and_val/f3-vehicles/Maruti Swift 4cyl 2WD.yaml +++ b/cal_and_val/f3-vehicles/Maruti Swift 4cyl 2WD.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.92 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.3 diff --git a/cal_and_val/f3-vehicles/Nissan Navara.yaml b/cal_and_val/f3-vehicles/Nissan Navara.yaml index 4c190ae9..770cfb9f 100644 --- a/cal_and_val/f3-vehicles/Nissan Navara.yaml +++ b/cal_and_val/f3-vehicles/Nissan Navara.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.95 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.39 diff --git a/cal_and_val/f3-vehicles/Regional Delivery Class 8 Truck.yaml b/cal_and_val/f3-vehicles/Regional Delivery Class 8 Truck.yaml index 81091fe1..20e821f1 100644 --- a/cal_and_val/f3-vehicles/Regional Delivery Class 8 Truck.yaml +++ b/cal_and_val/f3-vehicles/Regional Delivery Class 8 Truck.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.85 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.8 diff --git a/cal_and_val/f3-vehicles/Renault Clio IV diesel.yaml b/cal_and_val/f3-vehicles/Renault Clio IV diesel.yaml index ef052e39..401c6ee0 100644 --- a/cal_and_val/f3-vehicles/Renault Clio IV diesel.yaml +++ b/cal_and_val/f3-vehicles/Renault Clio IV diesel.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.95 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.33 diff --git a/cal_and_val/f3-vehicles/Renault Megane 1.5 dCi Authentique.yaml b/cal_and_val/f3-vehicles/Renault Megane 1.5 dCi Authentique.yaml index 0279f5ac..2b3feb0d 100644 --- a/cal_and_val/f3-vehicles/Renault Megane 1.5 dCi Authentique.yaml +++ b/cal_and_val/f3-vehicles/Renault Megane 1.5 dCi Authentique.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.95 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.35 diff --git a/cal_and_val/f3-vehicles/Toyota Corolla Cross Hybrid.yaml b/cal_and_val/f3-vehicles/Toyota Corolla Cross Hybrid.yaml index 759b4d5c..96e59202 100644 --- a/cal_and_val/f3-vehicles/Toyota Corolla Cross Hybrid.yaml +++ b/cal_and_val/f3-vehicles/Toyota Corolla Cross Hybrid.yaml @@ -667,7 +667,7 @@ pt_type: frac_res_chrg_for_fc: 0.3 frac_res_dschrg_for_fc: 0.3 aux_cntrl: AuxOnResPriority - mass: ~ + mass_kilograms: ~ sim_params: res_per_fuel_lim: 0.005 soc_balance_iter_err: 5 diff --git a/cal_and_val/f3-vehicles/Toyota Etios Liva diesel.yaml b/cal_and_val/f3-vehicles/Toyota Etios Liva diesel.yaml index 5a842b96..e6073da1 100644 --- a/cal_and_val/f3-vehicles/Toyota Etios Liva diesel.yaml +++ b/cal_and_val/f3-vehicles/Toyota Etios Liva diesel.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.95 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.3 diff --git a/cal_and_val/f3-vehicles/Toyota Hilux Double Cab 4WD.yaml b/cal_and_val/f3-vehicles/Toyota Hilux Double Cab 4WD.yaml index b2f42ad3..788b245d 100644 --- a/cal_and_val/f3-vehicles/Toyota Hilux Double Cab 4WD.yaml +++ b/cal_and_val/f3-vehicles/Toyota Hilux Double Cab 4WD.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.95 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.4 diff --git a/cal_and_val/f3-vehicles/Toyota Mirai.yaml b/cal_and_val/f3-vehicles/Toyota Mirai.yaml index 157f98e4..24c4a955 100644 --- a/cal_and_val/f3-vehicles/Toyota Mirai.yaml +++ b/cal_and_val/f3-vehicles/Toyota Mirai.yaml @@ -667,7 +667,7 @@ pt_type: frac_res_chrg_for_fc: 0.0 frac_res_dschrg_for_fc: 0.0 aux_cntrl: AuxOnResPriority - mass: ~ + mass_kilograms: ~ sim_params: res_per_fuel_lim: 0.005 soc_balance_iter_err: 5 diff --git a/fastsim-core/resources/vehicles/2012_Ford_Fusion.yaml b/fastsim-core/resources/vehicles/2012_Ford_Fusion.yaml index 52691655..22af9b1d 100755 --- a/fastsim-core/resources/vehicles/2012_Ford_Fusion.yaml +++ b/fastsim-core/resources/vehicles/2012_Ford_Fusion.yaml @@ -226,7 +226,7 @@ pt_type: eff_interp: Interp0D: 0.875 save_interval: 1 - mass: ~ + mass_kilograms: ~ alt_eff: 1.0 chassis: drag_coef: 0.393 diff --git a/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml b/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml index 480c0aed..b06d962a 100755 --- a/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml +++ b/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml @@ -667,7 +667,7 @@ pt_type: frac_res_chrg_for_fc: 0.0 frac_res_dschrg_for_fc: 1.0 aux_cntrl: AuxOnResPriority - mass: ~ + mass_kilograms: ~ sim_params: res_per_fuel_lim: 0.005 soc_balance_iter_err: 5 diff --git a/fastsim-core/resources/vehicles/2022_Renault_Zoe_ZE50_R135.yaml b/fastsim-core/resources/vehicles/2022_Renault_Zoe_ZE50_R135.yaml index 7050e40d..4ff8c9ab 100644 --- a/fastsim-core/resources/vehicles/2022_Renault_Zoe_ZE50_R135.yaml +++ b/fastsim-core/resources/vehicles/2022_Renault_Zoe_ZE50_R135.yaml @@ -79,7 +79,7 @@ pt_type: eff_interp: Interp0D: 0.92 save_interval: 1 - mass: ~ + mass_kilograms: ~ chassis: drag_coef: 0.33 frontal_area_square_meters: 2.5121646 diff --git a/fastsim-core/src/vehicle/bev.rs b/fastsim-core/src/vehicle/bev.rs index db5769c8..7dc43169 100644 --- a/fastsim-core/src/vehicle/bev.rs +++ b/fastsim-core/src/vehicle/bev.rs @@ -1,5 +1,6 @@ use super::*; +#[fastsim_api] #[derive(Clone, Debug, PartialEq, Serialize, Deserialize, HistoryMethods)] #[non_exhaustive] /// Battery electric vehicle @@ -13,7 +14,6 @@ pub struct BatteryElectricVehicle { pub(crate) mass: Option, } -impl SerdeAPI for BatteryElectricVehicle {} impl Init for BatteryElectricVehicle { fn init(&mut self) -> anyhow::Result<()> { self.res.init().with_context(|| anyhow!(format_dbg!()))?; @@ -25,6 +25,8 @@ impl Init for BatteryElectricVehicle { } } +impl SerdeAPI for BatteryElectricVehicle {} + impl Mass for BatteryElectricVehicle { fn mass(&self) -> anyhow::Result> { let derived_mass = self diff --git a/fastsim-core/src/vehicle/conv.rs b/fastsim-core/src/vehicle/conv.rs index 231e0832..5c02184d 100644 --- a/fastsim-core/src/vehicle/conv.rs +++ b/fastsim-core/src/vehicle/conv.rs @@ -1,5 +1,6 @@ use super::*; +#[fastsim_api] #[derive(Clone, Debug, PartialEq, Serialize, Deserialize, HistoryMethods)] #[non_exhaustive] /// Conventional vehicle with only a FuelConverter as a power source diff --git a/fastsim-core/src/vehicle/hev.rs b/fastsim-core/src/vehicle/hev.rs index 10231155..24d4b6e5 100644 --- a/fastsim-core/src/vehicle/hev.rs +++ b/fastsim-core/src/vehicle/hev.rs @@ -1,6 +1,7 @@ use super::{vehicle_model::VehicleState, *}; use crate::prelude::ElectricMachineState; +#[fastsim_api] #[derive(Clone, Debug, PartialEq, Deserialize, Serialize, HistoryMethods)] #[non_exhaustive] /// Hybrid vehicle with both engine and reversible energy storage (aka battery) @@ -60,6 +61,8 @@ impl Init for HybridElectricVehicle { } } +impl SerdeAPI for HybridElectricVehicle {} + impl Powertrain for Box { fn set_curr_pwr_prop_out_max( &mut self, diff --git a/python/fastsim/resources/demos/demo_variable_paths/variable_path_list_expected.txt b/python/fastsim/resources/demos/demo_variable_paths/variable_path_list_expected.txt index 5a44f8fd..14b095cb 100644 --- a/python/fastsim/resources/demos/demo_variable_paths/variable_path_list_expected.txt +++ b/python/fastsim/resources/demos/demo_variable_paths/variable_path_list_expected.txt @@ -56,7 +56,7 @@ ['veh']['pt_type']['ConventionalVehicle']['transmission']['history']['pwr_loss_watts'] ['veh']['pt_type']['ConventionalVehicle']['transmission']['history']['energy_out_joules'] ['veh']['pt_type']['ConventionalVehicle']['transmission']['history']['energy_loss_joules'] -['veh']['pt_type']['ConventionalVehicle']['mass'] +['veh']['pt_type']['ConventionalVehicle']['mass_kilograms'] ['veh']['pt_type']['ConventionalVehicle']['alt_eff'] ['veh']['chassis']['drag_coef'] ['veh']['chassis']['frontal_area_square_meters'] From 330546b7d62cefcc2031a5ca3a0338bc97262118 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Thu, 9 Jan 2025 13:57:00 -0700 Subject: [PATCH 005/129] removed deprecated stuff --- .../fastsim-proc-macros/src/fastsim_api/fastsim_api_utils.rs | 1 - fastsim-core/src/imports.rs | 1 - fastsim-core/src/vehicle/powertrain/electric_machine.rs | 2 -- 3 files changed, 4 deletions(-) diff --git a/fastsim-core/fastsim-proc-macros/src/fastsim_api/fastsim_api_utils.rs b/fastsim-core/fastsim-proc-macros/src/fastsim_api/fastsim_api_utils.rs index 261eedff..5f696657 100755 --- a/fastsim-core/fastsim-proc-macros/src/fastsim_api/fastsim_api_utils.rs +++ b/fastsim-core/fastsim-proc-macros/src/fastsim_api/fastsim_api_utils.rs @@ -155,7 +155,6 @@ pub(crate) fn impl_getters_and_setters(field: &mut syn::Field) -> Option<()> { let mut vec_layers: u8 = 0; let mut inner_type = &ftype; - // TODO: make sure this is being used with `SerdeAPI` also if let Some(opt_inner_type) = extract_type_from_option(inner_type) { inner_type = opt_inner_type; } diff --git a/fastsim-core/src/imports.rs b/fastsim-core/src/imports.rs index 5411d599..9c86cae8 100644 --- a/fastsim-core/src/imports.rs +++ b/fastsim-core/src/imports.rs @@ -29,7 +29,6 @@ pub(crate) use ndarray::prelude::*; pub(crate) use ninterp::*; pub(crate) use serde::{Deserialize, Serialize}; pub(crate) use std::cmp::{self, Ordering}; -pub(crate) use std::collections::{BinaryHeap, HashMap, HashSet, VecDeque}; pub(crate) use std::error::Error; pub(crate) use std::f64::consts::PI; pub(crate) use std::ffi::OsStr; diff --git a/fastsim-core/src/vehicle/powertrain/electric_machine.rs b/fastsim-core/src/vehicle/powertrain/electric_machine.rs index eaf362f2..30114fad 100755 --- a/fastsim-core/src/vehicle/powertrain/electric_machine.rs +++ b/fastsim-core/src/vehicle/powertrain/electric_machine.rs @@ -75,10 +75,8 @@ pub struct ElectricMachine { /// ElectricMachine maximum output power \[W\] pub pwr_out_max: si::Power, /// ElectricMachine specific power - // TODO: fix `extract_type_from_option` to allow for not having this line pub specific_pwr: Option, /// ElectricMachine mass - // TODO: fix `extract_type_from_option` to allow for not having this line pub(in super::super) mass: Option, /// Time step interval between saves. 1 is a good option. If None, no saving occurs. pub save_interval: Option, From e78f9cf937e4e7d563ad1fdb3682eacedd038c5d Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Fri, 10 Jan 2025 10:48:04 -0700 Subject: [PATCH 006/129] comments, TODOs, and bug fix --- cal_and_val/thermal/cal_hev.py | 54 ++++++++++++++++++++++++++++++---- python/fastsim/pymoo_api.py | 11 ++++--- 2 files changed, 56 insertions(+), 9 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 5728f922..1df25ef1 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -24,6 +24,10 @@ # Initialize seaborn plot configuration sns.set() +# TODO: Kyle or Robin: +# - [ ] in the `./f3-vehicles`, reduce all ~100 element arrays to just the ~10 +# element arrays, and make sure linear interpolation is used +# - [ ] make sure temp- and current/c-rate-dependent battery efficiency interp is being used veh = fsim.Vehicle.from_file(Path(__file__).parent / "f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml") # Obtain the data from @@ -32,7 +36,10 @@ cyc_folder_path = Path(__file__) / "dyno_test_data/2021 Hyundai Sonata Hybrid/Extended Datasets" assert cyc_folder_path.exists() cyc_files = [ - # TODO: Chad needs to populate this list after careful review + # TODO: Someone needs to populate this list after careful review, considering: + # - HVAC should be on + # - wide range of initial and ambient temperatures + # - good signal quality -- somewhat subjective # cyc_folder_path / "some_file.txt", ] assert len(cyc_files) > 0 @@ -40,12 +47,12 @@ # TODO: use random selection to retain ~70% of cycles for calibration, and # reserve the remaining for validation cyc_files_for_cal = [ - # TOOD: populate this somehow + # TOOD: populate this somehow -- e.g. random split of `cyc_files` ] dfs_for_cal = {} for cyc_file in cyc_files_for_cal: cyc_file: Path - # `delimiter="\t"` for tab separated variables + # `delimiter="\t"` should work for tab separated variables dfs_for_cal[cyc_file.stem] = pd.read_csv(cyc_file, delimiter="\t") cycs_for_cal = {} for (cyc_file_stem, df) in dfs_for_cal.items(): @@ -61,12 +68,24 @@ for (cyc_file_stem, cyc) in cycs_for_cal.items(): cyc_file_stem: str cyc: fsim.Cycle + # TODO: clone veh and set up initial conditions for: + # - SOC + # - cabin temp + # - battery temp if available, else use cabin temp + # - engine temp for HEV + # NOTE: maybe change `save_interval` to 5 sds_for_cal[cyc_file_stem] = fsim.SimDrive(veh, cyc).to_pydict() # TODO: flesh this out for validation stuff # cyc_files_for_val = [] # Setup model objectives +## Parameter Functions +def new_peak_res_eff (sd_dict, new_peak_eff): + # TODO: fix this dict path because Chad typed it from memory + sd_dict['veh']['pt_type']['HybridElectricVehicle']['res']['peak_eff'] = new_peak_eff + # TODO: check that `sd_dict` is mutably modified outside the scope of this function + cal_mod_obj = fsim.pymoo_api.ModelObjectives( models = sds_for_cal, dfs = dfs_for_cal, @@ -74,10 +93,35 @@ ( lambda sd_dict: np.array(sd_dict['veh']['pt_type']['HybridElectricVehicle']['res']['history']['soc']), lambda df: df['TODO: find signal for test data soc'] - ) + ), + # TODO: add objectives for: + # - engine cumulative fuel usage + # - battery temperature + # - engine temperature + # - cabin temperature ), param_fns=( - lambda sd_dict: sd_dict['veh']['pt_type']['HybridElectricVehicle']['res']['peak_eff'] + new_peak_res_eff, + # TODO: make sure this has functions for modifying + # - battery peak efficiency + # - engine peak efficiency + # - motor peak efficiency and efficiency range + # - HVAC PID controls for cabin (not for battery because Sonata has + # passive thermal management, but make sure to do battery thermal + # controls for BEV) + # - battery thermal + # - thermal mass + # - convection to ambient + # - convection to cabin + # - cabin thermal + # - thermal mass + # - length + # - htc to amb when stopped + # - set width from vehicle specs -- no need to calibrate + # - engine thermal + # - thermal mass + # - convection to ambient when stopped + # - diameter ), # must match order and length of `params_fns` bounds=( diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py index 8ff4247d..26ee7e16 100644 --- a/python/fastsim/pymoo_api.py +++ b/python/fastsim/pymoo_api.py @@ -63,7 +63,7 @@ class ModelObjectives(object): Class for calculating eco-driving objectives # Attributes/Fields - - `models` (Dict[str, Any]): dictionary of models to be simulated + - `models` (Dict[str, Dict]): dictionary of model dicts to be simulated - `dfs` (Dict[str, pd.DataFrame]): dictionary of dataframes from test data corresponding to `models` - `obj_fns` (Tuple[Callable] | Tuple[Tuple[Callable, Callable]]): @@ -95,13 +95,16 @@ class ModelObjectives(object): tuple containing functions to modify parameters and bounds for optimizer Example ``` + def new_peak_res_eff (sd_dict, new_peak_eff): + sd_dict['veh']['pt_type']['HybridElectricVehicle']['res']['peak_eff'] = new_peak_eff + ... param_fns = ( # generally good to check that sd_dict is mutably modified, but it should work out as expected - lambda (sd_dict, new_val): sd_dict['veh']['pt_type']['Conventional']['fc']['pwr_out_max_watts'] = new_val, + new_peak_res_eff, ) ``` - `bounds` (Tuple[Tuple[float, float]]): - Tuple of (min, max) bounds corresponding to self.params -- e.g. + Tuple of (min, max) bounds corresponding to self.param_fns -- e.g. ``` bounds=( (100.0, 200.0), @@ -110,7 +113,7 @@ class ModelObjectives(object): - `verbose` (bool): print more stuff or not """ - models: Dict[str, Any] + models: Dict[str, Dict] dfs: Dict[str, pd.DataFrame] obj_fns: Tuple[Callable] | Tuple[Tuple[Callable, Callable]] param_fns: Tuple[Callable] From 4359f43247efd19d483dcac8847c643dd3f9494c Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Fri, 10 Jan 2025 10:58:38 -0700 Subject: [PATCH 007/129] added comment --- cal_and_val/thermal/cal_hev.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 1df25ef1..2f12c1da 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -95,7 +95,7 @@ def new_peak_res_eff (sd_dict, new_peak_eff): lambda df: df['TODO: find signal for test data soc'] ), # TODO: add objectives for: - # - engine cumulative fuel usage + # - engine fuel usage -- # - battery temperature # - engine temperature # - cabin temperature From 8bd6850c62c07f229e32ad9266b6005cc0ff68e6 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Mon, 13 Jan 2025 11:46:24 -0700 Subject: [PATCH 008/129] added more `param_fns`, working on params with side effects --- cal_and_val/thermal/cal_hev.py | 78 ++++++++++++++++++++++++++++------ python/fastsim/pymoo_api.py | 12 ++---- 2 files changed, 68 insertions(+), 22 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 2f12c1da..491390db 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -4,7 +4,7 @@ # # TODO Calibration Tasks # - [x] put vehicle test data in a sharepoint folder, grant Robin access, and paste link in here # - [ ] develop means of skewing curves via setter or similar -# - [ ] show what signals should be use for objectives +# - [ ] show what signals should be used for objectives # - [x] and how to access them in code # - [ ] have Robin flesh out and start running calibration # - [ ] play with things in the meantime @@ -35,20 +35,34 @@ # and then copy it to the local folder below cyc_folder_path = Path(__file__) / "dyno_test_data/2021 Hyundai Sonata Hybrid/Extended Datasets" assert cyc_folder_path.exists() + +# See 2021_Hyundai_Sonata_Hybrid_TestSummary_2022-03-01_D3.xlsx for cycle-level data cyc_files = [ - # TODO: Someone needs to populate this list after careful review, considering: - # - HVAC should be on + # TODO: try to find 3 hot cycles, 3 room temp cycles, and 3 cold cycles. + # The hot and cold cycles must have HVAC active! # - wide range of initial and ambient temperatures # - good signal quality -- somewhat subjective - # cyc_folder_path / "some_file.txt", + # HWY x2, hot (M155), HVAC active (B155) + # TODO: check for solar load (should be around 1 kW / m^2) and implement place for this somewhere (`drive_cycle`???) + "62202004 Test Data.txt", + # US06 x2, hot, HVAC active + # TODO: check for solar load (should be around 1 kW / m^2) and implement or this somewhere (`drive_cycle`???) + "62202005 Test Data.txt", + # UDDS x1, room temperature ambient + "62201013 Test Data.txt", + # HWY x2, room temperature ambient + "62201014 Test Data.txt", + # TODO: check for seat heater usage in cold cycles and account for that in model! ] assert len(cyc_files) > 0 +cyc_files = [cyc_folder_path / cyc_file for cyc_file in cyc_files] # TODO: use random selection to retain ~70% of cycles for calibration, and # reserve the remaining for validation cyc_files_for_cal = [ # TOOD: populate this somehow -- e.g. random split of `cyc_files` ] +assert len(cyc_files_for_cal) > 0 dfs_for_cal = {} for cyc_file in cyc_files_for_cal: cyc_file: Path @@ -81,11 +95,44 @@ # Setup model objectives ## Parameter Functions -def new_peak_res_eff (sd_dict, new_peak_eff): - # TODO: fix this dict path because Chad typed it from memory - sd_dict['veh']['pt_type']['HybridElectricVehicle']['res']['peak_eff'] = new_peak_eff - # TODO: check that `sd_dict` is mutably modified outside the scope of this function +def new_em_eff_peak(sd_dict, new_eff_peak): + """ + Set `new_eff_peak` in `ElectricMachine` + """ + em = fsim.ElectricMachine.from_pydict(sd_dict['veh']['pt_type']['HybridElectricVehicle']['em']) + em.set_eff_peak(new_eff_peak) + sd_dict['veh']['pt_type']['HybridElectricVehicle']['em'] = em.to_pydict() + # TODO: check that `sd_dict` is mutably modified outside the scope of this function, e.g. with a debugger + +def new_em_eff_range(sd_dict, new_eff_range): + """ + Set `new_eff_range` in `ElectricMachine` + """ + em = fsim.ElectricMachine.from_pydict(sd_dict['veh']['pt_type']['HybridElectricVehicle']['em']) + em.set_eff_range(new_eff_range) + sd_dict['veh']['pt_type']['HybridElectricVehicle']['em'] = em.to_pydict() + # TODO: check that `sd_dict` is mutably modified outside the scope of this function, e.g. with a debugger + +def new_fc_eff_peak(sd_dict, new_eff_peak): + """ + Set `new_eff_peak` in `FuelConverter` + """ + fc = fsim.FuelConverter.from_pydict(sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc']) + fc.set_eff_peak(new_eff_peak) + sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc'] = fc.to_pydict() + # TODO: check that `sd_dict` is mutably modified outside the scope of this function, e.g. with a debugger +def new_fc_eff_range(sd_dict, new_eff_range): + """ + Set `new_eff_range` in `FuelConverter` + """ + fc = fsim.FuelConverter.from_pydict(sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc']) + fc.set_eff_range(new_eff_range) + sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc'] = fc.to_pydict() + # TODO: check that `sd_dict` is mutably modified outside the scope of this function, e.g. with a debugger + + +## Model Objectives cal_mod_obj = fsim.pymoo_api.ModelObjectives( models = sds_for_cal, dfs = dfs_for_cal, @@ -95,17 +142,18 @@ def new_peak_res_eff (sd_dict, new_peak_eff): lambda df: df['TODO: find signal for test data soc'] ), # TODO: add objectives for: - # - engine fuel usage -- + # - engine fuel usage # - battery temperature # - engine temperature # - cabin temperature + # - HVAC power ), param_fns=( - new_peak_res_eff, + new_em_eff_peak, + new_em_eff_range, + new_fc_eff_peak, + new_em_eff_range, # TODO: make sure this has functions for modifying - # - battery peak efficiency - # - engine peak efficiency - # - motor peak efficiency and efficiency range # - HVAC PID controls for cabin (not for battery because Sonata has # passive thermal management, but make sure to do battery thermal # controls for BEV) @@ -131,4 +179,6 @@ def new_peak_res_eff (sd_dict, new_peak_eff): ) # Setup calibration problem -cal_prob = fsim.pymoo_api.CalibrationProblem() +cal_prob = fsim.pymoo_api.CalibrationProblem( + mod_obj=cal_mod_obj, +) diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py index 26ee7e16..ed307d86 100644 --- a/python/fastsim/pymoo_api.py +++ b/python/fastsim/pymoo_api.py @@ -242,7 +242,6 @@ def get_errors( return objectives if PYMOO_AVAILABLE: - @dataclass class CalibrationProblem(ElementwiseProblem): """ Problem for calibrating models to match test data @@ -251,21 +250,18 @@ class CalibrationProblem(ElementwiseProblem): def __init__( self, mod_obj: ModelObjectives, - param_bounds: List[Tuple[float, float]], elementwise_runner=LoopedElementwiseEvaluation(), ): self.mod_obj = mod_obj - # parameter lower and upper bounds - self.param_bounds = param_bounds - assert len(self.param_bounds) == len( - self.mod_obj.param_fns), f"{len(self.param_bounds)} != {len(self.mod_obj.param_fns)}" + assert len(self.mod_obj.param_bounds) == len( + self.mod_obj.param_fns), f"{len(self.mod_obj.param_bounds)} != {len(self.mod_obj.param_fns)}" super().__init__( n_var=len(self.mod_obj.param_fns), n_obj=self.mod_obj.n_obj, xl=[bounds[0] - for bounds in self.param_bounds], + for bounds in self.mod_obj.param_bounds], xu=[bounds[1] - for bounds in self.param_bounds], + for bounds in self.mod_obj.param_bounds], elementwise_runner=elementwise_runner, ) From 166a1bb8e725578e20d3d0868ec49db088e1c6db Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Mon, 13 Jan 2025 12:58:34 -0700 Subject: [PATCH 009/129] changed `LeftNearest` to `Linear` updated HEV cabin model --- .../f3-vehicles/2020 Chevrolet Bolt EV.yaml | 4 ++-- .../2021_Hyundai_Sonata_Hybrid_Blue.yaml | 21 ++++++++++++------- 2 files changed, 15 insertions(+), 10 deletions(-) diff --git a/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml b/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml index 6233e3ce..62718034 100644 --- a/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml +++ b/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml @@ -79,7 +79,7 @@ pt_type: - 0.95 - 0.94 - 0.93 - strategy: LeftNearest + strategy: Linear extrapolate: Error eff_interp_at_max_input: Interp1D: @@ -107,7 +107,7 @@ pt_type: - 0.95 - 0.94 - 0.93 - strategy: LeftNearest + strategy: Linear extrapolate: Error pwr_out_max_watts: 149139.974 specific_pwr_watts_per_kilogram: ~ diff --git a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml index 28c5b8f8..6e9a112e 100644 --- a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml +++ b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml @@ -4,11 +4,16 @@ name: 2021 Hyundai Sonata Hybrid Blue year: 2021 cabin: LumpedCabin: - cab_htc_to_amb_watts_per_square_meter_degree_celsius: 0.0 - cab_htc_to_amb_stop_watts_per_square_meter_degree_celsius: 0.0 - heat_capacitance_joules_per_kelvin: 0.0 - length_meters: 0.0 - width_meters: 0.0 + # 0.05 is Chad's uncalibrated estimate + cab_shell_htc_to_amb_watts_per_square_meter_degree_celsius: 0.05 + # 0.05 is Chad's uncalibrated estimate + cab_htc_to_amb_stop_watts_per_square_meter_degree_celsius: 0.05 + # 200,000 is Chad's uncalibrated estimate + heat_capacitance_joules_per_kelvin: 200000 + # TODO: get actual vehicle length, but calibrate this later + length_meters: 2.5 + # TODO: get actual vehicle width, but calibrate this later + width_meters: 2 hvac: LumpedCabinAndRES: te_set_kelvin: 295.15 @@ -271,7 +276,7 @@ pt_type: - 0.325 - 0.3225 - 0.32 - strategy: LeftNearest + strategy: Linear extrapolate: Error pwr_idle_fuel_watts: 0.0 save_interval: 1 @@ -482,7 +487,7 @@ pt_type: - 0.921 - 0.9205000000000001 - 0.92 - strategy: LeftNearest + strategy: Linear extrapolate: Error eff_interp_at_max_input: Interp1D: @@ -690,7 +695,7 @@ pt_type: - 0.921 - 0.9205000000000001 - 0.92 - strategy: LeftNearest + strategy: Linear extrapolate: Error pwr_out_max_watts: 39000.0 specific_pwr_watts_per_kilogram: ~ From 6d546ee27e3497deed7035607a3e60b502253af1 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Tue, 14 Jan 2025 13:22:19 -0700 Subject: [PATCH 010/129] more descriptive names for default RES interpolators more fleshed out cal script more data filled in for Sonata HEV --- cal_and_val/thermal/cal_hev.py | 13 +- .../2021_Hyundai_Sonata_Hybrid_Blue.yaml | 19 +- .../res/{default_1d.yaml => default_pwr.yaml} | 0 ...fault_2d.yaml => default_pwr_and_soc.yaml} | 0 ..._3d.yaml => default_pwr_soc_and_temp.yaml} | 0 .../src/vehicle/powertrain/fuel_converter.rs | 2 +- .../powertrain/reversible_energy_storage.rs | 32 ++- python/fastsim/demos/demo_bev.py | 4 +- python/fastsim/demos/demo_bev_thrml.py | 6 +- python/fastsim/demos/demo_hev_thrml.py | 269 ++++++++++++++++++ python/fastsim/pymoo_api.py | 6 + 11 files changed, 317 insertions(+), 34 deletions(-) rename fastsim-core/resources/interpolators/res/{default_1d.yaml => default_pwr.yaml} (100%) rename fastsim-core/resources/interpolators/res/{default_2d.yaml => default_pwr_and_soc.yaml} (100%) rename fastsim-core/resources/interpolators/res/{default_3d.yaml => default_pwr_soc_and_temp.yaml} (100%) create mode 100644 python/fastsim/demos/demo_hev_thrml.py diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 491390db..b957f635 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -6,7 +6,6 @@ # - [ ] develop means of skewing curves via setter or similar # - [ ] show what signals should be used for objectives # - [x] and how to access them in code -# - [ ] have Robin flesh out and start running calibration # - [ ] play with things in the meantime # critical import @@ -26,7 +25,8 @@ # TODO: Kyle or Robin: # - [ ] in the `./f3-vehicles`, reduce all ~100 element arrays to just the ~10 -# element arrays, and make sure linear interpolation is used +# element arrays, +# - [x] and make sure linear interpolation is used # - [ ] make sure temp- and current/c-rate-dependent battery efficiency interp is being used veh = fsim.Vehicle.from_file(Path(__file__).parent / "f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml") @@ -146,13 +146,13 @@ def new_fc_eff_range(sd_dict, new_eff_range): # - battery temperature # - engine temperature # - cabin temperature - # - HVAC power + # - HVAC power, if available ), param_fns=( new_em_eff_peak, new_em_eff_range, new_fc_eff_peak, - new_em_eff_range, + # new_fc_eff_range, # not sure I want to include this one # TODO: make sure this has functions for modifying # - HVAC PID controls for cabin (not for battery because Sonata has # passive thermal management, but make sure to do battery thermal @@ -173,7 +173,10 @@ def new_fc_eff_range(sd_dict, new_eff_range): ), # must match order and length of `params_fns` bounds=( - (0.85, 0.99,), + (0.80, 0.99), + (0.1, 0.6), + (0.32, 0.45), + # (...) # not sure I want to include `new_fc_eff_range` ), ) diff --git a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml index 6e9a112e..007d1b5d 100644 --- a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml +++ b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml @@ -37,9 +37,12 @@ pt_type: res: thrml: RESLumpedThermal: - heat_capacitance_joules_per_kelvin: 0.0 - htc_to_amb_watts_per_kelvin: 0.0 - htc_to_cab_watts_per_kelvin: 0.0 + # 200,000 is Chad's uncalibrated estimate + heat_capacitance_joules_per_kelvin: 200000 + # 0.1 is Chad's uncalibrated estimate + conductance_to_amb_watts_per_kelvin: 0.1 + # 0.5 is Chad's uncalibrated estimate + conductance_to_cab_watts_per_kelvin: 0.5 mass_kilograms: ~ specific_energy_joules_per_kilogram: ~ pwr_out_max_watts: 50000.0 @@ -56,11 +59,11 @@ pt_type: fc: thrml: FuelConverterThermal: - heat_capacitance_joules_per_kelvin: 0.0 - length_for_convection_meters: 0.0 - htc_to_amb_stop_watts_per_square_meter_degree_celsius: 0.0 - conductance_from_comb_watts_per_kelvin: 0.0 - max_frac_from_comb: 0.0 + heat_capacitance_joules_per_kelvin: 200000 + length_for_convection_meters: 1.0 + htc_to_amb_stop_watts_per_square_meter_degree_celsius: 50.0 + conductance_from_comb_watts_per_kelvin: 5.0 + max_frac_from_comb: 0.5 tstat_te_sto_kelvin: 358.15 tstat_te_delta_kelvin: 5.0 radiator_effectiveness: 0.0 diff --git a/fastsim-core/resources/interpolators/res/default_1d.yaml b/fastsim-core/resources/interpolators/res/default_pwr.yaml similarity index 100% rename from fastsim-core/resources/interpolators/res/default_1d.yaml rename to fastsim-core/resources/interpolators/res/default_pwr.yaml diff --git a/fastsim-core/resources/interpolators/res/default_2d.yaml b/fastsim-core/resources/interpolators/res/default_pwr_and_soc.yaml similarity index 100% rename from fastsim-core/resources/interpolators/res/default_2d.yaml rename to fastsim-core/resources/interpolators/res/default_pwr_and_soc.yaml diff --git a/fastsim-core/resources/interpolators/res/default_3d.yaml b/fastsim-core/resources/interpolators/res/default_pwr_soc_and_temp.yaml similarity index 100% rename from fastsim-core/resources/interpolators/res/default_3d.yaml rename to fastsim-core/resources/interpolators/res/default_pwr_soc_and_temp.yaml diff --git a/fastsim-core/src/vehicle/powertrain/fuel_converter.rs b/fastsim-core/src/vehicle/powertrain/fuel_converter.rs index 14a85119..3703074c 100755 --- a/fastsim-core/src/vehicle/powertrain/fuel_converter.rs +++ b/fastsim-core/src/vehicle/powertrain/fuel_converter.rs @@ -491,7 +491,7 @@ pub struct FuelConverterThermal { pub tstat_te_sto: Option, /// temperature delta over which thermostat is partially open pub tstat_te_delta: Option, - #[serde(skip_serializing, deserialize_with = "tstat_interp_default_de")] + #[serde(skip, deserialize_with = "tstat_interp_default_de")] pub tstat_interp: Interp1D, /// Radiator effectiveness -- ratio of active heat rejection from /// radiator to passive heat rejection, always greater than 1 diff --git a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs index 0ffe6d50..8c22534f 100644 --- a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs +++ b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs @@ -59,19 +59,19 @@ const TOL: f64 = 1e-3; self.energy_capacity_usable().get::() } - #[pyo3(name = "set_default_1d_interp")] - fn set_default_1d_interp_py(&mut self) -> anyhow::Result<()> { - self.set_default_1d_interp() + #[pyo3(name = "set_default_pwr_interp")] + fn set_default_pwr_interp_py(&mut self) -> anyhow::Result<()> { + self.set_default_pwr_interp() } - #[pyo3(name = "set_default_2d_interp")] - fn set_default_2d_interp_py(&mut self) -> anyhow::Result<()> { - self.set_default_2d_interp() + #[pyo3(name = "set_default_pwr_and_soc_interp")] + fn set_default_pwr_and_soc_interp_py(&mut self) -> anyhow::Result<()> { + self.set_default_pwr_and_soc_interp() } - #[pyo3(name = "set_default_3d_interp")] - fn set_default_3d_interp_py(&mut self) -> anyhow::Result<()> { - self.set_default_3d_interp() + #[pyo3(name = "set_default_pwr_soc_and_temp_interp")] + fn set_default_pwr_soc_and_temp_interp_py(&mut self) -> anyhow::Result<()> { + self.set_default_pwr_soc_and_temp_interp() } )] #[derive(Deserialize, Serialize, Debug, Clone, PartialEq, HistoryMethods)] @@ -453,8 +453,8 @@ impl ReversibleEnergyStorage { /// - `f_x`: efficiency array as a function of power at constant 50% SOC and 23 /// °C corresponds to `eta_interp_values[0][5]` in ALTRIOS #[cfg(all(feature = "yaml", feature = "resources"))] - pub fn set_default_1d_interp(&mut self) -> anyhow::Result<()> { - self.eff_interp = ninterp::Interpolator::from_resource("res/default_1d.yaml", false)?; + pub fn set_default_pwr_interp(&mut self) -> anyhow::Result<()> { + self.eff_interp = ninterp::Interpolator::from_resource("res/default_pwr.yaml", false)?; Ok(()) } @@ -470,8 +470,9 @@ impl ReversibleEnergyStorage { /// that the outermost layer is now power and the innermost layer SOC (in /// ALTRIOS, the outermost layer is SOC and innermost is power) #[cfg(all(feature = "yaml", feature = "resources"))] - pub fn set_default_2d_interp(&mut self) -> anyhow::Result<()> { - self.eff_interp = ninterp::Interpolator::from_resource("res/default_2d.yaml", false)?; + pub fn set_default_pwr_and_soc_interp(&mut self) -> anyhow::Result<()> { + self.eff_interp = + ninterp::Interpolator::from_resource("res/default_pwr_and_soc.yaml", false)?; Ok(()) } @@ -489,8 +490,9 @@ impl ReversibleEnergyStorage { /// outermost layer is now power, and the innermost layer temperature (in /// ALTRIOS, the outermost layer is temperature and innermost is power) #[cfg(all(feature = "yaml", feature = "resources"))] - pub fn set_default_3d_interp(&mut self) -> anyhow::Result<()> { - self.eff_interp = ninterp::Interpolator::from_resource("res/default_3d.yaml", false)?; + pub fn set_default_pwr_soc_and_temp_interp(&mut self) -> anyhow::Result<()> { + self.eff_interp = + ninterp::Interpolator::from_resource("res/default_pwr_soc_and_temp.yaml", false)?; Ok(()) } diff --git a/python/fastsim/demos/demo_bev.py b/python/fastsim/demos/demo_bev.py index a3cb2073..6ff97dcd 100644 --- a/python/fastsim/demos/demo_bev.py +++ b/python/fastsim/demos/demo_bev.py @@ -286,9 +286,9 @@ def plot_road_loads() -> Tuple[Figure, Axes]: fig, ax = plot_road_loads() # %% -# example for how to use set_default_1d_interp() method for veh.res +# example for how to use set_default_pwr_interp() method for veh.res res = veh.res -res.set_default_1d_interp() +res.set_default_pwr_interp() fsim.set_param_from_path(veh, 'res', res) print(veh.res.to_pydict()) diff --git a/python/fastsim/demos/demo_bev_thrml.py b/python/fastsim/demos/demo_bev_thrml.py index 4df06d7a..1f600ac7 100644 --- a/python/fastsim/demos/demo_bev_thrml.py +++ b/python/fastsim/demos/demo_bev_thrml.py @@ -24,7 +24,7 @@ # `fastsim3` -- load vehicle and cycle, build simulation, and run # %% -# load 2012 Ford Fusion from file +# load 2020 Chevrolet Bolt BEV from file veh = fsim.Vehicle.from_file( fsim.package_root() / "../../cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml" ) @@ -259,9 +259,9 @@ def plot_road_loads() -> Tuple[Figure, Axes]: fig, ax = plot_road_loads() # %% -# example for how to use set_default_1d_interp() method for veh.res +# example for how to use set_default_pwr_interp() method for veh.res res = veh.res -res.set_default_1d_interp() +res.set_default_pwr_interp() fsim.set_param_from_path(veh, 'res', res) print(veh.res.to_pydict()) diff --git a/python/fastsim/demos/demo_hev_thrml.py b/python/fastsim/demos/demo_hev_thrml.py new file mode 100644 index 00000000..fa000e97 --- /dev/null +++ b/python/fastsim/demos/demo_hev_thrml.py @@ -0,0 +1,269 @@ +# %% +from plot_utils import * + +import numpy as np +import matplotlib.pyplot as plt +from matplotlib.figure import Figure +from matplotlib.axes import Axes +import seaborn as sns +from pathlib import Path +import time +import json +import os +from typing import Tuple +import fastsim as fsim + +sns.set_theme() + + + +# if environment var `SHOW_PLOTS=false` is set, no plots are shown +SHOW_PLOTS = os.environ.get("SHOW_PLOTS", "true").lower() == "true" +# if environment var `SAVE_FIGS=true` is set, save plots +SAVE_FIGS = os.environ.get("SAVE_FIGS", "false").lower() == "true" + +# `fastsim3` -- load vehicle and cycle, build simulation, and run +# %% + +# load 2021 Hyundai Sonata HEV from file +veh = fsim.Vehicle.from_file( + fsim.package_root() / "../../cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml" +) + +# Set `save_interval` at vehicle level -- cascades to all sub-components with time-varying states +fsim.set_param_from_path(veh, "save_interval" , 1) + +# load cycle from file +cyc = fsim.Cycle.from_resource("udds.csv") + +# instantiate `SimDrive` simulation object +sd = fsim.SimDrive(veh, cyc) + +# simulation start time +t0 = time.perf_counter() +# run simulation +sd.walk() +# simulation end time +t1 = time.perf_counter() +t_fsim3_si1 = t1 - t0 +print(f"fastsim-3 `sd.walk()` elapsed time with `save_interval` of 1:\n{t_fsim3_si1:.2e} s") +df = sd.to_dataframe() + +# # Visualize results + +def plot_res_pwr() -> Tuple[Figure, Axes]: + fig, ax = plt.subplots(4, 1, sharex=True, figsize=figsize_3_stacked) + plt.suptitle("Reversible Energy Storage Power") + + ax[0].set_prop_cycle(get_paired_cycler()) + ax[0].plot( + df['cyc.time_seconds'], + df["veh.pt_type.BatteryElectricVehicle.res.history.pwr_out_electrical_watts"] / 1e3, + label="f3 electrical out", + ) + ax[0].plot( + np.array(sd2.cyc.time_s.tolist())[::veh.save_interval], + np.array(sd2.ess_kw_out_ach.tolist()), + label="f2 electrical out", + ) + ax[0].set_ylabel("RES Power [kW]") + ax[0].legend() + + ax[1].set_prop_cycle(get_uni_cycler()) + ax[1].plot( + df['cyc.time_seconds'], + df["veh.pt_type.BatteryElectricVehicle.res.history.pwr_out_electrical_watts"] / + 1e3 - np.array(sd2.ess_kw_out_ach.tolist()), + label="f3 res kw out", + ) + ax[1].set_ylabel("RES Power\nDelta (f3-f2) [kW]") + ax[1].legend() + + ax[2].set_prop_cycle(get_paired_cycler()) + ax[2].plot( + df['cyc.time_seconds'], + df["veh.pt_type.BatteryElectricVehicle.res.history.soc"] - (df["veh.pt_type.BatteryElectricVehicle.res.history.soc"][0] - np.array(sd2.soc.tolist())[0]), + label="f3 soc", + ) + ax[2].plot( + np.array(sd2.cyc.time_s.tolist())[::veh.save_interval], + np.array(sd2.soc.tolist()), + label="f2 soc", + ) + ax[2].set_ylabel("SOC") + ax[2].legend() + + ax[-1].set_prop_cycle(get_paired_cycler()) + ax[-1].plot( + df['cyc.time_seconds'], + df["veh.history.speed_ach_meters_per_second"], + label="f3", + ) + ax[-1].plot( + np.array(sd2.cyc.time_s.tolist()), + np.array(sd2.mps_ach.tolist()), + label="f2", + ) + ax[-1].legend() + ax[-1].set_xlabel("Time [s]") + ax[-1].set_ylabel("Ach Speed [m/s]") + + plt.tight_layout() + if SAVE_FIGS: + plt.savefig(Path("./plots/res_pwr.svg")) + plt.show() + + return fig, ax + +def plot_res_energy() -> Tuple[Figure, Axes]: + fig, ax = plt.subplots(4, 1, sharex=True, figsize=figsize_3_stacked) + plt.suptitle("Reversible Energy Storage Energy") + + ax[0].set_prop_cycle(get_paired_cycler()) + ax[0].plot( + df['cyc.time_seconds'], + df["veh.pt_type.BatteryElectricVehicle.res.history.energy_out_electrical_joules"] / 1e3, + label="f3 electrical out", + ) + ax[0].plot( + np.array(sd2.cyc.time_s.tolist())[::veh.save_interval], + np.cumsum(np.array(sd2.ess_kw_out_ach.tolist()) * np.diff(sd2.cyc.time_s.tolist(), prepend=0)), + label="f2 electrical out", + ) + ax[0].set_ylabel("RES Energy [kW]") + ax[0].legend() + + ax[1].set_prop_cycle(get_uni_cycler()) + ax[1].plot( + df['cyc.time_seconds'], + df["veh.pt_type.BatteryElectricVehicle.res.history.energy_out_electrical_joules" + ] / 1e3 - np.cumsum(np.array(sd2.ess_kw_out_ach.tolist()) * + np.diff(sd2.cyc.time_s.tolist(), prepend=0)), + label="electrical out", + ) + ax[1].set_ylim( + -np.max(np.abs(sd.veh.res.history.energy_out_electrical_joules)) * 1e-3 * 0.1, + np.max(np.abs(sd.veh.res.history.energy_out_electrical_joules)) * 1e-3 * 0.1 + ) + ax[1].set_ylabel("RES Energy\nDelta (f3-f2) [kJ]\n+/- 10% Range") + ax[1].legend() + + ax[2].set_prop_cycle(get_paired_cycler()) + ax[2].plot( + df['cyc.time_seconds'], + df["veh.pt_type.BatteryElectricVehicle.res.history.soc"] - (df["veh.pt_type.BatteryElectricVehicle.res.history.soc"][0] - np.array(sd2.soc.tolist())[0]), + label="f3 soc", + ) + ax[2].plot( + np.array(sd2.cyc.time_s.tolist())[::veh.save_interval], + np.array(sd2.soc.tolist()), + label="f2 soc", + ) + ax[2].set_ylabel("SOC") + ax[2].legend() + + ax[-1].set_prop_cycle(get_paired_cycler()) + ax[-1].plot( + df['cyc.time_seconds'], + df["veh.history.speed_ach_meters_per_second"], + label="f3", + ) + ax[-1].plot( + np.array(sd2.cyc.time_s.tolist()), + np.array(sd2.mps_ach.tolist()), + label="f2", + ) + ax[-1].legend() + ax[-1].set_xlabel("Time [s]") + ax[-1].set_ylabel("Ach Speed [m/s]") + + plt.tight_layout() + if SAVE_FIGS: + plt.savefig(Path("./plots/res_energy.svg")) + plt.show() + + return fig, ax + +def plot_road_loads() -> Tuple[Figure, Axes]: + fig, ax = plt.subplots(3, 1, sharex=True, figsize=figsize_3_stacked) + plt.suptitle("Road Loads") + + ax[0].set_prop_cycle(get_paired_cycler()) + ax[0].plot( + np.array(sd.cyc.time_seconds)[::veh.save_interval], + np.array(sd.veh.history.pwr_drag_watts) / 1e3, + label="f3 drag", + ) + ax[0].plot( + np.array(sd2.cyc.time_s.tolist())[::veh.save_interval], + np.array(sd2.drag_kw.tolist()), + label="f2 drag", + ) + ax[0].plot( + np.array(sd.cyc.time_seconds)[::veh.save_interval], + np.array(sd.veh.history.pwr_rr_watts) / 1e3, + label="f3 rr", + ) + ax[0].plot( + np.array(sd2.cyc.time_s.tolist())[::veh.save_interval], + np.array(sd2.rr_kw.tolist()), + label="f2 rr", + ) + ax[0].set_ylabel("Power [kW]") + ax[0].legend() + + ax[1].set_prop_cycle(get_uni_cycler()) + ax[1].plot( + np.array(sd.cyc.time_seconds)[::veh.save_interval], + np.array(sd.veh.history.pwr_drag_watts) / + 1e3 - np.array(sd2.drag_kw.tolist()), + label="drag", + linestyle=BASE_LINE_STYLES[0], + ) + ax[1].plot( + np.array(sd.cyc.time_seconds)[::veh.save_interval], + np.array(sd.veh.history.pwr_rr_watts) / + 1e3 - np.array(sd2.rr_kw.tolist()), + label="rr", + linestyle=BASE_LINE_STYLES[1], + ) + # ax[1].text( + # 500, -0.125, "Drag error is due to more\naccurate air density model .") + ax[1].set_ylabel("Power\nDelta (f3-f2) [kW]") + ax[1].legend() + + ax[-1].set_prop_cycle(get_paired_cycler()) + ax[-1].plot( + np.array(sd.cyc.time_seconds)[::veh.save_interval], + np.array(sd.veh.history.speed_ach_meters_per_second), + label="f3", + ) + ax[-1].plot( + np.array(sd2.cyc.time_s.tolist()), + np.array(sd2.mps_ach.tolist()), + label="f2", + ) + ax[-1].legend() + ax[-1].set_xlabel("Time [s]") + ax[-1].set_ylabel("Ach. Speed [m/s]") + + plt.tight_layout() + if SAVE_FIGS: + plt.savefig(Path("./plots/road_loads.svg")) + plt.show() + + return fig, ax + +if SHOW_PLOTS: + fig, ax = plot_res_pwr() + fig, ax = plot_res_energy() + fig, ax = plot_road_loads() + +# %% +# example for how to use set_default_pwr_interp() method for veh.res +res = veh.res +res.set_default_pwr_interp() +fsim.set_param_from_path(veh, 'res', res) +print(veh.res.to_pydict()) + +# %% diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py index ed307d86..ba5f504b 100644 --- a/python/fastsim/pymoo_api.py +++ b/python/fastsim/pymoo_api.py @@ -240,6 +240,12 @@ def get_errors( return objectives, solved_mods else: return objectives + + def params_and_bounds(self): + return [ + (param_fn, bound_set) for (param_fn, bound_set) in zip(self.param_fns, self.bounds) + ] + if PYMOO_AVAILABLE: class CalibrationProblem(ElementwiseProblem): From dfac71c7cedc8070dc6080abc727df6c097e11b1 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Tue, 14 Jan 2025 15:32:12 -0700 Subject: [PATCH 011/129] added todo! for Robin --- .../vehicle/powertrain/reversible_energy_storage.rs | 11 +++++++++++ 1 file changed, 11 insertions(+) diff --git a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs index 8c22534f..2cc15b52 100644 --- a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs +++ b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs @@ -476,6 +476,17 @@ impl ReversibleEnergyStorage { Ok(()) } + /// - `f_xy`: efficiency array as a function of power and temperature at + /// constant 50% SOC, corresponds to `eta_interp_values[0]` in ALTRIOS, + /// transposed so that the outermost layer is now power and the innermost + /// layer SOC (in ALTRIOS, the outermost layer is SOC and innermost is + /// power) + #[cfg(all(feature = "yaml", feature = "resources"))] + pub fn set_default_pwr_and_temp_interp(&mut self) -> anyhow::Result<()> { + todo!("Robin, please populate this and expose to python"); + Ok(()) + } + /// Sets the ReversibleEnergyStorage eff_interp Interpolator to be a 3D /// interpolator with the default x, y, z, and f_xyz arrays /// # Source of default efficiency values From 1d21dd255061d620e5cfa76604c90ea8ac487ca7 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Tue, 14 Jan 2025 15:32:54 -0700 Subject: [PATCH 012/129] minor changes --- cal_and_val/thermal/cal_hev.py | 16 ++++++++-------- .../src/vehicle/powertrain/electric_machine.rs | 5 ++++- 2 files changed, 12 insertions(+), 9 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index b957f635..f45f0472 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -3,10 +3,9 @@ """ # # TODO Calibration Tasks # - [x] put vehicle test data in a sharepoint folder, grant Robin access, and paste link in here -# - [ ] develop means of skewing curves via setter or similar +# - [ ] develop means of skewing curves via setter or similar -- Kyle is doing this # - [ ] show what signals should be used for objectives # - [x] and how to access them in code -# - [ ] play with things in the meantime # critical import from pathlib import Path @@ -26,6 +25,7 @@ # TODO: Kyle or Robin: # - [ ] in the `./f3-vehicles`, reduce all ~100 element arrays to just the ~10 # element arrays, +# - [ ] for FC, grab Atkinson efficiency map from fastsim-2 # - [x] and make sure linear interpolation is used # - [ ] make sure temp- and current/c-rate-dependent battery efficiency interp is being used veh = fsim.Vehicle.from_file(Path(__file__).parent / "f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml") @@ -95,9 +95,9 @@ # Setup model objectives ## Parameter Functions -def new_em_eff_peak(sd_dict, new_eff_peak): +def new_em_eff_max(sd_dict, new_eff_peak): """ - Set `new_eff_peak` in `ElectricMachine` + Set `new_eff_max` in `ElectricMachine` """ em = fsim.ElectricMachine.from_pydict(sd_dict['veh']['pt_type']['HybridElectricVehicle']['em']) em.set_eff_peak(new_eff_peak) @@ -113,9 +113,9 @@ def new_em_eff_range(sd_dict, new_eff_range): sd_dict['veh']['pt_type']['HybridElectricVehicle']['em'] = em.to_pydict() # TODO: check that `sd_dict` is mutably modified outside the scope of this function, e.g. with a debugger -def new_fc_eff_peak(sd_dict, new_eff_peak): +def new_fc_eff_max(sd_dict, new_eff_peak): """ - Set `new_eff_peak` in `FuelConverter` + Set `new_eff_max` in `FuelConverter` """ fc = fsim.FuelConverter.from_pydict(sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc']) fc.set_eff_peak(new_eff_peak) @@ -149,9 +149,9 @@ def new_fc_eff_range(sd_dict, new_eff_range): # - HVAC power, if available ), param_fns=( - new_em_eff_peak, + new_em_eff_max, new_em_eff_range, - new_fc_eff_peak, + new_fc_eff_max, # new_fc_eff_range, # not sure I want to include this one # TODO: make sure this has functions for modifying # - HVAC PID controls for cabin (not for battery because Sonata has diff --git a/fastsim-core/src/vehicle/powertrain/electric_machine.rs b/fastsim-core/src/vehicle/powertrain/electric_machine.rs index 30114fad..deec6425 100755 --- a/fastsim-core/src/vehicle/powertrain/electric_machine.rs +++ b/fastsim-core/src/vehicle/powertrain/electric_machine.rs @@ -62,7 +62,7 @@ pub struct ElectricMachine { /// /// Note that the Extrapolate field of this variable is changed in [Self::get_pwr_in_req] pub eff_interp_achieved: Interpolator, - #[serde(default)] + #[serde(skip_deserializing)] /// Efficiency interpolator corresponding to max input power /// If `None`, will be set during [Self::init]. /// @@ -331,6 +331,9 @@ impl Init for ElectricMachine { self.eff_interp_achieved.extrapolate()?.to_owned(), )?; self.eff_interp_at_max_input = Some(Interpolator::Interp1D(eff_interp_at_max_input)); + } else { + // This should be impossible to reach + bail!("`ReversibleEnergyStorage::eff_interp_at_max_input` is not `None`") } Ok(()) } From e81fbcd81b37f2e089e510dafc3647c3cadf2eeb Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Wed, 15 Jan 2025 08:40:20 -0700 Subject: [PATCH 013/129] corrected doc string resolved python lsp hints --- fastsim-core/fastsim-proc-macros/src/fastsim_api.rs | 6 +++--- python/fastsim/__init__.py | 4 ++-- 2 files changed, 5 insertions(+), 5 deletions(-) diff --git a/fastsim-core/fastsim-proc-macros/src/fastsim_api.rs b/fastsim-core/fastsim-proc-macros/src/fastsim_api.rs index e6dec1ea..9c390565 100644 --- a/fastsim-core/fastsim-proc-macros/src/fastsim_api.rs +++ b/fastsim-core/fastsim-proc-macros/src/fastsim_api.rs @@ -171,7 +171,7 @@ fn add_serde_methods(py_impl_block: &mut TokenStream2) { self.to_json().map_err(|e| PyIOError::new_err(format!("{:?}", e))) } - /// Read (deserialize) an object to a JSON string + /// Read (deserialize) an object from a JSON string /// /// # Arguments /// @@ -185,14 +185,14 @@ fn add_serde_methods(py_impl_block: &mut TokenStream2) { Self::from_json(json_str, skip_init.unwrap_or_default()).map_err(|e| PyIOError::new_err(format!("{:?}", e))) } - /// Write (serialize) an object to a JSON string + /// Write (serialize) an object to a message pack #[cfg(feature = "msgpack")] #[pyo3(name = "to_msg_pack")] pub fn to_msg_pack_py(&self) -> PyResult> { self.to_msg_pack().map_err(|e| PyIOError::new_err(format!("{:?}", e))) } - /// Read (deserialize) an object to a JSON string + /// Read (deserialize) an object from a message pack /// /// # Arguments /// diff --git a/python/fastsim/__init__.py b/python/fastsim/__init__.py index 08a3d9c2..66b6d8e3 100644 --- a/python/fastsim/__init__.py +++ b/python/fastsim/__init__.py @@ -308,10 +308,10 @@ def to_dataframe(self, pandas: bool = False, allow_partial: bool = False) -> Uni for elem in hp: try: obj = obj[elem] - except: + except Exception: try: obj = obj[int(elem)] - except Error as err: + except Exception as err: raise err vals.append(obj) if allow_partial: From a911c03373d3547e413639b4826f508364621c69 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Wed, 15 Jan 2025 09:54:59 -0700 Subject: [PATCH 014/129] fixed error from `skip` --- fastsim-core/src/vehicle/powertrain/fuel_converter.rs | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/fastsim-core/src/vehicle/powertrain/fuel_converter.rs b/fastsim-core/src/vehicle/powertrain/fuel_converter.rs index 3703074c..14a85119 100755 --- a/fastsim-core/src/vehicle/powertrain/fuel_converter.rs +++ b/fastsim-core/src/vehicle/powertrain/fuel_converter.rs @@ -491,7 +491,7 @@ pub struct FuelConverterThermal { pub tstat_te_sto: Option, /// temperature delta over which thermostat is partially open pub tstat_te_delta: Option, - #[serde(skip, deserialize_with = "tstat_interp_default_de")] + #[serde(skip_serializing, deserialize_with = "tstat_interp_default_de")] pub tstat_interp: Interp1D, /// Radiator effectiveness -- ratio of active heat rejection from /// radiator to passive heat rejection, always greater than 1 From 6e92e8c5731b74150b9506bdda8b34affe2ffac5 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Wed, 15 Jan 2025 10:30:11 -0700 Subject: [PATCH 015/129] removed deprecated custom code for generating dataframes cleaned up serde attributes --- .../resources/vehicles/2012_Ford_Fusion.yaml | 6 + .../vehicles/2016_TOYOTA_Prius_Two.yaml | 8 + .../vehicles/2022_Renault_Zoe_ZE50_R135.yaml | 4 + fastsim-core/src/drive_cycle.rs | 8 +- fastsim-core/src/simdrive.rs | 30 --- fastsim-core/src/vehicle/chassis.rs | 5 - fastsim-core/src/vehicle/hev.rs | 4 +- .../vehicle/powertrain/electric_machine.rs | 12 +- .../src/vehicle/powertrain/fuel_converter.rs | 10 +- .../src/vehicle/powertrain/fuel_storage.rs | 2 - fastsim-core/src/vehicle/vehicle_model.rs | 1 - fastsim-core/test.yaml | 28 --- fastsim-core/test2.yaml | 208 ------------------ python/fastsim/__init__.py | 142 ++---------- 14 files changed, 59 insertions(+), 409 deletions(-) diff --git a/fastsim-core/resources/vehicles/2012_Ford_Fusion.yaml b/fastsim-core/resources/vehicles/2012_Ford_Fusion.yaml index 22af9b1d..5720eeb3 100755 --- a/fastsim-core/resources/vehicles/2012_Ford_Fusion.yaml +++ b/fastsim-core/resources/vehicles/2012_Ford_Fusion.yaml @@ -7,6 +7,8 @@ pt_type: pwr_out_max_watts: 1000000.0 pwr_ramp_lag_seconds: 1.0 energy_capacity_joules: 2124000000.0 + specific_energy_joules_per_kilogram: ~ + mass_kilograms: ~ fc: mass_kilograms: ~ specific_pwr_watts_per_kilogram: ~ @@ -235,11 +237,15 @@ chassis: wheel_inertia_kilogram_square_meters: 0.82 num_wheels: 4 wheel_radius_meters: 0.326 + tire_code: ~ cg_height_meters: 0.53 wheel_fric_coef: 0.7 drive_type: FWD drive_axle_weight_frac: 0.59 wheel_base_meters: 2.72 + mass_kilograms: ~ + glider_mass_kilograms: ~ + cargo_mass_kilograms: ~ mass_kilograms: 1644.2724500334996 pwr_aux_base_watts: 700.0 trans_eff: 0.875 diff --git a/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml b/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml index b06d962a..b862fd82 100755 --- a/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml +++ b/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml @@ -17,6 +17,8 @@ pt_type: pwr_out_max_watts: 2000000.0 pwr_ramp_lag_seconds: 1.1 energy_capacity_joules: 1392840000.0 + specific_energy_joules_per_kilogram: ~ + mass_kilograms: ~ fc: mass_kilograms: ~ specific_pwr_watts_per_kilogram: ~ @@ -666,6 +668,8 @@ pt_type: frac_of_most_eff_pwr_to_run_fc: 1.0 frac_res_chrg_for_fc: 0.0 frac_res_dschrg_for_fc: 1.0 + temp_fc_forced_on: ~ + temp_fc_allowed_off: ~ aux_cntrl: AuxOnResPriority mass_kilograms: ~ sim_params: @@ -680,11 +684,15 @@ chassis: wheel_inertia_kilogram_square_meters: 0.815 num_wheels: 4 wheel_radius_meters: 0.3175 + tire_code: ~ cg_height_meters: 0.53 wheel_fric_coef: 0.7 drive_type: FWD drive_axle_weight_frac: 0.59 wheel_base_meters: 2.7 + mass_kilograms: ~ + glider_mass_kilograms: ~ + cargo_mass_kilograms: ~ mass_kilograms: 1635.0 pwr_aux_base_watts: 1050.0 trans_eff: 0.98 diff --git a/fastsim-core/resources/vehicles/2022_Renault_Zoe_ZE50_R135.yaml b/fastsim-core/resources/vehicles/2022_Renault_Zoe_ZE50_R135.yaml index 4ff8c9ab..49133900 100644 --- a/fastsim-core/resources/vehicles/2022_Renault_Zoe_ZE50_R135.yaml +++ b/fastsim-core/resources/vehicles/2022_Renault_Zoe_ZE50_R135.yaml @@ -87,11 +87,15 @@ chassis: wheel_inertia_kilogram_square_meters: 0.815 num_wheels: 4 wheel_radius_meters: 0.31045 + tire_code: ~ cg_height_meters: 0.53 wheel_fric_coef: 0.8 drive_type: FWD drive_axle_weight_frac: 0.61 wheel_base_meters: 2.588 + mass_kilograms: ~ + glider_mass_kilograms: ~ + cargo_mass_kilograms: ~ mass_kilograms: 1600.0 pwr_aux_base_watts: 250.0 trans_eff: 0.92 diff --git a/fastsim-core/src/drive_cycle.rs b/fastsim-core/src/drive_cycle.rs index a98c1d1c..b8cad926 100644 --- a/fastsim-core/src/drive_cycle.rs +++ b/fastsim-core/src/drive_cycle.rs @@ -10,6 +10,11 @@ use fastsim_2::cycle::RustCycle as Cycle2; fn list_resources_py(&self) -> Vec { resources::list_resources(Self::RESOURCE_PREFIX) } + + #[pyo3(name = "len")] + fn len_py(&self) -> PyResult { + Ok(self.len().map(|l| l as u32)?) + } )] #[derive(Clone, Debug, Deserialize, Serialize, PartialEq, Default)] #[non_exhaustive] @@ -18,7 +23,6 @@ pub struct Cycle { /// Name of cycle (can be left empty) #[serde(default, skip_serializing_if = "String::is_empty")] pub name: String, - #[serde(skip_serializing_if = "Option::is_none")] // TODO: either write or automate generation of getter and setter for this // TODO: put the above TODO in github issue for all fields with `Option<...>` type /// inital elevation @@ -440,7 +444,7 @@ pub struct CycleElement { // `dist` is not included here because it is derived in `Init::init` // TODO: make `fastsim_api` handle Option or write custom getter/setter /// road grade - #[serde(skip_serializing_if = "Option::is_none", alias = "cycGrade")] + #[serde(alias = "cycGrade")] pub grade: Option, // `elev` is not included here because it is derived in `Init::init` /// road charging/discharing capacity diff --git a/fastsim-core/src/simdrive.rs b/fastsim-core/src/simdrive.rs index d66abbb5..93f619fd 100644 --- a/fastsim-core/src/simdrive.rs +++ b/fastsim-core/src/simdrive.rs @@ -577,34 +577,4 @@ mod tests { assert!(sd.veh.fc().is_none()); assert!(sd.veh.res().unwrap().state.energy_out_chemical != si::Energy::ZERO); } - - #[test] - fn delete_me() { - use fastsim_2::traits::SerdeAPI; - - let dir = Path::new("../cal_and_val/f2-vehicles"); - let output_dir = Path::new("../cal_and_val/f3-vehicles"); - if !output_dir.exists() { - std::fs::create_dir(output_dir).unwrap(); - } - let skip_files = [ - "2016 CHEVROLET Volt.yaml", - "2016 BMW i3 REx PHEV.yaml", - "2016 FORD C-MAX (PHEV).yaml", - "2017 Prius Prime.yaml", - "2016 HYUNDAI Sonata PHEV.yaml", - ]; - assert!(dir.exists()); - for filepath in std::fs::read_dir(dir).unwrap() { - let path = filepath.unwrap().path(); - assert!(path.exists()); - let filename = path.file_name().unwrap(); - if !skip_files.iter().any(|&name| filename == name) { - // println!("{path:?}"); - let f2_veh = fastsim_2::vehicle::RustVehicle::from_file(&path, false).unwrap(); - let f3_veh = Vehicle::try_from(f2_veh).unwrap(); - f3_veh.to_file(output_dir.join(filename)).unwrap(); - } - } - } } diff --git a/fastsim-core/src/vehicle/chassis.rs b/fastsim-core/src/vehicle/chassis.rs index a4c03883..ee061ad1 100755 --- a/fastsim-core/src/vehicle/chassis.rs +++ b/fastsim-core/src/vehicle/chassis.rs @@ -33,11 +33,9 @@ pub struct Chassis { pub num_wheels: u8, /// Wheel radius #[serde(default)] - #[serde(skip_serializing_if = "Option::is_none")] pub wheel_radius: Option, /// Tire code (optional method of calculating wheel radius) #[serde(default)] - #[serde(skip_serializing_if = "Option::is_none")] pub tire_code: Option, /// Vehicle center of mass height pub cg_height: si::Length, @@ -51,14 +49,11 @@ pub struct Chassis { /// Wheel base length pub wheel_base: si::Length, - #[serde(skip_serializing_if = "Option::is_none")] pub(super) mass: Option, /// Vehicle mass excluding cargo, passengers, and powertrain components - #[serde(skip_serializing_if = "Option::is_none")] pub(super) glider_mass: Option, /// Cargo mass including passengers #[serde(default)] - #[serde(skip_serializing_if = "Option::is_none")] pub cargo_mass: Option, } diff --git a/fastsim-core/src/vehicle/hev.rs b/fastsim-core/src/vehicle/hev.rs index 24d4b6e5..573081eb 100644 --- a/fastsim-core/src/vehicle/hev.rs +++ b/fastsim-core/src/vehicle/hev.rs @@ -748,10 +748,10 @@ pub struct RESGreedyWithDynamicBuffers { /// engine efficiently. pub frac_res_dschrg_for_fc: si::Ratio, /// temperature at which engine is forced on to warm up - #[serde(default, skip_serializing_if = "Option::is_none")] + #[serde(default)] pub temp_fc_forced_on: Option, /// temperature at which engine is allowed to turn off due to being sufficiently warm - #[serde(default, skip_serializing_if = "Option::is_none")] + #[serde(default)] pub temp_fc_allowed_off: Option, /// current state of control variables #[serde(default, skip_serializing_if = "EqDefault::eq_default")] diff --git a/fastsim-core/src/vehicle/powertrain/electric_machine.rs b/fastsim-core/src/vehicle/powertrain/electric_machine.rs index deec6425..957199c6 100755 --- a/fastsim-core/src/vehicle/powertrain/electric_machine.rs +++ b/fastsim-core/src/vehicle/powertrain/electric_machine.rs @@ -305,7 +305,11 @@ impl Init for ElectricMachine { let _ = self.mass().with_context(|| anyhow!(format_dbg!()))?; let _ = check_interp_frac_data(self.eff_interp_achieved.x()?, InterpRange::Either) .with_context(|| - "Invalid values for `ElectricMachine::pwr_out_frac_interp`; must range from [-1..1] or [0..1].")?; + format!( + "{}\nInvalid values for `ElectricMachine::pwr_out_frac_interp`; must range from [-1..1] or [0..1].", + format_dbg!() + ) + )?; self.state.init().with_context(|| anyhow!(format_dbg!()))?; // TODO: make use of `use fastsim_2::params::{LARGE_BASELINE_EFF, LARGE_MOTOR_POWER_KW, SMALL_BASELINE_EFF,SMALL_MOTOR_POWER_KW};` // to set @@ -332,8 +336,10 @@ impl Init for ElectricMachine { )?; self.eff_interp_at_max_input = Some(Interpolator::Interp1D(eff_interp_at_max_input)); } else { - // This should be impossible to reach - bail!("`ReversibleEnergyStorage::eff_interp_at_max_input` is not `None`") + println!( + "`eff_interp_at_max_input` is being overwritten by {}", + format_dbg!() + ) } Ok(()) } diff --git a/fastsim-core/src/vehicle/powertrain/fuel_converter.rs b/fastsim-core/src/vehicle/powertrain/fuel_converter.rs index 14a85119..7020134a 100755 --- a/fastsim-core/src/vehicle/powertrain/fuel_converter.rs +++ b/fastsim-core/src/vehicle/powertrain/fuel_converter.rs @@ -1,6 +1,5 @@ use super::*; use crate::prelude::*; -use serde::Deserializer; use std::f64::consts::PI; // TODO: think about how to incorporate life modeling for Fuel Cells and other tech @@ -491,7 +490,7 @@ pub struct FuelConverterThermal { pub tstat_te_sto: Option, /// temperature delta over which thermostat is partially open pub tstat_te_delta: Option, - #[serde(skip_serializing, deserialize_with = "tstat_interp_default_de")] + #[serde(default = "tstat_interp_default")] pub tstat_interp: Interp1D, /// Radiator effectiveness -- ratio of active heat rejection from /// radiator to passive heat rejection, always greater than 1 @@ -511,13 +510,6 @@ pub struct FuelConverterThermal { } /// Dummy interpolator that will be overridden in [FuelConverterThermal::init] -fn tstat_interp_default_de<'de, D>(_deserializer: D) -> Result -where - D: Deserializer<'de>, -{ - Ok(tstat_interp_default()) -} - fn tstat_interp_default() -> Interp1D { Interp1D::new( vec![85.0, 90.0], diff --git a/fastsim-core/src/vehicle/powertrain/fuel_storage.rs b/fastsim-core/src/vehicle/powertrain/fuel_storage.rs index d9454455..cd82e418 100644 --- a/fastsim-core/src/vehicle/powertrain/fuel_storage.rs +++ b/fastsim-core/src/vehicle/powertrain/fuel_storage.rs @@ -23,11 +23,9 @@ pub struct FuelStorage { /// energy capacity pub energy_capacity: si::Energy, /// Fuel and tank specific energy - #[serde(skip_serializing_if = "Option::is_none")] pub(in super::super) specific_energy: Option, /// Mass of fuel storage #[serde(default)] - #[serde(skip_serializing_if = "Option::is_none")] pub(in super::super) mass: Option, // TODO: add state to track fuel level and make sure mass changes propagate up to vehicle level, // which should then include vehicle mass in state diff --git a/fastsim-core/src/vehicle/vehicle_model.rs b/fastsim-core/src/vehicle/vehicle_model.rs index a7c9c5fd..d0467a0d 100644 --- a/fastsim-core/src/vehicle/vehicle_model.rs +++ b/fastsim-core/src/vehicle/vehicle_model.rs @@ -141,7 +141,6 @@ pub struct Vehicle { pub hvac: HVACOption, /// Total vehicle mass - #[serde(skip_serializing_if = "Option::is_none")] pub(crate) mass: Option, /// Baseline power required by auxilliary systems diff --git a/fastsim-core/test.yaml b/fastsim-core/test.yaml index d8f04145..3e2b6f17 100644 --- a/fastsim-core/test.yaml +++ b/fastsim-core/test.yaml @@ -84,34 +84,6 @@ pt_type: - 0.92 strategy: LeftNearest extrapolate: Error - eff_interp_at_max_input: - Interp1D: - x: - - 0.0 - - 0.023529411764705882 - - 0.04597701149425287 - - 0.06741573033707865 - - 0.08888888888888889 - - 0.10989010989010989 - - 0.21505376344086022 - - 0.4255319148936171 - - 0.6382978723404256 - - 0.8602150537634409 - - 1.0869565217391304 - f_x: - - 0.83 - - 0.85 - - 0.87 - - 0.89 - - 0.9 - - 0.91 - - 0.93 - - 0.94 - - 0.94 - - 0.93 - - 0.92 - strategy: LeftNearest - extrapolate: Error pwr_out_max_watts: 53000.0 specific_pwr_watts_per_kilogram: ~ mass_kilograms: ~ diff --git a/fastsim-core/test2.yaml b/fastsim-core/test2.yaml index 174f24e5..59819e53 100644 --- a/fastsim-core/test2.yaml +++ b/fastsim-core/test2.yaml @@ -440,214 +440,6 @@ pt_type: - 0.92 strategy: LeftNearest extrapolate: Error - eff_interp_at_max_input: - Interp1D: - x: - - 0.0 - - 0.011904761904761906 - - 0.023529411764705882 - - 0.03488372093023256 - - 0.04597701149425287 - - 0.05681818181818182 - - 0.06741573033707865 - - 0.0782122905027933 - - 0.08888888888888889 - - 0.09944751381215469 - - 0.10989010989010989 - - 0.1206140350877193 - - 0.13129102844638948 - - 0.14192139737991266 - - 0.15250544662309368 - - 0.16304347826086954 - - 0.1735357917570499 - - 0.183982683982684 - - 0.19438444924406045 - - 0.2047413793103448 - - 0.21505376344086022 - - 0.22568511552928533 - - 0.2363050483351235 - - 0.2469135802469136 - - 0.2575107296137339 - - 0.2680965147453083 - - 0.27867095391211144 - - 0.289234065345474 - - 0.29978586723768735 - - 0.3103263777421081 - - 0.32085561497326204 - - 0.33137359700694813 - - 0.3418803418803419 - - 0.35237586759209827 - - 0.3628601921024547 - - 0.3733333333333333 - - 0.3837953091684435 - - 0.39424613745338305 - - 0.40468583599574015 - - 0.41511442256519426 - - 0.4255319148936171 - - 0.43617021276595747 - - 0.4468085106382979 - - 0.4574468085106383 - - 0.46808510638297873 - - 0.4787234042553192 - - 0.4893617021276596 - - 0.5 - - 0.5106382978723404 - - 0.5212765957446809 - - 0.5319148936170213 - - 0.5425531914893618 - - 0.5531914893617021 - - 0.5638297872340426 - - 0.574468085106383 - - 0.5851063829787235 - - 0.5957446808510639 - - 0.6063829787234042 - - 0.6170212765957447 - - 0.6276595744680851 - - 0.6382978723404256 - - 0.6492815327301756 - - 0.6602768903088392 - - 0.6712839637719765 - - 0.6823027718550108 - - 0.6933333333333334 - - 0.704375667022412 - - 0.7154297917778965 - - 0.7264957264957266 - - 0.7375734901122394 - - 0.748663101604278 - - 0.759764579989299 - - 0.7708779443254817 - - 0.7820032137118371 - - 0.7931404072883173 - - 0.8042895442359249 - - 0.815450643776824 - - 0.8266237251744498 - - 0.8378088077336198 - - 0.8490059108006448 - - 0.8602150537634409 - - 0.8714362560516408 - - 0.882669537136706 - - 0.8939149165320408 - - 0.9051724137931033 - - 0.9164420485175201 - - 0.9277238403451995 - - 0.9390178089584457 - - 0.9503239740820734 - - 0.9616423554835224 - - 0.9729729729729729 - - 0.9843158464034614 - - 0.9956709956709957 - - 1.0070384407146724 - - 1.0184182015167929 - - 1.0298102981029809 - - 1.0412147505422993 - - 1.0526315789473684 - - 1.0640608034744843 - - 1.0755024443237369 - - 1.0869565217391304 - f_x: - - 0.0 - - 0.84 - - 0.85 - - 0.86 - - 0.87 - - 0.88 - - 0.89 - - 0.895 - - 0.9 - - 0.905 - - 0.91 - - 0.912 - - 0.914 - - 0.916 - - 0.918 - - 0.92 - - 0.922 - - 0.924 - - 0.926 - - 0.928 - - 0.93 - - 0.9305 - - 0.931 - - 0.9315 - - 0.932 - - 0.9325 - - 0.933 - - 0.9335 - - 0.934 - - 0.9345 - - 0.9349999999999999 - - 0.9355 - - 0.9359999999999999 - - 0.9365 - - 0.9369999999999999 - - 0.9375 - - 0.938 - - 0.9385 - - 0.939 - - 0.9395 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.9395 - - 0.939 - - 0.9385 - - 0.938 - - 0.9375 - - 0.9369999999999999 - - 0.9365 - - 0.9359999999999999 - - 0.9355 - - 0.935 - - 0.9345 - - 0.934 - - 0.9335 - - 0.933 - - 0.9325 - - 0.932 - - 0.9315 - - 0.931 - - 0.9305 - - 0.93 - - 0.9295 - - 0.929 - - 0.9285000000000001 - - 0.928 - - 0.9275000000000001 - - 0.927 - - 0.9265000000000001 - - 0.926 - - 0.9255 - - 0.925 - - 0.9245 - - 0.924 - - 0.9235 - - 0.923 - - 0.9225000000000001 - - 0.922 - - 0.9215000000000001 - - 0.921 - - 0.9205000000000001 - - 0.92 - strategy: LeftNearest - extrapolate: Error pwr_out_max_watts: 53000.0 specific_pwr_watts_per_kilogram: ~ mass_kilograms: ~ diff --git a/python/fastsim/__init__.py b/python/fastsim/__init__.py index 66b6d8e3..3a8ce21a 100644 --- a/python/fastsim/__init__.py +++ b/python/fastsim/__init__.py @@ -110,116 +110,22 @@ def __array__(self): inspect.getmodule(getattr(fastsim, attr)))) ] - -def variable_path_list(self, element_as_list: bool = False) -> List[str]: - """ - Returns list of key paths to all variables and sub-variables within - dict version of `self`. See example usage in `fastsim/demos/ - demo_variable_paths.py`. - - # Arguments: - - `element_as_list`: if True, each element is itself a list of the path elements - """ - return variable_path_list_from_py_objs(self.to_pydict(flatten=False), element_as_list=element_as_list) - - -def variable_path_list_from_py_objs( - obj: Union[Dict, List], - pre_path: Optional[str] = None, - element_as_list: bool = False, -) -> List[str]: - """ - Returns list of key paths to all variables and sub-variables within - dict version of class. See example usage in `fastsim/demos/ - demo_variable_paths.py`. - - # Arguments: - - `obj`: fastsim object in dictionary form from `to_pydict()` - - `pre_path`: This is used to call the method recursively and should not be - specified by user. Specifies a path to be added in front of all paths - returned by the method. - - `element_as_list`: if True, each element is itself a list of the path elements - """ - key_paths = [] - if isinstance(obj, dict): - for key, val in obj.items(): - key_path = f"['{key}']" if pre_path is None else pre_path + f"['{key}']" - # check for nested dicts and call recursively - if isinstance(val, dict): - key_paths.extend( - variable_path_list_from_py_objs(val, key_path)) - # check for lists or other iterables that do not contain float data - elif ("__iter__" in dir(val)) and (len(val) > 0) and ( - not (isinstance(val[0], float) or isinstance(val[0], int))): - key_paths.extend( - variable_path_list_from_py_objs(val, key_path)) - else: - key_paths.append(key_path) - - elif isinstance(obj, list): - for key, val in enumerate(obj): - key_path = f"[{key}]" if pre_path is None else pre_path + f"[{key}]" - # check for nested dicts and call recursively - if isinstance(val, dict): - key_paths.extend( - variable_path_list_from_py_objs(val, key_path)) - # check for lists or other iterables that do not contain numeric data - elif ("__iter__" in dir(val)) and (len(val) > 0) and ( - not (isinstance(val[0], float) or isinstance(val[0], int))): - key_paths.extend( - variable_path_list_from_py_objs(val, key_path)) - else: - key_paths.append(key_path) - - if element_as_list: - re_for_elems = re.compile("\\[('(\\w+)'|(\\w+))\\]") - for i, kp in enumerate(key_paths): - kp: str - groups = re_for_elems.findall(kp) - selected = [g[1] if len(g[1]) > 0 else g[2] for g in groups] - key_paths[i] = selected - - return key_paths - - def cyc_keys() -> List[str]: import json cyc = Cycle.from_resource("udds.csv") cyc_dict = json.loads(cyc.to_json()) - cyc_keys = [key for key, val in cyc_dict.items() if isinstance(val, list)] + cyc_keys = [ + key for key, val in cyc_dict.items() if isinstance(val, list) and len(val) == cyc.len() + ] return cyc_keys - CYC_KEYS = cyc_keys() - -def key_as_str(key): - return key if isinstance(key, str) else ".".join(key) - - def is_cyc_key(key): - return any( + is_cyc_key = any( cyc_key for cyc_key in CYC_KEYS if cyc_key == key[-1]) and "cyc" in key - - -def history_path_list(self, element_as_list: bool = False) -> List[str]: - """ - Returns a list of relative paths to all history variables (all variables - that contain history as a subpath). - See example usage in `fastsim/demos/demo_variable_paths.py`. - - # Arguments - - `element_as_list`: if True, each element is itself a list of the path elements - """ - var_paths = self.variable_path_list(element_as_list=element_as_list) - history_paths = [] - for key in var_paths: - if (("history" in key_as_str(key)) or is_cyc_key(key)): - history_paths.append(key) - - return history_paths - + return is_cyc_key setattr(Pyo3VecWrapper, "__array__", __array__) # noqa: F405 @@ -299,34 +205,32 @@ def to_dataframe(self, pandas: bool = False, allow_partial: bool = False) -> Uni - `pandas`: returns pandas dataframe if True; otherwise, returns polars dataframe by default - `allow_partial`: returns dataframe of length equal to solved time steps if simulation fails early """ - obj_dict = self.to_pydict(flatten=False) - history_paths = self.history_path_list(element_as_list=True) - cols = [".".join(hp) for hp in history_paths] - vals = [] - for hp in history_paths: - obj: Union[dict | list] = obj_dict - for elem in hp: - try: - obj = obj[elem] - except Exception: - try: - obj = obj[int(elem)] - except Exception as err: - raise err - vals.append(obj) + obj_dict = self.to_pydict(flatten=True) + history_dict = { + k: v for k, v in obj_dict.items() if is_cyc_key(k) or ('.history.' in k) + } + if allow_partial: - cutoff = min([len(val) for val in vals]) + for val in history_dict.values(): + cutoff = min([len(val) for val in vals]) + if not pandas: df = pl.DataFrame({col: val[:cutoff] - for col, val in zip(cols, vals)}) + for col, val in history_dict.items()}) else: df = pd.DataFrame({col: val[:cutoff] - for col, val in zip(cols, vals)}) + for col, val in history_dict.items()}) else: if not pandas: - df = pl.DataFrame({col: val for col, val in zip(cols, vals)}) + try: + df = pl.DataFrame(history_dict) + except Exception as err: + raise(f"{err}\nTry passing `allow_partial=True` to `to_dataframe`") else: - df = pd.DataFrame({col: val for col, val in zip(cols, vals)}) + try: + df = pd.DataFrame(history_dict) + except Exception as err: + raise(f"{err}\nTry passing `allow_partial=True` to `to_dataframe`") return df From 10a5f9691499a06832ff2f3cdc0efb594e295c60 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Wed, 15 Jan 2025 10:48:28 -0700 Subject: [PATCH 016/129] deprecated file removed --- python/fastsim/demos/demo_variable_paths.py | 57 --------------------- 1 file changed, 57 deletions(-) delete mode 100644 python/fastsim/demos/demo_variable_paths.py diff --git a/python/fastsim/demos/demo_variable_paths.py b/python/fastsim/demos/demo_variable_paths.py deleted file mode 100644 index d48ec5bc..00000000 --- a/python/fastsim/demos/demo_variable_paths.py +++ /dev/null @@ -1,57 +0,0 @@ -""" -Script demonstrating how to use variable_path_list() and history_path_list() -demos to find the paths to variables within fastsim classes. -""" -import os -import fastsim as fsim -import polars as pl - -# load 2012 Ford Fusion from file -veh = fsim.Vehicle.from_resource("2012_Ford_Fusion.yaml") - -# Set `save_interval` at vehicle level -- cascades to all sub-components with time-varying states -fsim.set_param_from_path(veh, "save_interval", 1) - -# load cycle from file -cyc = fsim.Cycle.from_resource("udds.csv") - -# instantiate `SimDrive` simulation object -sd = fsim.SimDrive(veh, cyc) -sd.walk() - -# whether to run assertions, enabled by default -ENABLE_ASSERTS = os.environ.get("ENABLE_ASSERTS", "true").lower() == "true" -# whether to override reference files used in assertions, disabled by default -ENABLE_REF_OVERRIDE = os.environ.get("ENABLE_REF_OVERRIDE", "false").lower() == "true" -# directory for reference files for checking sim results against expected results -ref_dir = fsim.resources_root() / "demos/demo_variable_paths/" - -# print out all subpaths for variables in SimDrive -print("List of variable paths for SimDrive:" + "\n".join(sd.variable_path_list())) -if ENABLE_REF_OVERRIDE: - with open(ref_dir / "variable_path_list_expected.txt", 'w') as f: - for line in sd.variable_path_list(): - f.write(line + "\n") -if ENABLE_ASSERTS: - print("Checking output of `variable_path_list()`") - with open(ref_dir / "variable_path_list_expected.txt", 'r') as f: - variable_path_list_expected = [line.strip() for line in f.readlines()] - assert variable_path_list_expected == sd.variable_path_list(), "Try setting `ENABLE_REF_OVERRIDE=true`." -print("\n") - -# print out all subpaths for history variables in SimDrive -print("List of history variable paths for SimDrive:" + "\n".join(sd.history_path_list())) -print("\n") - -# print results as dataframe -print("Results as dataframe:\n", sd.to_dataframe().to_pandas(), sep="") -if ENABLE_REF_OVERRIDE: - df:pl.DataFrame = sd.to_dataframe().lazy().collect() - df.write_csv(ref_dir / "to_dataframe_expected.csv") - print("Success!") -if ENABLE_ASSERTS: - print("Checking output of `to_dataframe`") - to_dataframe_expected = pl.scan_csv(ref_dir / "to_dataframe_expected.csv").collect() - assert to_dataframe_expected.equals(sd.to_dataframe()), "Try setting `ENABLE_REF_OVERRIDE=true`." - print("Success!") - From 93899c19cd301ed80f9199476dec11ea32422695 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Wed, 15 Jan 2025 13:23:16 -0700 Subject: [PATCH 017/129] fixed plotting problems --- python/fastsim/demos/demo_hev.py | 4 ++-- python/fastsim/tests/test_serde.py | 9 ++------- 2 files changed, 4 insertions(+), 9 deletions(-) diff --git a/python/fastsim/demos/demo_hev.py b/python/fastsim/demos/demo_hev.py index dd13ff20..010ca14e 100644 --- a/python/fastsim/demos/demo_hev.py +++ b/python/fastsim/demos/demo_hev.py @@ -341,8 +341,8 @@ def plot_fc_energy() -> Tuple[Figure, Axes]: label="fuel", linestyle=baselinestyles[1] ) - ax[1].set_ylim((-sd.veh.fc.state.energy_fuel_joules * 1e-6 * 0.1, - sd.veh.fc.state.energy_fuel_joules * 1e-6 * 0.1)) + ax[1].set_ylim((-sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["fc"]["state"]["energy_fuel_joules"] * 1e-6 * 0.1, + sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["fc"]["state"]["energy_fuel_joules"] * 1e-6 * 0.1)) ax[1].set_ylabel("FC Energy\nDelta (f3-f2) [MJ]\n+/- 10% Range") ax[1].legend() diff --git a/python/fastsim/tests/test_serde.py b/python/fastsim/tests/test_serde.py index 3f7b227c..175f3020 100644 --- a/python/fastsim/tests/test_serde.py +++ b/python/fastsim/tests/test_serde.py @@ -1,10 +1,4 @@ -import numpy as np -from pathlib import Path import time -import json -import msgpack -import os -from typing import Tuple import fastsim as fsim def get_solved_sd(): @@ -45,12 +39,13 @@ def test_pydict(): t0 = time.perf_counter_ns() sd_dict_json = sd.to_pydict(flatten=False, data_fmt="json") - sd_json = fsim.SimDrive.from_pydict(sd_dict_json, data_fmt="json") + _sd_json = fsim.SimDrive.from_pydict(sd_dict_json, data_fmt="json") t1 = time.perf_counter_ns() t_json = t1 - t0 print(f"Elapsed time for json: {t_json:.3e} ns ") print(f"JSON time per MessagePack time: {(t_json / t_msg):.3e} ") + # `to_yaml` is probably needed because of NAN variables assert sd_msg == sd assert sd_yaml == sd # TODO: uncomment and investigate From f0d38f5bcf353d6443339c08ae46b378ab3e6313 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Wed, 15 Jan 2025 13:38:25 -0700 Subject: [PATCH 018/129] rust tests all pass one python test error remaining --- .../2021_Hyundai_Sonata_Hybrid_Blue.yaml | 105 ++++++++++-------- fastsim-core/Cargo.toml | 2 +- .../vehicles/2016_TOYOTA_Prius_Two.yaml | 14 +-- fastsim-core/src/drive_cycle.rs | 3 +- fastsim-core/src/simdrive.rs | 2 +- fastsim-core/src/vehicle/hev.rs | 7 +- .../vehicle/powertrain/electric_machine.rs | 1 - fastsim-core/src/vehicle/vehicle_model.rs | 3 +- python/fastsim/__init__.py | 49 ++++---- python/fastsim/demos/demo_bev.py | 32 +++--- python/fastsim/demos/demo_hev.py | 6 +- python/fastsim/fastsim.pyi | 2 +- 12 files changed, 123 insertions(+), 103 deletions(-) diff --git a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml index 007d1b5d..450b4c57 100644 --- a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml +++ b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml @@ -1,47 +1,13 @@ -# https://www.anl.gov/taps/d3-2021-hyundai-sonata-hybrid --- name: 2021 Hyundai Sonata Hybrid Blue year: 2021 -cabin: - LumpedCabin: - # 0.05 is Chad's uncalibrated estimate - cab_shell_htc_to_amb_watts_per_square_meter_degree_celsius: 0.05 - # 0.05 is Chad's uncalibrated estimate - cab_htc_to_amb_stop_watts_per_square_meter_degree_celsius: 0.05 - # 200,000 is Chad's uncalibrated estimate - heat_capacitance_joules_per_kelvin: 200000 - # TODO: get actual vehicle length, but calibrate this later - length_meters: 2.5 - # TODO: get actual vehicle width, but calibrate this later - width_meters: 2 -hvac: - LumpedCabinAndRES: - te_set_kelvin: 295.15 - te_deadband_kelvin: 1.5 - p_cabin_watts_per_kelvin: 0.0 - i_cabin: 0.0 - pwr_i_max_cabin_watts: 5000.0 - d_cabin: 0.0 - p_res_watts_per_kelvin: 0.0 - i_res: 0.0 - pwr_i_max_res_watts: 0.0 - d_res: 0.0 - pwr_thermal_max_watts: 10000.0 - frac_of_ideal_cop: 0.15 - cabin_heat_source: FuelConverter - res_heat_source: None - res_cooling_source: None - pwr_aux_for_hvac_max_watts: 5000.0 pt_type: HybridElectricVehicle: res: - thrml: + thrml: RESLumpedThermal: - # 200,000 is Chad's uncalibrated estimate - heat_capacitance_joules_per_kelvin: 200000 - # 0.1 is Chad's uncalibrated estimate + heat_capacitance_joules_per_kelvin: 200000.0 conductance_to_amb_watts_per_kelvin: 0.1 - # 0.5 is Chad's uncalibrated estimate conductance_to_cab_watts_per_kelvin: 0.5 mass_kilograms: ~ specific_energy_joules_per_kilogram: ~ @@ -56,20 +22,33 @@ pt_type: pwr_out_max_watts: 2000000.0 pwr_ramp_lag_seconds: 1.1 energy_capacity_joules: 1601424000.0 + specific_energy_joules_per_kilogram: ~ + mass_kilograms: ~ fc: - thrml: + thrml: FuelConverterThermal: - heat_capacitance_joules_per_kelvin: 200000 + heat_capacitance_joules_per_kelvin: 200000.0 length_for_convection_meters: 1.0 htc_to_amb_stop_watts_per_square_meter_degree_celsius: 50.0 conductance_from_comb_watts_per_kelvin: 5.0 max_frac_from_comb: 0.5 tstat_te_sto_kelvin: 358.15 tstat_te_delta_kelvin: 5.0 + tstat_interp: + x: + - 358.15 + - 363.15 + f_x: + - 0.0 + - 1.0 + strategy: Linear + extrapolate: Clamp radiator_effectiveness: 0.0 - fc_eff_model.Exponential.offset: 273.15 - fc_eff_model.Exponential.lag: 25.0 - fc_eff_model.Exponential.minimum: 0.2 + fc_eff_model: + Exponential: + offset: 273.15 + lag: 25.0 + minimum: 0.2 mass_kilograms: ~ specific_pwr_watts_per_kilogram: ~ pwr_out_max_watts: 112000.0 @@ -706,20 +685,22 @@ pt_type: save_interval: 1 pt_cntrl: RGWDB: - speed_soc_disch_buffer: 17.8816 + speed_soc_disch_buffer_meters_per_second: 17.8816 speed_soc_disch_buffer_coeff: 1.0 - speed_soc_fc_on_buffer: 19.66976 + speed_soc_fc_on_buffer_meters_per_second: 19.66976 speed_soc_fc_on_buffer_coeff: 1.0 - speed_soc_regen_buffer: 13.4112 + speed_soc_regen_buffer_meters_per_second: 13.4112 speed_soc_regen_buffer_coeff: 1.0 - fc_min_time_on: 5.0 - speed_fc_forced_on: 37.9984 + fc_min_time_on_seconds: 5.0 + speed_fc_forced_on_meters_per_second: 33.528 frac_pwr_demand_fc_forced_on: 0.46357615894039733 frac_of_most_eff_pwr_to_run_fc: 1.0 frac_res_chrg_for_fc: 0.0 frac_res_dschrg_for_fc: 1.0 + temp_fc_forced_on_kelvin: 335.15 + temp_fc_allowed_off_kelvin: 338.15 aux_cntrl: AuxOnResPriority - mass: ~ + mass_kilograms: ~ sim_params: res_per_fuel_lim: 0.005 soc_balance_iter_err: 5 @@ -732,11 +713,40 @@ chassis: wheel_inertia_kilogram_square_meters: 0.815 num_wheels: 4 wheel_radius_meters: 0.33645 + tire_code: ~ cg_height_meters: 0.53 wheel_fric_coef: 0.7 drive_type: FWD drive_axle_weight_frac: 0.59 wheel_base_meters: 2.83972 + mass_kilograms: ~ + glider_mass_kilograms: ~ + cargo_mass_kilograms: ~ +cabin: + LumpedCabin: + cab_shell_htc_to_amb_watts_per_square_meter_degree_celsius: 0.05 + cab_htc_to_amb_stop_watts_per_square_meter_degree_celsius: 0.05 + heat_capacitance_joules_per_kelvin: 200000.0 + length_meters: 2.5 + width_meters: 2.0 +hvac: + LumpedCabinAndRES: + te_set_kelvin: 295.15 + te_deadband_kelvin: 1.5 + p_cabin_watts_per_kelvin: 0.0 + i_cabin: 0.0 + pwr_i_max_cabin_watts: 5000.0 + d_cabin: 0.0 + p_res_watts_per_kelvin: 0.0 + i_res: 0.0 + pwr_i_max_res_watts: 0.0 + d_res: 0.0 + pwr_thermal_max_watts: 10000.0 + frac_of_ideal_cop: 0.15 + cabin_heat_source: FuelConverter + res_heat_source: None + res_cooling_source: None + pwr_aux_for_hvac_max_watts: 5000.0 mass_kilograms: 1508.195 pwr_aux_base_watts: 500.0 trans_eff: 0.98 @@ -768,4 +778,5 @@ state: dist_meters: 0.0 grade_curr: 0.0 elev_curr_meters: .nan + air_density_kilograms_per_cubic_meter: 1.172 mass_kilograms: .nan diff --git a/fastsim-core/Cargo.toml b/fastsim-core/Cargo.toml index d733efc0..c757e980 100644 --- a/fastsim-core/Cargo.toml +++ b/fastsim-core/Cargo.toml @@ -9,6 +9,7 @@ fastsim-proc-macros = { path = "fastsim-proc-macros", version = "3.0.0" } fastsim-2 = { workspace = true } csv = { version = "1.1.6", optional = true } serde = { version = "1.0.136", features = ["derive"] } +rmp-serde = { version = "1.3.0", optional = true } serde_yaml = { version = "0.8.23", optional = true } serde_json = { version = "1.0", optional = true } uom = { workspace = true } @@ -38,7 +39,6 @@ derive_more = { version = "1.0.0", features = ["from_str", "from", "is_variant", ureq = { version = "2.9.1", optional = true } url = { version = "2.5.0", optional = true } ninterp = { version = "0.1.0", features = ["serde"] } -rmp-serde = { version = "1.3.0", optional = true } [dev-dependencies] pretty_assertions = "1.4.1" diff --git a/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml b/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml index b862fd82..a414e926 100755 --- a/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml +++ b/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml @@ -656,20 +656,20 @@ pt_type: save_interval: 1 pt_cntrl: RGWDB: - speed_soc_disch_buffer: 17.8816 + speed_soc_disch_buffer_meters_per_second: 17.8816 speed_soc_disch_buffer_coeff: 1.0 - speed_soc_fc_on_buffer: 19.66976 + speed_soc_fc_on_buffer_meters_per_second: 19.66976 speed_soc_fc_on_buffer_coeff: 1.0 - speed_soc_regen_buffer: 13.4112 + speed_soc_regen_buffer_meters_per_second: 13.4112 speed_soc_regen_buffer_coeff: 1.0 - fc_min_time_on: 5.0 - speed_fc_forced_on: 37.9984 + fc_min_time_on_seconds: 5.0 + speed_fc_forced_on_meters_per_second: 37.9984 frac_pwr_demand_fc_forced_on: 0.5645161290322581 frac_of_most_eff_pwr_to_run_fc: 1.0 frac_res_chrg_for_fc: 0.0 frac_res_dschrg_for_fc: 1.0 - temp_fc_forced_on: ~ - temp_fc_allowed_off: ~ + temp_fc_forced_on_kelvin: ~ + temp_fc_allowed_off_kelvin: ~ aux_cntrl: AuxOnResPriority mass_kilograms: ~ sim_params: diff --git a/fastsim-core/src/drive_cycle.rs b/fastsim-core/src/drive_cycle.rs index b8cad926..a82161b4 100644 --- a/fastsim-core/src/drive_cycle.rs +++ b/fastsim-core/src/drive_cycle.rs @@ -6,8 +6,9 @@ use fastsim_2::cycle::RustCycle as Cycle2; #[fastsim_api( #[pyo3(name = "list_resources")] + #[staticmethod] /// list available cycle resources - fn list_resources_py(&self) -> Vec { + fn list_resources_py() -> Vec { resources::list_resources(Self::RESOURCE_PREFIX) } diff --git a/fastsim-core/src/simdrive.rs b/fastsim-core/src/simdrive.rs index 93f619fd..4f80bbe4 100644 --- a/fastsim-core/src/simdrive.rs +++ b/fastsim-core/src/simdrive.rs @@ -28,7 +28,7 @@ impl Default for SimParams { fn default() -> Self { Self { ach_speed_max_iter: 3, - ach_speed_tol: 1e-9 * uc::R, + ach_speed_tol: 1.0e-9 * uc::R, ach_speed_solver_gain: 0.9, trace_miss_tol: Default::default(), trace_miss_opts: Default::default(), diff --git a/fastsim-core/src/vehicle/hev.rs b/fastsim-core/src/vehicle/hev.rs index 573081eb..dc6d7d68 100644 --- a/fastsim-core/src/vehicle/hev.rs +++ b/fastsim-core/src/vehicle/hev.rs @@ -613,8 +613,9 @@ impl HEVPowertrainControls { _ => { bail!( "{}\n`fc.temperature()`, `fc.temp_prev()`, `rgwdb.temp_fc_forced_on`, and -`rgwdb.temp_fc_allowed_off` must all be `None` or `Some`", - format_dbg!() +`rgwdb.temp_fc_allowed_off` must all be `None` or `Some` because these controls are necessary +for an HEV equipped with thermal models or superfluous otherwise", + format_dbg!((fc.temperature(), fc.temp_prev(), rgwdb.temp_fc_forced_on, rgwdb.temp_fc_allowed_off)) ); } } @@ -704,6 +705,7 @@ impl HEVPowertrainControls { /// and discharge power inside of static min and max SOC range. Also, includes /// buffer for forcing [FuelConverter] to be active/on. See [Self::init] for /// default values. +#[fastsim_api] #[derive(Clone, Debug, PartialEq, Deserialize, Serialize, Default)] #[non_exhaustive] pub struct RESGreedyWithDynamicBuffers { @@ -782,6 +784,7 @@ impl Init for RESGreedyWithDynamicBuffers { Ok(()) } } +impl SerdeAPI for RESGreedyWithDynamicBuffers {} #[fastsim_api] #[derive(Clone, Debug, Default, Deserialize, Serialize, PartialEq, HistoryVec, SetCumulative)] diff --git a/fastsim-core/src/vehicle/powertrain/electric_machine.rs b/fastsim-core/src/vehicle/powertrain/electric_machine.rs index 957199c6..83a37845 100755 --- a/fastsim-core/src/vehicle/powertrain/electric_machine.rs +++ b/fastsim-core/src/vehicle/powertrain/electric_machine.rs @@ -62,7 +62,6 @@ pub struct ElectricMachine { /// /// Note that the Extrapolate field of this variable is changed in [Self::get_pwr_in_req] pub eff_interp_achieved: Interpolator, - #[serde(skip_deserializing)] /// Efficiency interpolator corresponding to max input power /// If `None`, will be set during [Self::init]. /// diff --git a/fastsim-core/src/vehicle/vehicle_model.rs b/fastsim-core/src/vehicle/vehicle_model.rs index d0467a0d..1f4defb3 100644 --- a/fastsim-core/src/vehicle/vehicle_model.rs +++ b/fastsim-core/src/vehicle/vehicle_model.rs @@ -105,8 +105,9 @@ impl Init for AuxSource {} #[cfg(feature = "resources")] #[pyo3(name = "list_resources")] + #[staticmethod] /// list available vehicle resources - fn list_resources_py(&self) -> Vec { + fn list_resources_py() -> Vec { resources::list_resources(Self::RESOURCE_PREFIX) } diff --git a/python/fastsim/__init__.py b/python/fastsim/__init__.py index 3a8ce21a..5902807c 100644 --- a/python/fastsim/__init__.py +++ b/python/fastsim/__init__.py @@ -8,7 +8,6 @@ import inspect import pandas as pd import polars as pl -from enum import Enum, auto from .fastsim import * from . import utils @@ -64,7 +63,6 @@ def _get_list(path_elem, container): containers = [model] lists = [None] * len(path_list) - has_list = [False] * len(path_list) for i, path_elem in enumerate(path_list): container = containers[-1] @@ -110,6 +108,7 @@ def __array__(self): inspect.getmodule(getattr(fastsim, attr)))) ] + def cyc_keys() -> List[str]: import json cyc = Cycle.from_resource("udds.csv") @@ -120,12 +119,8 @@ def cyc_keys() -> List[str]: return cyc_keys -CYC_KEYS = cyc_keys() -def is_cyc_key(key): - is_cyc_key = any( - cyc_key for cyc_key in CYC_KEYS if cyc_key == key[-1]) and "cyc" in key - return is_cyc_key +CYC_KEYS = cyc_keys() setattr(Pyo3VecWrapper, "__array__", __array__) # noqa: F405 @@ -169,34 +164,44 @@ def to_pydict(self, data_fmt: str = "msg_pack", flatten: bool = False) -> Dict: @classmethod -def from_pydict(cls, pydict: Dict, data_fmt: str = "msg_pack") -> Self: +def from_pydict(cls, pydict: Dict, data_fmt: str = "msg_pack", skip_init: bool = True) -> Self: """ Instantiates Self from pure python dictionary # Arguments - `pydict`: dictionary to be converted to FASTSim object - - `data_fmt`: data format for intermediate conversion step + - `data_fmt`: data format for intermediate conversion step + - `skip_init`: passed to `SerdeAPI` methods to control whether initialization + is skipped """ data_fmt = data_fmt.lower() assert data_fmt in data_formats, f"`data_fmt` must be one of {data_formats}" match data_fmt.lower(): case "yaml": import yaml - obj = cls.from_yaml(yaml.dump(pydict), skip_init=False) + obj = cls.from_yaml(yaml.dump(pydict), skip_init=skip_init) case "msg_pack": import msgpack try: - obj = cls.from_msg_pack(msgpack.packb(pydict)) + obj = cls.from_msg_pack( + msgpack.packb(pydict), skip_init=skip_init) except Exception as err: print( f"{err}\nFalling back to YAML.") - obj = cls.from_pydict(pydict, data_fmt="yaml") + obj = cls.from_pydict( + pydict, data_fmt="yaml", skip_init=skip_init) case "json": from json import dumps - obj = cls.from_json(dumps(pydict)) + obj = cls.from_json(dumps(pydict), skip_init=skip_init) return obj +def is_cyc_key(k): + is_cyc_key = any( + cyc_key for cyc_key in CYC_KEYS if cyc_key == k.split(".")[-1]) and "cyc" in k + return is_cyc_key + + def to_dataframe(self, pandas: bool = False, allow_partial: bool = False) -> Union[pd.DataFrame, pl.DataFrame]: """ Returns time series results from fastsim object as a Polars or Pandas dataframe. @@ -206,13 +211,13 @@ def to_dataframe(self, pandas: bool = False, allow_partial: bool = False) -> Uni - `allow_partial`: returns dataframe of length equal to solved time steps if simulation fails early """ obj_dict = self.to_pydict(flatten=True) - history_dict = { - k: v for k, v in obj_dict.items() if is_cyc_key(k) or ('.history.' in k) - } + history_dict = {} + for k, v in obj_dict.items(): + if is_cyc_key(k) or ('.history.' in k): + history_dict[k] = v if allow_partial: - for val in history_dict.values(): - cutoff = min([len(val) for val in vals]) + cutoff = min([len(val) for val in history_dict.values()]) if not pandas: df = pl.DataFrame({col: val[:cutoff] @@ -225,20 +230,20 @@ def to_dataframe(self, pandas: bool = False, allow_partial: bool = False) -> Uni try: df = pl.DataFrame(history_dict) except Exception as err: - raise(f"{err}\nTry passing `allow_partial=True` to `to_dataframe`") + raise ( + f"{err}\nTry passing `allow_partial=True` to `to_dataframe`") else: try: df = pd.DataFrame(history_dict) except Exception as err: - raise(f"{err}\nTry passing `allow_partial=True` to `to_dataframe`") + raise ( + f"{err}\nTry passing `allow_partial=True` to `to_dataframe`") return df # adds variable_path_list() and history_path_list() as methods to all classes in # ACCEPTED_RUST_STRUCTS for item in ACCEPTED_RUST_STRUCTS: - setattr(getattr(fastsim, item), "variable_path_list", variable_path_list) - setattr(getattr(fastsim, item), "history_path_list", history_path_list) setattr(getattr(fastsim, item), "to_pydict", to_pydict) setattr(getattr(fastsim, item), "from_pydict", from_pydict) setattr(getattr(fastsim, item), "to_dataframe", to_dataframe) diff --git a/python/fastsim/demos/demo_bev.py b/python/fastsim/demos/demo_bev.py index 6ff97dcd..ca7bd097 100644 --- a/python/fastsim/demos/demo_bev.py +++ b/python/fastsim/demos/demo_bev.py @@ -48,6 +48,7 @@ t_fsim3_si1 = t1 - t0 print(f"fastsim-3 `sd.walk()` elapsed time with `save_interval` of 1:\n{t_fsim3_si1:.2e} s") df = sd.to_dataframe() +sd_dict = sd.to_pydict(flatten=True) # instantiate `SimDrive` simulation object sd_no_save = fsim.SimDrive(veh_no_save, cyc) @@ -168,8 +169,8 @@ def plot_res_energy() -> Tuple[Figure, Axes]: label="electrical out", ) ax[1].set_ylim( - -np.max(np.abs(sd.veh.res.history.energy_out_electrical_joules)) * 1e-3 * 0.1, - np.max(np.abs(sd.veh.res.history.energy_out_electrical_joules)) * 1e-3 * 0.1 + -np.max(np.abs(sd_dict["veh.pt_type.BatteryElectricVehicle.res.history.energy_out_electrical_joules"])) * 1e-3 * 0.1, + np.max(np.abs(sd_dict["veh.pt_type.BatteryElectricVehicle.res.history.energy_out_electrical_joules"])) * 1e-3 * 0.1 ) ax[1].set_ylabel("RES Energy\nDelta (f3-f2) [kJ]\n+/- 10% Range") ax[1].legend() @@ -177,7 +178,8 @@ def plot_res_energy() -> Tuple[Figure, Axes]: ax[2].set_prop_cycle(get_paired_cycler()) ax[2].plot( df['cyc.time_seconds'], - df["veh.pt_type.BatteryElectricVehicle.res.history.soc"] - (df["veh.pt_type.BatteryElectricVehicle.res.history.soc"][0] - np.array(sd2.soc.tolist())[0]), + df["veh.pt_type.BatteryElectricVehicle.res.history.soc"] - + (df["veh.pt_type.BatteryElectricVehicle.res.history.soc"][0] - np.array(sd2.soc.tolist())[0]), label="f3 soc", ) ax[2].plot( @@ -216,8 +218,8 @@ def plot_road_loads() -> Tuple[Figure, Axes]: ax[0].set_prop_cycle(get_paired_cycler()) ax[0].plot( - np.array(sd.cyc.time_seconds)[::veh.save_interval], - np.array(sd.veh.history.pwr_drag_watts) / 1e3, + np.array(df["cyc.time_seconds"])[::veh.save_interval], + np.array(df["veh.history.pwr_drag_watts"]) / 1e3, label="f3 drag", ) ax[0].plot( @@ -226,8 +228,8 @@ def plot_road_loads() -> Tuple[Figure, Axes]: label="f2 drag", ) ax[0].plot( - np.array(sd.cyc.time_seconds)[::veh.save_interval], - np.array(sd.veh.history.pwr_rr_watts) / 1e3, + np.array(df["cyc.time_seconds"])[::veh.save_interval], + np.array(df["veh.history.pwr_rr_watts"]) / 1e3, label="f3 rr", ) ax[0].plot( @@ -240,15 +242,15 @@ def plot_road_loads() -> Tuple[Figure, Axes]: ax[1].set_prop_cycle(get_uni_cycler()) ax[1].plot( - np.array(sd.cyc.time_seconds)[::veh.save_interval], - np.array(sd.veh.history.pwr_drag_watts) / + np.array(df["cyc.time_seconds"])[::veh.save_interval], + np.array(df["veh.history.pwr_drag_watts"]) / 1e3 - np.array(sd2.drag_kw.tolist()), label="drag", linestyle=BASE_LINE_STYLES[0], ) ax[1].plot( - np.array(sd.cyc.time_seconds)[::veh.save_interval], - np.array(sd.veh.history.pwr_rr_watts) / + np.array(df["cyc.time_seconds"])[::veh.save_interval], + np.array(df["veh.history.pwr_rr_watts"]) / 1e3 - np.array(sd2.rr_kw.tolist()), label="rr", linestyle=BASE_LINE_STYLES[1], @@ -260,8 +262,8 @@ def plot_road_loads() -> Tuple[Figure, Axes]: ax[-1].set_prop_cycle(get_paired_cycler()) ax[-1].plot( - np.array(sd.cyc.time_seconds)[::veh.save_interval], - np.array(sd.veh.history.speed_ach_meters_per_second), + np.array(df["cyc.time_seconds"])[::veh.save_interval], + np.array(df["veh.history.speed_ach_meters_per_second"]), label="f3", ) ax[-1].plot( @@ -287,9 +289,7 @@ def plot_road_loads() -> Tuple[Figure, Axes]: # %% # example for how to use set_default_pwr_interp() method for veh.res -res = veh.res +res = fsim.ReversibleEnergyStorage.from_pydict(sd.to_pydict()['veh']['pt_type']['BatteryElectricVehicle']['res']) res.set_default_pwr_interp() -fsim.set_param_from_path(veh, 'res', res) -print(veh.res.to_pydict()) # %% diff --git a/python/fastsim/demos/demo_hev.py b/python/fastsim/demos/demo_hev.py index 010ca14e..8b96f896 100644 --- a/python/fastsim/demos/demo_hev.py +++ b/python/fastsim/demos/demo_hev.py @@ -67,7 +67,7 @@ # df = sd.to_dataframe()[plt_slice] df = sd.to_dataframe() plt_slice = slice(0, len(df)) -sd_dict = sd.to_pydict() +sd_dict = sd.to_pydict(flatten=True) # instantiate `SimDrive` simulation object @@ -341,8 +341,8 @@ def plot_fc_energy() -> Tuple[Figure, Axes]: label="fuel", linestyle=baselinestyles[1] ) - ax[1].set_ylim((-sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["fc"]["state"]["energy_fuel_joules"] * 1e-6 * 0.1, - sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["fc"]["state"]["energy_fuel_joules"] * 1e-6 * 0.1)) + ax[1].set_ylim((-sd_dict["veh.pt_type.HybridElectricVehicle.fc.state.energy_fuel_joules"] * 1e-6 * 0.1, + sd_dict["veh.pt_type.HybridElectricVehicle.fc.state.energy_fuel_joules"] * 1e-6 * 0.1)) ax[1].set_ylabel("FC Energy\nDelta (f3-f2) [MJ]\n+/- 10% Range") ax[1].legend() diff --git a/python/fastsim/fastsim.pyi b/python/fastsim/fastsim.pyi index ca00db72..af43310a 100644 --- a/python/fastsim/fastsim.pyi +++ b/python/fastsim/fastsim.pyi @@ -15,7 +15,7 @@ class SerdeAPI(object): def to_pydict(self, data_fmt: str = "msg_pack", flatten: bool = False) -> Dict: ... @classmethod - def from_pydict(cls, pydict: Dict, data_fmt: str = "msg_pack") -> Self: + def from_pydict(cls, pydict: Dict, data_fmt: str = "msg_pack", skip_init: bool = True) -> Self: class SimDrive(SerdeAPI): ... # TODO: flesh out more From e4fbb1f734e168a37601db0102e7b000122e1340 Mon Sep 17 00:00:00 2001 From: Robin Steuteville Date: Wed, 15 Jan 2025 16:10:36 -0700 Subject: [PATCH 019/129] adding default power and temp 2D interpolator --- .../res/default_pwr_and_temp.yaml | 66 +++++++++++++++++++ .../vehicle/powertrain/prepare_eff_values.py | 10 ++- .../powertrain/reversible_energy_storage.rs | 13 ++-- 3 files changed, 82 insertions(+), 7 deletions(-) create mode 100644 fastsim-core/resources/interpolators/res/default_pwr_and_temp.yaml diff --git a/fastsim-core/resources/interpolators/res/default_pwr_and_temp.yaml b/fastsim-core/resources/interpolators/res/default_pwr_and_temp.yaml new file mode 100644 index 00000000..ebe5455d --- /dev/null +++ b/fastsim-core/resources/interpolators/res/default_pwr_and_temp.yaml @@ -0,0 +1,66 @@ +--- +Interp2D: + x: + - -5.0 + - -3.0 + - -1.0 + - -0.5 + - -0.1 + - 0.1 + - 0.5 + - 1.0 + - 2.0 + - 3.0 + - 5.0 + y: + - 23.0 + - 30.0 + - 45.0 + - 55.0 + f_xy: + - - 0.892085814015878 + - 0.91092 + - 0.929788 + - 0.929788 + - - 0.935630351894604 + - 0.946773 + - 0.957986 + - 0.957986 + - - 0.978612548997097 + - 0.982298 + - 0.986015 + - 0.986015 + - - 0.989309767361546 + - 0.991151 + - 0.993009 + - 0.993009 + - - 0.997862182940346 + - 0.99823 + - 0.998602 + - 0.998602 + - - 0.997883658588665 + - 0.998247 + - 0.998645 + - 0.998618 + - - 0.989234853052088 + - 0.991108 + - 0.993153 + - 0.993014 + - - 0.977987897893482 + - 0.98189 + - 0.986113 + - 0.985827 + - - 0.953873809588552 + - 0.962378 + - 0.971415 + - 0.970809 + - - 0.927243266086586 + - 0.941245 + - 0.955812 + - 0.954845 + - - 0.864025853742296 + - 0.892934 + - 0.921423 + - 0.919576 + strategy: Linear + extrapolate: Error diff --git a/fastsim-core/src/vehicle/powertrain/prepare_eff_values.py b/fastsim-core/src/vehicle/powertrain/prepare_eff_values.py index 22b4830e..4fc2aff4 100644 --- a/fastsim-core/src/vehicle/powertrain/prepare_eff_values.py +++ b/fastsim-core/src/vehicle/powertrain/prepare_eff_values.py @@ -159,7 +159,7 @@ # is power), as required in order to use this array in a FASTSim-3 interpolator, # with x being power. arr_2d_transposed can now be used in FASTSim-3. arr_2d_transposed = np.transpose(arr_2d, (1,0)) -# %% + # efficiency array as a function of power SOC, and temperature, corresponds to # eta_interp_values in Altrios @@ -452,6 +452,12 @@ # transposing the ALTRIOS array so that the outermost layer is now power, and # the innermost layer temperature (in ALTRIOS, the outermost layer is # temperature and innermost is power), as required in order to use this array in -# a FASTSim-3 interpolator, with x being power. arr_2d_transposed can now be +# a FASTSim-3 interpolator, with x being power. arr_3d_transposed can now be # used in FASTSim-3. arr_3d_transposed = np.transpose(arr_3d, (2,1,0)) + +# transposing the ALTRIOS array so that the outermost layer is SOC, then power, +# then temperature as the innermost layer. Then, taking only the array at 50% +# SOC, in order to get the 2D array with x being power and y being temperature. +arr_3d_transposed_for_power_temp = np.transpose(arr_3d, (1,2,0)) +arr_2d_transposed_for_power_temp = arr_3d_transposed_for_power_temp[5] \ No newline at end of file diff --git a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs index 2cc15b52..f32052ba 100644 --- a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs +++ b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs @@ -69,6 +69,11 @@ const TOL: f64 = 1e-3; self.set_default_pwr_and_soc_interp() } + #[pyo3(name = "set_default_pwr_and_temp_interp")] + fn set_default_pwr_and_temp_interp_py(&mut self) -> anyhow::Result<()> { + self.set_default_pwr_and_temp_interp() + } + #[pyo3(name = "set_default_pwr_soc_and_temp_interp")] fn set_default_pwr_soc_and_temp_interp_py(&mut self) -> anyhow::Result<()> { self.set_default_pwr_soc_and_temp_interp() @@ -477,13 +482,11 @@ impl ReversibleEnergyStorage { } /// - `f_xy`: efficiency array as a function of power and temperature at - /// constant 50% SOC, corresponds to `eta_interp_values[0]` in ALTRIOS, - /// transposed so that the outermost layer is now power and the innermost - /// layer SOC (in ALTRIOS, the outermost layer is SOC and innermost is - /// power) + /// constant 50% SOC #[cfg(all(feature = "yaml", feature = "resources"))] pub fn set_default_pwr_and_temp_interp(&mut self) -> anyhow::Result<()> { - todo!("Robin, please populate this and expose to python"); + self.eff_interp = + ninterp::Interpolator::from_resource("res/default_pwr_and_temp.yaml", false)?; Ok(()) } From 9a34639cd17075e1e0481e044ced1fa30cec4da4 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Thu, 16 Jan 2025 10:55:19 -0700 Subject: [PATCH 020/129] fixed lsp hint --- python/fastsim/__init__.py | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/python/fastsim/__init__.py b/python/fastsim/__init__.py index 5902807c..286de21f 100644 --- a/python/fastsim/__init__.py +++ b/python/fastsim/__init__.py @@ -56,8 +56,8 @@ def _get_list(path_elem, container): if list_match is not None: list_name = list_match.group(1) index = int(list_match.group(2)) - l = container.__getattribute__(list_name).tolist() - return l, list_name, index + lst = container.__getattribute__(list_name).tolist() + return lst, list_name, index else: return None, None, None From 607a6db0214c428b9f1ba8944de23e4e657f1e71 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Thu, 16 Jan 2025 11:27:27 -0700 Subject: [PATCH 021/129] fixed and/or disable hints/warnings --- fastsim-core/src/utils/interp.rs | 11 +++++++++-- 1 file changed, 9 insertions(+), 2 deletions(-) diff --git a/fastsim-core/src/utils/interp.rs b/fastsim-core/src/utils/interp.rs index 265b43db..9e474069 100644 --- a/fastsim-core/src/utils/interp.rs +++ b/fastsim-core/src/utils/interp.rs @@ -8,10 +8,14 @@ pub trait InterpolatorMethods { } impl InterpolatorMethods for Interpolator { + #[allow(unused)] fn set_min(&mut self, min: f64) -> anyhow::Result<()> { let old_min = self.min()?; match self { - Interpolator::Interp0D(value) => Ok(*value = min), + Interpolator::Interp0D(value) => { + *value = min; + Ok(()) + } Interpolator::Interp1D(interp) => { todo!() } @@ -30,7 +34,10 @@ impl InterpolatorMethods for Interpolator { fn set_max(&mut self, max: f64) -> anyhow::Result<()> { let old_max = self.max()?; match self { - Interpolator::Interp0D(value) => Ok(*value = max), + Interpolator::Interp0D(value) => { + *value = max; + Ok(()) + } Interpolator::Interp1D(interp) => { Ok(interp.set_f_x(interp.f_x().iter().map(|x| x * max / old_max).collect())?) } From 40fa534d07cfb53d03113d27e5f017123451ef43 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Fri, 17 Jan 2025 08:47:12 -0700 Subject: [PATCH 022/129] plots now work --- python/fastsim/demos/demo_bev_thrml.py | 147 +++--------- python/fastsim/demos/demo_conv.py | 105 +++++---- python/fastsim/demos/demo_hev_thrml.py | 295 ++++++++++++++----------- 3 files changed, 254 insertions(+), 293 deletions(-) diff --git a/python/fastsim/demos/demo_bev_thrml.py b/python/fastsim/demos/demo_bev_thrml.py index 1f600ac7..d3689a3e 100644 --- a/python/fastsim/demos/demo_bev_thrml.py +++ b/python/fastsim/demos/demo_bev_thrml.py @@ -51,61 +51,41 @@ # # Visualize results def plot_res_pwr() -> Tuple[Figure, Axes]: - fig, ax = plt.subplots(4, 1, sharex=True, figsize=figsize_3_stacked) + fig, ax = plt.subplots(3, 1, sharex=True, figsize=figsize_3_stacked) plt.suptitle("Reversible Energy Storage Power") ax[0].set_prop_cycle(get_paired_cycler()) ax[0].plot( df['cyc.time_seconds'], df["veh.pt_type.BatteryElectricVehicle.res.history.pwr_out_electrical_watts"] / 1e3, - label="f3 electrical out", - ) - ax[0].plot( - np.array(sd2.cyc.time_s.tolist())[::veh.save_interval], - np.array(sd2.ess_kw_out_ach.tolist()), - label="f2 electrical out", + label="electrical out", ) ax[0].set_ylabel("RES Power [kW]") ax[0].legend() - ax[1].set_prop_cycle(get_uni_cycler()) + ax[1].set_prop_cycle(get_paired_cycler()) ax[1].plot( df['cyc.time_seconds'], - df["veh.pt_type.BatteryElectricVehicle.res.history.pwr_out_electrical_watts"] / - 1e3 - np.array(sd2.ess_kw_out_ach.tolist()), - label="f3 res kw out", + df["veh.pt_type.BatteryElectricVehicle.res.history.soc"], + label="soc", ) - ax[1].set_ylabel("RES Power\nDelta (f3-f2) [kW]") + ax[1].set_ylabel("SOC") ax[1].legend() - - ax[2].set_prop_cycle(get_paired_cycler()) - ax[2].plot( - df['cyc.time_seconds'], - df["veh.pt_type.BatteryElectricVehicle.res.history.soc"] - (df["veh.pt_type.BatteryElectricVehicle.res.history.soc"][0] - np.array(sd2.soc.tolist())[0]), - label="f3 soc", - ) - ax[2].plot( - np.array(sd2.cyc.time_s.tolist())[::veh.save_interval], - np.array(sd2.soc.tolist()), - label="f2 soc", - ) - ax[2].set_ylabel("SOC") - ax[2].legend() ax[-1].set_prop_cycle(get_paired_cycler()) ax[-1].plot( df['cyc.time_seconds'], df["veh.history.speed_ach_meters_per_second"], - label="f3", + label="ach", ) ax[-1].plot( - np.array(sd2.cyc.time_s.tolist()), - np.array(sd2.mps_ach.tolist()), - label="f2", + df['cyc.time_seconds'], + df["cyc.speed_meters_per_second"], + label="cyc", ) ax[-1].legend() ax[-1].set_xlabel("Time [s]") - ax[-1].set_ylabel("Ach Speed [m/s]") + ax[-1].set_ylabel("Speed [m/s]") plt.tight_layout() if SAVE_FIGS: @@ -115,62 +95,37 @@ def plot_res_pwr() -> Tuple[Figure, Axes]: return fig, ax def plot_res_energy() -> Tuple[Figure, Axes]: - fig, ax = plt.subplots(4, 1, sharex=True, figsize=figsize_3_stacked) + fig, ax = plt.subplots(3, 1, sharex=True, figsize=figsize_3_stacked) plt.suptitle("Reversible Energy Storage Energy") ax[0].set_prop_cycle(get_paired_cycler()) ax[0].plot( df['cyc.time_seconds'], df["veh.pt_type.BatteryElectricVehicle.res.history.energy_out_electrical_joules"] / 1e3, - label="f3 electrical out", - ) - ax[0].plot( - np.array(sd2.cyc.time_s.tolist())[::veh.save_interval], - np.cumsum(np.array(sd2.ess_kw_out_ach.tolist()) * np.diff(sd2.cyc.time_s.tolist(), prepend=0)), - label="f2 electrical out", + label="electrical out", ) ax[0].set_ylabel("RES Energy [kW]") ax[0].legend() - ax[1].set_prop_cycle(get_uni_cycler()) + ax[1].set_prop_cycle(get_paired_cycler()) ax[1].plot( df['cyc.time_seconds'], - df["veh.pt_type.BatteryElectricVehicle.res.history.energy_out_electrical_joules" - ] / 1e3 - np.cumsum(np.array(sd2.ess_kw_out_ach.tolist()) * - np.diff(sd2.cyc.time_s.tolist(), prepend=0)), - label="electrical out", + df["veh.pt_type.BatteryElectricVehicle.res.history.soc"], + label="soc", ) - ax[1].set_ylim( - -np.max(np.abs(sd.veh.res.history.energy_out_electrical_joules)) * 1e-3 * 0.1, - np.max(np.abs(sd.veh.res.history.energy_out_electrical_joules)) * 1e-3 * 0.1 - ) - ax[1].set_ylabel("RES Energy\nDelta (f3-f2) [kJ]\n+/- 10% Range") + ax[1].set_ylabel("SOC") ax[1].legend() - - ax[2].set_prop_cycle(get_paired_cycler()) - ax[2].plot( - df['cyc.time_seconds'], - df["veh.pt_type.BatteryElectricVehicle.res.history.soc"] - (df["veh.pt_type.BatteryElectricVehicle.res.history.soc"][0] - np.array(sd2.soc.tolist())[0]), - label="f3 soc", - ) - ax[2].plot( - np.array(sd2.cyc.time_s.tolist())[::veh.save_interval], - np.array(sd2.soc.tolist()), - label="f2 soc", - ) - ax[2].set_ylabel("SOC") - ax[2].legend() ax[-1].set_prop_cycle(get_paired_cycler()) ax[-1].plot( df['cyc.time_seconds'], df["veh.history.speed_ach_meters_per_second"], - label="f3", + label="ach", ) ax[-1].plot( - np.array(sd2.cyc.time_s.tolist()), - np.array(sd2.mps_ach.tolist()), - label="f2", + df['cyc.time_seconds'], + df["cyc.speed_meters_per_second"], + label="cyc", ) ax[-1].legend() ax[-1].set_xlabel("Time [s]") @@ -184,63 +139,33 @@ def plot_res_energy() -> Tuple[Figure, Axes]: return fig, ax def plot_road_loads() -> Tuple[Figure, Axes]: - fig, ax = plt.subplots(3, 1, sharex=True, figsize=figsize_3_stacked) + fig, ax = plt.subplots(2, 1, sharex=True, figsize=figsize_3_stacked) plt.suptitle("Road Loads") ax[0].set_prop_cycle(get_paired_cycler()) ax[0].plot( - np.array(sd.cyc.time_seconds)[::veh.save_interval], - np.array(sd.veh.history.pwr_drag_watts) / 1e3, - label="f3 drag", - ) - ax[0].plot( - np.array(sd2.cyc.time_s.tolist())[::veh.save_interval], - np.array(sd2.drag_kw.tolist()), - label="f2 drag", - ) - ax[0].plot( - np.array(sd.cyc.time_seconds)[::veh.save_interval], - np.array(sd.veh.history.pwr_rr_watts) / 1e3, - label="f3 rr", + df["cyc.time_seconds"][::veh.save_interval], + df["veh.history.pwr_drag_watts"] / 1e3, + label="drag", ) ax[0].plot( - np.array(sd2.cyc.time_s.tolist())[::veh.save_interval], - np.array(sd2.rr_kw.tolist()), - label="f2 rr", + df["cyc.time_seconds"][::veh.save_interval], + df["veh.history.pwr_rr_watts"] / 1e3, + label="rr", ) ax[0].set_ylabel("Power [kW]") ax[0].legend() - ax[1].set_prop_cycle(get_uni_cycler()) - ax[1].plot( - np.array(sd.cyc.time_seconds)[::veh.save_interval], - np.array(sd.veh.history.pwr_drag_watts) / - 1e3 - np.array(sd2.drag_kw.tolist()), - label="drag", - linestyle=BASE_LINE_STYLES[0], - ) - ax[1].plot( - np.array(sd.cyc.time_seconds)[::veh.save_interval], - np.array(sd.veh.history.pwr_rr_watts) / - 1e3 - np.array(sd2.rr_kw.tolist()), - label="rr", - linestyle=BASE_LINE_STYLES[1], - ) - # ax[1].text( - # 500, -0.125, "Drag error is due to more\naccurate air density model .") - ax[1].set_ylabel("Power\nDelta (f3-f2) [kW]") - ax[1].legend() - ax[-1].set_prop_cycle(get_paired_cycler()) ax[-1].plot( - np.array(sd.cyc.time_seconds)[::veh.save_interval], - np.array(sd.veh.history.speed_ach_meters_per_second), - label="f3", + df["cyc.time_seconds"][::veh.save_interval], + df["veh.history.speed_ach_meters_per_second"], + label="ach", ) ax[-1].plot( - np.array(sd2.cyc.time_s.tolist()), - np.array(sd2.mps_ach.tolist()), - label="f2", + df['cyc.time_seconds'], + df["cyc.speed_meters_per_second"], + label="cyc", ) ax[-1].legend() ax[-1].set_xlabel("Time [s]") @@ -260,9 +185,7 @@ def plot_road_loads() -> Tuple[Figure, Axes]: # %% # example for how to use set_default_pwr_interp() method for veh.res -res = veh.res +res = fsim.ReversibleEnergyStorage.from_pydict(sd.to_pydict()['veh']['pt_type']['BatteryElectricVehicle']['res']) res.set_default_pwr_interp() -fsim.set_param_from_path(veh, 'res', res) -print(veh.res.to_pydict()) # %% diff --git a/python/fastsim/demos/demo_conv.py b/python/fastsim/demos/demo_conv.py index b9eee0a6..3c9f478a 100644 --- a/python/fastsim/demos/demo_conv.py +++ b/python/fastsim/demos/demo_conv.py @@ -1,5 +1,6 @@ # %% +from plot_utils import * import numpy as np import matplotlib.pyplot as plt from matplotlib.figure import Figure @@ -14,14 +15,13 @@ sns.set_theme() -from plot_utils import * # if environment var `SHOW_PLOTS=false` is set, no plots are shown -SHOW_PLOTS = os.environ.get("SHOW_PLOTS", "true").lower() == "true" +SHOW_PLOTS = os.environ.get("SHOW_PLOTS", "true").lower() == "true" # if environment var `SAVE_FIGS=true` is set, save plots SAVE_FIGS = os.environ.get("SAVE_FIGS", "false").lower() == "true" -# `fastsim3` -- load vehicle and cycle, build simulation, and run +# `fastsim3` -- load vehicle and cycle, build simulation, and run # %% # load 2012 Ford Fusion from file @@ -30,7 +30,7 @@ fsim.set_param_from_path(veh_no_save, "save_interval", None) # Set `save_interval` at vehicle level -- cascades to all sub-components with time-varying states -fsim.set_param_from_path(veh, "save_interval" , 1) +fsim.set_param_from_path(veh, "save_interval", 1) # load cycle from file cyc = fsim.Cycle.from_resource("udds.csv") @@ -46,9 +46,10 @@ # simulation end time t1 = time.perf_counter() t_fsim3_si1 = t1 - t0 -print(f"fastsim-3 `sd.walk()` elapsed time with `save_interval` of 1:\n{t_fsim3_si1:.2e} s") +print( + f"fastsim-3 `sd.walk()` elapsed time with `save_interval` of 1:\n{t_fsim3_si1:.2e} s") df = sd.to_dataframe() -sd_dict = sd.to_pydict() +sd_dict = sd.to_pydict(flatten=True) # instantiate `SimDrive` simulation object sd_no_save = fsim.SimDrive(veh_no_save, cyc) @@ -60,7 +61,8 @@ # simulation end time t1 = time.perf_counter() t_fsim3_si_none = t1 - t0 -print(f"fastsim-3 `sd.walk()` elapsed time with `save_interval` of None:\n{t_fsim3_si_none:.2e} s") +print( + f"fastsim-3 `sd.walk()` elapsed time with `save_interval` of None:\n{t_fsim3_si_none:.2e} s") # %% # # `fastsim-2` benchmarking @@ -78,6 +80,7 @@ # # Visualize results + def plot_fc_pwr() -> Tuple[Figure, Axes]: fig, ax = plt.subplots(3, 1, sharex=True, figsize=figsize_3_stacked) plt.suptitle("Fuel Converter Power") @@ -116,12 +119,13 @@ def plot_fc_pwr() -> Tuple[Figure, Axes]: ) ax[1].plot( df['cyc.time_seconds'], - df["veh.pt_type.ConventionalVehicle.fc.history.pwr_fuel_watts"] / 1e3 - np.array(sd2.fs_kw_out_ach.tolist()), + df["veh.pt_type.ConventionalVehicle.fc.history.pwr_fuel_watts"] / + 1e3 - np.array(sd2.fs_kw_out_ach.tolist()), label="fuel", ) ax[1].set_ylabel("FC Power\nDelta (f3-f2) [kW]") ax[1].legend() - + ax[-1].set_prop_cycle(get_paired_cycler()) ax[-1].plot( df['cyc.time_seconds'], @@ -144,15 +148,16 @@ def plot_fc_pwr() -> Tuple[Figure, Axes]: return fig, ax + def plot_fc_energy() -> Tuple[Figure, Axes]: fig, ax = plt.subplots(3, 1, sharex=True, figsize=figsize_3_stacked) plt.suptitle("Fuel Converter Energy") ax[0].set_prop_cycle(get_paired_cycler()) ax[0].plot( - np.array(sd.cyc.time_seconds)[::veh.save_interval], - (np.array(sd.veh.fc.history.energy_prop_on_joules) + - np.array(sd.veh.fc.history.energy_aux_joules)) / 1e6, + df["cyc.time_seconds"][::veh.save_interval], + (df["veh.pt_type.ConventionalVehicle.fc.history.energy_prop_joules"] + + df["veh.pt_type.ConventionalVehicle.fc.history.energy_aux_joules"]) / 1e6, label="f3 shaft", ) ax[0].plot( @@ -161,8 +166,8 @@ def plot_fc_energy() -> Tuple[Figure, Axes]: label="f2 shaft", ) ax[0].plot( - np.array(sd.cyc.time_seconds)[::veh.save_interval], - np.array(sd.veh.fc.history.energy_fuel_joules) / 1e6, + df["cyc.time_seconds"][::veh.save_interval], + df["veh.pt_type.ConventionalVehicle.fc.history.energy_fuel_joules"] / 1e6, label="f3 fuel", ) ax[0].plot( @@ -175,25 +180,26 @@ def plot_fc_energy() -> Tuple[Figure, Axes]: ax[1].set_prop_cycle(get_uni_cycler()) ax[1].plot( - np.array(sd.cyc.time_seconds)[::veh.save_interval], - (np.array(sd.veh.fc.history.energy_prop_on_joules) + - np.array(sd.veh.fc.history.energy_aux_joules)) / 1e6 - np.array(sd2.fc_cumu_mj_out_ach.tolist()), + df["cyc.time_seconds"][::veh.save_interval], + (df["veh.pt_type.ConventionalVehicle.fc.history.energy_prop_joules"] + + df["veh.pt_type.ConventionalVehicle.fc.history.energy_aux_joules"]) / 1e6 - np.array(sd2.fc_cumu_mj_out_ach.tolist()), label="shaft", ) ax[1].plot( - np.array(sd.cyc.time_seconds)[::veh.save_interval], - np.array(sd.veh.fc.history.energy_fuel_joules) / 1e6 - np.array(sd2.fs_cumu_mj_out_ach.tolist()), + df["cyc.time_seconds"][::veh.save_interval], + df["veh.pt_type.ConventionalVehicle.fc.history.energy_fuel_joules"] / + 1e6 - np.array(sd2.fs_cumu_mj_out_ach.tolist()), label="fuel", ) - ax[1].set_ylim((-sd.veh.fc.state.energy_fuel_joules * 1e-6 * 0.1, - sd.veh.fc.state.energy_fuel_joules * 1e-6 * 0.1)) + ax[1].set_ylim((-sd_dict["veh.pt_type.ConventionalVehicle.fc.state.energy_fuel_joules"] * 1e-6 * 0.1, + sd_dict["veh.pt_type.ConventionalVehicle.fc.state.energy_fuel_joules"] * 1e-6 * 0.1)) ax[1].set_ylabel("FC Energy\nDelta (f3-f2) [MJ]\n+/- 10% Range") ax[1].legend() ax[-1].set_prop_cycle(get_paired_cycler()) ax[-1].plot( - np.array(sd.cyc.time_seconds)[::veh.save_interval], - np.array(sd.veh.history.speed_ach_meters_per_second), + df["cyc.time_seconds"][::veh.save_interval], + df["veh.history.speed_ach_meters_per_second"], label="f3", ) ax[-1].plot( @@ -212,14 +218,15 @@ def plot_fc_energy() -> Tuple[Figure, Axes]: return fig, ax -def plot_road_loads() -> Tuple[Figure, Axes]: + +def plot_road_loads() -> Tuple[Figure, Axes]: fig, ax = plt.subplots(3, 1, sharex=True, figsize=figsize_3_stacked) plt.suptitle("Road Loads") ax[0].set_prop_cycle(get_paired_cycler()) ax[0].plot( - np.array(sd.cyc.time_seconds)[::veh.save_interval], - np.array(sd.veh.history.pwr_drag_watts) / 1e3, + df["cyc.time_seconds"][::veh.save_interval], + df["veh.history.pwr_drag_watts"] / 1e3, label="f3 drag", ) ax[0].plot( @@ -228,8 +235,8 @@ def plot_road_loads() -> Tuple[Figure, Axes]: label="f2 drag", ) ax[0].plot( - np.array(sd.cyc.time_seconds)[::veh.save_interval], - np.array(sd.veh.history.pwr_rr_watts) / 1e3, + df["cyc.time_seconds"][::veh.save_interval], + df["veh.history.pwr_rr_watts"] / 1e3, label="f3 rr", ) ax[0].plot( @@ -242,15 +249,15 @@ def plot_road_loads() -> Tuple[Figure, Axes]: ax[1].set_prop_cycle(get_uni_cycler()) ax[1].plot( - np.array(sd.cyc.time_seconds)[::veh.save_interval], - np.array(sd.veh.history.pwr_drag_watts) / + df["cyc.time_seconds"][::veh.save_interval], + df["veh.history.pwr_drag_watts"] / 1e3 - np.array(sd2.drag_kw.tolist()), label="drag", linestyle=BASE_LINE_STYLES[0], ) ax[1].plot( - np.array(sd.cyc.time_seconds)[::veh.save_interval], - np.array(sd.veh.history.pwr_rr_watts) / + df["cyc.time_seconds"][::veh.save_interval], + df["veh.history.pwr_rr_watts"] / 1e3 - np.array(sd2.rr_kw.tolist()), label="rr", linestyle=BASE_LINE_STYLES[1], @@ -260,8 +267,8 @@ def plot_road_loads() -> Tuple[Figure, Axes]: ax[-1].set_prop_cycle(get_paired_cycler()) ax[-1].plot( - np.array(sd.cyc.time_seconds)[::veh.save_interval], - np.array(sd.veh.history.speed_ach_meters_per_second), + df["cyc.time_seconds"][::veh.save_interval], + df["veh.history.speed_ach_meters_per_second"], label="f3", ) ax[-1].plot( @@ -280,25 +287,26 @@ def plot_road_loads() -> Tuple[Figure, Axes]: return fig, ax + if SHOW_PLOTS: - fig, ax = plot_fc_pwr() + fig, ax = plot_fc_pwr() fig, ax = plot_fc_energy() fig, ax = plot_road_loads() # # Benchmarking -# +# # ## CPU Performance # See above for cpu benchmarking. -# +# # ## Memory Profiling # Within [benchmarks](./../../../benchmarks/), here are the results of running the benchmarking tests. -# -# These benchmarks show that `fastsim-3` uses about 63% less memory than `fastsim-2`, which results in a substantially greater potential to leverage HPC and cloud computing via multiprocessing parallelization, enabling more capacity to use FASTSim for large scale simulations. -# +# +# These benchmarks show that `fastsim-3` uses about 63% less memory than `fastsim-2`, which results in a substantially greater potential to leverage HPC and cloud computing via multiprocessing parallelization, enabling more capacity to use FASTSim for large scale simulations. +# # ### python -m memory_profiler f2.py -# +# # ``` -# Filename: /Users/cbaker2/Documents/GitHub/fastsim-3/benchmarks/./f2.py +# Filename: /Users/cbaker2/Documents/GitHub/fastsim-3/benchmarks/./f2.py # Line # Mem usage Increment Occurrences Line Contents # ============================================================= # 10 163.438 MiB 163.438 MiB 1 @profile(precision=3) @@ -310,9 +318,9 @@ def plot_road_loads() -> Tuple[Figure, Axes]: # 16 165.453 MiB 1.078 MiB 1 sd = fsr.RustSimDrive(cyc, veh) # 17 165.656 MiB 0.203 MiB 1 sd.sim_drive() # ``` -# +# # ### python -m memory_profiler f3-save-int-1.py -# +# # ``` # Filename: /Users/cbaker2/Documents/GitHub/fastsim-3/benchmarks/./f3-save-int-1.py # Line # Mem usage Increment Occurrences Line Contents @@ -320,7 +328,7 @@ def plot_road_loads() -> Tuple[Figure, Axes]: # 5 61.562 MiB 61.562 MiB 1 @profile(precision=3) # 6 def build_and_run_sim_drive(): # 7 62.125 MiB 0.562 MiB 2 veh = fsim.Vehicle.from_file( -# 8 +# 8 # 9 61.562 MiB 0.000 MiB 1 fsim.package_root() / "../../tests/assets/2012_Ford_Fusion.yaml" # 10 ) # 11 62.125 MiB 0.000 MiB 1 veh.save_interval = 1 @@ -328,9 +336,9 @@ def plot_road_loads() -> Tuple[Figure, Axes]: # 13 62.406 MiB 0.094 MiB 1 sd = fsim.SimDrive(veh, cyc) # 14 62.953 MiB 0.547 MiB 1 sd.walk() # ``` -# +# # ### python -m memory_profiler f3-save-int-none.py -# +# # ``` # Filename: /Users/cbaker2/Documents/GitHub/fastsim-3/benchmarks/./f3-save-int-none.py # Line # Mem usage Increment Occurrences Line Contents @@ -338,7 +346,7 @@ def plot_road_loads() -> Tuple[Figure, Axes]: # 5 61.203 MiB 61.203 MiB 1 @profile(precision=3) # 6 def build_and_run_sim_drive(): # 7 61.766 MiB 0.562 MiB 2 veh = fsim.Vehicle.from_file( -# 8 +# 8 # 9 61.203 MiB 0.000 MiB 1 fsim.package_root() / "../../tests/assets/2012_Ford_Fusion.yaml" # 10 ) # 11 61.766 MiB 0.000 MiB 1 veh.save_interval = None @@ -348,5 +356,4 @@ def plot_road_loads() -> Tuple[Figure, Axes]: # ``` - # %% diff --git a/python/fastsim/demos/demo_hev_thrml.py b/python/fastsim/demos/demo_hev_thrml.py index fa000e97..c91488ac 100644 --- a/python/fastsim/demos/demo_hev_thrml.py +++ b/python/fastsim/demos/demo_hev_thrml.py @@ -16,22 +16,22 @@ sns.set_theme() - # if environment var `SHOW_PLOTS=false` is set, no plots are shown -SHOW_PLOTS = os.environ.get("SHOW_PLOTS", "true").lower() == "true" +SHOW_PLOTS = os.environ.get("SHOW_PLOTS", "true").lower() == "true" # if environment var `SAVE_FIGS=true` is set, save plots SAVE_FIGS = os.environ.get("SAVE_FIGS", "false").lower() == "true" -# `fastsim3` -- load vehicle and cycle, build simulation, and run +# `fastsim3` -- load vehicle and cycle, build simulation, and run # %% # load 2021 Hyundai Sonata HEV from file veh = fsim.Vehicle.from_file( - fsim.package_root() / "../../cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml" + fsim.package_root() / + "../../cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml" ) # Set `save_interval` at vehicle level -- cascades to all sub-components with time-varying states -fsim.set_param_from_path(veh, "save_interval" , 1) +fsim.set_param_from_path(veh, "save_interval", 1) # load cycle from file cyc = fsim.Cycle.from_resource("udds.csv") @@ -42,207 +42,237 @@ # simulation start time t0 = time.perf_counter() # run simulation -sd.walk() +try: + sd.walk() +except Exception as err: + print(f"still need to fix {err}") # simulation end time t1 = time.perf_counter() t_fsim3_si1 = t1 - t0 -print(f"fastsim-3 `sd.walk()` elapsed time with `save_interval` of 1:\n{t_fsim3_si1:.2e} s") -df = sd.to_dataframe() +print( + f"fastsim-3 `sd.walk()` elapsed time with `save_interval` of 1:\n{t_fsim3_si1:.2e} s") +# %% +df = sd.to_dataframe(allow_partial=True) # # Visualize results + +def plot_fc_pwr() -> Tuple[Figure, Axes]: + fig, ax = plt.subplots(3, 1, sharex=True, figsize=figsize_3_stacked) + plt.suptitle("Fuel Converter Power") + + ax[0].set_prop_cycle(get_paired_cycler()) + ax[0].plot( + df["cyc.time_seconds"], + (df["veh.pt_type.HybridElectricVehicle.fc.history.pwr_prop_watts"] + + df["veh.pt_type.HybridElectricVehicle.fc.history.pwr_aux_watts"]) / 1e3, + label="shaft", + ) + ax[0].plot( + df["cyc.time_seconds"], + df["veh.pt_type.HybridElectricVehicle.fc.history.pwr_fuel_watts"] / 1e3, + label="fuel", + ) + ax[0].set_ylabel("FC Power [kW]") + ax[0].legend() + + ax[1].set_prop_cycle(get_paired_cycler()) + ax[1].plot( + df["cyc.time_seconds"], + df["veh.pt_type.HybridElectricVehicle.res.history.soc"], + label="soc", + ) + ax[1].plot( + df["cyc.time_seconds"], + df["veh.pt_type.HybridElectricVehicle.res.history.soc_disch_buffer"], + label='accel buffer', + alpha=0.5, + ) + # ax[1].plot( + # df["cyc.time_seconds"], + # df["veh.pt_type.HybridElectricVehicle.res.history.soc_regen_buffer"], + # label='regen buffer', + # alpha=0.5, + # ) + # ax[1].plot( + # df["cyc.time_seconds"], + # df['veh.pt_type.HybridElectricVehicle.fc.history.eff'], + # label='FC eff', + # ) + ax[1].set_ylabel("[-]") + ax[1].legend(loc="center right") + + ax[-1].set_prop_cycle(get_paired_cycler()) + ax[-1].plot( + df["cyc.time_seconds"], + df["veh.history.speed_ach_meters_per_second"], + label="f3", + ) + ax[-1].legend() + ax[-1].set_xlabel("Time [s]") + ax[-1].set_ylabel("Ach Speed [m/s]") + x_min, x_max = ax[-1].get_xlim()[0], ax[-1].get_xlim()[1] + x_max = (x_max - x_min) * 1.15 + ax[-1].set_xlim([x_min, x_max]) + + plt.tight_layout() + if SAVE_FIGS: + plt.savefig(Path("./plots/fc_pwr.svg")) + + return fig, ax + + +def plot_fc_energy() -> Tuple[Figure, Axes]: + fig, ax = plt.subplots(2, 1, sharex=True, figsize=figsize_3_stacked) + plt.suptitle("Fuel Converter Energy") + + ax[0].set_prop_cycle(get_paired_cycler()) + ax[0].plot( + df["cyc.time_seconds"], + (df["veh.pt_type.HybridElectricVehicle.fc.history.energy_prop_joules"] + + df["veh.pt_type.HybridElectricVehicle.fc.history.energy_aux_joules"]) / 1e6, + label="shaft", + ) + ax[0].plot( + df["cyc.time_seconds"], + df["veh.pt_type.HybridElectricVehicle.fc.history.energy_fuel_joules"] / 1e6, + label="fuel", + ) + ax[0].set_ylabel("FC Energy [MJ]") + ax[0].legend() + + ax[-1].set_prop_cycle(get_paired_cycler()) + ax[-1].plot( + df["cyc.time_seconds"], + df["veh.history.speed_ach_meters_per_second"], + label="f3", + ) + ax[-1].legend() + ax[-1].set_xlabel("Time [s]") + ax[-1].set_ylabel("Ach Speed [m/s]") + x_min, x_max = ax[-1].get_xlim()[0], ax[-1].get_xlim()[1] + x_max = (x_max - x_min) * 1.15 + ax[-1].set_xlim([x_min, x_max]) + + plt.tight_layout() + if SAVE_FIGS: + plt.savefig(Path(f"./plots/fc_energy.svg")) + + return fig, ax + + def plot_res_pwr() -> Tuple[Figure, Axes]: - fig, ax = plt.subplots(4, 1, sharex=True, figsize=figsize_3_stacked) + fig, ax = plt.subplots(3, 1, sharex=True, figsize=figsize_3_stacked) plt.suptitle("Reversible Energy Storage Power") ax[0].set_prop_cycle(get_paired_cycler()) ax[0].plot( df['cyc.time_seconds'], - df["veh.pt_type.BatteryElectricVehicle.res.history.pwr_out_electrical_watts"] / 1e3, - label="f3 electrical out", - ) - ax[0].plot( - np.array(sd2.cyc.time_s.tolist())[::veh.save_interval], - np.array(sd2.ess_kw_out_ach.tolist()), - label="f2 electrical out", + df["veh.pt_type.HybridElectricVehicle.res.history.pwr_out_electrical_watts"] / 1e3, + label="electrical out", ) ax[0].set_ylabel("RES Power [kW]") ax[0].legend() - ax[1].set_prop_cycle(get_uni_cycler()) + ax[1].set_prop_cycle(get_paired_cycler()) ax[1].plot( df['cyc.time_seconds'], - df["veh.pt_type.BatteryElectricVehicle.res.history.pwr_out_electrical_watts"] / - 1e3 - np.array(sd2.ess_kw_out_ach.tolist()), - label="f3 res kw out", + df["veh.pt_type.HybridElectricVehicle.res.history.soc"], + label="soc", ) - ax[1].set_ylabel("RES Power\nDelta (f3-f2) [kW]") + ax[1].set_ylabel("SOC") ax[1].legend() - ax[2].set_prop_cycle(get_paired_cycler()) - ax[2].plot( - df['cyc.time_seconds'], - df["veh.pt_type.BatteryElectricVehicle.res.history.soc"] - (df["veh.pt_type.BatteryElectricVehicle.res.history.soc"][0] - np.array(sd2.soc.tolist())[0]), - label="f3 soc", - ) - ax[2].plot( - np.array(sd2.cyc.time_s.tolist())[::veh.save_interval], - np.array(sd2.soc.tolist()), - label="f2 soc", - ) - ax[2].set_ylabel("SOC") - ax[2].legend() - ax[-1].set_prop_cycle(get_paired_cycler()) ax[-1].plot( df['cyc.time_seconds'], df["veh.history.speed_ach_meters_per_second"], - label="f3", + label='ach', ) ax[-1].plot( - np.array(sd2.cyc.time_s.tolist()), - np.array(sd2.mps_ach.tolist()), - label="f2", + df['cyc.time_seconds'], + df["cyc.speed_meters_per_second"], + label='cyc', ) ax[-1].legend() ax[-1].set_xlabel("Time [s]") - ax[-1].set_ylabel("Ach Speed [m/s]") + ax[-1].set_ylabel("Speed [m/s]") plt.tight_layout() if SAVE_FIGS: plt.savefig(Path("./plots/res_pwr.svg")) - plt.show() return fig, ax + def plot_res_energy() -> Tuple[Figure, Axes]: - fig, ax = plt.subplots(4, 1, sharex=True, figsize=figsize_3_stacked) + fig, ax = plt.subplots(3, 1, sharex=True, figsize=figsize_3_stacked) plt.suptitle("Reversible Energy Storage Energy") ax[0].set_prop_cycle(get_paired_cycler()) ax[0].plot( df['cyc.time_seconds'], - df["veh.pt_type.BatteryElectricVehicle.res.history.energy_out_electrical_joules"] / 1e3, - label="f3 electrical out", - ) - ax[0].plot( - np.array(sd2.cyc.time_s.tolist())[::veh.save_interval], - np.cumsum(np.array(sd2.ess_kw_out_ach.tolist()) * np.diff(sd2.cyc.time_s.tolist(), prepend=0)), - label="f2 electrical out", + df["veh.pt_type.HybridElectricVehicle.res.history.energy_out_electrical_joules"] / 1e3, + label="electrical out", ) ax[0].set_ylabel("RES Energy [kW]") ax[0].legend() - ax[1].set_prop_cycle(get_uni_cycler()) + ax[1].set_prop_cycle(get_paired_cycler()) ax[1].plot( df['cyc.time_seconds'], - df["veh.pt_type.BatteryElectricVehicle.res.history.energy_out_electrical_joules" - ] / 1e3 - np.cumsum(np.array(sd2.ess_kw_out_ach.tolist()) * - np.diff(sd2.cyc.time_s.tolist(), prepend=0)), - label="electrical out", + df["veh.pt_type.HybridElectricVehicle.res.history.soc"], + label="soc", ) - ax[1].set_ylim( - -np.max(np.abs(sd.veh.res.history.energy_out_electrical_joules)) * 1e-3 * 0.1, - np.max(np.abs(sd.veh.res.history.energy_out_electrical_joules)) * 1e-3 * 0.1 - ) - ax[1].set_ylabel("RES Energy\nDelta (f3-f2) [kJ]\n+/- 10% Range") + ax[1].set_ylabel("SOC") ax[1].legend() - ax[2].set_prop_cycle(get_paired_cycler()) - ax[2].plot( - df['cyc.time_seconds'], - df["veh.pt_type.BatteryElectricVehicle.res.history.soc"] - (df["veh.pt_type.BatteryElectricVehicle.res.history.soc"][0] - np.array(sd2.soc.tolist())[0]), - label="f3 soc", - ) - ax[2].plot( - np.array(sd2.cyc.time_s.tolist())[::veh.save_interval], - np.array(sd2.soc.tolist()), - label="f2 soc", - ) - ax[2].set_ylabel("SOC") - ax[2].legend() - ax[-1].set_prop_cycle(get_paired_cycler()) ax[-1].plot( df['cyc.time_seconds'], df["veh.history.speed_ach_meters_per_second"], - label="f3", + label="ach", ) ax[-1].plot( - np.array(sd2.cyc.time_s.tolist()), - np.array(sd2.mps_ach.tolist()), - label="f2", + df['cyc.time_seconds'], + df["cyc.speed_meters_per_second"], + label='cyc', ) ax[-1].legend() ax[-1].set_xlabel("Time [s]") - ax[-1].set_ylabel("Ach Speed [m/s]") + ax[-1].set_ylabel("Speed [m/s]") plt.tight_layout() if SAVE_FIGS: plt.savefig(Path("./plots/res_energy.svg")) - plt.show() return fig, ax -def plot_road_loads() -> Tuple[Figure, Axes]: - fig, ax = plt.subplots(3, 1, sharex=True, figsize=figsize_3_stacked) + +def plot_road_loads() -> Tuple[Figure, Axes]: + fig, ax = plt.subplots(2, 1, sharex=True, figsize=figsize_3_stacked) plt.suptitle("Road Loads") ax[0].set_prop_cycle(get_paired_cycler()) ax[0].plot( - np.array(sd.cyc.time_seconds)[::veh.save_interval], - np.array(sd.veh.history.pwr_drag_watts) / 1e3, - label="f3 drag", - ) - ax[0].plot( - np.array(sd2.cyc.time_s.tolist())[::veh.save_interval], - np.array(sd2.drag_kw.tolist()), - label="f2 drag", - ) - ax[0].plot( - np.array(sd.cyc.time_seconds)[::veh.save_interval], - np.array(sd.veh.history.pwr_rr_watts) / 1e3, - label="f3 rr", + df["cyc.time_seconds"][::veh.save_interval], + df["veh.history.pwr_drag_watts"] / 1e3, + label="drag", ) ax[0].plot( - np.array(sd2.cyc.time_s.tolist())[::veh.save_interval], - np.array(sd2.rr_kw.tolist()), - label="f2 rr", + df["cyc.time_seconds"][::veh.save_interval], + df["veh.history.pwr_rr_watts"] / 1e3, + label="rr", ) ax[0].set_ylabel("Power [kW]") ax[0].legend() - ax[1].set_prop_cycle(get_uni_cycler()) - ax[1].plot( - np.array(sd.cyc.time_seconds)[::veh.save_interval], - np.array(sd.veh.history.pwr_drag_watts) / - 1e3 - np.array(sd2.drag_kw.tolist()), - label="drag", - linestyle=BASE_LINE_STYLES[0], - ) - ax[1].plot( - np.array(sd.cyc.time_seconds)[::veh.save_interval], - np.array(sd.veh.history.pwr_rr_watts) / - 1e3 - np.array(sd2.rr_kw.tolist()), - label="rr", - linestyle=BASE_LINE_STYLES[1], - ) - # ax[1].text( - # 500, -0.125, "Drag error is due to more\naccurate air density model .") - ax[1].set_ylabel("Power\nDelta (f3-f2) [kW]") - ax[1].legend() - ax[-1].set_prop_cycle(get_paired_cycler()) ax[-1].plot( - np.array(sd.cyc.time_seconds)[::veh.save_interval], - np.array(sd.veh.history.speed_ach_meters_per_second), + df["cyc.time_seconds"][::veh.save_interval], + df["veh.history.speed_ach_meters_per_second"], label="f3", ) - ax[-1].plot( - np.array(sd2.cyc.time_s.tolist()), - np.array(sd2.mps_ach.tolist()), - label="f2", - ) ax[-1].legend() ax[-1].set_xlabel("Time [s]") ax[-1].set_ylabel("Ach. Speed [m/s]") @@ -250,20 +280,21 @@ def plot_road_loads() -> Tuple[Figure, Axes]: plt.tight_layout() if SAVE_FIGS: plt.savefig(Path("./plots/road_loads.svg")) - plt.show() return fig, ax -if SHOW_PLOTS: - fig, ax = plot_res_pwr() - fig, ax = plot_res_energy() - fig, ax = plot_road_loads() +if SHOW_PLOTS: + fig_fc_pwr, ax_fc_pwr = plot_fc_pwr() + fig_fc_energy, ax_fc_energy = plot_fc_energy() + fig_res_pwr, ax_res_pwr = plot_res_pwr() + fig_res_energy, ax_res_energy = plot_res_energy() + # fig, ax = plot_road_loads() + plt.show() # %% # example for how to use set_default_pwr_interp() method for veh.res -res = veh.res +res = fsim.ReversibleEnergyStorage.from_pydict( + sd.to_pydict()['veh']['pt_type']['HybridElectricVehicle']['res']) res.set_default_pwr_interp() -fsim.set_param_from_path(veh, 'res', res) -print(veh.res.to_pydict()) # %% From cb097f0b2641f533e9f9b0e6bf02a7f1f30b0b90 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Fri, 17 Jan 2025 12:19:38 -0700 Subject: [PATCH 023/129] added todo --- cal_and_val/thermal/cal_hev.py | 2 ++ 1 file changed, 2 insertions(+) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index f45f0472..89602e49 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -6,6 +6,8 @@ # - [ ] develop means of skewing curves via setter or similar -- Kyle is doing this # - [ ] show what signals should be used for objectives # - [x] and how to access them in code +# - [ ] make a version of this that calibrates against a fully warmed up vehicle +# with room temp ambient, no climate control, and no thermal parameters # critical import from pathlib import Path From 9d090e31ac5e17f17b8f3a2a7c69b62f8342614f Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Fri, 17 Jan 2025 12:21:07 -0700 Subject: [PATCH 024/129] cleaned up HEV controls --- fastsim-core/src/vehicle/hev.rs | 251 +++++++++++++++++++++----------- 1 file changed, 166 insertions(+), 85 deletions(-) diff --git a/fastsim-core/src/vehicle/hev.rs b/fastsim-core/src/vehicle/hev.rs index dc6d7d68..7f4cf1d3 100644 --- a/fastsim-core/src/vehicle/hev.rs +++ b/fastsim-core/src/vehicle/hev.rs @@ -558,6 +558,15 @@ impl Init for HEVPowertrainControls { } impl HEVPowertrainControls { + /// Determines power split between engine and electric machine + /// + /// # Arguments + /// - `pwr_out_req`: tractive power required + /// - `veh_state`: vehicle state + /// - `hev_state`: HEV powertrain state + /// - `fc`: fuel converter + /// - `em_state`: electric machine state + /// - `res`: reversible energy storage (e.g. high voltage battery) fn get_pwr_fc_and_em( &mut self, pwr_out_req: si::Power, @@ -569,7 +578,10 @@ impl HEVPowertrainControls { ) -> anyhow::Result<(si::Power, si::Power)> { let fc_state = &fc.state; if pwr_out_req >= si::Power::ZERO { + // positive net power *out of* the powertrain -- i.e. positive net + // power out of powertrain, aka regen ensure!( + // `almost` is in case of negligible numerical precision discrepancies almost_le_uom( &pwr_out_req, &(em_state.pwr_mech_fwd_out_max + fc_state.pwr_prop_max), @@ -587,96 +599,45 @@ impl HEVPowertrainControls { // positive net power out of the powertrain let (fc_pwr, em_pwr) = match self { - HEVPowertrainControls::RGWDB(ref mut rgwdb) => { - match ( - fc.temperature(), - fc.temp_prev(), - rgwdb.temp_fc_forced_on, - rgwdb.temp_fc_allowed_off, - ) { - (None, None, None, None) => {} - ( - Some(temperature), - Some(temp_prev), - Some(temp_fc_forced_on), - Some(temp_fc_allowed_off), - ) => { - if - // temperature is currently below forced on threshold - temperature < temp_fc_forced_on || - // temperature was below forced on threshold and still has not exceeded allowed off threshold - (temp_prev < temp_fc_forced_on && temperature < temp_fc_allowed_off) - { - hev_state.fc_on_causes.push(FCOnCause::FCTemperatureTooLow); - } - } - _ => { - bail!( - "{}\n`fc.temperature()`, `fc.temp_prev()`, `rgwdb.temp_fc_forced_on`, and -`rgwdb.temp_fc_allowed_off` must all be `None` or `Some` because these controls are necessary -for an HEV equipped with thermal models or superfluous otherwise", - format_dbg!((fc.temperature(), fc.temp_prev(), rgwdb.temp_fc_forced_on, rgwdb.temp_fc_allowed_off)) - ); - } - } - // cannot exceed ElectricMachine max output power. Excess demand will be handled by `fc` - let em_pwr = pwr_out_req.min(em_state.pwr_mech_fwd_out_max); - let frac_pwr_demand_fc_forced_on: si::Ratio = rgwdb - .frac_pwr_demand_fc_forced_on - .with_context(|| format_dbg!())?; + Self::RGWDB(ref mut rgwdb) => { + handle_fc_on_causes_for_temp(fc, rgwdb, hev_state)?; + handle_fc_on_causes_for_speed(veh_state, rgwdb, hev_state)?; + handle_fc_on_causes_for_low_soc(res, rgwdb, hev_state, veh_state)?; + handle_fc_on_causes_for_pwr_demand( + rgwdb, + pwr_out_req, + em_state, + fc_state, + hev_state, + )?; + let frac_of_most_eff_pwr_to_run_fc: si::Ratio = rgwdb .frac_of_most_eff_pwr_to_run_fc .with_context(|| format_dbg!())?; - // If the motor cannot produce more than the required power times a - // `fc_pwr_frac_demand_forced_on`, then the engine should be on - if pwr_out_req - > frac_pwr_demand_fc_forced_on - * (em_state.pwr_mech_fwd_out_max + fc_state.pwr_out_max) - { - hev_state - .fc_on_causes - .push(FCOnCause::PropulsionPowerDemandSoft); - } - - if veh_state.speed_ach - > rgwdb.speed_fc_forced_on.with_context(|| format_dbg!())? - { - hev_state.fc_on_causes.push(FCOnCause::VehicleSpeedTooHigh); - } - - rgwdb.state.soc_fc_on_buffer = { - let energy_delta_to_buffer_speed = 0.5 - * veh_state.mass - * (rgwdb - .speed_soc_fc_on_buffer - .with_context(|| format_dbg!())? - .powi(typenum::P2::new()) - - veh_state.speed_ach.powi(typenum::P2::new())); - energy_delta_to_buffer_speed.max(si::Energy::ZERO) - * rgwdb - .speed_soc_fc_on_buffer_coeff - .with_context(|| format_dbg!())? - } / res.energy_capacity_usable() - + res.min_soc; - - if res.state.soc < rgwdb.state.soc_fc_on_buffer { - hev_state.fc_on_causes.push(FCOnCause::ChargingForLowSOC) - } - if pwr_out_req - em_state.pwr_mech_fwd_out_max >= si::Power::ZERO { - hev_state - .fc_on_causes - .push(FCOnCause::PropulsionPowerDemand); - } - + // Tractive power `em` must provide before deciding power + // split, cannot exceed ElectricMachine max output power. + // Excess demand will be handled by `fc`. Favors drawing + // power from `em` before engine + let em_pwr = pwr_out_req.min(em_state.pwr_mech_fwd_out_max); let fc_pwr: si::Power = if hev_state.fc_on_causes.is_empty() { + // engine does not need to be on si::Power::ZERO } else { - let fc_pwr_req = pwr_out_req - em_pwr; - // if the engine is on, load it up to get closer to peak efficiency - fc_pwr_req - .max(fc.pwr_for_peak_eff * frac_of_most_eff_pwr_to_run_fc) + // engine has been forced on + // power demand from engine before adjusting for efficient operating point + let mut fc_pwr_req = pwr_out_req - em_pwr; + // if the engine is on, load it up to get closer to peak + // efficiency + fc_pwr_req = fc_pwr_req + // can't exceed fc power limit .min(fc.state.pwr_out_max) - .max(pwr_out_req) + // operate for efficiency if demand is less than this + .max(fc.pwr_for_peak_eff * frac_of_most_eff_pwr_to_run_fc); + // don't over charge the battery + if fc_pwr_req - pwr_out_req > em_state.pwr_mech_bwd_out_max { + fc_pwr_req = pwr_out_req + em_state.pwr_mech_bwd_out_max; + } + fc_pwr_req }; // recalculate `em_pwr` based on `fc_pwr` let em_pwr = pwr_out_req - fc_pwr; @@ -687,13 +648,21 @@ for an HEV equipped with thermal models or superfluous otherwise", ); (fc_pwr, em_pwr) } - HEVPowertrainControls::Placeholder => todo!(), + Self::Placeholder => todo!(), }; Ok((fc_pwr, em_pwr)) } else { + match self { + Self::RGWDB(rgwdb) => { + handle_fc_on_causes_for_temp(fc, rgwdb, hev_state)?; + handle_fc_on_causes_for_speed(veh_state, rgwdb, hev_state)?; + handle_fc_on_causes_for_low_soc(res, rgwdb, hev_state, veh_state)?; + } + Self::Placeholder => todo!(), + } // negative net power out of the powertrain -- i.e. positive net - // power _into_ powertrain, aka regen + // power *into* powertrain, aka regen // if `em_pwr` is less than magnitude of `pwr_out_req`, friction brakes can handle excess let em_pwr = -em_state.pwr_mech_bwd_out_max.min(-pwr_out_req); Ok((0. * uc::W, em_pwr)) @@ -701,6 +670,118 @@ for an HEV equipped with thermal models or superfluous otherwise", } } +/// Determines whether power demand requires engine to be on. Not needed during +/// negative traction. +fn handle_fc_on_causes_for_pwr_demand( + rgwdb: &mut Box, + pwr_out_req: si::Power, + em_state: &ElectricMachineState, + fc_state: &FuelConverterState, + hev_state: &mut HEVState, +) -> Result<(), anyhow::Error> { + let frac_pwr_demand_fc_forced_on: si::Ratio = rgwdb + .frac_pwr_demand_fc_forced_on + .with_context(|| format_dbg!())?; + if pwr_out_req + > frac_pwr_demand_fc_forced_on * (em_state.pwr_mech_fwd_out_max + fc_state.pwr_out_max) + { + hev_state + .fc_on_causes + .push(FCOnCause::PropulsionPowerDemandSoft); + } + if pwr_out_req - em_state.pwr_mech_fwd_out_max >= si::Power::ZERO { + hev_state + .fc_on_causes + .push(FCOnCause::PropulsionPowerDemand); + } + Ok(()) +} + +/// Detemrines whether engine must be on to charge battery +fn handle_fc_on_causes_for_low_soc( + res: &ReversibleEnergyStorage, + rgwdb: &mut Box, + hev_state: &mut HEVState, + veh_state: VehicleState, +) -> anyhow::Result<()> { + rgwdb.state.soc_fc_on_buffer = { + let energy_delta_to_buffer_speed = 0.5 + * veh_state.mass + * (rgwdb + .speed_soc_fc_on_buffer + .with_context(|| format_dbg!())? + .powi(typenum::P2::new()) + - veh_state.speed_ach.powi(typenum::P2::new())); + energy_delta_to_buffer_speed.max(si::Energy::ZERO) + * rgwdb + .speed_soc_fc_on_buffer_coeff + .with_context(|| format_dbg!())? + } / res.energy_capacity_usable() + + res.min_soc; + if res.state.soc < rgwdb.state.soc_fc_on_buffer { + hev_state.fc_on_causes.push(FCOnCause::ChargingForLowSOC) + } + Ok(()) +} + +/// Determines whether enigne must be on for high speed +fn handle_fc_on_causes_for_speed( + veh_state: VehicleState, + rgwdb: &mut Box, + hev_state: &mut HEVState, +) -> anyhow::Result<()> { + if veh_state.speed_ach > rgwdb.speed_fc_forced_on.with_context(|| format_dbg!())? { + hev_state.fc_on_causes.push(FCOnCause::VehicleSpeedTooHigh); + } + Ok(()) +} + +/// Determines whether engine needs to be on due to low temperature and pushes +/// appropriate variant to `fc_on_causes` +fn handle_fc_on_causes_for_temp( + fc: &FuelConverter, + rgwdb: &mut Box, + hev_state: &mut HEVState, +) -> anyhow::Result<()> { + match ( + fc.temperature(), + fc.temp_prev(), + rgwdb.temp_fc_forced_on, + rgwdb.temp_fc_allowed_off, + ) { + (None, None, None, None) => {} + ( + Some(temperature), + Some(temp_prev), + Some(temp_fc_forced_on), + Some(temp_fc_allowed_off), + ) => { + if + // temperature is currently below forced on threshold + temperature < temp_fc_forced_on || + // temperature was below forced on threshold and still has not exceeded allowed off threshold + (temp_prev < temp_fc_forced_on && temperature < temp_fc_allowed_off) + { + hev_state.fc_on_causes.push(FCOnCause::FCTemperatureTooLow); + } + } + _ => { + bail!( + "{}\n`fc.temperature()`, `fc.temp_prev()`, `rgwdb.temp_fc_forced_on`, and +`rgwdb.temp_fc_allowed_off` must all be `None` or `Some` because these controls are necessary +for an HEV equipped with thermal models or superfluous otherwise", + format_dbg!(( + fc.temperature(), + fc.temp_prev(), + rgwdb.temp_fc_forced_on, + rgwdb.temp_fc_allowed_off + )) + ); + } + } + Ok(()) +} + /// Greedily uses [ReversibleEnergyStorage] with buffers that derate charge /// and discharge power inside of static min and max SOC range. Also, includes /// buffer for forcing [FuelConverter] to be active/on. See [Self::init] for From 6a09c4adb66e3a40daf4059b42ecd5520244e693 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Fri, 17 Jan 2025 21:45:02 -0700 Subject: [PATCH 025/129] fixed a bunch of missing temperature signals in history --- .../2021_Hyundai_Sonata_Hybrid_Blue.yaml | 4 +- fastsim-core/src/vehicle/cabin.rs | 40 +++++++++++- fastsim-core/src/vehicle/hev.rs | 10 +-- .../vehicle/hvac/hvac_sys_for_lumped_cabin.rs | 8 ++- .../vehicle/powertrain/electric_machine.rs | 4 +- .../src/vehicle/powertrain/fuel_converter.rs | 17 +++++ .../powertrain/reversible_energy_storage.rs | 25 +++++++- fastsim-core/src/vehicle/vehicle_model.rs | 1 + python/fastsim/demos/demo_hev_thrml.py | 63 ++++++++++++++++--- 9 files changed, 152 insertions(+), 20 deletions(-) diff --git a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml index 450b4c57..7a61ed67 100644 --- a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml +++ b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml @@ -15,8 +15,8 @@ pt_type: energy_capacity_joules: 5760000.0 eff_interp: Interp0D: 0.9848857801796105 - min_soc: 0.0 - max_soc: 1.0 + min_soc: 0.5 + max_soc: 0.95 save_interval: 1 fs: pwr_out_max_watts: 2000000.0 diff --git a/fastsim-core/src/vehicle/cabin.rs b/fastsim-core/src/vehicle/cabin.rs index d9cb72f6..6c47da43 100644 --- a/fastsim-core/src/vehicle/cabin.rs +++ b/fastsim-core/src/vehicle/cabin.rs @@ -13,6 +13,28 @@ pub enum CabinOption { #[default] None, } +impl SaveState for CabinOption { + fn save_state(&mut self) { + match self { + Self::LumpedCabin(lc) => lc.save_state(), + Self::LumpedCabinWithShell => { + todo!() + } + Self::None => {} + } + } +} +impl Step for CabinOption { + fn step(&mut self) { + match self { + Self::LumpedCabin(lc) => lc.step(), + Self::LumpedCabinWithShell => { + todo!() + } + Self::None => {} + } + } +} impl Init for CabinOption { fn init(&mut self) -> anyhow::Result<()> { match self { @@ -133,9 +155,7 @@ impl LumpedCabin { } #[fastsim_api] -#[derive( - Clone, Copy, Debug, Default, Deserialize, Serialize, PartialEq, HistoryVec, SetCumulative, -)] +#[derive(Clone, Copy, Debug, Deserialize, Serialize, PartialEq, HistoryVec, SetCumulative)] #[serde(default)] pub struct LumpedCabinState { /// time step counter @@ -161,5 +181,19 @@ pub struct LumpedCabinState { pub reynolds_for_plate: si::Ratio, } +impl Default for LumpedCabinState { + fn default() -> Self { + Self { + i: Default::default(), + temperature: *TE_STD_AIR, + temp_prev: *TE_STD_AIR, + pwr_thermal_from_hvac: Default::default(), + energy_thermal_from_hvac: Default::default(), + pwr_thermal_from_amb: Default::default(), + energy_thermal_from_amb: Default::default(), + reynolds_for_plate: Default::default(), + } + } +} impl Init for LumpedCabinState {} impl SerdeAPI for LumpedCabinState {} diff --git a/fastsim-core/src/vehicle/hev.rs b/fastsim-core/src/vehicle/hev.rs index 7f4cf1d3..eb483cf2 100644 --- a/fastsim-core/src/vehicle/hev.rs +++ b/fastsim-core/src/vehicle/hev.rs @@ -603,6 +603,7 @@ impl HEVPowertrainControls { handle_fc_on_causes_for_temp(fc, rgwdb, hev_state)?; handle_fc_on_causes_for_speed(veh_state, rgwdb, hev_state)?; handle_fc_on_causes_for_low_soc(res, rgwdb, hev_state, veh_state)?; + // `handle_fc_*` below here are asymmetrical for positive tractive power only handle_fc_on_causes_for_pwr_demand( rgwdb, pwr_out_req, @@ -618,13 +619,15 @@ impl HEVPowertrainControls { // split, cannot exceed ElectricMachine max output power. // Excess demand will be handled by `fc`. Favors drawing // power from `em` before engine - let em_pwr = pwr_out_req.min(em_state.pwr_mech_fwd_out_max); + let mut em_pwr = pwr_out_req.min(em_state.pwr_mech_fwd_out_max); let fc_pwr: si::Power = if hev_state.fc_on_causes.is_empty() { // engine does not need to be on si::Power::ZERO } else { // engine has been forced on - // power demand from engine before adjusting for efficient operating point + // power demand from engine such that engine handles all + // power demand beyond the em capability, before adjusting for efficient operating + // point let mut fc_pwr_req = pwr_out_req - em_pwr; // if the engine is on, load it up to get closer to peak // efficiency @@ -640,7 +643,7 @@ impl HEVPowertrainControls { fc_pwr_req }; // recalculate `em_pwr` based on `fc_pwr` - let em_pwr = pwr_out_req - fc_pwr; + em_pwr = pwr_out_req - fc_pwr; ensure!( fc_pwr >= si::Power::ZERO, @@ -859,7 +862,6 @@ impl Init for RESGreedyWithDynamicBuffers { self.speed_fc_forced_on = self.speed_fc_forced_on.or(Some(uc::MPH * 75.)); self.frac_pwr_demand_fc_forced_on = self.frac_pwr_demand_fc_forced_on.or(Some(uc::R * 0.75)); - // TODO: consider changing this default self.frac_of_most_eff_pwr_to_run_fc = self.frac_of_most_eff_pwr_to_run_fc.or(Some(1.0 * uc::R)); Ok(()) diff --git a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs index 4b2565df..906aa828 100644 --- a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs +++ b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs @@ -253,7 +253,13 @@ pub enum CabinHeatSource { impl Init for CabinHeatSource {} impl SerdeAPI for CabinHeatSource {} -#[fastsim_api] +#[fastsim_api( + #[pyo3(name = "default")] + #[staticmethod] + fn default_py() -> Self { + Self::default() + } +)] #[derive( Clone, Copy, Debug, Default, Deserialize, Serialize, PartialEq, HistoryVec, SetCumulative, )] diff --git a/fastsim-core/src/vehicle/powertrain/electric_machine.rs b/fastsim-core/src/vehicle/powertrain/electric_machine.rs index 83a37845..d0b6dd03 100755 --- a/fastsim-core/src/vehicle/powertrain/electric_machine.rs +++ b/fastsim-core/src/vehicle/powertrain/electric_machine.rs @@ -224,10 +224,10 @@ impl ElectricMachine { ), ); ensure!( - -pwr_out_req <= self.state.pwr_mech_bwd_out_max, + almost_le_uom(&pwr_out_req.abs(), &self.state.pwr_mech_bwd_out_max, None), format!( "{}\nedrv required charge power ({:.6} kW) exceeds current max charge power ({:.6} kW)", - format_dbg!(pwr_out_req <= self.state.pwr_mech_bwd_out_max), + format_dbg!(pwr_out_req.abs() <= self.state.pwr_mech_bwd_out_max), pwr_out_req.get::(), self.state.pwr_mech_bwd_out_max.get::() ), diff --git a/fastsim-core/src/vehicle/powertrain/fuel_converter.rs b/fastsim-core/src/vehicle/powertrain/fuel_converter.rs index 7020134a..31ba3793 100755 --- a/fastsim-core/src/vehicle/powertrain/fuel_converter.rs +++ b/fastsim-core/src/vehicle/powertrain/fuel_converter.rs @@ -54,6 +54,7 @@ use std::f64::consts::PI; pub struct FuelConverter { /// [Self] Thermal plant, including thermal management controls #[serde(default, skip_serializing_if = "FuelConverterThermalOption::is_none")] + #[has_state] pub thrml: FuelConverterThermalOption, /// [Self] mass #[serde(default)] @@ -407,6 +408,22 @@ pub enum FuelConverterThermalOption { None, } +impl SaveState for FuelConverterThermalOption { + fn save_state(&mut self) { + match self { + Self::FuelConverterThermal(fct) => fct.save_state(), + Self::None => {} + } + } +} +impl Step for FuelConverterThermalOption { + fn step(&mut self) { + match self { + Self::FuelConverterThermal(fct) => fct.step(), + Self::None => {} + } + } +} impl Init for FuelConverterThermalOption { fn init(&mut self) -> anyhow::Result<()> { match self { diff --git a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs index f32052ba..8ff7050b 100644 --- a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs +++ b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs @@ -85,6 +85,7 @@ const TOL: f64 = 1e-3; pub struct ReversibleEnergyStorage { /// [Self] Thermal plant, including thermal management controls #[serde(default, skip_serializing_if = "RESThermalOption::is_none")] + #[has_state] pub thrml: RESThermalOption, /// ReversibleEnergyStorage mass #[serde(default)] @@ -722,6 +723,22 @@ pub enum RESThermalOption { #[default] None, } +impl SaveState for RESThermalOption { + fn save_state(&mut self) { + match self { + Self::RESLumpedThermal(rlt) => rlt.save_state(), + Self::None => {} + } + } +} +impl Step for RESThermalOption { + fn step(&mut self) { + match self { + Self::RESLumpedThermal(rlt) => rlt.step(), + Self::None => {} + } + } +} impl Init for RESThermalOption { fn init(&mut self) -> anyhow::Result<()> { match self { @@ -823,7 +840,13 @@ impl RESLumpedThermal { } } -#[fastsim_api] +#[fastsim_api( + #[pyo3(name = "default")] + #[staticmethod] + fn default_py() -> Self { + Self::default() + } +)] #[derive(Clone, Copy, Debug, Deserialize, Serialize, PartialEq, HistoryVec, SetCumulative)] #[serde(default)] pub struct RESLumpedThermalState { diff --git a/fastsim-core/src/vehicle/vehicle_model.rs b/fastsim-core/src/vehicle/vehicle_model.rs index 1f4defb3..3111c256 100644 --- a/fastsim-core/src/vehicle/vehicle_model.rs +++ b/fastsim-core/src/vehicle/vehicle_model.rs @@ -135,6 +135,7 @@ pub struct Vehicle { /// Cabin thermal model #[serde(default, skip_serializing_if = "CabinOption::is_none")] + #[has_state] pub cabin: CabinOption, /// HVAC model diff --git a/python/fastsim/demos/demo_hev_thrml.py b/python/fastsim/demos/demo_hev_thrml.py index c91488ac..7f034670 100644 --- a/python/fastsim/demos/demo_hev_thrml.py +++ b/python/fastsim/demos/demo_hev_thrml.py @@ -42,10 +42,7 @@ # simulation start time t0 = time.perf_counter() # run simulation -try: - sd.walk() -except Exception as err: - print(f"still need to fix {err}") +sd.walk() # simulation end time t1 = time.perf_counter() t_fsim3_si1 = t1 - t0 @@ -54,9 +51,60 @@ # %% df = sd.to_dataframe(allow_partial=True) +sd_dict = sd.to_pydict(flatten=True) # # Visualize results +def plot_temperatures() -> Tuple[Figure, Axes]: + fig, ax = plt.subplots(2, 1, sharex=True, figsize=figsize_3_stacked) + plt.suptitle("Component Temperatures") + + ax[0].set_prop_cycle(get_uni_cycler()) + ax[0].plot( + df["cyc.time_seconds"], + df["cyc.temp_amb_air_kelvin"] - 273.15, + label="amb", + ) + ax[0].plot( + df["cyc.time_seconds"], + df["veh.cabin.LumpedCabin.history.temperature_kelvin"] - 273.15, + label="cabin", + ) + ax[0].plot( + df["cyc.time_seconds"], + df["veh.pt_type.HybridElectricVehicle.res.thrml." + + "RESLumpedThermal.history.temperature_kelvin"] - 273.15, + label="res", + ) + ax[0].plot( + df["cyc.time_seconds"], + df["veh.pt_type.HybridElectricVehicle.fc.thrml." + + "FuelConverterThermal.history.temperature_kelvin"] - 273.15, + label="fc", + ) + ax[0].set_ylabel("Temperatures [°C]") + ax[0].legend() + + ax[-1].set_prop_cycle(get_paired_cycler()) + ax[-1].plot( + df["cyc.time_seconds"], + df["veh.history.speed_ach_meters_per_second"], + label="ach", + ) + ax[-1].legend() + ax[-1].set_xlabel("Time [s]") + ax[-1].set_ylabel("Ach Speed [m/s]") + x_min, x_max = ax[-1].get_xlim()[0], ax[-1].get_xlim()[1] + x_max = (x_max - x_min) * 1.15 + ax[-1].set_xlim([x_min, x_max]) + + plt.tight_layout() + if SAVE_FIGS: + plt.savefig(Path("./plots/temps.svg")) + + return fig, ax + + def plot_fc_pwr() -> Tuple[Figure, Axes]: fig, ax = plt.subplots(3, 1, sharex=True, figsize=figsize_3_stacked) plt.suptitle("Fuel Converter Power") @@ -106,7 +154,7 @@ def plot_fc_pwr() -> Tuple[Figure, Axes]: ax[-1].plot( df["cyc.time_seconds"], df["veh.history.speed_ach_meters_per_second"], - label="f3", + label="ach", ) ax[-1].legend() ax[-1].set_xlabel("Time [s]") @@ -145,7 +193,7 @@ def plot_fc_energy() -> Tuple[Figure, Axes]: ax[-1].plot( df["cyc.time_seconds"], df["veh.history.speed_ach_meters_per_second"], - label="f3", + label="ach", ) ax[-1].legend() ax[-1].set_xlabel("Time [s]") @@ -271,7 +319,7 @@ def plot_road_loads() -> Tuple[Figure, Axes]: ax[-1].plot( df["cyc.time_seconds"][::veh.save_interval], df["veh.history.speed_ach_meters_per_second"], - label="f3", + label="ach", ) ax[-1].legend() ax[-1].set_xlabel("Time [s]") @@ -289,6 +337,7 @@ def plot_road_loads() -> Tuple[Figure, Axes]: fig_fc_energy, ax_fc_energy = plot_fc_energy() fig_res_pwr, ax_res_pwr = plot_res_pwr() fig_res_energy, ax_res_energy = plot_res_energy() + fig_temps, ax_temps = plot_temperatures() # fig, ax = plot_road_loads() plt.show() # %% From 2b33fe06558dee92f9fd96f089904726630b189c Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Sun, 19 Jan 2025 19:56:50 -0700 Subject: [PATCH 026/129] propagated `SetCumulatiive` trait/macro --- fastsim-core/src/vehicle/cabin.rs | 5 ++--- .../src/vehicle/powertrain/fuel_converter.rs | 13 +++++++++++++ .../powertrain/reversible_energy_storage.rs | 15 +++++++++++++-- 3 files changed, 28 insertions(+), 5 deletions(-) diff --git a/fastsim-core/src/vehicle/cabin.rs b/fastsim-core/src/vehicle/cabin.rs index 6c47da43..708d197d 100644 --- a/fastsim-core/src/vehicle/cabin.rs +++ b/fastsim-core/src/vehicle/cabin.rs @@ -78,14 +78,13 @@ pub struct LumpedCabin { pub history: LumpedCabinStateHistoryVec, // TODO: add `save_interval` and associated method } - -impl SerdeAPI for LumpedCabin {} -impl Init for LumpedCabin {} impl SetCumulative for LumpedCabin { fn set_cumulative(&mut self, dt: si::Time) { self.state.set_cumulative(dt); } } +impl SerdeAPI for LumpedCabin {} +impl Init for LumpedCabin {} impl LumpedCabin { /// Solve temperatures, HVAC powers, and cumulative energies of cabin and HVAC system diff --git a/fastsim-core/src/vehicle/powertrain/fuel_converter.rs b/fastsim-core/src/vehicle/powertrain/fuel_converter.rs index 31ba3793..4653f689 100755 --- a/fastsim-core/src/vehicle/powertrain/fuel_converter.rs +++ b/fastsim-core/src/vehicle/powertrain/fuel_converter.rs @@ -434,6 +434,14 @@ impl Init for FuelConverterThermalOption { } } impl SerdeAPI for FuelConverterThermalOption {} +impl SetCumulative for FuelConverterThermalOption { + fn set_cumulative(&mut self, dt: si::Time) { + match self { + Self::FuelConverterThermal(fct) => fct.set_cumulative(dt), + Self::None => {} + } + } +} impl FuelConverterThermalOption { /// Solve change in temperature and other thermal effects /// # Arguments @@ -669,6 +677,11 @@ impl FuelConverterThermal { } } impl SerdeAPI for FuelConverterThermal {} +impl SetCumulative for FuelConverterThermal { + fn set_cumulative(&mut self, dt: si::Time) { + self.state.set_cumulative(dt); + } +} impl Init for FuelConverterThermal { fn init(&mut self) -> anyhow::Result<()> { self.tstat_te_sto = self diff --git a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs index 8ff7050b..61db835c 100644 --- a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs +++ b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs @@ -711,7 +711,6 @@ impl Default for ReversibleEnergyStorageState { } } } - impl Init for ReversibleEnergyStorageState {} impl SerdeAPI for ReversibleEnergyStorageState {} @@ -723,6 +722,14 @@ pub enum RESThermalOption { #[default] None, } +impl SetCumulative for RESThermalOption { + fn set_cumulative(&mut self, dt: si::Time) { + match self { + Self::RESLumpedThermal(rlt) => rlt.set_cumulative(dt), + Self::None => {} + } + } +} impl SaveState for RESThermalOption { fn save_state(&mut self) { match self { @@ -814,7 +821,11 @@ pub struct RESLumpedThermal { pub history: RESLumpedThermalStateHistoryVec, // TODO: add `save_interval` and associated methods } - +impl SetCumulative for RESLumpedThermal { + fn set_cumulative(&mut self, dt: si::Time) { + self.state.set_cumulative(dt); + } +} impl SerdeAPI for RESLumpedThermal {} impl Init for RESLumpedThermal {} impl RESLumpedThermal { From f7a0892d545958dc349b9d054ff15260adccab3a Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Sun, 19 Jan 2025 20:03:15 -0700 Subject: [PATCH 027/129] fixed more missing `SetCumulative` impls --- fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs | 5 +++++ .../src/vehicle/hvac/hvac_sys_for_lumped_cabin_and_res.rs | 5 +++++ 2 files changed, 10 insertions(+) diff --git a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs index 906aa828..a924bc2b 100644 --- a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs +++ b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs @@ -61,6 +61,11 @@ impl Default for HVACSystemForLumpedCabin { } } } +impl SetCumulative for HVACSystemForLumpedCabin { + fn set_cumulative(&mut self, dt: si::Time) { + self.state.set_cumulative(dt); + } +} impl Init for HVACSystemForLumpedCabin {} impl SerdeAPI for HVACSystemForLumpedCabin {} impl HVACSystemForLumpedCabin { diff --git a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin_and_res.rs b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin_and_res.rs index e694a65c..0ecc2a05 100644 --- a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin_and_res.rs +++ b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin_and_res.rs @@ -82,6 +82,11 @@ impl Default for HVACSystemForLumpedCabinAndRES { } } } +impl SetCumulative for HVACSystemForLumpedCabinAndRES { + fn set_cumulative(&mut self, dt: si::Time) { + self.state.set_cumulative(dt); + } +} impl Init for HVACSystemForLumpedCabinAndRES {} impl SerdeAPI for HVACSystemForLumpedCabinAndRES {} impl HVACSystemForLumpedCabinAndRES { From 270be1094159d062008caff5d776fa412c3a21b0 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Mon, 20 Jan 2025 10:10:36 -0700 Subject: [PATCH 028/129] added state vars to track power and cumulative energy for hvac stuff --- .../vehicle/hvac/hvac_sys_for_lumped_cabin.rs | 19 +++++++++++--- .../hvac/hvac_sys_for_lumped_cabin_and_res.rs | 26 ++++++++++++++----- 2 files changed, 35 insertions(+), 10 deletions(-) diff --git a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs index a924bc2b..c2e14d6c 100644 --- a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs +++ b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs @@ -170,7 +170,12 @@ impl HVACSystemForLumpedCabin { (pwr_thrml_hvac_to_cabin, pwr_thrml_fc_to_cabin, cop) }; self.state.cop = cop; - Ok((pwr_thrml_hvac_to_cabin, pwr_thrml_fc_to_cabin)) + self.state.pwr_thrml_hvac_to_cabin = pwr_thrml_hvac_to_cabin; + self.state.pwr_thrml_fc_to_cabin = pwr_thrml_fc_to_cabin; + Ok(( + self.state.pwr_thrml_hvac_to_cabin, + self.state.pwr_thrml_fc_to_cabin, + )) } fn handle_heat_source( @@ -289,9 +294,15 @@ pub struct HVACSystemForLumpedCabinState { /// Aux power demand from [Vehicle::hvac] system pub pwr_aux_for_hvac: si::Power, /// Cumulative aux energy for HVAC system - pub energy_aux: si::Energy, - /// Cumulative energy demand by HVAC system from thermal component (e.g. [FuelConverter]) - pub energy_thermal_req: si::Energy, + pub energy_aux_for_hvac: si::Energy, + /// Thermal power from HVAC system to cabin, positive is heating the cabin + pub pwr_thrml_hvac_to_cabin: si::Power, + /// Cumulative thermal energy from HVAC system to cabin, positive is heating the cabin + pub energy_thrml_hvac_to_cabin: si::Energy, + /// Thermal power from [FuelConverter] to [Cabin] + pub pwr_thrml_fc_to_cabin: si::Power, + /// Cumulative thermal energy from [FuelConverter] to [Cabin] + pub energy_thrml_fc_to_cabin: si::Energy, } impl Init for HVACSystemForLumpedCabinState {} impl SerdeAPI for HVACSystemForLumpedCabinState {} diff --git a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin_and_res.rs b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin_and_res.rs index 0ecc2a05..101b68e5 100644 --- a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin_and_res.rs +++ b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin_and_res.rs @@ -254,10 +254,14 @@ impl HVACSystemForLumpedCabinAndRES { self.state.pwr_aux_for_hvac }; + self.state.pwr_thrml_hvac_to_cabin = pwr_thrml_hvac_to_cabin; + self.state.pwr_thrml_fc_to_cabin = pwr_thrml_fc_to_cabin; + self.state.pwr_thrml_hvac_to_res = pwr_thrml_hvac_to_res; + Ok(( - pwr_thrml_hvac_to_cabin, - pwr_thrml_fc_to_cabin, - pwr_thrml_hvac_to_res, + self.state.pwr_thrml_hvac_to_cabin, + self.state.pwr_thrml_fc_to_cabin, + self.state.pwr_thrml_hvac_to_res, )) } @@ -479,9 +483,19 @@ pub struct HVACSystemForLumpedCabinAndRESState { /// Au power demand from [Vehicle::hvac] system pub pwr_aux_for_hvac: si::Power, /// Cumulative aux energy for HVAC system - pub energy_aux: si::Energy, - /// Cumulative energy demand by HVAC system from thermal component (e.g. [FuelConverter]) - pub energy_thermal_req: si::Energy, + pub energy_aux_for_hvac: si::Energy, + /// Thermal power from HVAC system to cabin, positive is heating the cabin + pub pwr_thrml_hvac_to_cabin: si::Power, + /// Cumulative thermal energy from HVAC system to cabin, positive is heating the cabin + pub energy_thrml_hvac_to_cabin: si::Energy, + /// Thermal power from [FuelConverter] to [Cabin] + pub pwr_thrml_fc_to_cabin: si::Power, + /// Cumulative thermal energy from [FuelConverter] to [Cabin] + pub energy_thrml_fc_to_cabin: si::Energy, + /// Thermal power from HVAC to [ReversibleEnergyStorage] + pub pwr_thrml_hvac_to_res: si::Power, + /// Cumulative thermal energy from HVAC to [ReversibleEnergyStorage] + pub energy_thrml_hvac_to_res: si::Energy, } impl Init for HVACSystemForLumpedCabinAndRESState {} impl SerdeAPI for HVACSystemForLumpedCabinAndRESState {} From a5e44c8235f68106f77d175dbf6437e665147429 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Mon, 20 Jan 2025 10:50:03 -0700 Subject: [PATCH 029/129] fixed missing thermal connection between Cabin and ReversibleEnergyStorage more `pwr_thrml_` state variables changed `_thermal_` to `_thrml_` --- .../f3-vehicles/2020 Chevrolet Bolt EV.yaml | 2 +- .../2021_Hyundai_Sonata_Hybrid_Blue.yaml | 2 +- fastsim-core/src/vehicle/cabin.rs | 36 +++++++++++-------- .../vehicle/hvac/hvac_sys_for_lumped_cabin.rs | 8 ++--- .../hvac/hvac_sys_for_lumped_cabin_and_res.rs | 12 +++---- .../powertrain/reversible_energy_storage.rs | 1 + fastsim-core/src/vehicle/vehicle_model.rs | 23 ++++++++++-- 7 files changed, 56 insertions(+), 28 deletions(-) diff --git a/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml b/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml index 62718034..79e88e6c 100644 --- a/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml +++ b/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml @@ -26,7 +26,7 @@ hvac: i_res: 0.0 pwr_i_max_res_watts: 5000.0 d_res: 0.0 - pwr_thermal_max_watts: 10000.0 + pwr_thrml_max_watts: 10000.0 frac_of_ideal_cop: 0.15 cabin_heat_source: ResistanceHeater res_heat_source: ResistanceHeater diff --git a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml index 7a61ed67..3ad486db 100644 --- a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml +++ b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml @@ -741,7 +741,7 @@ hvac: i_res: 0.0 pwr_i_max_res_watts: 0.0 d_res: 0.0 - pwr_thermal_max_watts: 10000.0 + pwr_thrml_max_watts: 10000.0 frac_of_ideal_cop: 0.15 cabin_heat_source: FuelConverter res_heat_source: None diff --git a/fastsim-core/src/vehicle/cabin.rs b/fastsim-core/src/vehicle/cabin.rs index 708d197d..64d56795 100644 --- a/fastsim-core/src/vehicle/cabin.rs +++ b/fastsim-core/src/vehicle/cabin.rs @@ -91,7 +91,7 @@ impl LumpedCabin { /// Arguments: /// - `te_amb_air`: ambient air temperature /// - `veh_state`: current [VehicleState] - /// - 'pwr_thermal_from_hvac`: power to cabin from [Vehicle::hvac] system + /// - 'pwr_thrml_from_hvac`: power to cabin from [Vehicle::hvac] system /// - `dt`: simulation time step size /// # Returns /// - `te_cab`: current cabin temperature, after solving cabin for current @@ -100,10 +100,12 @@ impl LumpedCabin { &mut self, te_amb_air: si::Temperature, veh_state: &VehicleState, - pwr_thermal_from_hvac: si::Power, + pwr_thrml_from_hvac: si::Power, + pwr_thrml_to_res: si::Power, dt: si::Time, ) -> anyhow::Result { - self.state.pwr_thermal_from_hvac = pwr_thermal_from_hvac; + self.state.pwr_thrml_from_hvac = pwr_thrml_from_hvac; + self.state.pwr_thrml_to_res = pwr_thrml_to_res; // flat plate model for isothermal, mixed-flow from Incropera and deWitt, Fundamentals of Heat and Mass // Transfer, 7th Edition let cab_te_film_ext = 0.5 * (self.state.temperature + te_amb_air); @@ -130,7 +132,7 @@ impl LumpedCabin { * Air::get_pr(cab_te_film_ext).with_context(|| format_dbg!())? }; - self.state.pwr_thermal_from_amb = if veh_state.speed_ach > 2.0 * uc::MPH { + self.state.pwr_thrml_from_amb = if veh_state.speed_ach > 2.0 * uc::MPH { let htc_overall_moving: si::HeatTransferCoeff = 1.0 / (1.0 / (nu_l_bar @@ -145,8 +147,8 @@ impl LumpedCabin { }; self.state.temp_prev = self.state.temperature; - self.state.temperature += (self.state.pwr_thermal_from_hvac - + self.state.pwr_thermal_from_amb) + self.state.temperature += (self.state.pwr_thrml_from_hvac + self.state.pwr_thrml_from_amb + - self.state.pwr_thrml_to_res) / self.heat_capacitance * dt; Ok(self.state.temperature) @@ -166,16 +168,20 @@ pub struct LumpedCabinState { pub temp_prev: si::Temperature, /// Thermal power coming to cabin from [Vehicle::hvac] system. Positive indicates /// heating, and negative indicates cooling. - pub pwr_thermal_from_hvac: si::Power, + pub pwr_thrml_from_hvac: si::Power, /// Cumulative thermal energy coming to cabin from [Vehicle::hvac] system. Positive indicates /// heating, and negative indicates cooling. - pub energy_thermal_from_hvac: si::Energy, + pub energy_thrml_from_hvac: si::Energy, /// Thermal power coming to cabin from ambient air. Positive indicates /// heating, and negative indicates cooling. - pub pwr_thermal_from_amb: si::Power, + pub pwr_thrml_from_amb: si::Power, /// Cumulative thermal energy coming to cabin from ambient air. Positive indicates /// heating, and negative indicates cooling. - pub energy_thermal_from_amb: si::Energy, + pub energy_thrml_from_amb: si::Energy, + /// Thermal power flowing from [Cabin] to [ReversibleEnergyStorage] due to temperature delta + pub pwr_thrml_to_res: si::Power, + /// Cumulative thermal energy flowing from [Cabin] to [ReversibleEnergyStorage] due to temperature delta + pub energy_thrml_to_res: si::Energy, /// Reynolds number for flow over cabin, treating cabin as a flat plate pub reynolds_for_plate: si::Ratio, } @@ -186,10 +192,12 @@ impl Default for LumpedCabinState { i: Default::default(), temperature: *TE_STD_AIR, temp_prev: *TE_STD_AIR, - pwr_thermal_from_hvac: Default::default(), - energy_thermal_from_hvac: Default::default(), - pwr_thermal_from_amb: Default::default(), - energy_thermal_from_amb: Default::default(), + pwr_thrml_from_hvac: Default::default(), + energy_thrml_from_hvac: Default::default(), + pwr_thrml_from_amb: Default::default(), + energy_thrml_from_amb: Default::default(), + pwr_thrml_to_res: Default::default(), + energy_thrml_to_res: Default::default(), reynolds_for_plate: Default::default(), } } diff --git a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs index c2e14d6c..64ca339e 100644 --- a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs +++ b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs @@ -26,7 +26,7 @@ pub struct HVACSystemForLumpedCabin { /// NOTE: `uom` crate does not have this unit, but it may be possible to make a custom unit for this pub d: f64, /// max HVAC thermal power - pub pwr_thermal_max: si::Power, + pub pwr_thrml_max: si::Power, /// coefficient between 0 and 1 to calculate HVAC efficiency by multiplying by /// coefficient of performance (COP) pub frac_of_ideal_cop: f64, @@ -52,7 +52,7 @@ impl Default for HVACSystemForLumpedCabin { i: Default::default(), d: Default::default(), pwr_i_max: 5. * uc::KW, - pwr_thermal_max: 10. * uc::KW, + pwr_thrml_max: 10. * uc::KW, frac_of_ideal_cop: 0.15, heat_source: CabinHeatSource::ResistanceHeater, pwr_aux_for_hvac_max: uc::KW * 5., @@ -132,7 +132,7 @@ impl HVACSystemForLumpedCabin { } let mut pwr_thrml_hvac_to_cab = (self.state.pwr_p + self.state.pwr_i + self.state.pwr_d) - .max(-self.pwr_thermal_max); + .max(-self.pwr_thrml_max); if (-pwr_thrml_hvac_to_cab / self.state.cop) > self.pwr_aux_for_hvac_max { self.state.pwr_aux_for_hvac = self.pwr_aux_for_hvac_max; @@ -152,7 +152,7 @@ impl HVACSystemForLumpedCabin { } let mut pwr_thrml_hvac_to_cabin = (-self.state.pwr_p - self.state.pwr_i - self.state.pwr_d) - .min(self.pwr_thermal_max); + .min(self.pwr_thrml_max); // Assumes blower has negligible impact on aux load, may want to revise later let (pwr_thrml_fc_to_cabin, cop) = self diff --git a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin_and_res.rs b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin_and_res.rs index 101b68e5..c76a28e8 100644 --- a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin_and_res.rs +++ b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin_and_res.rs @@ -37,7 +37,7 @@ pub struct HVACSystemForLumpedCabinAndRES { /// NOTE: `uom` crate does not have this unit, but it may be possible to make a custom unit for this pub d_res: f64, /// max HVAC thermal power - pub pwr_thermal_max: si::Power, + pub pwr_thrml_max: si::Power, /// coefficient between 0 and 1 to calculate HVAC efficiency by multiplying by /// coefficient of performance (COP) pub frac_of_ideal_cop: f64, @@ -71,7 +71,7 @@ impl Default for HVACSystemForLumpedCabinAndRES { i_res: Default::default(), d_res: Default::default(), pwr_i_max_res: 5. * uc::KW, - pwr_thermal_max: 10. * uc::KW, + pwr_thrml_max: 10. * uc::KW, frac_of_ideal_cop: 0.15, cabin_heat_source: CabinHeatSource::ResistanceHeater, res_heat_source: RESHeatSource::ResistanceHeater, @@ -305,7 +305,7 @@ impl HVACSystemForLumpedCabinAndRES { } let mut pwr_thrml_hvac_to_cab = (self.state.pwr_p + self.state.pwr_i + self.state.pwr_d) - .max(-self.pwr_thermal_max); + .max(-self.pwr_thrml_max); if (-pwr_thrml_hvac_to_cab / self.state.cop) > self.pwr_aux_for_hvac_max { self.state.pwr_aux_for_hvac = self.pwr_aux_for_hvac_max; @@ -324,7 +324,7 @@ impl HVACSystemForLumpedCabinAndRES { } let mut pwr_thrml_hvac_to_cabin: si::Power = (-self.state.pwr_p - self.state.pwr_i - self.state.pwr_d) - .min(self.pwr_thermal_max); + .min(self.pwr_thrml_max); // Assumes blower has negligible impact on aux load, may want to revise later self.handle_cabin_heat_source( @@ -381,7 +381,7 @@ impl HVACSystemForLumpedCabinAndRES { } let mut pwr_thrml_hvac_to_res = (self.state.pwr_p_res + self.state.pwr_i_res + self.state.pwr_d_res) - .max(-self.pwr_thermal_max); + .max(-self.pwr_thrml_max); if (-pwr_thrml_hvac_to_res / self.state.cop) > self.pwr_aux_for_hvac_max { self.state.pwr_aux_for_hvac = self.pwr_aux_for_hvac_max; @@ -401,7 +401,7 @@ impl HVACSystemForLumpedCabinAndRES { #[allow(clippy::let_and_return)] // for readability let pwr_thrml_hvac_to_res = (-self.state.pwr_p_res - self.state.pwr_i_res - self.state.pwr_d_res) - .min(self.pwr_thermal_max); + .min(self.pwr_thrml_max); pwr_thrml_hvac_to_res }; pwr_thrml_hvac_to_res diff --git a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs index 61db835c..6e5e1ce7 100644 --- a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs +++ b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs @@ -838,6 +838,7 @@ impl RESLumpedThermal { dt: si::Time, ) -> anyhow::Result<()> { self.state.temp_prev = self.state.temperature; + // TODO: make sure this impacts cabin temperature self.state.pwr_thrml_from_cabin = self.conductance_to_cab * (te_cab - self.state.temperature); self.state.pwr_thrml_from_amb = self.conductance_to_cab * (te_amb - self.state.temperature); diff --git a/fastsim-core/src/vehicle/vehicle_model.rs b/fastsim-core/src/vehicle/vehicle_model.rs index 3111c256..982ffed6 100644 --- a/fastsim-core/src/vehicle/vehicle_model.rs +++ b/fastsim-core/src/vehicle/vehicle_model.rs @@ -449,6 +449,13 @@ impl Vehicle { let te_fc: Option = self.fc().and_then(|fc| fc.temperature()); let res_temp = self.res().and_then(|res| res.temperature()); let res_temp_prev = self.res().and_then(|res| res.temp_prev()); + let pwr_thrml_cab_to_res: si::Power = self + .res() + .and_then(|res| match &res.thrml { + RESThermalOption::RESLumpedThermal(rlt) => Some(rlt.state.pwr_thrml_from_cabin), + RESThermalOption::None => None, + }) + .unwrap_or_default(); let (pwr_thrml_fc_to_cabin, pwr_thrml_hvac_to_res, te_cab): ( Option, Option, @@ -463,7 +470,13 @@ impl Vehicle { .solve(te_amb_air, te_fc, cab.state, cab.heat_capacitance, dt) .with_context(|| format_dbg!())?; let te_cab = cab - .solve(te_amb_air, &self.state, pwr_thrml_hvac_to_cabin, dt) + .solve( + te_amb_air, + &self.state, + pwr_thrml_hvac_to_cabin, + Default::default(), + dt, + ) .with_context(|| format_dbg!())?; self.state.pwr_aux = self.pwr_aux_base + hvac.state.pwr_aux_for_hvac; (Some(pwr_thrml_fc_to_cab), None, Some(te_cab)) @@ -486,7 +499,13 @@ impl Vehicle { ) .with_context(|| format_dbg!())?; let te_cab = cab - .solve(te_amb_air, &self.state, pwr_thrml_hvac_to_cabin, dt) + .solve( + te_amb_air, + &self.state, + pwr_thrml_hvac_to_cabin, + pwr_thrml_cab_to_res, + dt, + ) .with_context(|| format_dbg!())?; self.state.pwr_aux = self.pwr_aux_base + hvac.state.pwr_aux_for_hvac; ( From 0af091fc8ce4a668131c81a4e20eba8d8ebf7101 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Mon, 20 Jan 2025 16:20:06 -0700 Subject: [PATCH 030/129] demo_hev_thermal.py still fails more state variables renames to be more descriptive cleaner powersplit control flow --- fastsim-core/src/vehicle/bev.rs | 2 +- fastsim-core/src/vehicle/cabin.rs | 10 +- fastsim-core/src/vehicle/hev.rs | 170 +++++++++--------- .../vehicle/powertrain/electric_machine.rs | 20 +-- .../src/vehicle/powertrain/fuel_converter.rs | 28 ++- .../powertrain/reversible_energy_storage.rs | 25 ++- 6 files changed, 146 insertions(+), 109 deletions(-) diff --git a/fastsim-core/src/vehicle/bev.rs b/fastsim-core/src/vehicle/bev.rs index 7dc43169..8323c1a1 100644 --- a/fastsim-core/src/vehicle/bev.rs +++ b/fastsim-core/src/vehicle/bev.rs @@ -144,7 +144,7 @@ impl Powertrain for BatteryElectricVehicle { fn get_curr_pwr_prop_out_max(&self) -> anyhow::Result<(si::Power, si::Power)> { Ok(( self.em.state.pwr_mech_fwd_out_max, - self.em.state.pwr_mech_bwd_out_max, + self.em.state.pwr_mech_regen_max, )) } diff --git a/fastsim-core/src/vehicle/cabin.rs b/fastsim-core/src/vehicle/cabin.rs index 64d56795..934893c4 100644 --- a/fastsim-core/src/vehicle/cabin.rs +++ b/fastsim-core/src/vehicle/cabin.rs @@ -169,8 +169,8 @@ pub struct LumpedCabinState { /// Thermal power coming to cabin from [Vehicle::hvac] system. Positive indicates /// heating, and negative indicates cooling. pub pwr_thrml_from_hvac: si::Power, - /// Cumulative thermal energy coming to cabin from [Vehicle::hvac] system. Positive indicates - /// heating, and negative indicates cooling. + /// Cumulative thermal energy coming to cabin from [Vehicle::hvac] system. + /// Positive indicates heating, and negative indicates cooling. pub energy_thrml_from_hvac: si::Energy, /// Thermal power coming to cabin from ambient air. Positive indicates /// heating, and negative indicates cooling. @@ -178,9 +178,11 @@ pub struct LumpedCabinState { /// Cumulative thermal energy coming to cabin from ambient air. Positive indicates /// heating, and negative indicates cooling. pub energy_thrml_from_amb: si::Energy, - /// Thermal power flowing from [Cabin] to [ReversibleEnergyStorage] due to temperature delta + /// Thermal power flowing from [Cabin] to [ReversibleEnergyStorage] (zero if + /// not equipped) due to temperature delta pub pwr_thrml_to_res: si::Power, - /// Cumulative thermal energy flowing from [Cabin] to [ReversibleEnergyStorage] due to temperature delta + /// Cumulative thermal energy flowing from [Cabin] to + /// [ReversibleEnergyStorage] due to temperature delta pub energy_thrml_to_res: si::Energy, /// Reynolds number for flow over cabin, treating cabin as a flat plate pub reynolds_for_plate: si::Ratio, diff --git a/fastsim-core/src/vehicle/hev.rs b/fastsim-core/src/vehicle/hev.rs index eb483cf2..4b37ff3f 100644 --- a/fastsim-core/src/vehicle/hev.rs +++ b/fastsim-core/src/vehicle/hev.rs @@ -164,7 +164,7 @@ impl Powertrain for Box { fn get_curr_pwr_prop_out_max(&self) -> anyhow::Result<(si::Power, si::Power)> { Ok(( self.em.state.pwr_mech_fwd_out_max + self.fc.state.pwr_prop_max, - self.em.state.pwr_mech_bwd_out_max, + self.em.state.pwr_mech_regen_max, )) } @@ -561,7 +561,7 @@ impl HEVPowertrainControls { /// Determines power split between engine and electric machine /// /// # Arguments - /// - `pwr_out_req`: tractive power required + /// - `pwr_prop_req`: tractive power required /// - `veh_state`: vehicle state /// - `hev_state`: HEV powertrain state /// - `fc`: fuel converter @@ -569,7 +569,7 @@ impl HEVPowertrainControls { /// - `res`: reversible energy storage (e.g. high voltage battery) fn get_pwr_fc_and_em( &mut self, - pwr_out_req: si::Power, + pwr_prop_req: si::Power, veh_state: VehicleState, hev_state: &mut HEVState, fc: &FuelConverter, @@ -577,99 +577,99 @@ impl HEVPowertrainControls { res: &ReversibleEnergyStorage, ) -> anyhow::Result<(si::Power, si::Power)> { let fc_state = &fc.state; - if pwr_out_req >= si::Power::ZERO { - // positive net power *out of* the powertrain -- i.e. positive net - // power out of powertrain, aka regen - ensure!( - // `almost` is in case of negligible numerical precision discrepancies - almost_le_uom( - &pwr_out_req, - &(em_state.pwr_mech_fwd_out_max + fc_state.pwr_prop_max), - None - ), - "{} + ensure!( + // `almost` is in case of negligible numerical precision discrepancies + almost_le_uom( + &pwr_prop_req, + &(em_state.pwr_mech_fwd_out_max + fc_state.pwr_prop_max), + None + ), + "{} `pwr_out_req`: {} kW `em_state.pwr_mech_fwd_out_max`: {} kW `fc_state.pwr_prop_max`: {} kW", - format_dbg!(), - pwr_out_req.get::(), - em_state.pwr_mech_fwd_out_max.get::(), - fc_state.pwr_prop_max.get::() - ); + format_dbg!(), + pwr_prop_req.get::(), + em_state.pwr_mech_fwd_out_max.get::(), + fc_state.pwr_prop_max.get::() + ); - // positive net power out of the powertrain - let (fc_pwr, em_pwr) = match self { - Self::RGWDB(ref mut rgwdb) => { - handle_fc_on_causes_for_temp(fc, rgwdb, hev_state)?; - handle_fc_on_causes_for_speed(veh_state, rgwdb, hev_state)?; - handle_fc_on_causes_for_low_soc(res, rgwdb, hev_state, veh_state)?; - // `handle_fc_*` below here are asymmetrical for positive tractive power only - handle_fc_on_causes_for_pwr_demand( - rgwdb, - pwr_out_req, - em_state, - fc_state, - hev_state, - )?; - - let frac_of_most_eff_pwr_to_run_fc: si::Ratio = rgwdb + let (fc_pwr, em_pwr) = match self { + Self::RGWDB(ref mut rgwdb) => { + handle_fc_on_causes_for_temp(fc, rgwdb, hev_state)?; + handle_fc_on_causes_for_speed(veh_state, rgwdb, hev_state)?; + handle_fc_on_causes_for_low_soc(res, rgwdb, hev_state, veh_state)?; + // `handle_fc_*` below here are asymmetrical for positive tractive power only + handle_fc_on_causes_for_pwr_demand( + rgwdb, + pwr_prop_req, + em_state, + fc_state, + hev_state, + )?; + + // Tractive power `em` must provide before deciding power + // split, cannot exceed ElectricMachine max output power. + // Excess demand will be handled by `fc`. Favors drawing + // power from `em` before engine + let em_pwr = pwr_prop_req + .min(em_state.pwr_mech_fwd_out_max) + .max(-em_state.pwr_mech_regen_max); + // tractive power handled by fc + let (fc_pwr_corrected, em_pwr_corrected): (si::Power, si::Power) = if hev_state + .fc_on_causes + .is_empty() + { + // engine is off + (si::Power::ZERO, em_pwr) + } else { + // engine has been forced on + let frac_of_pwr_for_peak_eff: si::Ratio = rgwdb .frac_of_most_eff_pwr_to_run_fc .with_context(|| format_dbg!())?; - // Tractive power `em` must provide before deciding power - // split, cannot exceed ElectricMachine max output power. - // Excess demand will be handled by `fc`. Favors drawing - // power from `em` before engine - let mut em_pwr = pwr_out_req.min(em_state.pwr_mech_fwd_out_max); - let fc_pwr: si::Power = if hev_state.fc_on_causes.is_empty() { - // engine does not need to be on - si::Power::ZERO + let fc_pwr = if pwr_prop_req < si::Power::ZERO { + // negative tractive power + // max power system can receive from engine during negative traction + (em_state.pwr_mech_regen_max + pwr_prop_req) + .min(fc.pwr_for_peak_eff * frac_of_pwr_for_peak_eff) + .max(si::Power::ZERO) } else { - // engine has been forced on - // power demand from engine such that engine handles all - // power demand beyond the em capability, before adjusting for efficient operating - // point - let mut fc_pwr_req = pwr_out_req - em_pwr; - // if the engine is on, load it up to get closer to peak - // efficiency - fc_pwr_req = fc_pwr_req - // can't exceed fc power limit - .min(fc.state.pwr_out_max) - // operate for efficiency if demand is less than this - .max(fc.pwr_for_peak_eff * frac_of_most_eff_pwr_to_run_fc); - // don't over charge the battery - if fc_pwr_req - pwr_out_req > em_state.pwr_mech_bwd_out_max { - fc_pwr_req = pwr_out_req + em_state.pwr_mech_bwd_out_max; + // positive tractive power + if pwr_prop_req - em_pwr > fc.pwr_for_peak_eff * frac_of_pwr_for_peak_eff { + // engine needs to run higher than peak efficiency point + pwr_prop_req - em_pwr + } else { + // engine does not need to run higher than peak + // efficiency point to make tractive demand + + // fc handles all power not covered by em + (pwr_prop_req - em_pwr) + // and if that's less than the + // efficiency-focused value, then operate at that value + .max(fc.pwr_for_peak_eff * frac_of_pwr_for_peak_eff) + // but don't exceed what what the battery can + // absorb + tractive demand + .min(pwr_prop_req + em_state.pwr_mech_regen_max) } - fc_pwr_req - }; + } + // and don't exceed what the fc can do + .min(fc_state.pwr_prop_max); + // recalculate `em_pwr` based on `fc_pwr` - em_pwr = pwr_out_req - fc_pwr; + let em_pwr_corrected = pwr_prop_req - fc_pwr; + (fc_pwr, em_pwr_corrected) + }; - ensure!( - fc_pwr >= si::Power::ZERO, - format_dbg!(fc_pwr >= si::Power::ZERO) - ); - (fc_pwr, em_pwr) - } - Self::Placeholder => todo!(), - }; - - Ok((fc_pwr, em_pwr)) - } else { - match self { - Self::RGWDB(rgwdb) => { - handle_fc_on_causes_for_temp(fc, rgwdb, hev_state)?; - handle_fc_on_causes_for_speed(veh_state, rgwdb, hev_state)?; - handle_fc_on_causes_for_low_soc(res, rgwdb, hev_state, veh_state)?; - } - Self::Placeholder => todo!(), + ensure!( + fc_pwr_corrected >= si::Power::ZERO, + format_dbg!(fc_pwr_corrected >= si::Power::ZERO) + ); + (fc_pwr_corrected, em_pwr_corrected) } - // negative net power out of the powertrain -- i.e. positive net - // power *into* powertrain, aka regen - // if `em_pwr` is less than magnitude of `pwr_out_req`, friction brakes can handle excess - let em_pwr = -em_state.pwr_mech_bwd_out_max.min(-pwr_out_req); - Ok((0. * uc::W, em_pwr)) - } + Self::Placeholder => todo!(), + }; + + Ok((fc_pwr, em_pwr)) } } diff --git a/fastsim-core/src/vehicle/powertrain/electric_machine.rs b/fastsim-core/src/vehicle/powertrain/electric_machine.rs index d0b6dd03..b81e7da6 100755 --- a/fastsim-core/src/vehicle/powertrain/electric_machine.rs +++ b/fastsim-core/src/vehicle/powertrain/electric_machine.rs @@ -155,7 +155,7 @@ impl ElectricMachine { stringify!(eff_pos) ) })?; - self.state.eff_bwd_at_max_input = uc::R + self.state.eff_at_max_regen = uc::R * self .eff_interp_at_max_input .as_ref() @@ -185,9 +185,9 @@ impl ElectricMachine { .min(pwr_in_fwd_lim * self.state.eff_fwd_at_max_input); // maximum power in backward direction is minimum of component `pwr_out_max` parameter or time-varying max // power in bacward direction (i.e. regen) based on what the ReversibleEnergyStorage can provide - self.state.pwr_mech_bwd_out_max = self + self.state.pwr_mech_regen_max = self .pwr_out_max - .min(pwr_in_bwd_lim / self.state.eff_bwd_at_max_input); + .min(pwr_in_bwd_lim / self.state.eff_at_max_regen); Ok(()) } @@ -224,12 +224,12 @@ impl ElectricMachine { ), ); ensure!( - almost_le_uom(&pwr_out_req.abs(), &self.state.pwr_mech_bwd_out_max, None), + almost_le_uom(&pwr_out_req.abs(), &self.state.pwr_mech_regen_max, None), format!( - "{}\nedrv required charge power ({:.6} kW) exceeds current max charge power ({:.6} kW)", - format_dbg!(pwr_out_req.abs() <= self.state.pwr_mech_bwd_out_max), + "{}\nedrv charge power ({:.6} kW) exceeds current max charge power ({:.6} kW)", + format_dbg!(pwr_out_req.abs() <= self.state.pwr_mech_regen_max), pwr_out_req.get::(), - self.state.pwr_mech_bwd_out_max.get::() + self.state.pwr_mech_regen_max.get::() ), ); @@ -274,7 +274,7 @@ impl ElectricMachine { // `pwr_mech_prop_out` is `pwr_out_req` unless `pwr_out_req` is more negative than `pwr_mech_regen_max`, // in which case, excess is handled by `pwr_mech_dyn_brake` - self.state.pwr_mech_prop_out = pwr_out_req.max(-self.state.pwr_mech_bwd_out_max); + self.state.pwr_mech_prop_out = pwr_out_req.max(-self.state.pwr_mech_regen_max); self.state.pwr_mech_dyn_brake = -(pwr_out_req - self.state.pwr_mech_prop_out); ensure!( @@ -650,9 +650,9 @@ pub struct ElectricMachineState { /// efficiency in forward direction at max possible input power from `FuelConverter` and `ReversibleEnergyStorage` pub eff_fwd_at_max_input: si::Ratio, /// Maximum possible regeneration power going to ReversibleEnergyStorage. - pub pwr_mech_bwd_out_max: si::Power, + pub pwr_mech_regen_max: si::Power, /// efficiency in backward direction at max possible input power from `FuelConverter` and `ReversibleEnergyStorage` - pub eff_bwd_at_max_input: si::Ratio, + pub eff_at_max_regen: si::Ratio, /// max ramp-up rate pub pwr_rate_out_max: si::PowerRate, diff --git a/fastsim-core/src/vehicle/powertrain/fuel_converter.rs b/fastsim-core/src/vehicle/powertrain/fuel_converter.rs index 4653f689..035819a3 100755 --- a/fastsim-core/src/vehicle/powertrain/fuel_converter.rs +++ b/fastsim-core/src/vehicle/powertrain/fuel_converter.rs @@ -579,6 +579,7 @@ impl FuelConverterThermal { veh_speed: si::Velocity, dt: si::Time, ) -> anyhow::Result<()> { + self.state.pwr_thrml_fc_to_cab = pwr_thrml_fc_to_cab; // film temperature for external convection calculations let te_air_film = 0.5 * (self.state.temperature + te_amb); // Reynolds number = density * speed * diameter / dynamic viscosity @@ -633,11 +634,12 @@ impl FuelConverterThermal { ) .with_context(|| format_dbg!())?; // heat that will go both to the block and out the exhaust port - let heat_gen = fc_state.pwr_fuel - fc_state.pwr_prop; - let delta_temp: si::Temperature = (((self.conductance_from_comb + self.state.pwr_fuel_as_heat = fc_state.pwr_fuel - (fc_state.pwr_prop + fc_state.pwr_aux); + self.state.pwr_thrml_to_tm = (self.conductance_from_comb * (self.state.te_adiabatic - self.state.temperature)) - .min(self.max_frac_from_comb * heat_gen) - - pwr_thrml_fc_to_cab + .min(self.max_frac_from_comb * self.state.pwr_fuel_as_heat); + let delta_temp: si::Temperature = ((self.state.pwr_thrml_to_tm + - self.state.pwr_thrml_fc_to_cab - self.state.heat_to_amb) * dt) / self.heat_capacitance; @@ -742,6 +744,18 @@ pub struct FuelConverterThermalState { pub heat_to_amb: si::Power, /// Efficency coefficient, used to modify [FuelConverter] effciency based on temperature pub eff_coeff: si::Ratio, + /// Thermal power flowing from fuel converter to cabin + pub pwr_thrml_fc_to_cab: si::Power, + /// Cumulative thermal energy flowing from fuel converter to cabin + pub energy_thrml_fc_to_cab: si::Energy, + /// Fuel power that is not converted to mechanical work + pub pwr_fuel_as_heat: si::Power, + /// Cumulative fuel energy that is not converted to mechanical work + pub energy_fuel_as_heat: si::Energy, + /// Thermal power flowing from combustion to [FuelConverter] thermal mass + pub pwr_thrml_to_tm: si::Power, + /// Cumulative thermal energy flowing from combustion to [FuelConverter] thermal mass + pub energy_thrml_to_tm: si::Energy, } impl Init for FuelConverterThermalState {} @@ -756,6 +770,12 @@ impl Default for FuelConverterThermalState { htc_to_amb: Default::default(), heat_to_amb: Default::default(), eff_coeff: uc::R, + pwr_thrml_fc_to_cab: Default::default(), + energy_thrml_fc_to_cab: Default::default(), + pwr_fuel_as_heat: Default::default(), + energy_fuel_as_heat: Default::default(), + pwr_thrml_to_tm: Default::default(), + energy_thrml_to_tm: Default::default(), } } } diff --git a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs index 6e5e1ce7..eff5433d 100644 --- a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs +++ b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs @@ -841,9 +841,12 @@ impl RESLumpedThermal { // TODO: make sure this impacts cabin temperature self.state.pwr_thrml_from_cabin = self.conductance_to_cab * (te_cab - self.state.temperature); + self.state.pwr_thrml_hvac_to_res = pwr_thrml_hvac_to_res; self.state.pwr_thrml_from_amb = self.conductance_to_cab * (te_amb - self.state.temperature); - self.state.temperature += (pwr_thrml_hvac_to_res - + res_state.pwr_out_electrical * (1.0 * uc::R - res_state.eff) + self.state.pwr_thrml_loss = + res_state.pwr_out_electrical.abs() * (1.0 * uc::R - res_state.eff); + self.state.temperature += (self.state.pwr_thrml_hvac_to_res + + self.state.pwr_thrml_loss + self.state.pwr_thrml_from_cabin + self.state.pwr_thrml_from_amb) / self.heat_capacitance @@ -870,12 +873,20 @@ pub struct RESLumpedThermalState { pub temp_prev: si::Temperature, /// Thermal power flow to [RESLumpedThermal] from cabin pub pwr_thrml_from_cabin: si::Power, + /// Cumulative thermal energy flow to [RESLumpedThermal] from cabin + pub energy_thrml_from_cabin: si::Energy, /// Thermal power flow to [RESLumpedThermal] from ambient pub pwr_thrml_from_amb: si::Power, - /// Cumulatev thermal energy flow to [RESLumpedThermal] from cabin - pub energy_thrml_from_cabin: si::Energy, - /// Cumulatev thermal energy flow to [RESLumpedThermal] from ambient + /// Cumulative thermal energy flow to [RESLumpedThermal] from ambient pub energy_thrml_from_amb: si::Energy, + /// Thermal power flow to [RESLumpedThermal] from HVAC + pub pwr_thrml_hvac_to_res: si::Power, + /// Cumulative thermal energy flow to [RESLumpedThermal] from HVAC + pub energy_thrml_hvac_to_res: si::Energy, + /// Thermal generation due to losses + pub pwr_thrml_loss: si::Power, + /// Cumulative thermal energy generation due to losses + pub energy_thrml_loss: si::Energy, } impl Init for RESLumpedThermalState {} @@ -890,6 +901,10 @@ impl Default for RESLumpedThermalState { energy_thrml_from_cabin: Default::default(), pwr_thrml_from_amb: Default::default(), energy_thrml_from_amb: Default::default(), + pwr_thrml_hvac_to_res: Default::default(), + energy_thrml_hvac_to_res: Default::default(), + pwr_thrml_loss: Default::default(), + energy_thrml_loss: Default::default(), } } } From d9f51ccf959599eada8f99084a3b83266443acc3 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Mon, 20 Jan 2025 17:14:22 -0700 Subject: [PATCH 031/129] hot damn! all the tests pass! should be able to commence thermal cal! --- fastsim-core/src/vehicle/bev.rs | 3 ++- fastsim-core/src/vehicle/hev.rs | 26 ++++++++----------- .../vehicle/powertrain/electric_machine.rs | 20 +++++++------- python/fastsim/demos/demo_hev_thrml.py | 7 ++++- 4 files changed, 30 insertions(+), 26 deletions(-) diff --git a/fastsim-core/src/vehicle/bev.rs b/fastsim-core/src/vehicle/bev.rs index 8323c1a1..7912db8a 100644 --- a/fastsim-core/src/vehicle/bev.rs +++ b/fastsim-core/src/vehicle/bev.rs @@ -176,11 +176,12 @@ impl Powertrain for BatteryElectricVehicle { Ok(()) } + /// Regen braking power, positive means braking is happening fn pwr_regen(&self) -> si::Power { // When `pwr_mech_prop_out` is negative, regen is happening. First, clip it at 0, and then negate it. // see https://play.rust-lang.org/?version=stable&mode=debug&edition=2021&gist=e8f7af5a6e436dd1163fa3c70931d18d // for example - -self.em.state.pwr_mech_prop_out.min(si::Power::ZERO) + -(self.em.state.pwr_mech_prop_out.max(si::Power::ZERO)) } } diff --git a/fastsim-core/src/vehicle/hev.rs b/fastsim-core/src/vehicle/hev.rs index 4b37ff3f..9f31305e 100644 --- a/fastsim-core/src/vehicle/hev.rs +++ b/fastsim-core/src/vehicle/hev.rs @@ -207,11 +207,12 @@ impl Powertrain for Box { Ok(()) } + /// Regen braking power, positive means braking is happening fn pwr_regen(&self) -> si::Power { // When `pwr_mech_prop_out` is negative, regen is happening. First, clip it at 0, and then negate it. // see https://play.rust-lang.org/?version=stable&mode=debug&edition=2021&gist=e8f7af5a6e436dd1163fa3c70931d18d // for example - -self.em.state.pwr_mech_prop_out.min(0. * uc::W) + -(self.em.state.pwr_mech_prop_out.max(si::Power::ZERO)) } } @@ -616,11 +617,8 @@ impl HEVPowertrainControls { .min(em_state.pwr_mech_fwd_out_max) .max(-em_state.pwr_mech_regen_max); // tractive power handled by fc - let (fc_pwr_corrected, em_pwr_corrected): (si::Power, si::Power) = if hev_state - .fc_on_causes - .is_empty() - { - // engine is off + if hev_state.fc_on_causes.is_empty() { + // engine is off, and `em_pwr` has already been limited within bounds (si::Power::ZERO, em_pwr) } else { // engine has been forced on @@ -631,7 +629,9 @@ impl HEVPowertrainControls { // negative tractive power // max power system can receive from engine during negative traction (em_state.pwr_mech_regen_max + pwr_prop_req) + // or peak efficiency power if it's lower than above .min(fc.pwr_for_peak_eff * frac_of_pwr_for_peak_eff) + // but not negative .max(si::Power::ZERO) } else { // positive tractive power @@ -645,7 +645,8 @@ impl HEVPowertrainControls { // fc handles all power not covered by em (pwr_prop_req - em_pwr) // and if that's less than the - // efficiency-focused value, then operate at that value + // efficiency-focused value, then operate at + // that value .max(fc.pwr_for_peak_eff * frac_of_pwr_for_peak_eff) // but don't exceed what what the battery can // absorb + tractive demand @@ -656,15 +657,10 @@ impl HEVPowertrainControls { .min(fc_state.pwr_prop_max); // recalculate `em_pwr` based on `fc_pwr` - let em_pwr_corrected = pwr_prop_req - fc_pwr; + let em_pwr_corrected = + (pwr_prop_req - fc_pwr).max(-em_state.pwr_mech_regen_max); (fc_pwr, em_pwr_corrected) - }; - - ensure!( - fc_pwr_corrected >= si::Power::ZERO, - format_dbg!(fc_pwr_corrected >= si::Power::ZERO) - ); - (fc_pwr_corrected, em_pwr_corrected) + } } Self::Placeholder => todo!(), }; diff --git a/fastsim-core/src/vehicle/powertrain/electric_machine.rs b/fastsim-core/src/vehicle/powertrain/electric_machine.rs index b81e7da6..123d50da 100755 --- a/fastsim-core/src/vehicle/powertrain/electric_machine.rs +++ b/fastsim-core/src/vehicle/powertrain/electric_machine.rs @@ -223,15 +223,17 @@ impl ElectricMachine { (pwr_out_req - self.state.pwr_mech_fwd_out_max).get::().format_eng(Some(6)) ), ); - ensure!( - almost_le_uom(&pwr_out_req.abs(), &self.state.pwr_mech_regen_max, None), - format!( - "{}\nedrv charge power ({:.6} kW) exceeds current max charge power ({:.6} kW)", - format_dbg!(pwr_out_req.abs() <= self.state.pwr_mech_regen_max), - pwr_out_req.get::(), - self.state.pwr_mech_regen_max.get::() - ), - ); + if pwr_out_req < si::Power::ZERO { + ensure!( + almost_le_uom(&pwr_out_req.abs(), &self.state.pwr_mech_regen_max, None), + format!( + "{}\nedrv charge power ({:.6} kW) exceeds current max charge power ({:.6} kW)", + format_dbg!(), + -pwr_out_req.get::(), + self.state.pwr_mech_regen_max.get::() + ), + ); + } self.state.pwr_out_req = pwr_out_req; diff --git a/python/fastsim/demos/demo_hev_thrml.py b/python/fastsim/demos/demo_hev_thrml.py index 7f034670..e6e1ad6d 100644 --- a/python/fastsim/demos/demo_hev_thrml.py +++ b/python/fastsim/demos/demo_hev_thrml.py @@ -312,6 +312,11 @@ def plot_road_loads() -> Tuple[Figure, Axes]: df["veh.history.pwr_rr_watts"] / 1e3, label="rr", ) + ax[0].plot( + df["cyc.time_seconds"][::veh.save_interval], + df["veh.history.pwr_tractive_watts"] / 1e3, + label="total", + ) ax[0].set_ylabel("Power [kW]") ax[0].legend() @@ -338,7 +343,7 @@ def plot_road_loads() -> Tuple[Figure, Axes]: fig_res_pwr, ax_res_pwr = plot_res_pwr() fig_res_energy, ax_res_energy = plot_res_energy() fig_temps, ax_temps = plot_temperatures() - # fig, ax = plot_road_loads() + fig, ax = plot_road_loads() plt.show() # %% # example for how to use set_default_pwr_interp() method for veh.res From 9e4b3f4d599efd51e9f683349529bdb0498c0db5 Mon Sep 17 00:00:00 2001 From: Robin Steuteville Date: Wed, 22 Jan 2025 11:08:32 -0700 Subject: [PATCH 032/129] working on updating arrays in 2022_Hyundai_Sonata_Hybrid_Blue.yaml --- .../2021_Hyundai_Sonata_Hybrid_Blue.yaml | 360 +----------------- cal_and_val/thermal/updated_sonata_hybrid.py | 32 ++ 2 files changed, 34 insertions(+), 358 deletions(-) create mode 100644 cal_and_val/thermal/updated_sonata_hybrid.py diff --git a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml index 3ad486db..da356877 100644 --- a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml +++ b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml @@ -58,205 +58,29 @@ pt_type: Interp1D: x: - 0.0 - - 0.001 - - 0.002 - - 0.003 - - 0.004 - 0.005 - - 0.006 - - 0.007 - - 0.008 - - 0.009 - - 0.01 - - 0.011 - - 0.012 - - 0.013 - - 0.014 - 0.015 - - 0.016 - - 0.017 - - 0.018 - - 0.019 - - 0.02 - - 0.021 - - 0.022 - - 0.023 - - 0.024 - - 0.025 - - 0.026 - - 0.027 - - 0.028 - - 0.029 - - 0.03 - - 0.035 - 0.04 - - 0.045 - - 0.05 - - 0.055 - 0.06 - - 0.065 - - 0.07 - - 0.08 - - 0.09 - 0.1 - - 0.11 - - 0.12 - - 0.13 - 0.14 - - 0.15 - - 0.16 - - 0.17 - - 0.18 - - 0.19 - 0.2 - - 0.21 - - 0.22 - - 0.23 - - 0.24 - - 0.25 - - 0.26 - - 0.27 - - 0.28 - - 0.29 - - 0.3 - - 0.31 - - 0.32 - - 0.33 - - 0.34 - - 0.35 - - 0.36 - - 0.37 - - 0.38 - - 0.39 - 0.4 - - 0.41 - - 0.42 - - 0.43 - - 0.44 - - 0.45 - - 0.46 - - 0.47 - - 0.48 - - 0.49 - - 0.5 - - 0.51 - - 0.52 - - 0.53 - - 0.54 - - 0.55 - - 0.56 - - 0.57 - - 0.58 - - 0.59 - 0.6 - - 0.65 - - 0.7 - - 0.75 - 0.8 - - 0.85 - - 0.9 - - 0.95 - 1.0 f_x: - 0.08 - - 0.084 - - 0.08800000000000001 - - 0.092 - - 0.096 - 0.1 - - 0.116 - - 0.132 - - 0.14800000000000002 - - 0.164 - - 0.18000000000000002 - - 0.196 - - 0.21200000000000002 - - 0.22800000000000004 - - 0.24400000000000005 - 0.26 - - 0.26280000000000003 - - 0.2656 - - 0.2684 - - 0.2712 - - 0.274 - - 0.2768 - - 0.2796 - - 0.2824 - - 0.2852 - - 0.28800000000000003 - - 0.2908 - - 0.2936 - - 0.2964 - - 0.2992 - - 0.302 - - 0.316 - 0.33 - - 0.33625 - - 0.3425 - - 0.34875 - 0.355 - - 0.356875 - - 0.35875 - - 0.3625 - - 0.36624999999999996 - 0.37 - - 0.3725 - - 0.375 - - 0.3775 - - 0.38 - - 0.38 - - 0.38 - - 0.38 - 0.38 - 0.38 - - 0.38 - - 0.3785 - - 0.377 - - 0.3755 - - 0.374 - - 0.3725 - - 0.371 - - 0.3695 - - 0.368 - - 0.3665 - - 0.365 - - 0.3635 - - 0.362 - - 0.3605 - - 0.359 - - 0.3575 - - 0.356 - - 0.3545 - - 0.353 - - 0.3515 - 0.35 - - 0.3495 - - 0.349 - - 0.3485 - - 0.348 - - 0.3475 - - 0.347 - - 0.3465 - - 0.346 - - 0.3455 - - 0.345 - - 0.34450000000000003 - - 0.34400000000000003 - - 0.3435 - - 0.343 - - 0.3425 - - 0.342 - - 0.3415 - - 0.341 - - 0.3405 - 0.34 - - 0.3375 - - 0.335 - - 0.3325 - 0.33 - - 0.3275 - - 0.325 - - 0.3225 - 0.32 strategy: Linear extrapolate: Error @@ -267,208 +91,28 @@ pt_type: Interp1D: x: - 0.0 - - 0.01 - 0.02 - - 0.03 - 0.04 - - 0.05 - 0.06 - - 0.07 - 0.08 - - 0.09 - 0.1 - - 0.11 - - 0.12 - - 0.13 - - 0.14 - - 0.15 - - 0.16 - - 0.17 - - 0.18 - - 0.19 - 0.2 - - 0.21 - - 0.22 - - 0.23 - - 0.24 - - 0.25 - - 0.26 - - 0.27 - - 0.28 - - 0.29 - - 0.3 - - 0.31 - - 0.32 - - 0.33 - - 0.34 - - 0.35 - - 0.36 - - 0.37 - - 0.38 - - 0.39 - 0.4 - - 0.41 - - 0.42 - - 0.43 - - 0.44 - - 0.45 - - 0.46 - - 0.47 - - 0.48 - - 0.49 - - 0.5 - - 0.51 - - 0.52 - - 0.53 - - 0.54 - - 0.55 - - 0.56 - - 0.57 - - 0.58 - - 0.59 - 0.6 - - 0.61 - - 0.62 - - 0.63 - - 0.64 - - 0.65 - - 0.66 - - 0.67 - - 0.68 - - 0.69 - - 0.7 - - 0.71 - - 0.72 - - 0.73 - - 0.74 - - 0.75 - - 0.76 - - 0.77 - - 0.78 - - 0.79 - 0.8 - - 0.81 - - 0.82 - - 0.83 - - 0.84 - - 0.85 - - 0.86 - - 0.87 - - 0.88 - - 0.89 - - 0.9 - - 0.91 - - 0.92 - - 0.93 - - 0.94 - - 0.95 - - 0.96 - - 0.97 - - 0.98 - - 0.99 - 1.0 f_x: - 0.84 - - 0.84 - - 0.85 - 0.86 - - 0.87 - 0.88 - - 0.89 - - 0.895 - 0.9 - - 0.905 - 0.91 - - 0.912 - - 0.914 - - 0.916 - - 0.918 - 0.92 - - 0.922 - - 0.924 - - 0.926 - - 0.928 - - 0.93 - - 0.9305 - - 0.931 - - 0.9315 - - 0.932 - - 0.9325 - - 0.933 - - 0.9335 - - 0.934 - - 0.9345 - - 0.9349999999999999 - - 0.9355 - - 0.9359999999999999 - - 0.9365 - - 0.9369999999999999 - - 0.9375 - - 0.938 - - 0.9385 - - 0.939 - - 0.9395 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - 0.94 + - 0.95 + - 0.95 - 0.94 - - 0.9395 - - 0.939 - - 0.9385 - - 0.938 - - 0.9375 - - 0.9369999999999999 - - 0.9365 - - 0.9359999999999999 - - 0.9355 - - 0.935 - - 0.9345 - - 0.934 - - 0.9335 - - 0.933 - - 0.9325 - - 0.932 - - 0.9315 - - 0.931 - - 0.9305 - 0.93 - - 0.9295 - - 0.929 - - 0.9285000000000001 - - 0.928 - - 0.9275000000000001 - - 0.927 - - 0.9265000000000001 - - 0.926 - - 0.9255 - - 0.925 - - 0.9245 - - 0.924 - - 0.9235 - - 0.923 - - 0.9225000000000001 - - 0.922 - - 0.9215000000000001 - - 0.921 - - 0.9205000000000001 - - 0.92 strategy: Linear extrapolate: Error eff_interp_at_max_input: diff --git a/cal_and_val/thermal/updated_sonata_hybrid.py b/cal_and_val/thermal/updated_sonata_hybrid.py new file mode 100644 index 00000000..aa159b98 --- /dev/null +++ b/cal_and_val/thermal/updated_sonata_hybrid.py @@ -0,0 +1,32 @@ +#%% +import fastsim as fsim + +veh = fsim.Vehicle.from_resource("2021_Hyundai_Sonata_Hybrid_Blue.yaml") + +print(veh.to_pydict()) + +# %% +#pt_type.HybridElectricVehicle.fc.eff_interp_from_pwr_out.Interp1D.x +# fsim.set_param_from_path(veh, "pt_type.fc.eff_interp_from_pwr_out.x", [0.00, 0.02, 0.04, 0.06, 0.08, 0.10, 0.20, 0.40, 0.60, 0.80, 1.00]) +# fsim.set_param_from_path(veh, "pt_type.fc.eff_interp_from_pwr_out.x", [0.83, 0.85, 0.87, 0.89, 0.90, 0.91, 0.93, 0.94, 0.94, 0.93, 0.92]) + +# %% +veh_pydict = veh.to_pydict() +print(veh_pydict) +# eff_interp_from_pwr_out = fsim.Interpolator.from_pydict(veh_pydict['veh']['pt_type']['BatteryElectricVehicle']['fc']['eff_interp_from_pwr_out']) +# eff_interp_from_pwr_out.set_x([0.00, 0.02, 0.04, 0.06, 0.08, 0.10, 0.20, 0.40, 0.60, 0.80, 1.00]) +# eff_interp_from_pwr_out.set_f_x([0.83, 0.85, 0.87, 0.89, 0.90, 0.91, 0.93, 0.94, 0.94, 0.93, 0.92]) + +# eff_interp_from_pwr_out = veh_pydict['pt_type']['HybridElectricVehicle']['fc']['eff_interp_from_pwr_out']['Interp1D'] +# eff_interp_from_pwr_out['x'] = [0.00, 0.02, 0.04, 0.06, 0.08, 0.10, 0.20, 0.40, 0.60, 0.80, 1.00] +# eff_interp_from_pwr_out['f_x'] = [0.83, 0.85, 0.87, 0.89, 0.90, 0.91, 0.93, 0.94, 0.94, 0.93, 0.92] +# veh_pydict['pt_type']['HybridElectricVehicle']['fc']['eff_interp_from_pwr_out'] = eff_interp_from_pwr_out + +# veh_pydict['pt_type']['HybridElectricVehicle']['fc']['eff_interp_from_pwr_out']['Interp1D']['x'] = [0.00, 0.02, 0.04, 0.06, 0.08, 0.10, 0.20, 0.40, 0.60, 0.80, 1.00] +# veh_pydict['pt_type']['HybridElectricVehicle']['fc']['eff_interp_from_pwr_out']['Interp1D']['f_x'] = [0.83, 0.85, 0.87, 0.89, 0.90, 0.91, 0.93, 0.94, 0.94, 0.93, 0.92] + +veh_pydict['pt_type']['HybridElectricVehicle']['em']['eff_interp_achieved']['Interp1D']['x'] = [0.00, 0.02, 0.04, 0.06, 0.08, 0.10, 0.20, 0.40, 0.60, 0.80, 1.00] +veh_pydict['pt_type']['HybridElectricVehicle']['em']['eff_interp_achieved']['Interp1D']['f_x'] = [0.83, 0.85, 0.87, 0.89, 0.90, 0.91, 0.93, 0.94, 0.94, 0.93, 0.92] + +veh = fsim.Vehicle.from_pydict(veh_pydict) +veh.to_yaml() \ No newline at end of file From 295c27d7beee51978b6249dccbae13be1d25970c Mon Sep 17 00:00:00 2001 From: Robin Steuteville Date: Wed, 22 Jan 2025 11:23:03 -0700 Subject: [PATCH 033/129] updating fc interpolator to be atkinson's cycle from fastsim-2 --- .../2021_Hyundai_Sonata_Hybrid_Blue.yaml | 18 +++++------ cal_and_val/thermal/updated_sonata_hybrid.py | 32 ------------------- 2 files changed, 9 insertions(+), 41 deletions(-) delete mode 100644 cal_and_val/thermal/updated_sonata_hybrid.py diff --git a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml index da356877..e4710b60 100644 --- a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml +++ b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml @@ -70,18 +70,18 @@ pt_type: - 0.8 - 1.0 f_x: - - 0.08 - 0.1 - - 0.26 - - 0.33 - - 0.355 - - 0.37 - - 0.38 + - 0.12 + - 0.28 + - 0.35 + - 0.375 + - 0.39 + - 0.40 + - 0.40 - 0.38 + - 0.37 + - 0.36 - 0.35 - - 0.34 - - 0.33 - - 0.32 strategy: Linear extrapolate: Error pwr_idle_fuel_watts: 0.0 diff --git a/cal_and_val/thermal/updated_sonata_hybrid.py b/cal_and_val/thermal/updated_sonata_hybrid.py deleted file mode 100644 index aa159b98..00000000 --- a/cal_and_val/thermal/updated_sonata_hybrid.py +++ /dev/null @@ -1,32 +0,0 @@ -#%% -import fastsim as fsim - -veh = fsim.Vehicle.from_resource("2021_Hyundai_Sonata_Hybrid_Blue.yaml") - -print(veh.to_pydict()) - -# %% -#pt_type.HybridElectricVehicle.fc.eff_interp_from_pwr_out.Interp1D.x -# fsim.set_param_from_path(veh, "pt_type.fc.eff_interp_from_pwr_out.x", [0.00, 0.02, 0.04, 0.06, 0.08, 0.10, 0.20, 0.40, 0.60, 0.80, 1.00]) -# fsim.set_param_from_path(veh, "pt_type.fc.eff_interp_from_pwr_out.x", [0.83, 0.85, 0.87, 0.89, 0.90, 0.91, 0.93, 0.94, 0.94, 0.93, 0.92]) - -# %% -veh_pydict = veh.to_pydict() -print(veh_pydict) -# eff_interp_from_pwr_out = fsim.Interpolator.from_pydict(veh_pydict['veh']['pt_type']['BatteryElectricVehicle']['fc']['eff_interp_from_pwr_out']) -# eff_interp_from_pwr_out.set_x([0.00, 0.02, 0.04, 0.06, 0.08, 0.10, 0.20, 0.40, 0.60, 0.80, 1.00]) -# eff_interp_from_pwr_out.set_f_x([0.83, 0.85, 0.87, 0.89, 0.90, 0.91, 0.93, 0.94, 0.94, 0.93, 0.92]) - -# eff_interp_from_pwr_out = veh_pydict['pt_type']['HybridElectricVehicle']['fc']['eff_interp_from_pwr_out']['Interp1D'] -# eff_interp_from_pwr_out['x'] = [0.00, 0.02, 0.04, 0.06, 0.08, 0.10, 0.20, 0.40, 0.60, 0.80, 1.00] -# eff_interp_from_pwr_out['f_x'] = [0.83, 0.85, 0.87, 0.89, 0.90, 0.91, 0.93, 0.94, 0.94, 0.93, 0.92] -# veh_pydict['pt_type']['HybridElectricVehicle']['fc']['eff_interp_from_pwr_out'] = eff_interp_from_pwr_out - -# veh_pydict['pt_type']['HybridElectricVehicle']['fc']['eff_interp_from_pwr_out']['Interp1D']['x'] = [0.00, 0.02, 0.04, 0.06, 0.08, 0.10, 0.20, 0.40, 0.60, 0.80, 1.00] -# veh_pydict['pt_type']['HybridElectricVehicle']['fc']['eff_interp_from_pwr_out']['Interp1D']['f_x'] = [0.83, 0.85, 0.87, 0.89, 0.90, 0.91, 0.93, 0.94, 0.94, 0.93, 0.92] - -veh_pydict['pt_type']['HybridElectricVehicle']['em']['eff_interp_achieved']['Interp1D']['x'] = [0.00, 0.02, 0.04, 0.06, 0.08, 0.10, 0.20, 0.40, 0.60, 0.80, 1.00] -veh_pydict['pt_type']['HybridElectricVehicle']['em']['eff_interp_achieved']['Interp1D']['f_x'] = [0.83, 0.85, 0.87, 0.89, 0.90, 0.91, 0.93, 0.94, 0.94, 0.93, 0.92] - -veh = fsim.Vehicle.from_pydict(veh_pydict) -veh.to_yaml() \ No newline at end of file From cf45a4804e5310a4b799763c25ab893d9ef9a830 Mon Sep 17 00:00:00 2001 From: Robin Steuteville Date: Wed, 22 Jan 2025 11:50:34 -0700 Subject: [PATCH 034/129] updating the em.eff_interp_achieved in 2020 Chevrolet Bolt EV.yaml and 2021_Hyundai_Sonata_Hybrid_Blue.yaml to use the large_baseline_eff constant array from fastsim-2 --- .../f3-vehicles/2020 Chevrolet Bolt EV.yaml | 14 +++++++------- .../2021_Hyundai_Sonata_Hybrid_Blue.yaml | 12 ++++++------ 2 files changed, 13 insertions(+), 13 deletions(-) diff --git a/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml b/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml index 79e88e6c..6611bfd4 100644 --- a/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml +++ b/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml @@ -64,21 +64,21 @@ pt_type: - 0.1 - 0.2 - 0.4 - - 0.6 - 0.8 + - 0.6 - 1.0 f_x: - - 0.84 - - 0.86 - - 0.88 + - 0.83 + - 0.85 + - 0.87 + - 0.89 - 0.9 - 0.91 - - 0.92 + - 0.93 - 0.94 - - 0.95 - - 0.95 - 0.94 - 0.93 + - 0.92 strategy: Linear extrapolate: Error eff_interp_at_max_input: diff --git a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml index e4710b60..70f4fd15 100644 --- a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml +++ b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml @@ -102,17 +102,17 @@ pt_type: - 0.8 - 1.0 f_x: - - 0.84 - - 0.86 - - 0.88 + - 0.83 + - 0.85 + - 0.87 + - 0.89 - 0.9 - 0.91 - - 0.92 + - 0.93 - 0.94 - - 0.95 - - 0.95 - 0.94 - 0.93 + - 0.92 strategy: Linear extrapolate: Error eff_interp_at_max_input: From 4a3803433e84a0330c6d057d68adafd2fc6fed81 Mon Sep 17 00:00:00 2001 From: Robin Steuteville Date: Wed, 22 Jan 2025 11:58:07 -0700 Subject: [PATCH 035/129] fixing ordering mistake in array --- cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml b/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml index 6611bfd4..6e55e03c 100644 --- a/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml +++ b/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml @@ -64,8 +64,8 @@ pt_type: - 0.1 - 0.2 - 0.4 - - 0.8 - 0.6 + - 0.8 - 1.0 f_x: - 0.83 From 74487fb84c4b4ccd898bee562672050443ba9e34 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Wed, 22 Jan 2025 14:35:50 -0700 Subject: [PATCH 036/129] working on interpolator problems --- cal_and_val/thermal/cal_hev.py | 2 +- .../2021_Hyundai_Sonata_Hybrid_Blue.yaml | 9 ---- .../src/vehicle/powertrain/fuel_converter.rs | 42 +++++++++++-------- python/fastsim/demos/demo_hev_thrml.py | 4 +- 4 files changed, 28 insertions(+), 29 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 89602e49..5e6dcde0 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -3,7 +3,7 @@ """ # # TODO Calibration Tasks # - [x] put vehicle test data in a sharepoint folder, grant Robin access, and paste link in here -# - [ ] develop means of skewing curves via setter or similar -- Kyle is doing this +# - [x] develop means of skewing curves via setter or similar -- Kyle is doing this # - [ ] show what signals should be used for objectives # - [x] and how to access them in code # - [ ] make a version of this that calibrates against a fully warmed up vehicle diff --git a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml index 70f4fd15..5ee28ba0 100644 --- a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml +++ b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml @@ -34,15 +34,6 @@ pt_type: max_frac_from_comb: 0.5 tstat_te_sto_kelvin: 358.15 tstat_te_delta_kelvin: 5.0 - tstat_interp: - x: - - 358.15 - - 363.15 - f_x: - - 0.0 - - 1.0 - strategy: Linear - extrapolate: Clamp radiator_effectiveness: 0.0 fc_eff_model: Exponential: diff --git a/fastsim-core/src/vehicle/powertrain/fuel_converter.rs b/fastsim-core/src/vehicle/powertrain/fuel_converter.rs index 035819a3..ee36ee84 100755 --- a/fastsim-core/src/vehicle/powertrain/fuel_converter.rs +++ b/fastsim-core/src/vehicle/powertrain/fuel_converter.rs @@ -516,7 +516,7 @@ pub struct FuelConverterThermal { /// temperature delta over which thermostat is partially open pub tstat_te_delta: Option, #[serde(default = "tstat_interp_default")] - pub tstat_interp: Interp1D, + pub tstat_interp: Interpolator, /// Radiator effectiveness -- ratio of active heat rejection from /// radiator to passive heat rejection, always greater than 1 pub radiator_effectiveness: si::Ratio, @@ -591,12 +591,11 @@ impl FuelConverterThermal { // calculate heat transfer coeff. from engine to ambient [W / (m ** 2 * K)] self.state.htc_to_amb = if veh_speed < 1.0 * uc::MPS { // if stopped, scale based on thermostat opening and constant convection - (uc::R - + self - .tstat_interp - .interpolate(&[self.state.temperature.get::()]) - .with_context(|| format_dbg!())? - * self.radiator_effectiveness) + self.state.tstat_open_frac = self + .tstat_interp + .interpolate(&[self.state.temperature.get::()]) + .with_context(|| format_dbg!())?; + (uc::R + self.state.tstat_open_frac * self.radiator_effectiveness) * self.htc_to_amb_stop } else { // Calculate heat transfer coefficient for sphere, @@ -611,13 +610,14 @@ impl FuelConverterThermal { * Air::get_therm_cond(te_air_film).with_context(|| format_dbg!())? / self.length_for_convection; // if stopped, scale based on thermostat opening and constant convection - self.tstat_interp + self.state.tstat_open_frac = self + .tstat_interp .interpolate(&[self.state.temperature.get::()]) - .with_context(|| format_dbg!())? - * htc_to_amb_sphere + .with_context(|| format_dbg!())?; + self.state.tstat_open_frac * htc_to_amb_sphere }; - self.state.heat_to_amb = + self.state.pwr_thrml_to_amb = self.state.htc_to_amb * PI * self.length_for_convection.powi(typenum::P2::new()) / 4.0 * (self.state.temperature - te_amb); @@ -640,7 +640,7 @@ impl FuelConverterThermal { .min(self.max_frac_from_comb * self.state.pwr_fuel_as_heat); let delta_temp: si::Temperature = ((self.state.pwr_thrml_to_tm - self.state.pwr_thrml_fc_to_cab - - self.state.heat_to_amb) + - self.state.pwr_thrml_to_amb) * dt) / self.heat_capacitance; self.state.temp_prev = self.state.temperature; @@ -692,9 +692,9 @@ impl Init for FuelConverterThermal { self.tstat_te_delta = self.tstat_te_delta.or(Some(5. * uc::KELVIN)); self.tstat_interp = Interp1D::new( vec![ - self.tstat_te_sto.unwrap().get::(), - self.tstat_te_sto.unwrap().get::() - + self.tstat_te_delta.unwrap().get::(), + self.tstat_te_sto.unwrap().get::(), + self.tstat_te_sto.unwrap().get::() + + self.tstat_te_delta.unwrap().get::(), ], vec![0.0, 1.0], Strategy::Linear, @@ -738,10 +738,14 @@ pub struct FuelConverterThermalState { pub temperature: si::Temperature, /// Engine thermal mass temperature (lumped engine block and coolant) at previous time step pub temp_prev: si::Temperature, + /// thermostat open fraction (1 = fully open, 0 = fully closed) + pub tstat_open_frac: f64, /// Current heat transfer coefficient from [FuelConverter] to ambient pub htc_to_amb: si::HeatTransferCoeff, - /// Current heat transfer to ambient - pub heat_to_amb: si::Power, + /// Current heat transfer power to ambient + pub pwr_thrml_to_amb: si::Power, + /// Cumulative heat transfer energy to ambient + pub energy_thrml_to_amb: si::Energy, /// Efficency coefficient, used to modify [FuelConverter] effciency based on temperature pub eff_coeff: si::Ratio, /// Thermal power flowing from fuel converter to cabin @@ -767,11 +771,13 @@ impl Default for FuelConverterThermalState { te_adiabatic: *TE_ADIABATIC_STD, temperature: *TE_STD_AIR, temp_prev: *TE_STD_AIR, + tstat_open_frac: Default::default(), htc_to_amb: Default::default(), - heat_to_amb: Default::default(), eff_coeff: uc::R, pwr_thrml_fc_to_cab: Default::default(), energy_thrml_fc_to_cab: Default::default(), + pwr_thrml_to_amb: Default::default(), + energy_thrml_to_amb: Default::default(), pwr_fuel_as_heat: Default::default(), energy_fuel_as_heat: Default::default(), pwr_thrml_to_tm: Default::default(), diff --git a/python/fastsim/demos/demo_hev_thrml.py b/python/fastsim/demos/demo_hev_thrml.py index e6e1ad6d..b2d4c6eb 100644 --- a/python/fastsim/demos/demo_hev_thrml.py +++ b/python/fastsim/demos/demo_hev_thrml.py @@ -301,7 +301,7 @@ def plot_road_loads() -> Tuple[Figure, Axes]: fig, ax = plt.subplots(2, 1, sharex=True, figsize=figsize_3_stacked) plt.suptitle("Road Loads") - ax[0].set_prop_cycle(get_paired_cycler()) + ax[0].set_prop_cycle(get_uni_cycler()) ax[0].plot( df["cyc.time_seconds"][::veh.save_interval], df["veh.history.pwr_drag_watts"] / 1e3, @@ -346,6 +346,8 @@ def plot_road_loads() -> Tuple[Figure, Axes]: fig, ax = plot_road_loads() plt.show() # %% + +# %% # example for how to use set_default_pwr_interp() method for veh.res res = fsim.ReversibleEnergyStorage.from_pydict( sd.to_pydict()['veh']['pt_type']['HybridElectricVehicle']['res']) From 4db7122bdb6a4efbcb7466654cf1225d7448e4de Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Wed, 22 Jan 2025 14:48:35 -0700 Subject: [PATCH 037/129] thermostat is behaving correctly for cool ambient -- need to confirm hot --- fastsim-core/src/gas_properties.rs | 40 +++++++++--------- .../src/vehicle/powertrain/fuel_converter.rs | 42 ++++++++++--------- 2 files changed, 43 insertions(+), 39 deletions(-) diff --git a/fastsim-core/src/gas_properties.rs b/fastsim-core/src/gas_properties.rs index 8a75be56..2b1df0c9 100644 --- a/fastsim-core/src/gas_properties.rs +++ b/fastsim-core/src/gas_properties.rs @@ -273,18 +273,18 @@ mod air_static_props { .iter() .map(|x| *x * uc::KELVIN + *uc::CELSIUS_TO_KELVIN) .collect(); - pub static ref TEMP_FROM_ENTHALPY: Interp1D = Interp1D::new( + pub static ref TEMP_FROM_ENTHALPY: Interpolator = Interpolator::Interp1D(Interp1D::new( ENTHALPY_VALUES.iter().map(|x| x.get::()).collect::>(), TEMPERATURE_VALUES.iter().map(|x| x.get::()).collect::>(), Strategy::Linear, Extrapolate::Error - ).unwrap(); - pub static ref TEMP_FROM_ENERGY: Interp1D = Interp1D::new( + ).unwrap()); + pub static ref TEMP_FROM_ENERGY: Interpolator= Interpolator::Interp1D(Interp1D::new( ENERGY_VALUES.iter().map(|x| x.get::()).collect::>(), TEMPERATURE_VALUES.iter().map(|x| x.get::()).collect::>(), Strategy::Linear, Extrapolate::Error - ).unwrap(); + ).unwrap()); /// Thermal conductivity values of air corresponding to temperature values static ref THERMAL_CONDUCTIVITY_VALUES: Vec = [ 0.019597, @@ -316,12 +316,12 @@ mod air_static_props { .iter() .map(|x| *x * uc::WATT_PER_METER_KELVIN) .collect(); - pub static ref THERMAL_CONDUCTIVITY_INTERP: Interp1D = Interp1D::new( + pub static ref THERMAL_CONDUCTIVITY_INTERP: Interpolator = Interpolator::Interp1D(Interp1D::new( TEMPERATURE_VALUES.iter().map(|x| x.get::()).collect::>(), THERMAL_CONDUCTIVITY_VALUES.iter().map(|x| x.get::()).collect::>(), Strategy::Linear, Extrapolate::Error - ).unwrap(); + ).unwrap()); /// Specific heat values of air corresponding to temperature values static ref C_P_VALUES: Vec = [ 1006.2, @@ -353,12 +353,12 @@ mod air_static_props { .iter() .map(|x| *x * uc::J_PER_KG_K) .collect(); - pub static ref C_P_INTERP: Interp1D = Interp1D::new( + pub static ref C_P_INTERP: Interpolator = Interpolator::Interp1D(Interp1D::new( TEMPERATURE_VALUES.iter().map(|x| x.get::()).collect::>(), C_P_VALUES.iter().map(|x| x.get::()).collect::>(), Strategy::Linear, Extrapolate::Error - ).unwrap(); + ).unwrap()); static ref ENTHALPY_VALUES: Vec = [ 338940., 341930., @@ -389,12 +389,12 @@ mod air_static_props { .iter() .map(|x| *x * uc::J_PER_KG) .collect(); - pub static ref ENTHALPY_INTERP: Interp1D = Interp1D::new( + pub static ref ENTHALPY_INTERP: Interpolator = Interpolator::Interp1D(Interp1D::new( TEMPERATURE_VALUES.iter().map(|x| x.get::()).collect::>(), ENTHALPY_VALUES.iter().map(|x| x.get::()).collect::>(), Strategy::Linear, Extrapolate::Error - ).unwrap(); + ).unwrap()); pub static ref ENERGY_VALUES: Vec = [ 277880., 280000., @@ -425,12 +425,12 @@ mod air_static_props { .iter() .map(|x| *x * uc::J_PER_KG) .collect(); - pub static ref ENERGY_INTERP: Interp1D = Interp1D::new( + pub static ref ENERGY_INTERP: Interpolator = Interpolator::Interp1D(Interp1D::new( TEMPERATURE_VALUES.iter().map(|x| x.get::()).collect::>(), ENERGY_VALUES.iter().map(|x| x.get::()).collect::>(), Strategy::Linear, Extrapolate::Error - ).unwrap(); + ).unwrap()); static ref DYN_VISCOSITY_VALUES: Vec = [ 1.4067e-05, 1.4230e-05, @@ -461,24 +461,24 @@ mod air_static_props { .iter() .map(|x| *x * uc::PASCAL_SECOND) .collect(); - pub static ref DYN_VISC_INTERP: Interp1D = Interp1D::new( + pub static ref DYN_VISC_INTERP: Interpolator = Interpolator::Interp1D(Interp1D::new( TEMPERATURE_VALUES.iter().map(|x| x.get::()).collect::>(), DYN_VISCOSITY_VALUES.iter().map(|x| x.get::()).collect::>(), Strategy::Linear, Extrapolate::Error - ).unwrap(); + ).unwrap()); static ref PRANDTL_VALUES: Vec = DYN_VISCOSITY_VALUES .iter() .zip(C_P_VALUES.iter()) .zip(THERMAL_CONDUCTIVITY_VALUES.iter()) .map(|((mu, c_p), k)| -> si::Ratio {*mu * *c_p / *k}) .collect::>(); - pub static ref PRANDTL_INTERP: Interp1D = Interp1D::new( + pub static ref PRANDTL_INTERP: Interpolator = Interpolator::Interp1D(Interp1D::new( TEMPERATURE_VALUES.iter().map(|x| x.get::()).collect::>(), PRANDTL_VALUES.iter().map(|x| x.get::()).collect::>(), Strategy::Linear, Extrapolate::Error - ).unwrap(); + ).unwrap()); } } @@ -551,12 +551,12 @@ mod octane_static_props { .iter() .map(|x| *x * uc::KELVIN + *uc::CELSIUS_TO_KELVIN) .collect(); - pub static ref TEMP_FROM_ENERGY: Interp1D = Interp1D::new( + pub static ref TEMP_FROM_ENERGY: Interpolator = Interpolator::Interp1D(Interp1D::new( ENERGY_VALUES.iter().map(|x| x.get::()).collect::>(), TEMPERATURE_VALUES.iter().map(|x| x.get::()).collect::>(), Strategy::Linear, Extrapolate::Error - ).unwrap(); + ).unwrap()); pub static ref ENERGY_VALUES: Vec = [ -3.8247e+05, -3.7645e+05, @@ -587,12 +587,12 @@ mod octane_static_props { .iter() .map(|x| *x * uc::J_PER_KG) .collect(); - pub static ref ENERGY_INTERP: Interp1D = Interp1D::new( + pub static ref ENERGY_INTERP: Interpolator = Interpolator::Interp1D(Interp1D::new( TEMPERATURE_VALUES.iter().map(|x| x.get::()).collect::>(), ENERGY_VALUES.iter().map(|x| x.get::()).collect::>(), Strategy::Linear, Extrapolate::Error - ).unwrap(); + ).unwrap()); } } diff --git a/fastsim-core/src/vehicle/powertrain/fuel_converter.rs b/fastsim-core/src/vehicle/powertrain/fuel_converter.rs index ee36ee84..a7b0a31a 100755 --- a/fastsim-core/src/vehicle/powertrain/fuel_converter.rs +++ b/fastsim-core/src/vehicle/powertrain/fuel_converter.rs @@ -535,15 +535,17 @@ pub struct FuelConverterThermal { } /// Dummy interpolator that will be overridden in [FuelConverterThermal::init] -fn tstat_interp_default() -> Interp1D { - Interp1D::new( - vec![85.0, 90.0], - vec![0.0, 1.0], - Strategy::Linear, - Extrapolate::Clamp, +fn tstat_interp_default() -> Interpolator { + Interpolator::Interp1D( + Interp1D::new( + vec![85.0, 90.0], + vec![0.0, 1.0], + Strategy::Linear, + Extrapolate::Clamp, + ) + .with_context(|| format_dbg!()) + .unwrap(), ) - .with_context(|| format_dbg!()) - .unwrap() } lazy_static! { @@ -690,17 +692,19 @@ impl Init for FuelConverterThermal { .tstat_te_sto .or(Some(85. * uc::KELVIN + *uc::CELSIUS_TO_KELVIN)); self.tstat_te_delta = self.tstat_te_delta.or(Some(5. * uc::KELVIN)); - self.tstat_interp = Interp1D::new( - vec![ - self.tstat_te_sto.unwrap().get::(), - self.tstat_te_sto.unwrap().get::() - + self.tstat_te_delta.unwrap().get::(), - ], - vec![0.0, 1.0], - Strategy::Linear, - Extrapolate::Clamp, - ) - .with_context(|| format_dbg!())?; + self.tstat_interp = Interpolator::Interp1D( + Interp1D::new( + vec![ + self.tstat_te_sto.unwrap().get::(), + self.tstat_te_sto.unwrap().get::() + + self.tstat_te_delta.unwrap().get::(), + ], + vec![0.0, 1.0], + Strategy::Linear, + Extrapolate::Clamp, + ) + .with_context(|| format_dbg!())?, + ); Ok(()) } } From dcc8cb2de0c60130c8f8a4a828c4535cfca5722c Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Wed, 22 Jan 2025 15:13:38 -0700 Subject: [PATCH 038/129] battery eff = f(c-rate, temp) --- .../2021_Hyundai_Sonata_Hybrid_Blue.yaml | 80 ++++++++++++++++++- 1 file changed, 77 insertions(+), 3 deletions(-) diff --git a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml index 5ee28ba0..37b1d204 100644 --- a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml +++ b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml @@ -14,7 +14,71 @@ pt_type: pwr_out_max_watts: 50000.0 energy_capacity_joules: 5760000.0 eff_interp: - Interp0D: 0.9848857801796105 + Interp2D: + x: + - -5.0 + - -3.0 + - -1.0 + - -0.5 + - -0.1 + - 0.1 + - 0.5 + - 1.0 + - 2.0 + - 3.0 + - 5.0 + y: + - 23.0 + - 30.0 + - 45.0 + - 55.0 + f_xy: + - - 0.892085814015878 + - 0.91092 + - 0.929788 + - 0.929788 + - - 0.935630351894604 + - 0.946773 + - 0.957986 + - 0.957986 + - - 0.978612548997097 + - 0.982298 + - 0.986015 + - 0.986015 + - - 0.989309767361546 + - 0.991151 + - 0.993009 + - 0.993009 + - - 0.997862182940346 + - 0.99823 + - 0.998602 + - 0.998602 + - - 0.997883658588665 + - 0.998247 + - 0.998645 + - 0.998618 + - - 0.989234853052088 + - 0.991108 + - 0.993153 + - 0.993014 + - - 0.977987897893482 + - 0.98189 + - 0.986113 + - 0.985827 + - - 0.953873809588552 + - 0.962378 + - 0.971415 + - 0.970809 + - - 0.927243266086586 + - 0.941245 + - 0.955812 + - 0.954845 + - - 0.864025853742296 + - 0.892934 + - 0.921423 + - 0.919576 + strategy: Linear + extrapolate: Error min_soc: 0.5 max_soc: 0.95 save_interval: 1 @@ -34,6 +98,16 @@ pt_type: max_frac_from_comb: 0.5 tstat_te_sto_kelvin: 358.15 tstat_te_delta_kelvin: 5.0 + tstat_interp: + Interp1D: + x: + - 358.15 + - 363.15 + f_x: + - 0.0 + - 1.0 + strategy: Linear + extrapolate: Clamp radiator_effectiveness: 0.0 fc_eff_model: Exponential: @@ -67,8 +141,8 @@ pt_type: - 0.35 - 0.375 - 0.39 - - 0.40 - - 0.40 + - 0.4 + - 0.4 - 0.38 - 0.37 - 0.36 From 32602fd4cb26f72cc6f542101f2f8f169d2d40d2 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Wed, 22 Jan 2025 15:51:46 -0700 Subject: [PATCH 039/129] added enum to differentiate between possible battery efficiency interp inputs --- .../fastsim-proc-macros/src/fastsim_api.rs | 4 +- .../vehicles/2016_TOYOTA_Prius_Two.yaml | 1 + .../vehicles/2022_Renault_Zoe_ZE50_R135.yaml | 1 + .../powertrain/reversible_energy_storage.rs | 57 ++++++++++++++----- .../vehicle_model/fastsim2_interface.rs | 4 ++ 5 files changed, 51 insertions(+), 16 deletions(-) diff --git a/fastsim-core/fastsim-proc-macros/src/fastsim_api.rs b/fastsim-core/fastsim-proc-macros/src/fastsim_api.rs index 9c390565..5a978eae 100644 --- a/fastsim-core/fastsim-proc-macros/src/fastsim_api.rs +++ b/fastsim-core/fastsim-proc-macros/src/fastsim_api.rs @@ -204,7 +204,7 @@ fn add_serde_methods(py_impl_block: &mut TokenStream2) { #[pyo3(signature = (msg_pack, skip_init=None))] pub fn from_msg_pack_py(msg_pack: &Bound, skip_init: Option) -> PyResult { Self::from_msg_pack( - msg_pack.as_bytes(), + msg_pack.as_bytes(), skip_init.unwrap_or_default() ).map_err(|e| PyIOError::new_err(format!("{:?}", e))) } @@ -343,7 +343,7 @@ fn process_named_field_struct( format!("{self:?}") } }); - + // struct with named fields for field in named.iter_mut() { impl_getters_and_setters(field); diff --git a/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml b/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml index a414e926..1b2df6f3 100755 --- a/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml +++ b/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml @@ -10,6 +10,7 @@ pt_type: energy_capacity_joules: 2700000.0 eff_interp: Interp0D: 0.9848857801796105 + eff_interp_inputs: Constant min_soc: 0.25 max_soc: 0.95 save_interval: 1 diff --git a/fastsim-core/resources/vehicles/2022_Renault_Zoe_ZE50_R135.yaml b/fastsim-core/resources/vehicles/2022_Renault_Zoe_ZE50_R135.yaml index 49133900..24c807f6 100644 --- a/fastsim-core/resources/vehicles/2022_Renault_Zoe_ZE50_R135.yaml +++ b/fastsim-core/resources/vehicles/2022_Renault_Zoe_ZE50_R135.yaml @@ -10,6 +10,7 @@ pt_type: energy_capacity_joules: 196776000.0 eff_interp: Interp0D: 0.9848857801796105 + eff_interp_inputs: Constant min_soc: 0.029 max_soc: 0.98 save_interval: 1 diff --git a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs index eff5433d..029f8103 100644 --- a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs +++ b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs @@ -98,13 +98,12 @@ pub struct ReversibleEnergyStorage { /// Total energy capacity of battery of full discharge SOC of 0.0 and 1.0 pub energy_capacity: si::Energy, - /// interpolator for calculating [Self] efficiency as a function of the following variants: - /// - 0d -- constant -- handled on a round trip basis - /// - 1d -- linear w.r.t. power - /// - 2d -- linear w.r.t. power and SOC - /// - 3d -- linear w.r.t. power, SOC, and temperature + /// interpolator for calculating [Self] efficiency pub eff_interp: Interpolator, + /// what state variables to use in calculating efficiency + pub eff_interp_inputs: RESEffInterpInputs, + /// Hard limit on minimum SOC, e.g. 0.05 pub min_soc: si::Ratio, /// Hard limit on maximum SOC, e.g. 0.95 @@ -203,27 +202,37 @@ impl ReversibleEnergyStorage { ) ); } - state.eff = match &self.eff_interp { - Interpolator::Interp0D(eff) => *eff * uc::R, - Interpolator::Interp1D(interp1d) => { - interp1d.interpolate(&[state.pwr_out_electrical.get::()])? * uc::R + state.eff = match (&self.eff_interp, &self.eff_interp_inputs) { + (Interpolator::Interp0D(eff), RESEffInterpInputs::Constant) => *eff * uc::R, + (Interpolator::Interp1D(interp1d) , RESEffInterpInputs::CRate)=> { + interp1d.interpolate(&[state.pwr_out_electrical.get::() + / self.energy_capacity.get::()])? * uc::R } - Interpolator::Interp2D(interp2d) => { + (Interpolator::Interp2D(interp2d) , RESEffInterpInputs::CRateSOC)=> { interp2d.interpolate(&[ - state.pwr_out_electrical.get::(), + state.pwr_out_electrical.get::() + / self.energy_capacity.get::(), state.soc.get::(), ])? * uc::R } - Interpolator::Interp3D(interp3d) => { + (Interpolator::Interp2D(interp2d) , RESEffInterpInputs::CRateTemperature)=> { + interp2d.interpolate(&[ + state.pwr_out_electrical.get::() + / self.energy_capacity.get::(), + te_res.with_context(|| format_dbg!("Expected thermal model to be configured."))?.get::(), + ])? * uc::R + } + (Interpolator::Interp3D(interp3d), RESEffInterpInputs::CRateSOCTemperature )=> { interp3d.interpolate(&[ - state.pwr_out_electrical.get::(), + state.pwr_out_electrical.get::() + / self.energy_capacity.get::(), state.soc.get::(), te_res .with_context(|| format_dbg!("Expected thermal model to be configured"))? .get::(), ])? * uc::R } - _ => bail!("Invalid interpolator. See docs for `ReversibleEnergyStorage::eff_interp`"), + _ => bail!("Invalid or not yet enabled interpolator config. See docs for `ReversibleEnergyStorage::eff_interp` an `ReversibleEnergyStorage::eff_interp_inputs`"), }; ensure!( state.eff >= 0.0 * uc::R && state.eff <= 1.0 * uc::R, @@ -460,6 +469,7 @@ impl ReversibleEnergyStorage { /// °C corresponds to `eta_interp_values[0][5]` in ALTRIOS #[cfg(all(feature = "yaml", feature = "resources"))] pub fn set_default_pwr_interp(&mut self) -> anyhow::Result<()> { + self.eff_interp_inputs = RESEffInterpInputs::CRate; self.eff_interp = ninterp::Interpolator::from_resource("res/default_pwr.yaml", false)?; Ok(()) } @@ -477,6 +487,7 @@ impl ReversibleEnergyStorage { /// ALTRIOS, the outermost layer is SOC and innermost is power) #[cfg(all(feature = "yaml", feature = "resources"))] pub fn set_default_pwr_and_soc_interp(&mut self) -> anyhow::Result<()> { + self.eff_interp_inputs = RESEffInterpInputs::CRateSOC; self.eff_interp = ninterp::Interpolator::from_resource("res/default_pwr_and_soc.yaml", false)?; Ok(()) @@ -486,6 +497,7 @@ impl ReversibleEnergyStorage { /// constant 50% SOC #[cfg(all(feature = "yaml", feature = "resources"))] pub fn set_default_pwr_and_temp_interp(&mut self) -> anyhow::Result<()> { + self.eff_interp_inputs = RESEffInterpInputs::CRateTemperature; self.eff_interp = ninterp::Interpolator::from_resource("res/default_pwr_and_temp.yaml", false)?; Ok(()) @@ -506,6 +518,7 @@ impl ReversibleEnergyStorage { /// ALTRIOS, the outermost layer is temperature and innermost is power) #[cfg(all(feature = "yaml", feature = "resources"))] pub fn set_default_pwr_soc_and_temp_interp(&mut self) -> anyhow::Result<()> { + self.eff_interp_inputs = RESEffInterpInputs::CRateSOCTemperature; self.eff_interp = ninterp::Interpolator::from_resource("res/default_pwr_soc_and_temp.yaml", false)?; Ok(()) @@ -908,3 +921,19 @@ impl Default for RESLumpedThermalState { } } } + +#[derive(Clone, Debug, Deserialize, Serialize, PartialEq, IsVariant, From, TryInto)] +/// Determines what [ReversibleEnergyStorage] state variables to use in calculating efficiency +pub enum RESEffInterpInputs { + /// Efficiency is constant + Constant, + /// Efficiency = f(C-rate) + CRate, + /// Efficiency = f(C-rate, temperature) + CRateSOCTemperature, + /// Efficiency = f(C-rate, soc, temperature) + CRateTemperature, + /// Efficiency = f(C-rate, soc) + CRateSOC, + // TODO: finish adding possible variants +} diff --git a/fastsim-core/src/vehicle/vehicle_model/fastsim2_interface.rs b/fastsim-core/src/vehicle/vehicle_model/fastsim2_interface.rs index d8fa82fc..4c8acce5 100644 --- a/fastsim-core/src/vehicle/vehicle_model/fastsim2_interface.rs +++ b/fastsim-core/src/vehicle/vehicle_model/fastsim2_interface.rs @@ -1,3 +1,5 @@ +use powertrain::reversible_energy_storage::RESEffInterpInputs; + use super::*; impl TryFrom for Vehicle { @@ -168,6 +170,7 @@ impl TryFrom<&fastsim_2::vehicle::RustVehicle> for PowertrainType { pwr_out_max: f2veh.ess_max_kw * uc::KW, energy_capacity: f2veh.ess_max_kwh * uc::KWH, eff_interp: Interpolator::Interp0D(f2veh.ess_round_trip_eff.sqrt()), + eff_interp_inputs: RESEffInterpInputs::Constant, min_soc: f2veh.min_soc * uc::R, max_soc: f2veh.max_soc * uc::R, save_interval: Some(1), @@ -218,6 +221,7 @@ impl TryFrom<&fastsim_2::vehicle::RustVehicle> for PowertrainType { pwr_out_max: f2veh.ess_max_kw * uc::KW, energy_capacity: f2veh.ess_max_kwh * uc::KWH, eff_interp: Interpolator::Interp0D(f2veh.ess_round_trip_eff.sqrt()), + eff_interp_inputs: RESEffInterpInputs::Constant, min_soc: f2veh.min_soc * uc::R, max_soc: f2veh.max_soc * uc::R, save_interval: Some(1), From 1d3d65f84db4eac98dbb666686abe8a93e721f8d Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Wed, 22 Jan 2025 15:51:46 -0700 Subject: [PATCH 040/129] added enum to differentiate between possible battery efficiency interp inputs --- .../f3-vehicles/2020 Chevrolet Bolt EV.yaml | 96 +++++--- .../2021_Hyundai_Sonata_Hybrid_Blue.yaml | 209 +----------------- .../fastsim-proc-macros/src/fastsim_api.rs | 4 +- .../vehicles/2016_TOYOTA_Prius_Two.yaml | 1 + .../vehicles/2022_Renault_Zoe_ZE50_R135.yaml | 1 + .../powertrain/reversible_energy_storage.rs | 57 +++-- .../vehicle_model/fastsim2_interface.rs | 4 + 7 files changed, 118 insertions(+), 254 deletions(-) diff --git a/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml b/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml index 6e55e03c..37e72734 100644 --- a/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml +++ b/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml @@ -48,7 +48,72 @@ pt_type: pwr_out_max_watts: 165000.0 energy_capacity_joules: 237600000.0 eff_interp: - Interp0D: 0.9848857801796105 + Interp2D: + x: + - -5.0 + - -3.0 + - -1.0 + - -0.5 + - -0.1 + - 0.1 + - 0.5 + - 1.0 + - 2.0 + - 3.0 + - 5.0 + y: + - 23.0 + - 30.0 + - 45.0 + - 55.0 + f_xy: + - - 0.892085814015878 + - 0.91092 + - 0.929788 + - 0.929788 + - - 0.935630351894604 + - 0.946773 + - 0.957986 + - 0.957986 + - - 0.978612548997097 + - 0.982298 + - 0.986015 + - 0.986015 + - - 0.989309767361546 + - 0.991151 + - 0.993009 + - 0.993009 + - - 0.997862182940346 + - 0.99823 + - 0.998602 + - 0.998602 + - - 0.997883658588665 + - 0.998247 + - 0.998645 + - 0.998618 + - - 0.989234853052088 + - 0.991108 + - 0.993153 + - 0.993014 + - - 0.977987897893482 + - 0.98189 + - 0.986113 + - 0.985827 + - - 0.953873809588552 + - 0.962378 + - 0.971415 + - 0.970809 + - - 0.927243266086586 + - 0.941245 + - 0.955812 + - 0.954845 + - - 0.864025853742296 + - 0.892934 + - 0.921423 + - 0.919576 + strategy: Linear + extrapolate: Error + eff_interp_inputs: CRateTemperature min_soc: 0.0 max_soc: 1.0 save_interval: 1 @@ -81,35 +146,6 @@ pt_type: - 0.92 strategy: Linear extrapolate: Error - eff_interp_at_max_input: - Interp1D: - x: - - 0.0 - - 0.023255813953488372 - - 0.045454545454545456 - - 0.06666666666666667 - - 0.0879120879120879 - - 0.10869565217391304 - - 0.21276595744680854 - - 0.4210526315789474 - - 0.631578947368421 - - 0.8510638297872342 - - 1.075268817204301 - f_x: - - 0.84 - - 0.86 - - 0.88 - - 0.9 - - 0.91 - - 0.92 - - 0.94 - - 0.95 - - 0.95 - - 0.94 - - 0.93 - strategy: Linear - extrapolate: Error - pwr_out_max_watts: 149139.974 specific_pwr_watts_per_kilogram: ~ mass_kilograms: ~ save_interval: 1 diff --git a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml index 37b1d204..7ea10516 100644 --- a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml +++ b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml @@ -79,6 +79,7 @@ pt_type: - 0.919576 strategy: Linear extrapolate: Error + eff_interp_inputs: CRateTemperature min_soc: 0.5 max_soc: 0.95 save_interval: 1 @@ -180,214 +181,6 @@ pt_type: - 0.92 strategy: Linear extrapolate: Error - eff_interp_at_max_input: - Interp1D: - x: - - 0.0 - - 0.011904761904761906 - - 0.023529411764705882 - - 0.03488372093023256 - - 0.04597701149425287 - - 0.05681818181818182 - - 0.06741573033707865 - - 0.0782122905027933 - - 0.08888888888888889 - - 0.09944751381215469 - - 0.10989010989010989 - - 0.1206140350877193 - - 0.13129102844638948 - - 0.14192139737991266 - - 0.15250544662309368 - - 0.16304347826086954 - - 0.1735357917570499 - - 0.183982683982684 - - 0.19438444924406045 - - 0.2047413793103448 - - 0.21505376344086022 - - 0.22568511552928533 - - 0.2363050483351235 - - 0.2469135802469136 - - 0.2575107296137339 - - 0.2680965147453083 - - 0.27867095391211144 - - 0.289234065345474 - - 0.29978586723768735 - - 0.3103263777421081 - - 0.32085561497326204 - - 0.33137359700694813 - - 0.3418803418803419 - - 0.35237586759209827 - - 0.3628601921024547 - - 0.3733333333333333 - - 0.3837953091684435 - - 0.39424613745338305 - - 0.40468583599574015 - - 0.41511442256519426 - - 0.4255319148936171 - - 0.43617021276595747 - - 0.4468085106382979 - - 0.4574468085106383 - - 0.46808510638297873 - - 0.4787234042553192 - - 0.4893617021276596 - - 0.5 - - 0.5106382978723404 - - 0.5212765957446809 - - 0.5319148936170213 - - 0.5425531914893618 - - 0.5531914893617021 - - 0.5638297872340426 - - 0.574468085106383 - - 0.5851063829787235 - - 0.5957446808510639 - - 0.6063829787234042 - - 0.6170212765957447 - - 0.6276595744680851 - - 0.6382978723404256 - - 0.6492815327301756 - - 0.6602768903088392 - - 0.6712839637719765 - - 0.6823027718550108 - - 0.6933333333333334 - - 0.704375667022412 - - 0.7154297917778965 - - 0.7264957264957266 - - 0.7375734901122394 - - 0.748663101604278 - - 0.759764579989299 - - 0.7708779443254817 - - 0.7820032137118371 - - 0.7931404072883173 - - 0.8042895442359249 - - 0.815450643776824 - - 0.8266237251744498 - - 0.8378088077336198 - - 0.8490059108006448 - - 0.8602150537634409 - - 0.8714362560516408 - - 0.882669537136706 - - 0.8939149165320408 - - 0.9051724137931033 - - 0.9164420485175201 - - 0.9277238403451995 - - 0.9390178089584457 - - 0.9503239740820734 - - 0.9616423554835224 - - 0.9729729729729729 - - 0.9843158464034614 - - 0.9956709956709957 - - 1.0070384407146724 - - 1.0184182015167929 - - 1.0298102981029809 - - 1.0412147505422993 - - 1.0526315789473684 - - 1.0640608034744843 - - 1.0755024443237369 - - 1.0869565217391304 - f_x: - - 0.84 - - 0.84 - - 0.85 - - 0.86 - - 0.87 - - 0.88 - - 0.89 - - 0.895 - - 0.9 - - 0.905 - - 0.91 - - 0.912 - - 0.914 - - 0.916 - - 0.918 - - 0.92 - - 0.922 - - 0.924 - - 0.926 - - 0.928 - - 0.93 - - 0.9305 - - 0.931 - - 0.9315 - - 0.932 - - 0.9325 - - 0.933 - - 0.9335 - - 0.934 - - 0.9345 - - 0.9349999999999999 - - 0.9355 - - 0.9359999999999999 - - 0.9365 - - 0.9369999999999999 - - 0.9375 - - 0.938 - - 0.9385 - - 0.939 - - 0.9395 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.94 - - 0.9395 - - 0.939 - - 0.9385 - - 0.938 - - 0.9375 - - 0.9369999999999999 - - 0.9365 - - 0.9359999999999999 - - 0.9355 - - 0.935 - - 0.9345 - - 0.934 - - 0.9335 - - 0.933 - - 0.9325 - - 0.932 - - 0.9315 - - 0.931 - - 0.9305 - - 0.93 - - 0.9295 - - 0.929 - - 0.9285000000000001 - - 0.928 - - 0.9275000000000001 - - 0.927 - - 0.9265000000000001 - - 0.926 - - 0.9255 - - 0.925 - - 0.9245 - - 0.924 - - 0.9235 - - 0.923 - - 0.9225000000000001 - - 0.922 - - 0.9215000000000001 - - 0.921 - - 0.9205000000000001 - - 0.92 - strategy: Linear - extrapolate: Error pwr_out_max_watts: 39000.0 specific_pwr_watts_per_kilogram: ~ mass_kilograms: ~ diff --git a/fastsim-core/fastsim-proc-macros/src/fastsim_api.rs b/fastsim-core/fastsim-proc-macros/src/fastsim_api.rs index 9c390565..5a978eae 100644 --- a/fastsim-core/fastsim-proc-macros/src/fastsim_api.rs +++ b/fastsim-core/fastsim-proc-macros/src/fastsim_api.rs @@ -204,7 +204,7 @@ fn add_serde_methods(py_impl_block: &mut TokenStream2) { #[pyo3(signature = (msg_pack, skip_init=None))] pub fn from_msg_pack_py(msg_pack: &Bound, skip_init: Option) -> PyResult { Self::from_msg_pack( - msg_pack.as_bytes(), + msg_pack.as_bytes(), skip_init.unwrap_or_default() ).map_err(|e| PyIOError::new_err(format!("{:?}", e))) } @@ -343,7 +343,7 @@ fn process_named_field_struct( format!("{self:?}") } }); - + // struct with named fields for field in named.iter_mut() { impl_getters_and_setters(field); diff --git a/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml b/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml index a414e926..1b2df6f3 100755 --- a/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml +++ b/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml @@ -10,6 +10,7 @@ pt_type: energy_capacity_joules: 2700000.0 eff_interp: Interp0D: 0.9848857801796105 + eff_interp_inputs: Constant min_soc: 0.25 max_soc: 0.95 save_interval: 1 diff --git a/fastsim-core/resources/vehicles/2022_Renault_Zoe_ZE50_R135.yaml b/fastsim-core/resources/vehicles/2022_Renault_Zoe_ZE50_R135.yaml index 49133900..24c807f6 100644 --- a/fastsim-core/resources/vehicles/2022_Renault_Zoe_ZE50_R135.yaml +++ b/fastsim-core/resources/vehicles/2022_Renault_Zoe_ZE50_R135.yaml @@ -10,6 +10,7 @@ pt_type: energy_capacity_joules: 196776000.0 eff_interp: Interp0D: 0.9848857801796105 + eff_interp_inputs: Constant min_soc: 0.029 max_soc: 0.98 save_interval: 1 diff --git a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs index eff5433d..029f8103 100644 --- a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs +++ b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs @@ -98,13 +98,12 @@ pub struct ReversibleEnergyStorage { /// Total energy capacity of battery of full discharge SOC of 0.0 and 1.0 pub energy_capacity: si::Energy, - /// interpolator for calculating [Self] efficiency as a function of the following variants: - /// - 0d -- constant -- handled on a round trip basis - /// - 1d -- linear w.r.t. power - /// - 2d -- linear w.r.t. power and SOC - /// - 3d -- linear w.r.t. power, SOC, and temperature + /// interpolator for calculating [Self] efficiency pub eff_interp: Interpolator, + /// what state variables to use in calculating efficiency + pub eff_interp_inputs: RESEffInterpInputs, + /// Hard limit on minimum SOC, e.g. 0.05 pub min_soc: si::Ratio, /// Hard limit on maximum SOC, e.g. 0.95 @@ -203,27 +202,37 @@ impl ReversibleEnergyStorage { ) ); } - state.eff = match &self.eff_interp { - Interpolator::Interp0D(eff) => *eff * uc::R, - Interpolator::Interp1D(interp1d) => { - interp1d.interpolate(&[state.pwr_out_electrical.get::()])? * uc::R + state.eff = match (&self.eff_interp, &self.eff_interp_inputs) { + (Interpolator::Interp0D(eff), RESEffInterpInputs::Constant) => *eff * uc::R, + (Interpolator::Interp1D(interp1d) , RESEffInterpInputs::CRate)=> { + interp1d.interpolate(&[state.pwr_out_electrical.get::() + / self.energy_capacity.get::()])? * uc::R } - Interpolator::Interp2D(interp2d) => { + (Interpolator::Interp2D(interp2d) , RESEffInterpInputs::CRateSOC)=> { interp2d.interpolate(&[ - state.pwr_out_electrical.get::(), + state.pwr_out_electrical.get::() + / self.energy_capacity.get::(), state.soc.get::(), ])? * uc::R } - Interpolator::Interp3D(interp3d) => { + (Interpolator::Interp2D(interp2d) , RESEffInterpInputs::CRateTemperature)=> { + interp2d.interpolate(&[ + state.pwr_out_electrical.get::() + / self.energy_capacity.get::(), + te_res.with_context(|| format_dbg!("Expected thermal model to be configured."))?.get::(), + ])? * uc::R + } + (Interpolator::Interp3D(interp3d), RESEffInterpInputs::CRateSOCTemperature )=> { interp3d.interpolate(&[ - state.pwr_out_electrical.get::(), + state.pwr_out_electrical.get::() + / self.energy_capacity.get::(), state.soc.get::(), te_res .with_context(|| format_dbg!("Expected thermal model to be configured"))? .get::(), ])? * uc::R } - _ => bail!("Invalid interpolator. See docs for `ReversibleEnergyStorage::eff_interp`"), + _ => bail!("Invalid or not yet enabled interpolator config. See docs for `ReversibleEnergyStorage::eff_interp` an `ReversibleEnergyStorage::eff_interp_inputs`"), }; ensure!( state.eff >= 0.0 * uc::R && state.eff <= 1.0 * uc::R, @@ -460,6 +469,7 @@ impl ReversibleEnergyStorage { /// °C corresponds to `eta_interp_values[0][5]` in ALTRIOS #[cfg(all(feature = "yaml", feature = "resources"))] pub fn set_default_pwr_interp(&mut self) -> anyhow::Result<()> { + self.eff_interp_inputs = RESEffInterpInputs::CRate; self.eff_interp = ninterp::Interpolator::from_resource("res/default_pwr.yaml", false)?; Ok(()) } @@ -477,6 +487,7 @@ impl ReversibleEnergyStorage { /// ALTRIOS, the outermost layer is SOC and innermost is power) #[cfg(all(feature = "yaml", feature = "resources"))] pub fn set_default_pwr_and_soc_interp(&mut self) -> anyhow::Result<()> { + self.eff_interp_inputs = RESEffInterpInputs::CRateSOC; self.eff_interp = ninterp::Interpolator::from_resource("res/default_pwr_and_soc.yaml", false)?; Ok(()) @@ -486,6 +497,7 @@ impl ReversibleEnergyStorage { /// constant 50% SOC #[cfg(all(feature = "yaml", feature = "resources"))] pub fn set_default_pwr_and_temp_interp(&mut self) -> anyhow::Result<()> { + self.eff_interp_inputs = RESEffInterpInputs::CRateTemperature; self.eff_interp = ninterp::Interpolator::from_resource("res/default_pwr_and_temp.yaml", false)?; Ok(()) @@ -506,6 +518,7 @@ impl ReversibleEnergyStorage { /// ALTRIOS, the outermost layer is temperature and innermost is power) #[cfg(all(feature = "yaml", feature = "resources"))] pub fn set_default_pwr_soc_and_temp_interp(&mut self) -> anyhow::Result<()> { + self.eff_interp_inputs = RESEffInterpInputs::CRateSOCTemperature; self.eff_interp = ninterp::Interpolator::from_resource("res/default_pwr_soc_and_temp.yaml", false)?; Ok(()) @@ -908,3 +921,19 @@ impl Default for RESLumpedThermalState { } } } + +#[derive(Clone, Debug, Deserialize, Serialize, PartialEq, IsVariant, From, TryInto)] +/// Determines what [ReversibleEnergyStorage] state variables to use in calculating efficiency +pub enum RESEffInterpInputs { + /// Efficiency is constant + Constant, + /// Efficiency = f(C-rate) + CRate, + /// Efficiency = f(C-rate, temperature) + CRateSOCTemperature, + /// Efficiency = f(C-rate, soc, temperature) + CRateTemperature, + /// Efficiency = f(C-rate, soc) + CRateSOC, + // TODO: finish adding possible variants +} diff --git a/fastsim-core/src/vehicle/vehicle_model/fastsim2_interface.rs b/fastsim-core/src/vehicle/vehicle_model/fastsim2_interface.rs index d8fa82fc..4c8acce5 100644 --- a/fastsim-core/src/vehicle/vehicle_model/fastsim2_interface.rs +++ b/fastsim-core/src/vehicle/vehicle_model/fastsim2_interface.rs @@ -1,3 +1,5 @@ +use powertrain::reversible_energy_storage::RESEffInterpInputs; + use super::*; impl TryFrom for Vehicle { @@ -168,6 +170,7 @@ impl TryFrom<&fastsim_2::vehicle::RustVehicle> for PowertrainType { pwr_out_max: f2veh.ess_max_kw * uc::KW, energy_capacity: f2veh.ess_max_kwh * uc::KWH, eff_interp: Interpolator::Interp0D(f2veh.ess_round_trip_eff.sqrt()), + eff_interp_inputs: RESEffInterpInputs::Constant, min_soc: f2veh.min_soc * uc::R, max_soc: f2veh.max_soc * uc::R, save_interval: Some(1), @@ -218,6 +221,7 @@ impl TryFrom<&fastsim_2::vehicle::RustVehicle> for PowertrainType { pwr_out_max: f2veh.ess_max_kw * uc::KW, energy_capacity: f2veh.ess_max_kwh * uc::KWH, eff_interp: Interpolator::Interp0D(f2veh.ess_round_trip_eff.sqrt()), + eff_interp_inputs: RESEffInterpInputs::Constant, min_soc: f2veh.min_soc * uc::R, max_soc: f2veh.max_soc * uc::R, save_interval: Some(1), From 37918d0da71a54953cda32623e8411662da0e337 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Wed, 22 Jan 2025 16:23:05 -0700 Subject: [PATCH 041/129] implemented init for Interpolator and fixed missing data --- .../f3-vehicles/2020 Chevrolet Bolt EV.yaml | 1 + fastsim-core/src/utils/interp.rs | 16 ++++++++++++++ fastsim-core/src/utils/mod.rs | 5 ----- .../powertrain/reversible_energy_storage.rs | 22 +++++++++++++------ 4 files changed, 32 insertions(+), 12 deletions(-) diff --git a/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml b/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml index 37e72734..d2438f32 100644 --- a/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml +++ b/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml @@ -146,6 +146,7 @@ pt_type: - 0.92 strategy: Linear extrapolate: Error + pwr_out_max_watts: 149139.974 specific_pwr_watts_per_kilogram: ~ mass_kilograms: ~ save_interval: 1 diff --git a/fastsim-core/src/utils/interp.rs b/fastsim-core/src/utils/interp.rs index 9e474069..133ffd70 100644 --- a/fastsim-core/src/utils/interp.rs +++ b/fastsim-core/src/utils/interp.rs @@ -112,3 +112,19 @@ impl InterpolatorMethods for Interpolator { } } } + +impl Init for Interpolator { + fn init(&mut self) -> anyhow::Result<()> { + match self { + Self::Interp0D(_) => {} + Self::Interp1D(interp) => interp.validate()?, + Self::Interp2D(interp) => interp.validate()?, + Self::Interp3D(interp) => interp.validate()?, + Self::InterpND(interp) => interp.validate()?, + } + Ok(()) + } +} +impl SerdeAPI for Interpolator { + const RESOURCE_PREFIX: &'static str = "interpolators"; +} diff --git a/fastsim-core/src/utils/mod.rs b/fastsim-core/src/utils/mod.rs index 409f98c6..26e85a2d 100755 --- a/fastsim-core/src/utils/mod.rs +++ b/fastsim-core/src/utils/mod.rs @@ -5,11 +5,6 @@ use regex::Regex; pub mod interp; pub use interp::*; -impl Init for ninterp::Interpolator {} -impl SerdeAPI for ninterp::Interpolator { - const RESOURCE_PREFIX: &'static str = "interpolators"; -} - /// Error message for when user attempts to set value in a nested struct. pub const DIRECT_SET_ERR: &str = "Setting field value directly not allowed. Please use fastsim.set_param_from_path() method."; diff --git a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs index 029f8103..3fbaac36 100644 --- a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs +++ b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs @@ -202,27 +202,31 @@ impl ReversibleEnergyStorage { ) ); } + state.eff = match (&self.eff_interp, &self.eff_interp_inputs) { (Interpolator::Interp0D(eff), RESEffInterpInputs::Constant) => *eff * uc::R, - (Interpolator::Interp1D(interp1d) , RESEffInterpInputs::CRate)=> { + (Interpolator::Interp1D(interp1d), RESEffInterpInputs::CRate) => { interp1d.interpolate(&[state.pwr_out_electrical.get::() - / self.energy_capacity.get::()])? * uc::R + / self.energy_capacity.get::()])? + * uc::R } - (Interpolator::Interp2D(interp2d) , RESEffInterpInputs::CRateSOC)=> { + (Interpolator::Interp2D(interp2d), RESEffInterpInputs::CRateSOC) => { interp2d.interpolate(&[ state.pwr_out_electrical.get::() / self.energy_capacity.get::(), state.soc.get::(), ])? * uc::R } - (Interpolator::Interp2D(interp2d) , RESEffInterpInputs::CRateTemperature)=> { + (Interpolator::Interp2D(interp2d), RESEffInterpInputs::CRateTemperature) => { interp2d.interpolate(&[ state.pwr_out_electrical.get::() / self.energy_capacity.get::(), - te_res.with_context(|| format_dbg!("Expected thermal model to be configured."))?.get::(), + te_res + .with_context(|| format_dbg!("Expected thermal model to be configured."))? + .get::(), ])? * uc::R } - (Interpolator::Interp3D(interp3d), RESEffInterpInputs::CRateSOCTemperature )=> { + (Interpolator::Interp3D(interp3d), RESEffInterpInputs::CRateSOCTemperature) => { interp3d.interpolate(&[ state.pwr_out_electrical.get::() / self.energy_capacity.get::(), @@ -232,7 +236,11 @@ impl ReversibleEnergyStorage { .get::(), ])? * uc::R } - _ => bail!("Invalid or not yet enabled interpolator config. See docs for `ReversibleEnergyStorage::eff_interp` an `ReversibleEnergyStorage::eff_interp_inputs`"), + _ => bail!( + " +Invalid or not yet enabled interpolator config. +See docs for `ReversibleEnergyStorage::eff_interp` an `ReversibleEnergyStorage::eff_interp_inputs`" + ), }; ensure!( state.eff >= 0.0 * uc::R && state.eff <= 1.0 * uc::R, From 20e244c3a56e970bad1dfcd6046ed4d4b746de52 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Thu, 23 Jan 2025 14:13:02 -0700 Subject: [PATCH 042/129] TODO comments --- fastsim-core/src/drive_cycle.rs | 1 + fastsim-core/src/vehicle/hev.rs | 6 ++++++ 2 files changed, 7 insertions(+) diff --git a/fastsim-core/src/drive_cycle.rs b/fastsim-core/src/drive_cycle.rs index a82161b4..f0182c1d 100644 --- a/fastsim-core/src/drive_cycle.rs +++ b/fastsim-core/src/drive_cycle.rs @@ -51,6 +51,7 @@ pub struct Cycle { /// ambient air temperature w.r.t. to time (rather than spatial position) #[serde(default, skip_serializing_if = "Vec::is_empty")] pub temp_amb_air: Vec, + // TODO: add provision for optional time-varying aux load } lazy_static! { diff --git a/fastsim-core/src/vehicle/hev.rs b/fastsim-core/src/vehicle/hev.rs index 9f31305e..6391f00d 100644 --- a/fastsim-core/src/vehicle/hev.rs +++ b/fastsim-core/src/vehicle/hev.rs @@ -595,6 +595,12 @@ impl HEVPowertrainControls { fc_state.pwr_prop_max.get::() ); + // # Brain dump for thermal stuff + // TODO: engine on/off w.r.t. thermal stuff should not come into play + // if there is no component (e.g. cabin) demanding heat from the engine. My 2019 + // Hyundai Ioniq will turn the engine off if there is no heat demand regardless of + // the coolant temperature + // TODO: make sure idle fuel gets converted to heat correctly let (fc_pwr, em_pwr) = match self { Self::RGWDB(ref mut rgwdb) => { handle_fc_on_causes_for_temp(fc, rgwdb, hev_state)?; From 120999eabbe3d9a1966cb8383595b034731ff8ce Mon Sep 17 00:00:00 2001 From: Kyle Carow Date: Thu, 23 Jan 2025 14:13:03 -0700 Subject: [PATCH 043/129] upgrade to ninterp 0.2.0 --- Cargo.lock | 4 +- fastsim-core/Cargo.toml | 2 +- fastsim-core/src/drive_cycle.rs | 8 +-- fastsim-core/src/gas_properties.rs | 20 ++++---- fastsim-core/src/traits.rs | 20 ++++---- fastsim-core/src/utils/interp.rs | 48 ++++++++---------- .../vehicle/powertrain/electric_machine.rs | 21 ++++---- .../src/vehicle/powertrain/fuel_converter.rs | 6 +-- .../powertrain/reversible_energy_storage.rs | 35 ++++++------- .../vehicle_model/fastsim2_interface.rs | 50 +++++++++---------- 10 files changed, 100 insertions(+), 114 deletions(-) diff --git a/Cargo.lock b/Cargo.lock index d5378adb..76ce49c2 100644 --- a/Cargo.lock +++ b/Cargo.lock @@ -1043,9 +1043,9 @@ dependencies = [ [[package]] name = "ninterp" -version = "0.1.0" +version = "0.2.0" source = "registry+https://github.com/rust-lang/crates.io-index" -checksum = "724327ef8105185c34fc8a6f52e6e3c517a75440533f326d9fb6baf2aabb99b6" +checksum = "e60a408704882574368061cb86dba333d64027a93d8634dfe39c85da167df2a5" dependencies = [ "itertools 0.13.0", "ndarray 0.16.1", diff --git a/fastsim-core/Cargo.toml b/fastsim-core/Cargo.toml index c757e980..bcb18e46 100644 --- a/fastsim-core/Cargo.toml +++ b/fastsim-core/Cargo.toml @@ -38,7 +38,7 @@ toml = { version = "0.8.12", optional = true } derive_more = { version = "1.0.0", features = ["from_str", "from", "is_variant", "try_into"] } ureq = { version = "2.9.1", optional = true } url = { version = "2.5.0", optional = true } -ninterp = { version = "0.1.0", features = ["serde"] } +ninterp = { version = "0.2.0", features = ["serde"] } [dev-dependencies] pretty_assertions = "1.4.1" diff --git a/fastsim-core/src/drive_cycle.rs b/fastsim-core/src/drive_cycle.rs index a82161b4..c2018aad 100644 --- a/fastsim-core/src/drive_cycle.rs +++ b/fastsim-core/src/drive_cycle.rs @@ -100,19 +100,19 @@ impl Init for Cycle { ) .collect(); // println!("{:?}", self.dist); - self.grade_interp = Some(Interpolator::Interp1D(Interp1D::new( + self.grade_interp = Some(Interpolator::new_1d( self.dist.iter().map(|x| x.get::()).collect(), self.grade.iter().map(|y| y.get::()).collect(), Strategy::Linear, Extrapolate::Error, - )?)); + )?); - self.elev_interp = Some(Interpolator::Interp1D(Interp1D::new( + self.elev_interp = Some(Interpolator::new_1d( self.dist.iter().map(|x| x.get::()).collect(), self.elev.iter().map(|y| y.get::()).collect(), Strategy::Linear, Extrapolate::Error, - )?)); + )?); Ok(()) } diff --git a/fastsim-core/src/gas_properties.rs b/fastsim-core/src/gas_properties.rs index 8a75be56..fb8e9c67 100644 --- a/fastsim-core/src/gas_properties.rs +++ b/fastsim-core/src/gas_properties.rs @@ -273,13 +273,13 @@ mod air_static_props { .iter() .map(|x| *x * uc::KELVIN + *uc::CELSIUS_TO_KELVIN) .collect(); - pub static ref TEMP_FROM_ENTHALPY: Interp1D = Interp1D::new( + pub static ref TEMP_FROM_ENTHALPY: Interpolator = Interpolator::new_1d( ENTHALPY_VALUES.iter().map(|x| x.get::()).collect::>(), TEMPERATURE_VALUES.iter().map(|x| x.get::()).collect::>(), Strategy::Linear, Extrapolate::Error ).unwrap(); - pub static ref TEMP_FROM_ENERGY: Interp1D = Interp1D::new( + pub static ref TEMP_FROM_ENERGY: Interpolator = Interpolator::new_1d( ENERGY_VALUES.iter().map(|x| x.get::()).collect::>(), TEMPERATURE_VALUES.iter().map(|x| x.get::()).collect::>(), Strategy::Linear, @@ -316,7 +316,7 @@ mod air_static_props { .iter() .map(|x| *x * uc::WATT_PER_METER_KELVIN) .collect(); - pub static ref THERMAL_CONDUCTIVITY_INTERP: Interp1D = Interp1D::new( + pub static ref THERMAL_CONDUCTIVITY_INTERP: Interpolator = Interpolator::new_1d( TEMPERATURE_VALUES.iter().map(|x| x.get::()).collect::>(), THERMAL_CONDUCTIVITY_VALUES.iter().map(|x| x.get::()).collect::>(), Strategy::Linear, @@ -353,7 +353,7 @@ mod air_static_props { .iter() .map(|x| *x * uc::J_PER_KG_K) .collect(); - pub static ref C_P_INTERP: Interp1D = Interp1D::new( + pub static ref C_P_INTERP: Interpolator = Interpolator::new_1d( TEMPERATURE_VALUES.iter().map(|x| x.get::()).collect::>(), C_P_VALUES.iter().map(|x| x.get::()).collect::>(), Strategy::Linear, @@ -389,7 +389,7 @@ mod air_static_props { .iter() .map(|x| *x * uc::J_PER_KG) .collect(); - pub static ref ENTHALPY_INTERP: Interp1D = Interp1D::new( + pub static ref ENTHALPY_INTERP: Interpolator = Interpolator::new_1d( TEMPERATURE_VALUES.iter().map(|x| x.get::()).collect::>(), ENTHALPY_VALUES.iter().map(|x| x.get::()).collect::>(), Strategy::Linear, @@ -425,7 +425,7 @@ mod air_static_props { .iter() .map(|x| *x * uc::J_PER_KG) .collect(); - pub static ref ENERGY_INTERP: Interp1D = Interp1D::new( + pub static ref ENERGY_INTERP: Interpolator = Interpolator::new_1d( TEMPERATURE_VALUES.iter().map(|x| x.get::()).collect::>(), ENERGY_VALUES.iter().map(|x| x.get::()).collect::>(), Strategy::Linear, @@ -461,7 +461,7 @@ mod air_static_props { .iter() .map(|x| *x * uc::PASCAL_SECOND) .collect(); - pub static ref DYN_VISC_INTERP: Interp1D = Interp1D::new( + pub static ref DYN_VISC_INTERP: Interpolator = Interpolator::new_1d( TEMPERATURE_VALUES.iter().map(|x| x.get::()).collect::>(), DYN_VISCOSITY_VALUES.iter().map(|x| x.get::()).collect::>(), Strategy::Linear, @@ -473,7 +473,7 @@ mod air_static_props { .zip(THERMAL_CONDUCTIVITY_VALUES.iter()) .map(|((mu, c_p), k)| -> si::Ratio {*mu * *c_p / *k}) .collect::>(); - pub static ref PRANDTL_INTERP: Interp1D = Interp1D::new( + pub static ref PRANDTL_INTERP: Interpolator = Interpolator::new_1d( TEMPERATURE_VALUES.iter().map(|x| x.get::()).collect::>(), PRANDTL_VALUES.iter().map(|x| x.get::()).collect::>(), Strategy::Linear, @@ -551,7 +551,7 @@ mod octane_static_props { .iter() .map(|x| *x * uc::KELVIN + *uc::CELSIUS_TO_KELVIN) .collect(); - pub static ref TEMP_FROM_ENERGY: Interp1D = Interp1D::new( + pub static ref TEMP_FROM_ENERGY: Interpolator = Interpolator::new_1d( ENERGY_VALUES.iter().map(|x| x.get::()).collect::>(), TEMPERATURE_VALUES.iter().map(|x| x.get::()).collect::>(), Strategy::Linear, @@ -587,7 +587,7 @@ mod octane_static_props { .iter() .map(|x| *x * uc::J_PER_KG) .collect(); - pub static ref ENERGY_INTERP: Interp1D = Interp1D::new( + pub static ref ENERGY_INTERP: Interpolator = Interpolator::new_1d( TEMPERATURE_VALUES.iter().map(|x| x.get::()).collect::>(), ENERGY_VALUES.iter().map(|x| x.get::()).collect::>(), Strategy::Linear, diff --git a/fastsim-core/src/traits.rs b/fastsim-core/src/traits.rs index 656b13f3..27b6c89f 100644 --- a/fastsim-core/src/traits.rs +++ b/fastsim-core/src/traits.rs @@ -72,11 +72,11 @@ impl Min for Interpolator { fn min(&self) -> anyhow::Result { match self { Interpolator::Interp0D(value) => Ok(*value), - Interpolator::Interp1D(interp) => interp.f_x().min(), - Interpolator::Interp2D(interp) => interp.f_xy().min(), - Interpolator::Interp3D(interp) => interp.f_xyz().min(), - Interpolator::InterpND(interp) => Ok(interp - .values() + Interpolator::Interp1D(..) => self.f_x()?.min(), + Interpolator::Interp2D(..) => self.f_xy()?.min(), + Interpolator::Interp3D(..) => self.f_xyz()?.min(), + Interpolator::InterpND(..) => Ok(self + .values()? .iter() .fold(f64::INFINITY, |acc, x| acc.min(*x))), } @@ -138,11 +138,11 @@ impl Max for Interpolator { fn max(&self) -> anyhow::Result { match self { Interpolator::Interp0D(value) => Ok(*value), - Interpolator::Interp1D(interp) => interp.f_x().max(), - Interpolator::Interp2D(interp) => interp.f_xy().max(), - Interpolator::Interp3D(interp) => interp.f_xyz().max(), - Interpolator::InterpND(interp) => Ok(interp - .values() + Interpolator::Interp1D(..) => self.f_x()?.max(), + Interpolator::Interp2D(..) => self.f_xy()?.max(), + Interpolator::Interp3D(..) => self.f_xyz()?.max(), + Interpolator::InterpND(..) => Ok(self + .values()? .iter() .fold(f64::NEG_INFINITY, |acc, x| acc.max(*x))), } diff --git a/fastsim-core/src/utils/interp.rs b/fastsim-core/src/utils/interp.rs index 9e474069..3f3a7dd4 100644 --- a/fastsim-core/src/utils/interp.rs +++ b/fastsim-core/src/utils/interp.rs @@ -16,16 +16,16 @@ impl InterpolatorMethods for Interpolator { *value = min; Ok(()) } - Interpolator::Interp1D(interp) => { + Interpolator::Interp1D(..) => { todo!() } - Interpolator::Interp2D(interp) => { + Interpolator::Interp2D(..) => { todo!() } - Interpolator::Interp3D(interp) => { + Interpolator::Interp3D(..) => { todo!() } - Interpolator::InterpND(interp) => { + Interpolator::InterpND(..) => { todo!() } } @@ -38,19 +38,17 @@ impl InterpolatorMethods for Interpolator { *value = max; Ok(()) } - Interpolator::Interp1D(interp) => { - Ok(interp.set_f_x(interp.f_x().iter().map(|x| x * max / old_max).collect())?) + Interpolator::Interp1D(..) => { + Ok(self.set_f_x(self.f_x()?.iter().map(|x| x * max / old_max).collect())?) } - Interpolator::Interp2D(interp) => Ok(interp.set_f_xy( - interp - .f_xy() + Interpolator::Interp2D(..) => Ok(self.set_f_xy( + self.f_xy()? .iter() .map(|v| v.iter().map(|x| x * max / old_max).collect()) .collect(), )?), - Interpolator::Interp3D(interp) => Ok(interp.set_f_xyz( - interp - .f_xyz() + Interpolator::Interp3D(..) => Ok(self.set_f_xyz( + self.f_xyz()? .iter() .map(|v0| { v0.iter() @@ -59,8 +57,8 @@ impl InterpolatorMethods for Interpolator { }) .collect(), )?), - Interpolator::InterpND(interp) => { - Ok(interp.set_values(interp.values().map(|x| x * max / old_max))?) + Interpolator::InterpND(..) => { + Ok(self.set_values(self.values()?.map(|x| x * max / old_max))?) } } } @@ -70,17 +68,15 @@ impl InterpolatorMethods for Interpolator { let old_range = old_max - self.min()?; ensure!(old_range != 0., "Cannot modify range when min == max"); match self { - Interpolator::Interp0D(_value) => unreachable!("The above `ensure` should trigger"), - Interpolator::Interp1D(interp) => Ok(interp.set_f_x( - interp - .f_x() + Interpolator::Interp0D(..) => unreachable!("The above `ensure` should trigger"), + Interpolator::Interp1D(..) => Ok(self.set_f_x( + self.f_x()? .iter() .map(|x| old_max + (x - old_max) * range / old_range) .collect(), )?), - Interpolator::Interp2D(interp) => Ok(interp.set_f_xy( - interp - .f_xy() + Interpolator::Interp2D(..) => Ok(self.set_f_xy( + self.f_xy()? .iter() .map(|v| { v.iter() @@ -89,9 +85,8 @@ impl InterpolatorMethods for Interpolator { }) .collect(), )?), - Interpolator::Interp3D(interp) => Ok(interp.set_f_xyz( - interp - .f_xyz() + Interpolator::Interp3D(..) => Ok(self.set_f_xyz( + self.f_xyz()? .iter() .map(|v0| { v0.iter() @@ -104,9 +99,8 @@ impl InterpolatorMethods for Interpolator { }) .collect(), )?), - Interpolator::InterpND(interp) => Ok(interp.set_values( - interp - .values() + Interpolator::InterpND(..) => Ok(self.set_values( + self.values()? .map(|x| old_max + (x - old_max) * range / old_range), )?), } diff --git a/fastsim-core/src/vehicle/powertrain/electric_machine.rs b/fastsim-core/src/vehicle/powertrain/electric_machine.rs index 123d50da..44a77b3e 100755 --- a/fastsim-core/src/vehicle/powertrain/electric_machine.rs +++ b/fastsim-core/src/vehicle/powertrain/electric_machine.rs @@ -321,7 +321,7 @@ impl Init for ElectricMachine { if self.eff_interp_at_max_input.is_none() { // sets eff_interp_bwd to eff_interp_fwd, but changes the x-value. // TODO: what should the default strategy be for eff_interp_bwd? - let eff_interp_at_max_input = Interp1D::new( + let eff_interp_at_max_input = Interpolator::new_1d( self.eff_interp_achieved .x()? .iter() @@ -335,7 +335,7 @@ impl Init for ElectricMachine { self.eff_interp_achieved.strategy()?.to_owned(), self.eff_interp_achieved.extrapolate()?.to_owned(), )?; - self.eff_interp_at_max_input = Some(Interpolator::Interp1D(eff_interp_at_max_input)); + self.eff_interp_at_max_input = Some(eff_interp_at_max_input); } else { println!( "`eff_interp_at_max_input` is being overwritten by {}", @@ -445,9 +445,8 @@ impl ElectricMachine { let old_max_bwd = self.get_eff_max_bwd()?; let f_x_fwd = self.eff_interp_achieved.f_x()?.to_owned(); match &mut self.eff_interp_achieved { - Interpolator::Interp1D(interp1d) => { - interp1d - .set_f_x(f_x_fwd.iter().map(|x| x * eff_max / old_max_fwd).collect())?; + interp @ Interpolator::Interp1D(..) => { + interp.set_f_x(f_x_fwd.iter().map(|x| x * eff_max / old_max_fwd).collect())?; } _ => bail!("{}\n", "Only `Interpolator::Interp1D` is allowed."), } @@ -460,9 +459,9 @@ impl ElectricMachine { .f_x()? .to_owned(); match &mut self.eff_interp_at_max_input { - Some(Interpolator::Interp1D(interp1d)) => { + Some(interp @ Interpolator::Interp1D(..)) => { // let old_interp = interp1d; - interp1d.set_f_x( + interp.set_f_x( f_x_bwd .iter() .map(|x| x * eff_max / old_max_bwd) @@ -556,8 +555,8 @@ impl ElectricMachine { } let f_x_fwd = self.eff_interp_achieved.f_x()?.to_owned(); match &mut self.eff_interp_achieved { - Interpolator::Interp1D(interp1d) => { - interp1d.set_f_x( + interp @ Interpolator::Interp1D(..) => { + interp.set_f_x( f_x_fwd .iter() .map(|x| eff_max_fwd + (x - eff_max_fwd) * eff_range / old_range) @@ -570,8 +569,8 @@ impl ElectricMachine { let x_neg = self.get_eff_min_fwd()?; let f_x_fwd = self.eff_interp_achieved.f_x()?.to_owned(); match &mut self.eff_interp_achieved { - Interpolator::Interp1D(interp1d) => { - interp1d.set_f_x(f_x_fwd.iter().map(|x| x - x_neg).collect())?; + interp @ Interpolator::Interp1D(..) => { + interp.set_f_x(f_x_fwd.iter().map(|x| x - x_neg).collect())?; } _ => bail!("{}\n", "Only `Interpolator::Interp1D` is allowed."), } diff --git a/fastsim-core/src/vehicle/powertrain/fuel_converter.rs b/fastsim-core/src/vehicle/powertrain/fuel_converter.rs index ee36ee84..239dcf4d 100755 --- a/fastsim-core/src/vehicle/powertrain/fuel_converter.rs +++ b/fastsim-core/src/vehicle/powertrain/fuel_converter.rs @@ -535,8 +535,8 @@ pub struct FuelConverterThermal { } /// Dummy interpolator that will be overridden in [FuelConverterThermal::init] -fn tstat_interp_default() -> Interp1D { - Interp1D::new( +fn tstat_interp_default() -> Interpolator { + Interpolator::new_1d( vec![85.0, 90.0], vec![0.0, 1.0], Strategy::Linear, @@ -690,7 +690,7 @@ impl Init for FuelConverterThermal { .tstat_te_sto .or(Some(85. * uc::KELVIN + *uc::CELSIUS_TO_KELVIN)); self.tstat_te_delta = self.tstat_te_delta.or(Some(5. * uc::KELVIN)); - self.tstat_interp = Interp1D::new( + self.tstat_interp = Interpolator::new_1d( vec![ self.tstat_te_sto.unwrap().get::(), self.tstat_te_sto.unwrap().get::() diff --git a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs index eff5433d..dd70456a 100644 --- a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs +++ b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs @@ -203,28 +203,23 @@ impl ReversibleEnergyStorage { ) ); } - state.eff = match &self.eff_interp { - Interpolator::Interp0D(eff) => *eff * uc::R, - Interpolator::Interp1D(interp1d) => { - interp1d.interpolate(&[state.pwr_out_electrical.get::()])? * uc::R - } - Interpolator::Interp2D(interp2d) => { - interp2d.interpolate(&[ - state.pwr_out_electrical.get::(), - state.soc.get::(), - ])? * uc::R - } - Interpolator::Interp3D(interp3d) => { - interp3d.interpolate(&[ - state.pwr_out_electrical.get::(), - state.soc.get::(), - te_res - .with_context(|| format_dbg!("Expected thermal model to be configured"))? - .get::(), - ])? * uc::R - } + let interp_pt: &[f64] = match &self.eff_interp { + Interpolator::Interp0D(..) => &[], + Interpolator::Interp1D(..) => &[state.pwr_out_electrical.get::()], + Interpolator::Interp2D(..) => &[ + state.pwr_out_electrical.get::(), + state.soc.get::(), + ], + Interpolator::Interp3D(..) => &[ + state.pwr_out_electrical.get::(), + state.soc.get::(), + te_res + .with_context(|| format_dbg!("Expected thermal model to be configured"))? + .get::(), + ], _ => bail!("Invalid interpolator. See docs for `ReversibleEnergyStorage::eff_interp`"), }; + state.eff = self.eff_interp.interpolate(interp_pt)? * uc::R; ensure!( state.eff >= 0.0 * uc::R && state.eff <= 1.0 * uc::R, format!( diff --git a/fastsim-core/src/vehicle/vehicle_model/fastsim2_interface.rs b/fastsim-core/src/vehicle/vehicle_model/fastsim2_interface.rs index d8fa82fc..3e488e37 100644 --- a/fastsim-core/src/vehicle/vehicle_model/fastsim2_interface.rs +++ b/fastsim-core/src/vehicle/vehicle_model/fastsim2_interface.rs @@ -65,12 +65,12 @@ impl TryFrom<&fastsim_2::vehicle::RustVehicle> for PowertrainType { // assumes 1 s time step pwr_out_max_init: f2veh.fc_max_kw * uc::KW / f2veh.fc_sec_to_peak_pwr, pwr_ramp_lag: f2veh.fc_sec_to_peak_pwr * uc::S, - eff_interp_from_pwr_out: Interpolator::Interp1D(Interp1D::new( + eff_interp_from_pwr_out: Interpolator::new_1d( f2veh.fc_perc_out_array.to_vec(), f2veh.fc_eff_array.to_vec(), Strategy::LeftNearest, Extrapolate::Error, - )?), + )?, pwr_for_peak_eff: uc::KW * f64::NAN, // this gets updated in `init` // this means that aux power must include idle fuel pwr_idle_fuel: si::Power::ZERO, @@ -143,12 +143,12 @@ impl TryFrom<&fastsim_2::vehicle::RustVehicle> for PowertrainType { // assumes 1 s time step pwr_out_max_init: f2veh.fc_max_kw * uc::KW / f2veh.fc_sec_to_peak_pwr, pwr_ramp_lag: f2veh.fc_sec_to_peak_pwr * uc::S, - eff_interp_from_pwr_out: Interpolator::Interp1D(Interp1D::new( + eff_interp_from_pwr_out: Interpolator::new_1d( f2veh.fc_perc_out_array.to_vec(), f2veh.fc_eff_array.to_vec(), Strategy::LeftNearest, Extrapolate::Error, - )?), + )?, pwr_for_peak_eff: uc::KW * f64::NAN, // this gets updated in `init` // this means that aux power must include idle fuel pwr_idle_fuel: si::Power::ZERO, @@ -175,20 +175,18 @@ impl TryFrom<&fastsim_2::vehicle::RustVehicle> for PowertrainType { }, em: ElectricMachine { state: Default::default(), - eff_interp_achieved: (Interpolator::Interp1D( - Interp1D::new( - f2veh.mc_perc_out_array.to_vec(), - { - let mut mc_full_eff_vec = f2veh.mc_full_eff_array.to_vec(); - ensure!(mc_full_eff_vec.len() > 1); - mc_full_eff_vec[0] = mc_full_eff_vec[1]; - mc_full_eff_vec - }, - Strategy::LeftNearest, - Extrapolate::Error, - ) - .unwrap(), - )), + eff_interp_achieved: Interpolator::new_1d( + f2veh.mc_perc_out_array.to_vec(), + { + let mut mc_full_eff_vec = f2veh.mc_full_eff_array.to_vec(); + ensure!(mc_full_eff_vec.len() > 1); + mc_full_eff_vec[0] = mc_full_eff_vec[1]; + mc_full_eff_vec + }, + Strategy::LeftNearest, + Extrapolate::Error, + ) + .unwrap(), eff_interp_at_max_input: None, // pwr_in_frac_interp: Default::default(), pwr_out_max: f2veh.mc_max_kw * uc::KW, @@ -225,13 +223,13 @@ impl TryFrom<&fastsim_2::vehicle::RustVehicle> for PowertrainType { }, em: ElectricMachine { state: Default::default(), - eff_interp_achieved: (Interpolator::Interp1D(Interp1D::new( + eff_interp_achieved: Interpolator::new_1d( f2veh.mc_pwr_out_perc.to_vec(), f2veh.mc_eff_array.to_vec(), Strategy::LeftNearest, Extrapolate::Error, - )?)), - eff_interp_at_max_input: Some(Interpolator::Interp1D(Interp1D::new( + )?, + eff_interp_at_max_input: Some(Interpolator::new_1d( // before adding the interpolator, pwr_in_frac_interp was set as Default::default(), can this // be transferred over as done here, or does a new defualt need to be defined? f2veh @@ -244,7 +242,7 @@ impl TryFrom<&fastsim_2::vehicle::RustVehicle> for PowertrainType { f2veh.mc_eff_array.to_vec(), Strategy::LeftNearest, Extrapolate::Error, - )?)), + )?), pwr_out_max: f2veh.mc_max_kw * uc::KW, specific_pwr: None, mass: None, @@ -348,8 +346,8 @@ impl Vehicle { fc_eff_map: self .fc() .map(|fc| match &fc.eff_interp_from_pwr_out { - Interpolator::Interp1D(_interp1d) => { - Ok(fc.eff_interp_from_pwr_out.f_x()?.to_vec().into()) + interp @ Interpolator::Interp1D(..) => { + Ok(interp.f_x()?.to_vec().into()) } _ => bail!( "{}\nOnly 1-D interpolators can be converted to FASTSim 2", @@ -382,8 +380,8 @@ impl Vehicle { fc_pwr_out_perc: self .fc() .map(|fc| match &fc.eff_interp_from_pwr_out { - Interpolator::Interp1D(_interp) => { - Ok(fc.eff_interp_from_pwr_out.x()?.to_vec().into()) + interp @ Interpolator::Interp1D(..) => { + Ok(interp.x()?.to_vec().into()) } _ => bail!( "{}\nOnly 1-D interpolators can be converted to FASTSim 2", From 442c430e3d2259be435bac1b99753c9b4dd2c20c Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Thu, 23 Jan 2025 15:22:43 -0700 Subject: [PATCH 044/129] added `__new__` method, deleted deprecated comments, formatting --- fastsim-core/src/gas_properties.rs | 4 ++ .../powertrain/reversible_energy_storage.rs | 68 ++++++------------- 2 files changed, 23 insertions(+), 49 deletions(-) diff --git a/fastsim-core/src/gas_properties.rs b/fastsim-core/src/gas_properties.rs index 7cf4c340..7d663884 100644 --- a/fastsim-core/src/gas_properties.rs +++ b/fastsim-core/src/gas_properties.rs @@ -14,6 +14,10 @@ lazy_static! { } #[fastsim_api( + #[new] + fn __new__() -> Self { + Self{} + } /// Returns density of air \[kg/m^3\] /// Source: /// diff --git a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs index f93f46ad..5973072c 100644 --- a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs +++ b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs @@ -202,69 +202,39 @@ impl ReversibleEnergyStorage { ) ); } - // state.eff = match (&self.eff_interp, &self.eff_interp_inputs) { - // (Interpolator::Interp0D(eff), RESEffInterpInputs::Constant) => *eff * uc::R, - // (Interpolator::Interp1D(interp1d), RESEffInterpInputs::CRate) => { - // interp1d.interpolate(&[state.pwr_out_electrical.get::() - // / self.energy_capacity.get::()])? - // * uc::R - // } - // (Interpolator::Interp2D(interp2d), RESEffInterpInputs::CRateSOC) => { - // interp2d.interpolate(&[ - // state.pwr_out_electrical.get::() - // / self.energy_capacity.get::(), - // state.soc.get::(), - // ])? * uc::R - // } - // (Interpolator::Interp2D(interp2d), RESEffInterpInputs::CRateTemperature) => { - // interp2d.interpolate(&[ - // state.pwr_out_electrical.get::() - // / self.energy_capacity.get::(), - // te_res - // .with_context(|| format_dbg!("Expected thermal model to be configured."))? - // .get::(), - // ])? * uc::R - // } - // (Interpolator::Interp3D(interp3d), RESEffInterpInputs::CRateSOCTemperature) => { - // interp3d.interpolate(&[ - // state.pwr_out_electrical.get::() - // / self.energy_capacity.get::(), - // state.soc.get::(), - // te_res - // .with_context(|| format_dbg!("Expected thermal model to be configured"))? - // .get::(), - // ])? * uc::R - // } - // _ => bail!( - // " - // Invalid or not yet enabled interpolator config. - // See docs for `ReversibleEnergyStorage::eff_interp` an `ReversibleEnergyStorage::eff_interp_inputs`" - // ), let interp_pt: &[f64] = match (&self.eff_interp, &self.eff_interp_inputs) { (Interpolator::Interp0D(..), RESEffInterpInputs::Constant) => &[], - (Interpolator::Interp1D(..), RESEffInterpInputs::CRate) => &[state.pwr_out_electrical.get::() / self.energy_capacity.get::()], + (Interpolator::Interp1D(..), RESEffInterpInputs::CRate) => { + &[state.pwr_out_electrical.get::() + / self.energy_capacity.get::()] + } (Interpolator::Interp2D(..), RESEffInterpInputs::CRateSOC) => &[ - state.pwr_out_electrical.get::() / self.energy_capacity.get::(), + state.pwr_out_electrical.get::() + / self.energy_capacity.get::(), state.soc.get::(), ], (Interpolator::Interp2D(..), RESEffInterpInputs::CRateTemperature) => &[ - state.pwr_out_electrical.get::() / self.energy_capacity.get::(), + state.pwr_out_electrical.get::() + / self.energy_capacity.get::(), te_res .with_context(|| format_dbg!("Expected thermal model to be configured"))? - .get::() - uc::CELSIUS_TO_KELVIN.value, + .get::() + - uc::CELSIUS_TO_KELVIN.value, ], (Interpolator::Interp3D(..), RESEffInterpInputs::CRateSOCTemperature) => &[ - state.pwr_out_electrical.get::(), + state.pwr_out_electrical.get::() + / self.energy_capacity.get::(), state.soc.get::(), te_res .with_context(|| format_dbg!("Expected thermal model to be configured"))? - .get::() - uc::CELSIUS_TO_KELVIN.value, + .get::() + - uc::CELSIUS_TO_KELVIN.value, ], - _ => bail!( - " - Invalid or not yet enabled interpolator config. - See docs for `ReversibleEnergyStorage::eff_interp` an `ReversibleEnergyStorage::eff_interp_inputs`" - ), + _ => bail!( + " +Invalid or not yet enabled interpolator config. +See docs for `ReversibleEnergyStorage::eff_interp` an `ReversibleEnergyStorage::eff_interp_inputs`" + ), }; state.eff = self.eff_interp.interpolate(interp_pt)? * uc::R; ensure!( From 92b3b212f19feca47d177b7cb9565f7fcdaa984e Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Thu, 23 Jan 2025 20:29:48 -0700 Subject: [PATCH 045/129] restored `TemperatureInterval` and made much more readable --- .../f3-vehicles/2020 Chevrolet Bolt EV.yaml | 2 +- .../2021_Hyundai_Sonata_Hybrid_Blue.yaml | 2 +- .../src/fastsim_api/fastsim_api_utils.rs | 5 +- .../vehicles/2016_TOYOTA_Prius_Two.yaml | 4 +- fastsim-core/src/gas_properties.rs | 74 +++---- fastsim-core/src/si.rs | 5 +- fastsim-core/src/uc.rs | 6 +- fastsim-core/src/vehicle/cabin.rs | 14 +- .../vehicle/hvac/hvac_sys_for_lumped_cabin.rs | 28 ++- .../hvac/hvac_sys_for_lumped_cabin_and_res.rs | 181 +++++++++++------- .../src/vehicle/powertrain/fuel_converter.rs | 86 +++++---- .../powertrain/reversible_energy_storage.rs | 17 +- 12 files changed, 244 insertions(+), 180 deletions(-) diff --git a/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml b/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml index d11c4d4d..7f6fb0ad 100644 --- a/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml +++ b/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml @@ -16,7 +16,7 @@ cabin: width_meters: 2 hvac: LumpedCabinAndRES: - te_set_kelvin: 295.15 + te_set_degrees_Celsius: 295.15 te_deadband_kelvin: 1.5 p_cabin_watts_per_kelvin: 0.0 i_cabin: 0.0 diff --git a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml index 87543688..28e3e758 100644 --- a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml +++ b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml @@ -97,7 +97,7 @@ pt_type: htc_to_amb_stop_watts_per_square_meter_degree_celsius: 50.0 conductance_from_comb_watts_per_kelvin: 5.0 max_frac_from_comb: 0.5 - tstat_te_sto_kelvin: 358.15 + tstat_te_sto_kelvin: 85.0 tstat_te_delta_kelvin: 5.0 tstat_interp: Interp1D: diff --git a/fastsim-core/fastsim-proc-macros/src/fastsim_api/fastsim_api_utils.rs b/fastsim-core/fastsim-proc-macros/src/fastsim_api/fastsim_api_utils.rs index 5f696657..cc5934f3 100755 --- a/fastsim-core/fastsim-proc-macros/src/fastsim_api/fastsim_api_utils.rs +++ b/fastsim-core/fastsim-proc-macros/src/fastsim_api/fastsim_api_utils.rs @@ -202,7 +202,10 @@ pub(crate) fn impl_getters_and_setters(field: &mut syn::Field) -> Option<()> { uom::si::heat_capacity::joule_per_degree_celsius ) } - "Temperature" => extract_units!(uom::si::temperature_interval::kelvin), + "TemperatureInterval" => extract_units!(uom::si::temperature_interval::kelvin), + "Temperature" => { + extract_units!(uom::si::temperature_interval::degree_celsius) + } "ThermalConductance" => { extract_units!(uom::si::thermal_conductance::watt_per_kelvin) } diff --git a/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml b/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml index 1b2df6f3..eabf831a 100755 --- a/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml +++ b/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml @@ -669,8 +669,8 @@ pt_type: frac_of_most_eff_pwr_to_run_fc: 1.0 frac_res_chrg_for_fc: 0.0 frac_res_dschrg_for_fc: 1.0 - temp_fc_forced_on_kelvin: ~ - temp_fc_allowed_off_kelvin: ~ + temp_fc_forced_on_degrees_Celsius: ~ + temp_fc_allowed_off_degrees_Celsius: ~ aux_cntrl: AuxOnResPriority mass_kilograms: ~ sim_params: diff --git a/fastsim-core/src/gas_properties.rs b/fastsim-core/src/gas_properties.rs index 7d663884..db65f09f 100644 --- a/fastsim-core/src/gas_properties.rs +++ b/fastsim-core/src/gas_properties.rs @@ -45,7 +45,7 @@ lazy_static! { #[pyo3(name = "get_therm_cond")] #[staticmethod] pub fn get_therm_cond_py(te_air: f64) -> anyhow::Result { - Ok(Self::get_therm_cond(te_air * uc::KELVIN - *uc::CELSIUS_TO_KELVIN)?.get::()) + Ok(Self::get_therm_cond((te_air + uc::CELSIUS_TO_KELVIN) * uc::KELVIN)?.get::()) } /// Returns constant pressure specific heat [J/(kg*K)] of air @@ -54,7 +54,7 @@ lazy_static! { #[pyo3(name = "get_specific_heat_cp")] #[staticmethod] pub fn get_specific_heat_cp_py(te_air: f64) -> anyhow::Result { - Ok(Self::get_specific_heat_cp(te_air * uc::KELVIN - *uc::CELSIUS_TO_KELVIN)?.get::()) + Ok(Self::get_specific_heat_cp((te_air + uc::CELSIUS_TO_KELVIN) * uc::KELVIN)?.get::()) } /// Returns specific enthalpy [J/kg] of air @@ -63,7 +63,7 @@ lazy_static! { #[pyo3(name = "get_specific_enthalpy")] #[staticmethod] pub fn get_specific_enthalpy_py(te_air: f64) -> anyhow::Result { - Ok(Self::get_specific_enthalpy(te_air * uc::KELVIN - *uc::CELSIUS_TO_KELVIN)?.get::()) + Ok(Self::get_specific_enthalpy((te_air - uc::CELSIUS_TO_KELVIN) * uc::KELVIN)?.get::()) } /// Returns specific energy [J/kg] of air @@ -72,7 +72,7 @@ lazy_static! { #[pyo3(name = "get_specific_energy")] #[staticmethod] pub fn get_specific_energy_py(te_air: f64) -> anyhow::Result { - Ok(Self::get_specific_energy(te_air * uc::KELVIN - *uc::CELSIUS_TO_KELVIN)?.get::()) + Ok(Self::get_specific_energy((te_air - uc::CELSIUS_TO_KELVIN) * uc::KELVIN)?.get::()) } /// Returns thermal Prandtl number of air @@ -81,7 +81,7 @@ lazy_static! { #[pyo3(name = "get_pr")] #[staticmethod] pub fn get_pr_py(te_air: f64) -> anyhow::Result { - Ok(Self::get_pr(te_air * uc::KELVIN - *uc::CELSIUS_TO_KELVIN)?.get::()) + Ok(Self::get_pr((te_air - uc::CELSIUS_TO_KELVIN) * uc::KELVIN )?.get::()) } /// Returns dynamic viscosity \[Pa*s\] of air @@ -90,7 +90,7 @@ lazy_static! { #[pyo3(name = "get_dyn_visc")] #[staticmethod] pub fn get_dyn_visc_py(te_air: f64) -> anyhow::Result { - Ok(Self::get_dyn_visc(te_air * uc::KELVIN - *uc::CELSIUS_TO_KELVIN)?.get::()) + Ok(Self::get_dyn_visc((te_air - uc::CELSIUS_TO_KELVIN) * uc::KELVIN)?.get::()) } /// Returns temperature [°C] of air @@ -99,7 +99,7 @@ lazy_static! { #[pyo3(name = "get_te_from_h")] #[staticmethod] pub fn get_te_from_h_py(h: f64) -> anyhow::Result { - Ok(Self::get_te_from_h(h * uc::J_PER_KG)?.get::() - uc::CELSIUS_TO_KELVIN.value) + Ok(Self::get_te_from_h(h * uc::J_PER_KG)?.get::()) } /// Returns temperature [°C] of air @@ -108,7 +108,7 @@ lazy_static! { #[pyo3(name = "get_te_from_u")] #[staticmethod] pub fn get_te_from_u_py(u: f64) -> anyhow::Result { - Ok(Self::get_te_from_u(u * uc::J_PER_KG)?.get::() - uc::CELSIUS_TO_KELVIN.value) + Ok(Self::get_te_from_u(u * uc::J_PER_KG)?.get::()) } )] @@ -151,7 +151,7 @@ impl Air { /// - `te_air`: temperature of air pub fn get_therm_cond(te_air: si::Temperature) -> anyhow::Result { Ok( - asp::THERMAL_CONDUCTIVITY_INTERP.interpolate(&[te_air.get::()])? + asp::THERMAL_CONDUCTIVITY_INTERP.interpolate(&[te_air.get::()])? * uc::WATT_PER_METER_KELVIN, ) } @@ -162,35 +162,38 @@ impl Air { pub fn get_specific_heat_cp( te_air: si::Temperature, ) -> anyhow::Result { - Ok(asp::C_P_INTERP.interpolate(&[te_air.get::()])? * uc::J_PER_KG_K) + Ok(asp::C_P_INTERP.interpolate(&[te_air.get::()])? * uc::J_PER_KG_K) } /// Returns specific enthalpy of air /// # Arguments /// - `te_air`: temperature of air pub fn get_specific_enthalpy(te_air: si::Temperature) -> anyhow::Result { - Ok(asp::ENTHALPY_INTERP.interpolate(&[te_air.get::()])? * uc::J_PER_KG) + Ok(asp::ENTHALPY_INTERP.interpolate(&[te_air.get::()])? * uc::J_PER_KG) } /// Returns specific energy of air /// # Arguments /// - `te_air`: temperature of air pub fn get_specific_energy(te_air: si::Temperature) -> anyhow::Result { - Ok(asp::ENERGY_INTERP.interpolate(&[te_air.get::()])? * uc::J_PER_KG) + Ok(asp::ENERGY_INTERP.interpolate(&[te_air.get::()])? * uc::J_PER_KG) } /// Returns thermal Prandtl number of air /// # Arguments /// - `te_air`: temperature of air pub fn get_pr(te_air: si::Temperature) -> anyhow::Result { - Ok(asp::PRANDTL_INTERP.interpolate(&[te_air.get::()])? * uc::R) + Ok(asp::PRANDTL_INTERP.interpolate(&[te_air.get::()])? * uc::R) } /// Returns dynamic viscosity \[Pa*s\] of air /// # Arguments /// te_air: temperature of air pub fn get_dyn_visc(te_air: si::Temperature) -> anyhow::Result { - Ok(asp::DYN_VISC_INTERP.interpolate(&[te_air.get::()])? * uc::PASCAL_SECOND) + Ok( + asp::DYN_VISC_INTERP.interpolate(&[te_air.get::()])? + * uc::PASCAL_SECOND, + ) } /// Returns temperature of air @@ -247,7 +250,7 @@ mod air_static_props { use super::*; lazy_static! { /// Array of temperatures at which properties are evaluated - static ref TEMPERATURE_VALUES: Vec = [ + static ref TEMPERATURE_DEG_C_VALUES: Vec = vec![ -60., -57.03690616, -53.1958198, @@ -273,19 +276,16 @@ mod air_static_props { 2947.10642291, 3841.10336915, 5000. - ] - .iter() - .map(|x| *x * uc::KELVIN + *uc::CELSIUS_TO_KELVIN) - .collect(); + ]; pub static ref TEMP_FROM_ENTHALPY: Interpolator = Interpolator::new_1d( ENTHALPY_VALUES.iter().map(|x| x.get::()).collect::>(), - TEMPERATURE_VALUES.iter().map(|x| x.get::()).collect::>(), + TEMPERATURE_DEG_C_VALUES.clone(), Strategy::Linear, Extrapolate::Error ).unwrap(); pub static ref TEMP_FROM_ENERGY: Interpolator = Interpolator::new_1d( ENERGY_VALUES.iter().map(|x| x.get::()).collect::>(), - TEMPERATURE_VALUES.iter().map(|x| x.get::()).collect::>(), + TEMPERATURE_DEG_C_VALUES.clone(), Strategy::Linear, Extrapolate::Error ).unwrap(); @@ -321,7 +321,7 @@ mod air_static_props { .map(|x| *x * uc::WATT_PER_METER_KELVIN) .collect(); pub static ref THERMAL_CONDUCTIVITY_INTERP: Interpolator = Interpolator::new_1d( - TEMPERATURE_VALUES.iter().map(|x| x.get::()).collect::>(), + TEMPERATURE_DEG_C_VALUES.clone(), THERMAL_CONDUCTIVITY_VALUES.iter().map(|x| x.get::()).collect::>(), Strategy::Linear, Extrapolate::Error @@ -358,7 +358,7 @@ mod air_static_props { .map(|x| *x * uc::J_PER_KG_K) .collect(); pub static ref C_P_INTERP: Interpolator = Interpolator::new_1d( - TEMPERATURE_VALUES.iter().map(|x| x.get::()).collect::>(), + TEMPERATURE_DEG_C_VALUES.clone(), C_P_VALUES.iter().map(|x| x.get::()).collect::>(), Strategy::Linear, Extrapolate::Error @@ -394,7 +394,7 @@ mod air_static_props { .map(|x| *x * uc::J_PER_KG) .collect(); pub static ref ENTHALPY_INTERP: Interpolator = Interpolator::new_1d( - TEMPERATURE_VALUES.iter().map(|x| x.get::()).collect::>(), + TEMPERATURE_DEG_C_VALUES.clone(), ENTHALPY_VALUES.iter().map(|x| x.get::()).collect::>(), Strategy::Linear, Extrapolate::Error @@ -430,7 +430,7 @@ mod air_static_props { .map(|x| *x * uc::J_PER_KG) .collect(); pub static ref ENERGY_INTERP: Interpolator = Interpolator::new_1d( - TEMPERATURE_VALUES.iter().map(|x| x.get::()).collect::>(), + TEMPERATURE_DEG_C_VALUES.clone(), ENERGY_VALUES.iter().map(|x| x.get::()).collect::>(), Strategy::Linear, Extrapolate::Error @@ -466,7 +466,7 @@ mod air_static_props { .map(|x| *x * uc::PASCAL_SECOND) .collect(); pub static ref DYN_VISC_INTERP: Interpolator = Interpolator::new_1d( - TEMPERATURE_VALUES.iter().map(|x| x.get::()).collect::>(), + TEMPERATURE_DEG_C_VALUES.clone(), DYN_VISCOSITY_VALUES.iter().map(|x| x.get::()).collect::>(), Strategy::Linear, Extrapolate::Error @@ -478,7 +478,7 @@ mod air_static_props { .map(|((mu, c_p), k)| -> si::Ratio {*mu * *c_p / *k}) .collect::>(); pub static ref PRANDTL_INTERP: Interpolator = Interpolator::new_1d( - TEMPERATURE_VALUES.iter().map(|x| x.get::()).collect::>(), + TEMPERATURE_DEG_C_VALUES.clone(), PRANDTL_VALUES.iter().map(|x| x.get::()).collect::>(), Strategy::Linear, Extrapolate::Error @@ -525,7 +525,7 @@ mod octane_static_props { use super::*; lazy_static! { /// Array of temperatures at which properties are evaluated - static ref TEMPERATURE_VALUES: Vec = [ + static ref TEMPERATURE_DEG_C_VALUES: Vec = vec![ -4.00000000e+01, -3.70369062e+01, -3.31958198e+01, @@ -551,13 +551,10 @@ mod octane_static_props { 2.96710642e+03, 3.86110337e+03, 5.02000000e+03 - ] - .iter() - .map(|x| *x * uc::KELVIN + *uc::CELSIUS_TO_KELVIN) - .collect(); + ]; pub static ref TEMP_FROM_ENERGY: Interpolator = Interpolator::new_1d( ENERGY_VALUES.iter().map(|x| x.get::()).collect::>(), - TEMPERATURE_VALUES.iter().map(|x| x.get::()).collect::>(), + TEMPERATURE_DEG_C_VALUES.clone(), Strategy::Linear, Extrapolate::Error ).unwrap(); @@ -592,7 +589,7 @@ mod octane_static_props { .map(|x| *x * uc::J_PER_KG) .collect(); pub static ref ENERGY_INTERP: Interpolator = Interpolator::new_1d( - TEMPERATURE_VALUES.iter().map(|x| x.get::()).collect::>(), + TEMPERATURE_DEG_C_VALUES.clone(), ENERGY_VALUES.iter().map(|x| x.get::()).collect::>(), Strategy::Linear, Extrapolate::Error @@ -607,7 +604,7 @@ mod octane_static_props { #[pyo3(name = "get_specific_energy")] #[staticmethod] pub fn get_specific_energy_py(te_octane: f64) -> anyhow::Result { - Ok(Self::get_specific_energy(te_octane * uc::KELVIN - *uc::CELSIUS_TO_KELVIN)?.get::()) + Ok(Self::get_specific_energy((te_octane - uc::CELSIUS_TO_KELVIN) * uc::KELVIN )?.get::()) } /// Returns temperature [°C] of octane @@ -616,7 +613,7 @@ mod octane_static_props { #[pyo3(name = "get_te_from_u")] #[staticmethod] pub fn get_te_from_u_py(u: f64) -> anyhow::Result { - Ok(Self::get_te_from_u(u * uc::J_PER_KG)?.get::() - uc::CELSIUS_TO_KELVIN.value) + Ok(Self::get_te_from_u(u * uc::J_PER_KG)?.get::()) } )] #[derive(Deserialize, Serialize, Debug, Clone, PartialEq, HistoryMethods)] @@ -629,7 +626,10 @@ impl Octane { /// # Arguments /// - `te_octane`: temperature of octane pub fn get_specific_energy(te_octane: si::Temperature) -> anyhow::Result { - Ok(osp::ENERGY_INTERP.interpolate(&[te_octane.get::()])? * uc::J_PER_KG) + Ok( + osp::ENERGY_INTERP.interpolate(&[te_octane.get::()])? + * uc::J_PER_KG, + ) } /// Returns temperature of octane diff --git a/fastsim-core/src/si.rs b/fastsim-core/src/si.rs index 50e7574d..f3ca284d 100644 --- a/fastsim-core/src/si.rs +++ b/fastsim-core/src/si.rs @@ -12,8 +12,8 @@ pub use si::f64::{ Acceleration, Angle, Area, AvailableEnergy as SpecificEnergy, Curvature, DynamicViscosity, Energy, Force, Frequency, HeatCapacity, HeatTransfer as HeatTransferCoeff, InverseVelocity, Length, Mass, MassDensity, MomentOfInertia, Power, PowerRate, Pressure, Ratio, - SpecificHeatCapacity, SpecificPower, TemperatureInterval as Temperature, ThermalConductance, - ThermalConductivity, Time, Velocity, Volume, + SpecificHeatCapacity, SpecificPower, TemperatureInterval, ThermalConductance, + ThermalConductivity, ThermodynamicTemperature as Temperature, Time, Velocity, Volume, }; pub use si::force::{newton, pound_force}; pub use si::heat_capacity::{joule_per_degree_celsius, joule_per_kelvin}; @@ -33,6 +33,7 @@ pub use si::specific_power::{kilowatt_per_kilogram, watt_per_kilogram}; pub use si::temperature_interval::kelvin; pub use si::thermal_conductance::watt_per_kelvin; pub use si::thermal_conductivity::{watt_per_meter_degree_celsius, watt_per_meter_kelvin}; +pub use si::thermodynamic_temperature::{degree_celsius, kelvin as kelvin_abs}; pub use si::time::{hour, second}; pub use si::velocity::{meter_per_second, mile_per_hour}; pub use si::volume::cubic_meter; diff --git a/fastsim-core/src/uc.rs b/fastsim-core/src/uc.rs index e310cf72..3149b3e4 100644 --- a/fastsim-core/src/uc.rs +++ b/fastsim-core/src/uc.rs @@ -85,10 +85,8 @@ unit_const!( 9.80 ); -lazy_static::lazy_static! { - pub static ref CELSIUS_TO_KELVIN: crate::si::Temperature = 273.15 * KELVIN; -} unit_const!(KELVIN, Temperature, 1.0); +unit_const!(KELVIN_INT, TemperatureInterval, 1.0); unit_const!(J_PER_KG_K, SpecificHeatCapacity, 1.0); unit_const!(J_PER_K, HeatCapacity, 1.0); unit_const!(J_PER_KG, SpecificEnergy, 1.0); @@ -96,3 +94,5 @@ unit_const!(PASCAL_SECOND, DynamicViscosity, 1.0); unit_const!(PASCAL, Pressure, 1.0); unit_const!(WATT_PER_METER_SQUARED_KELVIN, ThermalConductance, 1.0); unit_const!(WATT_PER_METER_KELVIN, ThermalConductivity, 1.0); + +pub const CELSIUS_TO_KELVIN: f64 = 273.15; diff --git a/fastsim-core/src/vehicle/cabin.rs b/fastsim-core/src/vehicle/cabin.rs index 934893c4..68b90742 100644 --- a/fastsim-core/src/vehicle/cabin.rs +++ b/fastsim-core/src/vehicle/cabin.rs @@ -108,7 +108,9 @@ impl LumpedCabin { self.state.pwr_thrml_to_res = pwr_thrml_to_res; // flat plate model for isothermal, mixed-flow from Incropera and deWitt, Fundamentals of Heat and Mass // Transfer, 7th Edition - let cab_te_film_ext = 0.5 * (self.state.temperature + te_amb_air); + let cab_te_film_ext: si::Temperature = 0.5 + * (self.state.temperature.get::() + te_amb_air.get::()) + * uc::KELVIN; self.state.reynolds_for_plate = Air::get_density(Some(cab_te_film_ext), Some(veh_state.elev_curr)) * veh_state.speed_ach @@ -139,11 +141,17 @@ impl LumpedCabin { * Air::get_therm_cond(cab_te_film_ext).with_context(|| format_dbg!())? / self.length) + 1.0 / self.cab_shell_htc_to_amb); - (self.length * self.width) * htc_overall_moving * (te_amb_air - self.state.temperature) + (self.length * self.width) + * htc_overall_moving + * (te_amb_air.get::() + - self.state.temperature.get::()) + * uc::KELVIN_INT } else { (self.length * self.width) / (1.0 / self.cab_htc_to_amb_stop + 1.0 / self.cab_shell_htc_to_amb) - * (te_amb_air - self.state.temperature) + * (te_amb_air.get::() + - self.state.temperature.get::()) + * uc::KELVIN_INT }; self.state.temp_prev = self.state.temperature; diff --git a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs index 64ca339e..9e0ee146 100644 --- a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs +++ b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs @@ -14,7 +14,7 @@ pub struct HVACSystemForLumpedCabin { pub te_set: si::Temperature, /// deadband range. any cabin temperature within this range of /// `te_set` results in no HVAC power draw - pub te_deadband: si::Temperature, + pub te_deadband: si::TemperatureInterval, /// HVAC proportional gain pub p: si::ThermalConductance, /// HVAC integral gain [W / K / s], resets at zero crossing events @@ -47,7 +47,7 @@ impl Default for HVACSystemForLumpedCabin { fn default() -> Self { Self { te_set: *TE_STD_AIR, - te_deadband: 1.5 * uc::KELVIN, + te_deadband: 1.5 * uc::KELVIN_INT, p: Default::default(), i: Default::default(), d: Default::default(), @@ -98,14 +98,22 @@ impl HVACSystemForLumpedCabin { (si::Power::ZERO, si::Power::ZERO, f64::NAN * uc::R) } else { // outside deadband - let te_delta_vs_set = cab_state.temperature - self.te_set; - let te_delta_vs_amb: si::Temperature = cab_state.temperature - te_amb_air; + let te_delta_vs_set = (cab_state.temperature.get::() + - self.te_set.get::()) + * uc::KELVIN_INT; + let te_delta_vs_amb: si::TemperatureInterval = + (cab_state.temperature.get::() + - te_amb_air.get::()) + * uc::KELVIN_INT; self.state.pwr_p = -self.p * te_delta_vs_set; self.state.pwr_i -= self.i * uc::W / uc::KELVIN / uc::S * te_delta_vs_set * dt; self.state.pwr_i = self.state.pwr_i.max(-self.pwr_i_max).min(self.pwr_i_max); - self.state.pwr_d = - -self.d * uc::J / uc::KELVIN * ((cab_state.temperature - cab_state.temp_prev) / dt); + self.state.pwr_d = -self.d * uc::J / uc::KELVIN + * ((cab_state.temperature.get::() + - cab_state.temp_prev.get::()) + * uc::KELVIN_INT + / dt); let (pwr_thrml_hvac_to_cabin, pwr_thrml_fc_to_cabin, cop) = if cab_state.temperature > self.te_set + self.te_deadband { @@ -116,7 +124,7 @@ impl HVACSystemForLumpedCabin { // cop_ideal is t_c / (t_h - t_c) for cooling // divide-by-zero protection and realistic limit on COP - let cop_ideal = if te_delta_vs_amb.abs() < 5.0 * uc::KELVIN { + let cop_ideal = if te_delta_vs_amb.abs() < 5.0 * uc::KELVIN_INT { // cabin is cooler than ambient + threshold // TODO: make this `5.0` not hardcoded cab_state.temperature / (5.0 * uc::KELVIN) @@ -181,7 +189,7 @@ impl HVACSystemForLumpedCabin { fn handle_heat_source( &mut self, te_fc: Option, - te_delta_vs_amb: si::Temperature, + te_delta_vs_amb: si::TemperatureInterval, pwr_thrml_hvac_to_cabin: &mut si::Power, cab_heat_cap: si::HeatCapacity, cab_state: LumpedCabinState, @@ -199,7 +207,7 @@ impl HVACSystemForLumpedCabin { *pwr_thrml_hvac_to_cabin = pwr_thrml_hvac_to_cabin .min( cab_heat_cap * - (te_fc.unwrap() - cab_state.temperature) + (te_fc.unwrap().get::() - cab_state.temperature.get::()) * uc::KELVIN_INT * 0.1 // so that it's substantially less / dt, ) @@ -226,7 +234,7 @@ impl HVACSystemForLumpedCabin { // divide-by-zero protection and realistic limit on COP // TODO: make sure this is consist with above commented equation for heating! - let cop_ideal = if te_delta_vs_amb.abs() < 5.0 * uc::KELVIN { + let cop_ideal = if te_delta_vs_amb.abs() < 5.0 * uc::KELVIN_INT { // cabin is cooler than ambient + threshold // TODO: make this `5.0` not hardcoded cab_state.temperature / (5.0 * uc::KELVIN) diff --git a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin_and_res.rs b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin_and_res.rs index c76a28e8..3058db19 100644 --- a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin_and_res.rs +++ b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin_and_res.rs @@ -14,7 +14,7 @@ pub struct HVACSystemForLumpedCabinAndRES { pub te_set: si::Temperature, /// Deadband range. Any cabin temperature within this range of `te_set` /// results in no HVAC power draw - pub te_deadband: si::Temperature, + pub te_deadband: si::TemperatureInterval, /// HVAC proportional gain for cabin pub p_cabin: si::ThermalConductance, /// HVAC integral gain [W / K / s] for cabin, resets at zero crossing events @@ -62,7 +62,7 @@ impl Default for HVACSystemForLumpedCabinAndRES { fn default() -> Self { Self { te_set: *TE_STD_AIR, - te_deadband: 1.5 * uc::KELVIN, + te_deadband: 1.5 * uc::KELVIN_INT, p_cabin: Default::default(), i_cabin: Default::default(), d_cabin: Default::default(), @@ -122,81 +122,108 @@ impl HVACSystemForLumpedCabinAndRES { let mut pwr_thrml_hvac_to_res: si::Power = self .solve_for_res(res_temp, res_temp_prev, dt) .with_context(|| format_dbg!())?; - let (cop_ideal, te_ref) = - if pwr_thrml_hvac_to_res + pwr_thrml_hvac_to_cabin > si::Power::ZERO { - // heating mode - // TODO: account for cabin and battery heat sources in COP calculation!!!! + let (cop_ideal, te_ref) = if pwr_thrml_hvac_to_res + pwr_thrml_hvac_to_cabin + > si::Power::ZERO + { + // heating mode + // TODO: account for cabin and battery heat sources in COP calculation!!!! - let (te_ref, te_delta_vs_amb) = if pwr_thrml_hvac_to_res > si::Power::ZERO { - // both powers are positive -- i.e. both are in heating mode + let (te_ref, te_delta_vs_amb) = if pwr_thrml_hvac_to_res > si::Power::ZERO { + // both powers are positive -- i.e. both are in heating mode - let te_ref: si::Temperature = if cab_state.temperature > res_temp { - // cabin is hotter - cab_state.temperature - } else { - // battery is hotter - res_temp - }; - (te_ref, te_ref - te_amb_air) - } else if pwr_thrml_hvac_to_res >= si::Power::ZERO { - // `pwr_thrml_hvac_to_res` dominates need for heating - (res_temp, res_temp - te_amb_air) + let te_ref: si::Temperature = if cab_state.temperature > res_temp { + // cabin is hotter + cab_state.temperature } else { - // `pwr_thrml_hvac_to_res` dominates need for heating - (cab_state.temperature, cab_state.temperature - te_amb_air) + // battery is hotter + res_temp }; + ( + te_ref, + (te_ref.get::() - te_amb_air.get::()) + * uc::KELVIN_INT, + ) + } else if pwr_thrml_hvac_to_res >= si::Power::ZERO { + // `pwr_thrml_hvac_to_res` dominates need for heating + ( + res_temp, + (res_temp.get::() - te_amb_air.get::()) + * uc::KELVIN_INT, + ) + } else { + // `pwr_thrml_hvac_to_res` dominates need for heating + ( + cab_state.temperature, + (cab_state.temperature.get::() + - te_amb_air.get::()) + * uc::KELVIN_INT, + ) + }; - // https://en.wikipedia.org/wiki/Coefficient_of_performance#Theoretical_performance_limits - // cop_ideal is t_h / (t_h - t_c) for heating - // cop_ideal is t_c / (t_h - t_c) for cooling + // https://en.wikipedia.org/wiki/Coefficient_of_performance#Theoretical_performance_limits + // cop_ideal is t_h / (t_h - t_c) for heating + // cop_ideal is t_c / (t_h - t_c) for cooling - // divide-by-zero protection and realistic limit on COP - // TODO: make sure this is consistent with above commented equation for heating! - if te_delta_vs_amb.abs() < 5.0 * uc::KELVIN { - // cabin is cooler than ambient + threshold - // TODO: make this `5.0` not hardcoded - (te_ref / (5.0 * uc::KELVIN), te_ref) - } else { - (te_ref / te_delta_vs_amb.abs(), te_ref) - } - } else if pwr_thrml_hvac_to_res + pwr_thrml_hvac_to_cabin < si::Power::ZERO { - // cooling mode - // TODO: account for battery cooling source in COP calculation!!!! + // divide-by-zero protection and realistic limit on COP + // TODO: make sure this is consistent with above commented equation for heating! + if te_delta_vs_amb.abs() < 5.0 * uc::KELVIN_INT { + // cabin is cooler than ambient + threshold + // TODO: make this `5.0` not hardcoded + (te_ref / (5.0 * uc::KELVIN), te_ref) + } else { + (te_ref / te_delta_vs_amb.abs(), te_ref) + } + } else if pwr_thrml_hvac_to_res + pwr_thrml_hvac_to_cabin < si::Power::ZERO { + // cooling mode + // TODO: account for battery cooling source in COP calculation!!!! - let (te_ref, te_delta_vs_amb) = if pwr_thrml_hvac_to_res < si::Power::ZERO { - // both powers are negative -- i.e. both are in cooling mode + let (te_ref, te_delta_vs_amb) = if pwr_thrml_hvac_to_res < si::Power::ZERO { + // both powers are negative -- i.e. both are in cooling mode - let te_ref: si::Temperature = if cab_state.temperature < res_temp { - // cabin is colder - cab_state.temperature - } else { - // battery is colder - res_temp - }; - (te_ref, te_ref - te_amb_air) - } else if pwr_thrml_hvac_to_res >= si::Power::ZERO { - // `pwr_thrml_hvac_to_cabin` dominates need for cooling - (cab_state.temperature, cab_state.temperature - te_amb_air) + let te_ref: si::Temperature = if cab_state.temperature < res_temp { + // cabin is colder + cab_state.temperature } else { - // `pwr_thrml_hvac_to_res` dominates need for cooling - (res_temp, res_temp - te_amb_air) + // battery is colder + res_temp }; + ( + te_ref, + (te_ref.get::() - te_amb_air.get::()) + * uc::KELVIN_INT, + ) + } else if pwr_thrml_hvac_to_res >= si::Power::ZERO { + // `pwr_thrml_hvac_to_cabin` dominates need for cooling + ( + cab_state.temperature, + (cab_state.temperature.get::() + - te_amb_air.get::()) + * uc::KELVIN_INT, + ) + } else { + // `pwr_thrml_hvac_to_res` dominates need for cooling + ( + res_temp, + (res_temp.get::() - te_amb_air.get::()) + * uc::KELVIN_INT, + ) + }; - // https://en.wikipedia.org/wiki/Coefficient_of_performance#Theoretical_performance_limits - // cop_ideal is t_h / (t_h - t_c) for heating - // cop_ideal is t_c / (t_h - t_c) for cooling + // https://en.wikipedia.org/wiki/Coefficient_of_performance#Theoretical_performance_limits + // cop_ideal is t_h / (t_h - t_c) for heating + // cop_ideal is t_c / (t_h - t_c) for cooling - // divide-by-zero protection and realistic limit on COP - if te_delta_vs_amb.abs() < 5.0 * uc::KELVIN { - // cooling-dominating component is cooler than ambient + threshold - // TODO: make this `5.0` not hardcoded - (te_ref / (5.0 * uc::KELVIN), te_ref) - } else { - (te_ref / te_delta_vs_amb.abs(), te_ref) - } + // divide-by-zero protection and realistic limit on COP + if te_delta_vs_amb.abs() < 5.0 * uc::KELVIN_INT { + // cooling-dominating component is cooler than ambient + threshold + // TODO: make this `5.0` not hardcoded + (te_ref / (5.0 * uc::KELVIN), te_ref) } else { - (si::Ratio::ZERO, f64::NAN * uc::KELVIN) - }; + (te_ref / te_delta_vs_amb.abs(), te_ref) + } + } else { + (si::Ratio::ZERO, f64::NAN * uc::KELVIN) + }; self.state.cop = cop_ideal * self.frac_of_ideal_cop; ensure!( self.state.cop >= 0.0 * uc::R, @@ -272,8 +299,8 @@ impl HVACSystemForLumpedCabinAndRES { cab_heat_cap: si::HeatCapacity, dt: si::Time, ) -> anyhow::Result { - let pwr_thrml_hvac_to_cabin = if cab_state.temperature <= self.te_set + self.te_deadband - && cab_state.temperature >= self.te_set - self.te_deadband + let pwr_thrml_hvac_to_cabin = if cab_state.temperature <= (self.te_set + self.te_deadband) + && cab_state.temperature >= (self.te_set - self.te_deadband) { // inside deadband; no hvac power is needed @@ -283,7 +310,9 @@ impl HVACSystemForLumpedCabinAndRES { si::Power::ZERO } else { // outside deadband - let te_delta_vs_set = cab_state.temperature - self.te_set; + let te_delta_vs_set = (cab_state.temperature.get::() + - self.te_set.get::()) + * uc::KELVIN_INT; self.state.pwr_p = -self.p_cabin * te_delta_vs_set; self.state.pwr_i -= self.i_cabin * uc::W / uc::KELVIN / uc::S * te_delta_vs_set * dt; @@ -293,7 +322,10 @@ impl HVACSystemForLumpedCabinAndRES { .max(-self.pwr_i_max_cabin) .min(self.pwr_i_max_cabin); self.state.pwr_d = -self.d_cabin * uc::J / uc::KELVIN - * ((cab_state.temperature - cab_state.temp_prev) / dt); + * ((cab_state.temperature.get::() + - cab_state.temp_prev.get::()) + * uc::KELVIN_INT + / dt); let pwr_thrml_hvac_to_cabin: si::Power = if cab_state.temperature > self.te_set + self.te_deadband { @@ -361,7 +393,9 @@ impl HVACSystemForLumpedCabinAndRES { si::Power::ZERO } else { // outside deadband - let te_delta_vs_set = res_temp - self.te_set; + let te_delta_vs_set = (res_temp.get::() + - self.te_set.get::()) + * uc::KELVIN_INT; self.state.pwr_p_res = -self.p_res * te_delta_vs_set; self.state.pwr_i_res -= self.i_res * uc::W / uc::KELVIN / uc::S * te_delta_vs_set * dt; self.state.pwr_i_res = self @@ -369,8 +403,11 @@ impl HVACSystemForLumpedCabinAndRES { .pwr_i_res .max(-self.pwr_i_max_res) .min(self.pwr_i_max_res); - self.state.pwr_d_res = - -self.d_res * uc::J / uc::KELVIN * ((res_temp - res_temp_prev) / dt); + self.state.pwr_d_res = -self.d_res * uc::J / uc::KELVIN + * ((res_temp.get::() + - res_temp_prev.get::()) + * uc::KELVIN_INT + / dt); let pwr_thrml_hvac_to_res: si::Power = if res_temp > self.te_set + self.te_deadband { // COOLING MODE; Reversible Energy Storage is hotter than set point @@ -429,7 +466,7 @@ impl HVACSystemForLumpedCabinAndRES { *pwr_thrml_hvac_to_cabin = pwr_thrml_hvac_to_cabin .min( cab_heat_cap * - (te_fc.unwrap() - cab_state.temperature) + (te_fc.unwrap().get::() - cab_state.temperature.get::()) * uc::KELVIN_INT * 0.1 // so that it's substantially less / dt, ) diff --git a/fastsim-core/src/vehicle/powertrain/fuel_converter.rs b/fastsim-core/src/vehicle/powertrain/fuel_converter.rs index e731cc47..c0df06a0 100755 --- a/fastsim-core/src/vehicle/powertrain/fuel_converter.rs +++ b/fastsim-core/src/vehicle/powertrain/fuel_converter.rs @@ -553,7 +553,7 @@ lazy_static! { pub static ref GASOLINE_DENSITY: si::MassDensity = 0.75 * uc::KG / uc::L; /// TODO: find a source for this value pub static ref GASOLINE_LHV: si::SpecificEnergy = 33.7 * uc::KWH / uc::GALLON / *GASOLINE_DENSITY; - pub static ref TE_ADIABATIC_STD: si::Temperature= Air::get_te_from_u( + pub static ref TE_ADIABATIC_STD: si::Temperature = Air::get_te_from_u( Air::get_specific_energy(*TE_STD_AIR).with_context(|| format_dbg!()).unwrap() + (Octane::get_specific_energy(*TE_STD_AIR).with_context(|| format_dbg!()).unwrap() + *GASOLINE_LHV) @@ -580,7 +580,9 @@ impl FuelConverterThermal { ) -> anyhow::Result<()> { self.state.pwr_thrml_fc_to_cab = pwr_thrml_fc_to_cab; // film temperature for external convection calculations - let te_air_film = 0.5 * (self.state.temperature + te_amb); + let te_air_film: si::Temperature = 0.5 + * (self.state.temperature.get::() + te_amb.get::()) + * uc::KELVIN; // Reynolds number = density * speed * diameter / dynamic viscosity // NOTE: might be good to pipe in elevation let fc_air_film_re = @@ -588,40 +590,39 @@ impl FuelConverterThermal { / Air::get_dyn_visc(te_air_film).with_context(|| format_dbg!())?; // calculate heat transfer coeff. from engine to ambient [W / (m ** 2 * K)] - self.state.htc_to_amb = - if veh_speed < 1.0 * uc::MPS { - // if stopped, scale based on thermostat opening and constant convection - self.state.tstat_open_frac = - self.tstat_interp - .interpolate(&[(self.state.temperature.get::() - - uc::CELSIUS_TO_KELVIN.value)]) - .with_context(|| format_dbg!())?; - (uc::R + self.state.tstat_open_frac * self.radiator_effectiveness) - * self.htc_to_amb_stop - } else { - // Calculate heat transfer coefficient for sphere, - // from Incropera's Intro to Heat Transfer, 5th Ed., eq. 7.44 - let sphere_conv_params = get_sphere_conv_params(fc_air_film_re.get::()); - let htc_to_amb_sphere: si::HeatTransferCoeff = sphere_conv_params.0 - * fc_air_film_re.get::().powf(sphere_conv_params.1) - * Air::get_pr(te_air_film) - .with_context(|| format_dbg!())? - .get::() - .powf(1.0 / 3.0) - * Air::get_therm_cond(te_air_film).with_context(|| format_dbg!())? - / self.length_for_convection; - // if stopped, scale based on thermostat opening and constant convection - self.state.tstat_open_frac = - self.tstat_interp - .interpolate(&[(self.state.temperature.get::() - - uc::CELSIUS_TO_KELVIN.value)]) - .with_context(|| format_dbg!())?; - self.state.tstat_open_frac * htc_to_amb_sphere - }; + self.state.htc_to_amb = if veh_speed < 1.0 * uc::MPS { + // if stopped, scale based on thermostat opening and constant convection + self.state.tstat_open_frac = self + .tstat_interp + .interpolate(&[self.state.temperature.get::()]) + .with_context(|| format_dbg!())?; + (uc::R + self.state.tstat_open_frac * self.radiator_effectiveness) + * self.htc_to_amb_stop + } else { + // Calculate heat transfer coefficient for sphere, + // from Incropera's Intro to Heat Transfer, 5th Ed., eq. 7.44 + let sphere_conv_params = get_sphere_conv_params(fc_air_film_re.get::()); + let htc_to_amb_sphere: si::HeatTransferCoeff = sphere_conv_params.0 + * fc_air_film_re.get::().powf(sphere_conv_params.1) + * Air::get_pr(te_air_film) + .with_context(|| format_dbg!())? + .get::() + .powf(1.0 / 3.0) + * Air::get_therm_cond(te_air_film).with_context(|| format_dbg!())? + / self.length_for_convection; + // if stopped, scale based on thermostat opening and constant convection + self.state.tstat_open_frac = self + .tstat_interp + .interpolate(&[self.state.temperature.get::()]) + .with_context(|| format_dbg!())?; + self.state.tstat_open_frac * htc_to_amb_sphere + }; self.state.pwr_thrml_to_amb = self.state.htc_to_amb * PI * self.length_for_convection.powi(typenum::P2::new()) / 4.0 - * (self.state.temperature - te_amb); + * (self.state.temperature.get::() + - te_amb.get::()) + * uc::KELVIN_INT; // let heat_to_amb = ; // assumes fuel/air mixture is entering combustion chamber at block temperature @@ -638,14 +639,17 @@ impl FuelConverterThermal { // heat that will go both to the block and out the exhaust port self.state.pwr_fuel_as_heat = fc_state.pwr_fuel - (fc_state.pwr_prop + fc_state.pwr_aux); self.state.pwr_thrml_to_tm = (self.conductance_from_comb - * (self.state.te_adiabatic - self.state.temperature)) + * (self.state.te_adiabatic.get::() + - self.state.temperature.get::()) + * uc::KELVIN_INT) .min(self.max_frac_from_comb * self.state.pwr_fuel_as_heat); - let delta_temp: si::Temperature = ((self.state.pwr_thrml_to_tm + let delta_temp: si::TemperatureInterval = ((self.state.pwr_thrml_to_tm - self.state.pwr_thrml_fc_to_cab - self.state.pwr_thrml_to_amb) * dt) / self.heat_capacitance; self.state.temp_prev = self.state.temperature; + // Interestingly, it seems to be ok to add a `TemperatureInterval` to a `Temperature` here self.state.temperature += delta_temp; self.state.eff_coeff = match self.fc_eff_model { @@ -690,13 +694,13 @@ impl Init for FuelConverterThermal { fn init(&mut self) -> anyhow::Result<()> { self.tstat_te_sto = self .tstat_te_sto - .or(Some(85. * uc::KELVIN + *uc::CELSIUS_TO_KELVIN)); + .or(Some((85. + uc::CELSIUS_TO_KELVIN) * uc::KELVIN)); self.tstat_te_delta = self.tstat_te_delta.or(Some(5. * uc::KELVIN)); self.tstat_interp = Interpolator::new_1d( vec![ - self.tstat_te_sto.unwrap().get::(), - self.tstat_te_sto.unwrap().get::() - + self.tstat_te_delta.unwrap().get::(), + self.tstat_te_sto.unwrap().get::(), + self.tstat_te_sto.unwrap().get::() + + self.tstat_te_delta.unwrap().get::(), ], vec![0.0, 1.0], Strategy::Linear, @@ -824,7 +828,7 @@ impl Default for FCTempEffModelLinear { #[derive(Debug, Clone, Deserialize, Serialize, PartialEq)] pub struct FCTempEffModelExponential { /// temperature at which `fc_eta_temp_coeff` begins to grow - pub offset: si::Temperature, + pub offset: si::TemperatureInterval, /// exponential lag parameter [K^-1] pub lag: f64, /// minimum value that `fc_eta_temp_coeff` can take @@ -834,7 +838,7 @@ pub struct FCTempEffModelExponential { impl Default for FCTempEffModelExponential { fn default() -> Self { Self { - offset: 0.0 * uc::KELVIN + *uc::CELSIUS_TO_KELVIN, + offset: 0.0 * uc::KELVIN_INT, lag: 25.0, minimum: 0.2 * uc::R, } diff --git a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs index 5973072c..47d0a004 100644 --- a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs +++ b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs @@ -218,8 +218,7 @@ impl ReversibleEnergyStorage { / self.energy_capacity.get::(), te_res .with_context(|| format_dbg!("Expected thermal model to be configured"))? - .get::() - - uc::CELSIUS_TO_KELVIN.value, + .get::(), ], (Interpolator::Interp3D(..), RESEffInterpInputs::CRateSOCTemperature) => &[ state.pwr_out_electrical.get::() @@ -227,8 +226,7 @@ impl ReversibleEnergyStorage { state.soc.get::(), te_res .with_context(|| format_dbg!("Expected thermal model to be configured"))? - .get::() - - uc::CELSIUS_TO_KELVIN.value, + .get::(), ], _ => bail!( " @@ -855,10 +853,15 @@ impl RESLumpedThermal { ) -> anyhow::Result<()> { self.state.temp_prev = self.state.temperature; // TODO: make sure this impacts cabin temperature - self.state.pwr_thrml_from_cabin = - self.conductance_to_cab * (te_cab - self.state.temperature); + self.state.pwr_thrml_from_cabin = self.conductance_to_cab + * (te_cab.get::() + - self.state.temperature.get::()) + * uc::KELVIN_INT; self.state.pwr_thrml_hvac_to_res = pwr_thrml_hvac_to_res; - self.state.pwr_thrml_from_amb = self.conductance_to_cab * (te_amb - self.state.temperature); + self.state.pwr_thrml_from_amb = self.conductance_to_cab + * (te_amb.get::() + - self.state.temperature.get::()) + * uc::KELVIN_INT; self.state.pwr_thrml_loss = res_state.pwr_out_electrical.abs() * (1.0 * uc::R - res_state.eff); self.state.temperature += (self.state.pwr_thrml_hvac_to_res From 6555233a97b66ab6f5d9893af766974df5cb79e4 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Thu, 23 Jan 2025 21:11:59 -0700 Subject: [PATCH 046/129] temperatures that have `degrees_Celsius` in the name appear to be in Kelvin --- .../2021_Hyundai_Sonata_Hybrid_Blue.yaml | 37 ++----------------- .../src/fastsim_api/fastsim_api_utils.rs | 2 +- .../src/vehicle/powertrain/fuel_converter.rs | 8 ++-- python/fastsim/demos/demo_hev_thrml.py | 8 ++-- 4 files changed, 13 insertions(+), 42 deletions(-) diff --git a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml index 28e3e758..bf2bf32a 100644 --- a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml +++ b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml @@ -97,7 +97,7 @@ pt_type: htc_to_amb_stop_watts_per_square_meter_degree_celsius: 50.0 conductance_from_comb_watts_per_kelvin: 5.0 max_frac_from_comb: 0.5 - tstat_te_sto_kelvin: 85.0 + tstat_te_sto_degrees_Celsius: 85.0 tstat_te_delta_kelvin: 5.0 tstat_interp: Interp1D: @@ -199,8 +199,8 @@ pt_type: frac_of_most_eff_pwr_to_run_fc: 1.0 frac_res_chrg_for_fc: 0.0 frac_res_dschrg_for_fc: 1.0 - temp_fc_forced_on_kelvin: 335.15 - temp_fc_allowed_off_kelvin: 338.15 + temp_fc_forced_on_degrees_Celsius: 62.0 + temp_fc_allowed_off_degrees_Celsius: 65.0 aux_cntrl: AuxOnResPriority mass_kilograms: ~ sim_params: @@ -233,7 +233,7 @@ cabin: width_meters: 2.0 hvac: LumpedCabinAndRES: - te_set_kelvin: 295.15 + te_set_degrees_Celsius: 22.0 te_deadband_kelvin: 1.5 p_cabin_watts_per_kelvin: 0.0 i_cabin: 0.0 @@ -253,32 +253,3 @@ mass_kilograms: 1508.195 pwr_aux_base_watts: 500.0 trans_eff: 0.98 save_interval: 1 -state: - i: 0 - pwr_prop_fwd_max_watts: 0.0 - pwr_prop_bwd_max_watts: 0.0 - pwr_tractive_watts: 0.0 - pwr_tractive_for_cyc_watts: 0.0 - energy_tractive_joules: 0.0 - pwr_aux_watts: 0.0 - energy_aux_joules: 0.0 - pwr_drag_watts: 0.0 - energy_drag_joules: 0.0 - pwr_accel_watts: 0.0 - energy_accel_joules: 0.0 - pwr_ascent_watts: 0.0 - energy_ascent_joules: 0.0 - pwr_rr_watts: 0.0 - energy_rr_joules: 0.0 - pwr_whl_inertia_watts: 0.0 - energy_whl_inertia_joules: 0.0 - pwr_brake_watts: 0.0 - energy_brake_joules: 0.0 - cyc_met: true - cyc_met_overall: true - speed_ach_meters_per_second: 0.0 - dist_meters: 0.0 - grade_curr: 0.0 - elev_curr_meters: .nan - air_density_kilograms_per_cubic_meter: 1.172 - mass_kilograms: .nan diff --git a/fastsim-core/fastsim-proc-macros/src/fastsim_api/fastsim_api_utils.rs b/fastsim-core/fastsim-proc-macros/src/fastsim_api/fastsim_api_utils.rs index cc5934f3..32f61611 100755 --- a/fastsim-core/fastsim-proc-macros/src/fastsim_api/fastsim_api_utils.rs +++ b/fastsim-core/fastsim-proc-macros/src/fastsim_api/fastsim_api_utils.rs @@ -204,7 +204,7 @@ pub(crate) fn impl_getters_and_setters(field: &mut syn::Field) -> Option<()> { } "TemperatureInterval" => extract_units!(uom::si::temperature_interval::kelvin), "Temperature" => { - extract_units!(uom::si::temperature_interval::degree_celsius) + extract_units!(uom::si::thermodynamic_temperature::degree_celsius) } "ThermalConductance" => { extract_units!(uom::si::thermal_conductance::watt_per_kelvin) diff --git a/fastsim-core/src/vehicle/powertrain/fuel_converter.rs b/fastsim-core/src/vehicle/powertrain/fuel_converter.rs index c0df06a0..eb73be9b 100755 --- a/fastsim-core/src/vehicle/powertrain/fuel_converter.rs +++ b/fastsim-core/src/vehicle/powertrain/fuel_converter.rs @@ -514,7 +514,7 @@ pub struct FuelConverterThermal { /// parameter for temperature at which thermostat starts to open pub tstat_te_sto: Option, /// temperature delta over which thermostat is partially open - pub tstat_te_delta: Option, + pub tstat_te_delta: Option, #[serde(default = "tstat_interp_default")] pub tstat_interp: Interpolator, /// Radiator effectiveness -- ratio of active heat rejection from @@ -695,18 +695,18 @@ impl Init for FuelConverterThermal { self.tstat_te_sto = self .tstat_te_sto .or(Some((85. + uc::CELSIUS_TO_KELVIN) * uc::KELVIN)); - self.tstat_te_delta = self.tstat_te_delta.or(Some(5. * uc::KELVIN)); + self.tstat_te_delta = self.tstat_te_delta.or(Some(5. * uc::KELVIN_INT)); self.tstat_interp = Interpolator::new_1d( vec![ self.tstat_te_sto.unwrap().get::(), self.tstat_te_sto.unwrap().get::() - + self.tstat_te_delta.unwrap().get::(), + + self.tstat_te_delta.unwrap().get::(), ], vec![0.0, 1.0], Strategy::Linear, Extrapolate::Clamp, ) - .with_context(|| format_dbg!())?; + .with_context(|| format_dbg!((self.tstat_te_sto, self.tstat_te_delta)))?; Ok(()) } } diff --git a/python/fastsim/demos/demo_hev_thrml.py b/python/fastsim/demos/demo_hev_thrml.py index b2d4c6eb..44ca95a7 100644 --- a/python/fastsim/demos/demo_hev_thrml.py +++ b/python/fastsim/demos/demo_hev_thrml.py @@ -62,24 +62,24 @@ def plot_temperatures() -> Tuple[Figure, Axes]: ax[0].set_prop_cycle(get_uni_cycler()) ax[0].plot( df["cyc.time_seconds"], - df["cyc.temp_amb_air_kelvin"] - 273.15, + df["cyc.temp_amb_air_degrees_Celsius"], label="amb", ) ax[0].plot( df["cyc.time_seconds"], - df["veh.cabin.LumpedCabin.history.temperature_kelvin"] - 273.15, + df["veh.cabin.LumpedCabin.history.temperature_degrees_Celsius"], label="cabin", ) ax[0].plot( df["cyc.time_seconds"], df["veh.pt_type.HybridElectricVehicle.res.thrml." + - "RESLumpedThermal.history.temperature_kelvin"] - 273.15, + "RESLumpedThermal.history.temperature_degrees_Celsius"], label="res", ) ax[0].plot( df["cyc.time_seconds"], df["veh.pt_type.HybridElectricVehicle.fc.thrml." + - "FuelConverterThermal.history.temperature_kelvin"] - 273.15, + "FuelConverterThermal.history.temperature_degrees_Celsius"], label="fc", ) ax[0].set_ylabel("Temperatures [°C]") From 03c60f5e205879c0add216f2f3024a55631c9273 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Thu, 23 Jan 2025 21:31:03 -0700 Subject: [PATCH 047/129] fixed everything to accomodate the fact that uom/serde mess up Celsius --- .../f3-vehicles/2020 Chevrolet Bolt EV.yaml | 6 +++--- .../2021_Hyundai_Sonata_Hybrid_Blue.yaml | 14 +++++++------- .../src/fastsim_api/fastsim_api_utils.rs | 6 +++--- .../resources/vehicles/2016_TOYOTA_Prius_Two.yaml | 4 ++-- python/fastsim/demos/demo_hev_thrml.py | 8 ++++---- 5 files changed, 19 insertions(+), 19 deletions(-) diff --git a/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml b/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml index 7f6fb0ad..716f8221 100644 --- a/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml +++ b/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml @@ -5,9 +5,9 @@ year: 2020 cabin: LumpedCabin: # 0.05 is Chad's uncalibrated estimate - cab_shell_htc_to_amb_watts_per_square_meter_degree_celsius: 0.05 + cab_shell_htc_to_amb_watts_per_square_meter_kelvin: 0.05 # 0.05 is Chad's uncalibrated estimate - cab_htc_to_amb_stop_watts_per_square_meter_degree_celsius: 0.05 + cab_htc_to_amb_stop_watts_per_square_meter_kelvin: 0.05 # 200,000 is Chad's uncalibrated estimate heat_capacitance_joules_per_kelvin: 200000 # TODO: get actual vehicle length, but calibrate this later @@ -16,7 +16,7 @@ cabin: width_meters: 2 hvac: LumpedCabinAndRES: - te_set_degrees_Celsius: 295.15 + te_set_kelvin: 295.15 te_deadband_kelvin: 1.5 p_cabin_watts_per_kelvin: 0.0 i_cabin: 0.0 diff --git a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml index bf2bf32a..d4ab10cc 100644 --- a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml +++ b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml @@ -94,10 +94,10 @@ pt_type: FuelConverterThermal: heat_capacitance_joules_per_kelvin: 200000.0 length_for_convection_meters: 1.0 - htc_to_amb_stop_watts_per_square_meter_degree_celsius: 50.0 + htc_to_amb_stop_watts_per_square_meter_kelvin: 50.0 conductance_from_comb_watts_per_kelvin: 5.0 max_frac_from_comb: 0.5 - tstat_te_sto_degrees_Celsius: 85.0 + tstat_te_sto_kelvin: 358.15 tstat_te_delta_kelvin: 5.0 tstat_interp: Interp1D: @@ -199,8 +199,8 @@ pt_type: frac_of_most_eff_pwr_to_run_fc: 1.0 frac_res_chrg_for_fc: 0.0 frac_res_dschrg_for_fc: 1.0 - temp_fc_forced_on_degrees_Celsius: 62.0 - temp_fc_allowed_off_degrees_Celsius: 65.0 + temp_fc_forced_on_kelvin: 335.15 + temp_fc_allowed_off_kelvin: 338.15 aux_cntrl: AuxOnResPriority mass_kilograms: ~ sim_params: @@ -226,14 +226,14 @@ chassis: cargo_mass_kilograms: ~ cabin: LumpedCabin: - cab_shell_htc_to_amb_watts_per_square_meter_degree_celsius: 0.05 - cab_htc_to_amb_stop_watts_per_square_meter_degree_celsius: 0.05 + cab_shell_htc_to_amb_watts_per_square_meter_kelvin: 0.05 + cab_htc_to_amb_stop_watts_per_square_meter_kelvin: 0.05 heat_capacitance_joules_per_kelvin: 200000.0 length_meters: 2.5 width_meters: 2.0 hvac: LumpedCabinAndRES: - te_set_degrees_Celsius: 22.0 + te_set_kelvin: 295.15 te_deadband_kelvin: 1.5 p_cabin_watts_per_kelvin: 0.0 i_cabin: 0.0 diff --git a/fastsim-core/fastsim-proc-macros/src/fastsim_api/fastsim_api_utils.rs b/fastsim-core/fastsim-proc-macros/src/fastsim_api/fastsim_api_utils.rs index 32f61611..7e1c65da 100755 --- a/fastsim-core/fastsim-proc-macros/src/fastsim_api/fastsim_api_utils.rs +++ b/fastsim-core/fastsim-proc-macros/src/fastsim_api/fastsim_api_utils.rs @@ -193,8 +193,8 @@ pub(crate) fn impl_getters_and_setters(field: &mut syn::Field) -> Option<()> { "Ratio" => extract_units!(uom::si::ratio::ratio), "Time" => extract_units!(uom::si::time::second, uom::si::time::hour), "HeatTransferCoeff" => extract_units!( - uom::si::heat_transfer::watt_per_square_meter_degree_celsius, - uom::si::heat_transfer::watt_per_square_meter_kelvin + uom::si::heat_transfer::watt_per_square_meter_kelvin, + uom::si::heat_transfer::watt_per_square_meter_degree_celsius ), "HeatCapacity" => { extract_units!( @@ -204,7 +204,7 @@ pub(crate) fn impl_getters_and_setters(field: &mut syn::Field) -> Option<()> { } "TemperatureInterval" => extract_units!(uom::si::temperature_interval::kelvin), "Temperature" => { - extract_units!(uom::si::thermodynamic_temperature::degree_celsius) + extract_units!(uom::si::thermodynamic_temperature::kelvin) } "ThermalConductance" => { extract_units!(uom::si::thermal_conductance::watt_per_kelvin) diff --git a/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml b/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml index eabf831a..1b2df6f3 100755 --- a/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml +++ b/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml @@ -669,8 +669,8 @@ pt_type: frac_of_most_eff_pwr_to_run_fc: 1.0 frac_res_chrg_for_fc: 0.0 frac_res_dschrg_for_fc: 1.0 - temp_fc_forced_on_degrees_Celsius: ~ - temp_fc_allowed_off_degrees_Celsius: ~ + temp_fc_forced_on_kelvin: ~ + temp_fc_allowed_off_kelvin: ~ aux_cntrl: AuxOnResPriority mass_kilograms: ~ sim_params: diff --git a/python/fastsim/demos/demo_hev_thrml.py b/python/fastsim/demos/demo_hev_thrml.py index 44ca95a7..b2d4c6eb 100644 --- a/python/fastsim/demos/demo_hev_thrml.py +++ b/python/fastsim/demos/demo_hev_thrml.py @@ -62,24 +62,24 @@ def plot_temperatures() -> Tuple[Figure, Axes]: ax[0].set_prop_cycle(get_uni_cycler()) ax[0].plot( df["cyc.time_seconds"], - df["cyc.temp_amb_air_degrees_Celsius"], + df["cyc.temp_amb_air_kelvin"] - 273.15, label="amb", ) ax[0].plot( df["cyc.time_seconds"], - df["veh.cabin.LumpedCabin.history.temperature_degrees_Celsius"], + df["veh.cabin.LumpedCabin.history.temperature_kelvin"] - 273.15, label="cabin", ) ax[0].plot( df["cyc.time_seconds"], df["veh.pt_type.HybridElectricVehicle.res.thrml." + - "RESLumpedThermal.history.temperature_degrees_Celsius"], + "RESLumpedThermal.history.temperature_kelvin"] - 273.15, label="res", ) ax[0].plot( df["cyc.time_seconds"], df["veh.pt_type.HybridElectricVehicle.fc.thrml." + - "FuelConverterThermal.history.temperature_degrees_Celsius"], + "FuelConverterThermal.history.temperature_kelvin"] - 273.15, label="fc", ) ax[0].set_ylabel("Temperatures [°C]") From e5834a78de8171623995e1b965761334dcdb58ab Mon Sep 17 00:00:00 2001 From: Kyle Carow Date: Fri, 24 Jan 2025 12:10:36 -0700 Subject: [PATCH 048/129] started cal_bev.py --- cal_and_val/thermal/cal_bev.py | 10 ++++++++++ 1 file changed, 10 insertions(+) diff --git a/cal_and_val/thermal/cal_bev.py b/cal_and_val/thermal/cal_bev.py index e69de29b..f274ede5 100644 --- a/cal_and_val/thermal/cal_bev.py +++ b/cal_and_val/thermal/cal_bev.py @@ -0,0 +1,10 @@ +""" +Calibration script for 2020 Chevrolet Bolt EV +""" + +# critical import +from pathlib import Path + +import fastsim as fsim + +# cyc_folder_path = Path(__file__) / "dyno_test_data/2020 Chevrolet Bolt EV/Extended Datasets" From efd4c3783f8a093e605c37c3628dea1ea17086a4 Mon Sep 17 00:00:00 2001 From: Kyle Carow Date: Fri, 24 Jan 2025 12:43:19 -0700 Subject: [PATCH 049/129] cal_bev is further along --- cal_and_val/thermal/cal_bev.py | 141 ++++++++++++++++++++++++++++++++- 1 file changed, 140 insertions(+), 1 deletion(-) diff --git a/cal_and_val/thermal/cal_bev.py b/cal_and_val/thermal/cal_bev.py index f274ede5..138f76e1 100644 --- a/cal_and_val/thermal/cal_bev.py +++ b/cal_and_val/thermal/cal_bev.py @@ -5,6 +5,145 @@ # critical import from pathlib import Path +# anticipated cricital imports +import numpy as np # noqa: F401 +import matplotlib.pyplot as plt # noqa: F401 +import seaborn as sns +import pandas as pd # noqa: F401 +import polars as pl # noqa: F401 + import fastsim as fsim -# cyc_folder_path = Path(__file__) / "dyno_test_data/2020 Chevrolet Bolt EV/Extended Datasets" +# Initialize seaborn plot configuration +sns.set_style() + +veh = fsim.Vehicle.from_file(Path(__file__).parent / "f3-vehicles/2020 Chevrolet Bolt EV.yaml") + +# Obtain the data from +# https://nrel.sharepoint.com/:f:/r/sites/EEMSCoreModelingandDecisionSupport2022-2024/Shared%20Documents/FASTSim/DynoTestData?csf=1&web=1&e=F4FEBp +# and then copy it to the local folder below +cyc_folder_path = Path(__file__) / "dyno_test_data/2020 Chevrolet Bolt EV/Extended Datasets" +assert cyc_folder_path.exists() + +# See 2021_Hyundai_Sonata_Hybrid_TestSummary_2022-03-01_D3.xlsx for cycle-level data +cyc_files = [ + # TODO: try to find 3 hot cycles, 3 room temp cycles, and 3 cold cycles. + # The hot and cold cycles must have HVAC active! + # - wide range of initial and ambient temperatures + # - good signal quality -- somewhat subjective + # HWY x2, hot (M155), HVAC active (B155) + # TODO: check for solar load (should be around 1 kW / m^2) and implement place for this somewhere (`drive_cycle`???) + "62202004 Test Data.txt", + # US06 x2, hot, HVAC active + # TODO: check for solar load (should be around 1 kW / m^2) and implement or this somewhere (`drive_cycle`???) + "62202005 Test Data.txt", + # UDDS x1, room temperature ambient + "62201013 Test Data.txt", + # HWY x2, room temperature ambient + "62201014 Test Data.txt", + # TODO: check for seat heater usage in cold cycles and account for that in model! +] +assert len(cyc_files) > 0 +cyc_files = [cyc_folder_path / cyc_file for cyc_file in cyc_files] + +# TODO: use random selection to retain ~70% of cycles for calibration, and +# reserve the remaining for validation +cyc_files_for_cal = [ + # TOOD: populate this somehow -- e.g. random split of `cyc_files` +] +assert len(cyc_files_for_cal) > 0 +dfs_for_cal = {} +for cyc_file in cyc_files_for_cal: + cyc_file: Path + # `delimiter="\t"` should work for tab separated variables + dfs_for_cal[cyc_file.stem] = pd.read_csv(cyc_file, delimiter="\t") +cycs_for_cal = {} +for (cyc_file_stem, df) in dfs_for_cal.items(): + cyc_file_stem: str + df: pd.DataFrame + cyc_dict = df.to_dict() + # TODO: be ready to do some massaging of `cyc_dict`, like making sure that + # keys match expected, purging invalid keys, and massaging data types + + # TODO: make sure this catches ambient temperature + cycs_for_cal[cyc_file_stem] = fsim.Cycle.from_pydict(cyc_dict) +sds_for_cal = {} +for (cyc_file_stem, cyc) in cycs_for_cal.items(): + cyc_file_stem: str + cyc: fsim.Cycle + # TODO: clone veh and set up initial conditions for: + # - SOC + # - cabin temp + # - battery temp if available, else use cabin temp + # - engine temp for HEV + # NOTE: maybe change `save_interval` to 5 + sds_for_cal[cyc_file_stem] = fsim.SimDrive(veh, cyc).to_pydict() + +# TODO: flesh this out for validation stuff +# cyc_files_for_val = [] + +# Setup model objectives +## Parameter Functions +def new_em_eff_max(sd_dict, new_eff_peak): + """ + Set `new_eff_max` in `ElectricMachine` + """ + em = fsim.ElectricMachine.from_pydict(sd_dict['veh']['pt_type']['HybridElectricVehicle']['em']) + em.set_eff_peak(new_eff_peak) + sd_dict['veh']['pt_type']['HybridElectricVehicle']['em'] = em.to_pydict() + # TODO: check that `sd_dict` is mutably modified outside the scope of this function, e.g. with a debugger + +def new_em_eff_range(sd_dict, new_eff_range): + """ + Set `new_eff_range` in `ElectricMachine` + """ + em = fsim.ElectricMachine.from_pydict(sd_dict['veh']['pt_type']['HybridElectricVehicle']['em']) + em.set_eff_range(new_eff_range) + sd_dict['veh']['pt_type']['HybridElectricVehicle']['em'] = em.to_pydict() + # TODO: check that `sd_dict` is mutably modified outside the scope of this function, e.g. with a debugger + +## Model Objectives +cal_mod_obj = fsim.pymoo_api.ModelObjectives( + models = sds_for_cal, + dfs = dfs_for_cal, + obj_fns=( + ( + lambda sd_dict: np.array(sd_dict['veh']['pt_type']['HybridElectricVehicle']['res']['history']['soc']), + lambda df: df['TODO: find signal for test data soc'] + ), + # TODO: add objectives for: + # - engine fuel usage + # - battery temperature + # - engine temperature + # - cabin temperature + # - HVAC power, if available + ), + param_fns=( + new_em_eff_max, + new_em_eff_range, + # TODO: make sure this has functions for modifying + # - HVAC PID controls for cabin (not for battery because Sonata has + # passive thermal management, but make sure to do battery thermal + # controls for BEV) + # - battery thermal + # - thermal mass + # - convection to ambient + # - convection to cabin + # - cabin thermal + # - thermal mass + # - length + # - htc to amb when stopped + # - set width from vehicle specs -- no need to calibrate + ), + # must match order and length of `params_fns` + bounds=( + (0.80, 0.99), + (0.1, 0.6), + ), + +) + +# Setup calibration problem +cal_prob = fsim.pymoo_api.CalibrationProblem( + mod_obj=cal_mod_obj, +) From 4c3fe44392ea1c09da5d5d7fef1a66c0dcd59067 Mon Sep 17 00:00:00 2001 From: Kyle Carow Date: Fri, 24 Jan 2025 12:55:18 -0700 Subject: [PATCH 050/129] Hybrid -> Battery --- cal_and_val/thermal/cal_bev.py | 10 +++++----- 1 file changed, 5 insertions(+), 5 deletions(-) diff --git a/cal_and_val/thermal/cal_bev.py b/cal_and_val/thermal/cal_bev.py index 138f76e1..19a2b132 100644 --- a/cal_and_val/thermal/cal_bev.py +++ b/cal_and_val/thermal/cal_bev.py @@ -88,18 +88,18 @@ def new_em_eff_max(sd_dict, new_eff_peak): """ Set `new_eff_max` in `ElectricMachine` """ - em = fsim.ElectricMachine.from_pydict(sd_dict['veh']['pt_type']['HybridElectricVehicle']['em']) + em = fsim.ElectricMachine.from_pydict(sd_dict['veh']['pt_type']['BatteryElectricVehicle']['em']) em.set_eff_peak(new_eff_peak) - sd_dict['veh']['pt_type']['HybridElectricVehicle']['em'] = em.to_pydict() + sd_dict['veh']['pt_type']['BatteryElectricVehicle']['em'] = em.to_pydict() # TODO: check that `sd_dict` is mutably modified outside the scope of this function, e.g. with a debugger def new_em_eff_range(sd_dict, new_eff_range): """ Set `new_eff_range` in `ElectricMachine` """ - em = fsim.ElectricMachine.from_pydict(sd_dict['veh']['pt_type']['HybridElectricVehicle']['em']) + em = fsim.ElectricMachine.from_pydict(sd_dict['veh']['pt_type']['BatteryElectricVehicle']['em']) em.set_eff_range(new_eff_range) - sd_dict['veh']['pt_type']['HybridElectricVehicle']['em'] = em.to_pydict() + sd_dict['veh']['pt_type']['BatteryElectricVehicle']['em'] = em.to_pydict() # TODO: check that `sd_dict` is mutably modified outside the scope of this function, e.g. with a debugger ## Model Objectives @@ -108,7 +108,7 @@ def new_em_eff_range(sd_dict, new_eff_range): dfs = dfs_for_cal, obj_fns=( ( - lambda sd_dict: np.array(sd_dict['veh']['pt_type']['HybridElectricVehicle']['res']['history']['soc']), + lambda sd_dict: np.array(sd_dict['veh']['pt_type']['BatteryElectricVehicle']['res']['history']['soc']), lambda df: df['TODO: find signal for test data soc'] ), # TODO: add objectives for: From f4623ad2ed49dec9208168adcb7aabed72b3929a Mon Sep 17 00:00:00 2001 From: Kyle Carow Date: Fri, 24 Jan 2025 13:32:23 -0700 Subject: [PATCH 051/129] selected BEV cycles --- cal_and_val/thermal/cal_bev.py | 31 ++++++++++++++++--------------- 1 file changed, 16 insertions(+), 15 deletions(-) diff --git a/cal_and_val/thermal/cal_bev.py b/cal_and_val/thermal/cal_bev.py index 19a2b132..2b0f0273 100644 --- a/cal_and_val/thermal/cal_bev.py +++ b/cal_and_val/thermal/cal_bev.py @@ -25,23 +25,24 @@ cyc_folder_path = Path(__file__) / "dyno_test_data/2020 Chevrolet Bolt EV/Extended Datasets" assert cyc_folder_path.exists() -# See 2021_Hyundai_Sonata_Hybrid_TestSummary_2022-03-01_D3.xlsx for cycle-level data +# See 2020_Chevrolet_Bolt_TestSummary_201005.xlsm for cycle-level data cyc_files = [ - # TODO: try to find 3 hot cycles, 3 room temp cycles, and 3 cold cycles. - # The hot and cold cycles must have HVAC active! - # - wide range of initial and ambient temperatures - # - good signal quality -- somewhat subjective - # HWY x2, hot (M155), HVAC active (B155) - # TODO: check for solar load (should be around 1 kW / m^2) and implement place for this somewhere (`drive_cycle`???) - "62202004 Test Data.txt", - # US06 x2, hot, HVAC active - # TODO: check for solar load (should be around 1 kW / m^2) and implement or this somewhere (`drive_cycle`???) - "62202005 Test Data.txt", - # UDDS x1, room temperature ambient - "62201013 Test Data.txt", - # HWY x2, room temperature ambient - "62201014 Test Data.txt", # TODO: check for seat heater usage in cold cycles and account for that in model! + # 20F (heater maybe on? Col R in test summary), UDDS + HWY + UDDS + US06 + "62009051 Test Data.txt" + # 20F (heater maybe on? Col R in test summary), US06 + UDDS + HWY + UDDS + "62009053 Test Data.txt" + + # room temperature (no HVAC), UDDS + HWY + UDDS + US06 + "62009019 Test Data.txt", + # room temperature (no HVAC), US06 + UDDS + HWY + UDDS + "62009021 Test Data.txt", + + # TODO: check for solar load (should be around 1 kW / m^2) and implement or this somewhere (`drive_cycle`???) + # 95F (HVAC on), UDDS + HWY + UDDS + "62009040 Test Data.txt" + # 95F (HVAC on), US06 + "62009041 Test Data.txt" ] assert len(cyc_files) > 0 cyc_files = [cyc_folder_path / cyc_file for cyc_file in cyc_files] From 610a47e8c08b0b9d1c6454a391a118019a58cf6d Mon Sep 17 00:00:00 2001 From: Kyle Carow Date: Fri, 24 Jan 2025 13:43:34 -0700 Subject: [PATCH 052/129] kelvin to celsius in vehicle files --- cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml | 4 ++-- .../f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml | 6 +++--- 2 files changed, 5 insertions(+), 5 deletions(-) diff --git a/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml b/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml index 716f8221..d11c4d4d 100644 --- a/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml +++ b/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml @@ -5,9 +5,9 @@ year: 2020 cabin: LumpedCabin: # 0.05 is Chad's uncalibrated estimate - cab_shell_htc_to_amb_watts_per_square_meter_kelvin: 0.05 + cab_shell_htc_to_amb_watts_per_square_meter_degree_celsius: 0.05 # 0.05 is Chad's uncalibrated estimate - cab_htc_to_amb_stop_watts_per_square_meter_kelvin: 0.05 + cab_htc_to_amb_stop_watts_per_square_meter_degree_celsius: 0.05 # 200,000 is Chad's uncalibrated estimate heat_capacitance_joules_per_kelvin: 200000 # TODO: get actual vehicle length, but calibrate this later diff --git a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml index d4ab10cc..0f93011a 100644 --- a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml +++ b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml @@ -94,7 +94,7 @@ pt_type: FuelConverterThermal: heat_capacitance_joules_per_kelvin: 200000.0 length_for_convection_meters: 1.0 - htc_to_amb_stop_watts_per_square_meter_kelvin: 50.0 + htc_to_amb_stop_watts_per_square_meter_degree_celsius: 50.0 conductance_from_comb_watts_per_kelvin: 5.0 max_frac_from_comb: 0.5 tstat_te_sto_kelvin: 358.15 @@ -226,8 +226,8 @@ chassis: cargo_mass_kilograms: ~ cabin: LumpedCabin: - cab_shell_htc_to_amb_watts_per_square_meter_kelvin: 0.05 - cab_htc_to_amb_stop_watts_per_square_meter_kelvin: 0.05 + cab_shell_htc_to_amb_watts_per_square_meter_degree_celsius: 0.05 + cab_htc_to_amb_stop_watts_per_square_meter_degree_celsius: 0.05 heat_capacitance_joules_per_kelvin: 200000.0 length_meters: 2.5 width_meters: 2.0 From c4d1f84e9623f2335c08a12ef6433a93d5432a75 Mon Sep 17 00:00:00 2001 From: Kyle Carow Date: Fri, 24 Jan 2025 15:16:54 -0700 Subject: [PATCH 053/129] battery temp --- cal_and_val/thermal/cal_bev.py | 9 ++++++--- 1 file changed, 6 insertions(+), 3 deletions(-) diff --git a/cal_and_val/thermal/cal_bev.py b/cal_and_val/thermal/cal_bev.py index 2b0f0273..c7bdd36a 100644 --- a/cal_and_val/thermal/cal_bev.py +++ b/cal_and_val/thermal/cal_bev.py @@ -110,12 +110,15 @@ def new_em_eff_range(sd_dict, new_eff_range): obj_fns=( ( lambda sd_dict: np.array(sd_dict['veh']['pt_type']['BatteryElectricVehicle']['res']['history']['soc']), - lambda df: df['TODO: find signal for test data soc'] + lambda df: df['HVBatt_SOC_CAN4__per'] ), # TODO: add objectives for: - # - engine fuel usage # - battery temperature - # - engine temperature + ( + lambda sd_dict: np.array(sd_dict['veh']['pt_type']['BatteryElectricVehicle']['res']['thermal']['RESLumpedThermal']['history']['temperature_kelvin']), + # HVBatt_cell_temp_1_CAN3__C (or average of temps?) or HVBatt_pack_average_temp_HPCM2__C? + lambda df: df['HVBatt_pack_average_temp_HPCM2__C'] + ), # - cabin temperature # - HVAC power, if available ), From fe013e80796aaa9124de37698aa8a7899d11ee27 Mon Sep 17 00:00:00 2001 From: Kyle Carow Date: Fri, 24 Jan 2025 16:55:11 -0700 Subject: [PATCH 054/129] ninterp v0.2.1 --- Cargo.lock | 4 ++-- fastsim-core/Cargo.toml | 2 +- 2 files changed, 3 insertions(+), 3 deletions(-) diff --git a/Cargo.lock b/Cargo.lock index 76ce49c2..1083b9e7 100644 --- a/Cargo.lock +++ b/Cargo.lock @@ -1043,9 +1043,9 @@ dependencies = [ [[package]] name = "ninterp" -version = "0.2.0" +version = "0.2.1" source = "registry+https://github.com/rust-lang/crates.io-index" -checksum = "e60a408704882574368061cb86dba333d64027a93d8634dfe39c85da167df2a5" +checksum = "c6ad0d5c7daec14bf8d66d66eb1025ea4e24d0e2d6b0881fe3697d17054c88fe" dependencies = [ "itertools 0.13.0", "ndarray 0.16.1", diff --git a/fastsim-core/Cargo.toml b/fastsim-core/Cargo.toml index bcb18e46..dfbce0b9 100644 --- a/fastsim-core/Cargo.toml +++ b/fastsim-core/Cargo.toml @@ -38,7 +38,7 @@ toml = { version = "0.8.12", optional = true } derive_more = { version = "1.0.0", features = ["from_str", "from", "is_variant", "try_into"] } ureq = { version = "2.9.1", optional = true } url = { version = "2.5.0", optional = true } -ninterp = { version = "0.2.0", features = ["serde"] } +ninterp = { version = "0.2.1", features = ["serde"] } [dev-dependencies] pretty_assertions = "1.4.1" From 376a39aba0819265d80922b5b488bb3089eee828 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Mon, 27 Jan 2025 15:48:30 -0700 Subject: [PATCH 055/129] added solar load column --- fastsim-core/src/drive_cycle.rs | 50 +++++++++++++++++++++++++++------ 1 file changed, 41 insertions(+), 9 deletions(-) diff --git a/fastsim-core/src/drive_cycle.rs b/fastsim-core/src/drive_cycle.rs index 0df7a905..20b9fcee 100644 --- a/fastsim-core/src/drive_cycle.rs +++ b/fastsim-core/src/drive_cycle.rs @@ -44,14 +44,17 @@ pub struct Cycle { pub elev: Vec, /// road charging/discharing capacity pub pwr_max_chrg: Vec, - /// grade interpolator - pub grade_interp: Option, - /// elevation interpolator - pub elev_interp: Option, /// ambient air temperature w.r.t. to time (rather than spatial position) #[serde(default, skip_serializing_if = "Vec::is_empty")] pub temp_amb_air: Vec, + /// solar heat load w.r.t. to time (rather than spatial position) + #[serde(default, skip_serializing_if = "Vec::is_empty")] + pub pwr_solar_load: Vec, // TODO: add provision for optional time-varying aux load + /// grade interpolator + pub grade_interp: Option, + /// elevation interpolator + pub elev_interp: Option, } lazy_static! { @@ -160,9 +163,26 @@ impl SerdeAPI for Cycle { // unchecked indexing should be ok because of `self.len()` time: self.time[i], speed: self.speed[i], - grade: Some(self.grade[i]), - pwr_max_charge: Some(self.pwr_max_chrg[i]), - temp_amb_air: Some(self.temp_amb_air[i]), + grade: if !self.grade.is_empty() { + Some(self.grade[i]) + } else { + None + }, + pwr_max_charge: if !self.pwr_max_chrg.is_empty() { + Some(self.pwr_max_chrg[i]) + } else { + None + }, + temp_amb_air: if !self.temp_amb_air.is_empty() { + Some(self.temp_amb_air[i]) + } else { + None + }, + pwr_solar_load: if !self.pwr_solar_load.is_empty() { + Some(self.pwr_solar_load[i]) + } else { + None + }, })?; } wtr.flush()? @@ -205,6 +225,7 @@ impl SerdeAPI for Cycle { for result in rdr.deserialize() { cyc.push(result?)?; } + cyc } #[cfg(feature = "json")] @@ -343,11 +364,19 @@ impl Cycle { self.speed.push(element.speed); match element.grade { Some(grade) => self.grade.push(grade), - _ => self.grade.push(0.0 * uc::R), + None => self.grade.push(si::Ratio::ZERO), } match element.pwr_max_charge { Some(pwr_max_chrg) => self.pwr_max_chrg.push(pwr_max_chrg), - _ => self.pwr_max_chrg.push(0.0 * uc::W), + None => self.pwr_max_chrg.push(si::Power::ZERO), + } + match element.temp_amb_air { + Some(temp_amb_air) => self.temp_amb_air.push(temp_amb_air), + None => self.temp_amb_air.push(*TE_STD_AIR), + } + match element.pwr_solar_load { + Some(pwr_solar_load) => self.pwr_solar_load.push(pwr_solar_load), + None => self.pwr_solar_load.push(si::Power::ZERO), } Ok(()) } @@ -454,6 +483,8 @@ pub struct CycleElement { // TODO: make sure all fields in cycle are represented here, as appropriate /// ambient air temperature w.r.t. to time (rather than spatial position) pub temp_amb_air: Option, + /// solar heat load w.r.t. to time (rather than spatial position) + pub pwr_solar_load: Option, } impl SerdeAPI for CycleElement {} @@ -475,6 +506,7 @@ mod tests { grade_interp: Default::default(), elev_interp: Default::default(), temp_amb_air: Default::default(), + pwr_solar_load: Default::default(), }; cyc.init().unwrap(); cyc From ae1c607fd975e175438ce763a4ad7fe627f94943 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Mon, 27 Jan 2025 17:26:34 -0700 Subject: [PATCH 056/129] wrote def for cyc from df -- i.e. BCs partway through setting up ICs various other comments --- cal_and_val/thermal/cal_hev.py | 94 ++++++++++++++++++++++++++-------- python/fastsim/pymoo_api.py | 2 + 2 files changed, 74 insertions(+), 22 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 5e6dcde0..66afe694 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -18,18 +18,23 @@ import seaborn as sns import pandas as pd # noqa: F401 import polars as pl # noqa: F401 +from typing import List, Dict import fastsim as fsim +mps_per_mph = 0.447 +celsius_to_kelvin_offset = 273.15 + # Initialize seaborn plot configuration sns.set() # TODO: Kyle or Robin: -# - [ ] in the `./f3-vehicles`, reduce all ~100 element arrays to just the ~10 +# - [x] in the `./f3-vehicles`, reduce all ~100 element arrays to just the ~10 # element arrays, -# - [ ] for FC, grab Atkinson efficiency map from fastsim-2 +# - [x] for FC, grab Atkinson efficiency map from fastsim-2 # - [x] and make sure linear interpolation is used -# - [ ] make sure temp- and current/c-rate-dependent battery efficiency interp is being used +# - [x] make sure temp- and current/c-rate-dependent battery efficiency interp +# is being used -- temp is 23*C and up and c-rate ranges from -5/hr to 5/hr veh = fsim.Vehicle.from_file(Path(__file__).parent / "f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml") # Obtain the data from @@ -39,16 +44,17 @@ assert cyc_folder_path.exists() # See 2021_Hyundai_Sonata_Hybrid_TestSummary_2022-03-01_D3.xlsx for cycle-level data -cyc_files = [ +cyc_files: List[str] = [ # TODO: try to find 3 hot cycles, 3 room temp cycles, and 3 cold cycles. # The hot and cold cycles must have HVAC active! # - wide range of initial and ambient temperatures # - good signal quality -- somewhat subjective # HWY x2, hot (M155), HVAC active (B155) - # TODO: check for solar load (should be around 1 kW / m^2) and implement place for this somewhere (`drive_cycle`???) + # TODO: connect drive cycle solar load to cabin + # TODO: check for solar load (should be around 1 kW / m^2) "62202004 Test Data.txt", # US06 x2, hot, HVAC active - # TODO: check for solar load (should be around 1 kW / m^2) and implement or this somewhere (`drive_cycle`???) + # TODO: check for solar load (should be around 1 kW / m^2) "62202005 Test Data.txt", # UDDS x1, room temperature ambient "62201013 Test Data.txt", @@ -59,31 +65,50 @@ assert len(cyc_files) > 0 cyc_files = [cyc_folder_path / cyc_file for cyc_file in cyc_files] -# TODO: use random selection to retain ~70% of cycles for calibration, and -# reserve the remaining for validation -cyc_files_for_cal = [ +# TODO: use random or manual selection to retain ~70% of cycles for calibration, +# and reserve the remaining for validation +cyc_files_for_cal: List[Path] = [ # TOOD: populate this somehow -- e.g. random split of `cyc_files` ] assert len(cyc_files_for_cal) > 0 -dfs_for_cal = {} -for cyc_file in cyc_files_for_cal: - cyc_file: Path + +def df_to_cyc(df: pd.DataFrame) -> fsim.Cycle: + cyc_dict_raw = df.to_dict() + # filter out "before" time + cyc_dict_raw = cyc_dict_raw[cyc_dict_raw["Time[s]_RawFacilities"] >= 0.0] + cyc_dict = { + "time_seconds": df["Time[s]_RawFacilities"], + "speed_meters_per_second": df["Dyno_Spd[mph]"] * mps_per_mph, + "temp_amb_air_kelvin": df["Cell_Temp[C]"] + celsius_to_kelvin_offset, + # "pwr_solar_load_watts": df[], + } + return fsim.Cycle.from_pydict(cyc_dict) + + +dfs_for_cal: Dict[str, pd.DataFrame] = { # `delimiter="\t"` should work for tab separated variables - dfs_for_cal[cyc_file.stem] = pd.read_csv(cyc_file, delimiter="\t") -cycs_for_cal = {} + cyc_file.stem: pd.read_csv(cyc_file, delimiter="\t") for cyc_file in cyc_files_for_cal +} + +cycs_for_cal: Dict[str, fsim.Cycle] = {} +# populate `cycs_for_cal` for (cyc_file_stem, df) in dfs_for_cal.items(): cyc_file_stem: str df: pd.DataFrame - cyc_dict = df.to_dict() - # TODO: be ready to do some massaging of `cyc_dict`, like making sure that - # keys match expected, purging invalid keys, and massaging data types + cyc_dict_raw = df.to_dict() + cyc_file_stem: str + df: pd.DataFrame + cycs_for_cal[cyc_file_stem] = df_to_cyc(df) - # TODO: make sure this catches ambient temperature - cycs_for_cal[cyc_file_stem] = fsim.Cycle.from_pydict(cyc_dict) -sds_for_cal = {} +sds_for_cal: Dict[str, fsim.SimDrive] = {} +# populate `sds_for_cal` for (cyc_file_stem, cyc) in cycs_for_cal.items(): cyc_file_stem: str cyc: fsim.Cycle + veh_dict = veh.to_pydict() + # initialize SOC + veh_dict['veh']['pt_type']['HybridElectricVehicle']['res']['state']['soc'] = dfs_for_cal[cyc_file_stem]["HVBatt_SOC_high_precision_PCAN__per"][0] + # TODO: pick up work here! # TODO: clone veh and set up initial conditions for: # - SOC # - cabin temp @@ -92,8 +117,32 @@ # NOTE: maybe change `save_interval` to 5 sds_for_cal[cyc_file_stem] = fsim.SimDrive(veh, cyc).to_pydict() -# TODO: flesh this out for validation stuff -# cyc_files_for_val = [] +cyc_files_for_val: List[Path] = list(set(cyc_files) - set(cyc_files_for_cal)) + +dfs_for_val: Dict[str, pd.DataFrame] = { + # `delimiter="\t"` should work for tab separated variables + cyc_file.stem: pd.read_csv(cyc_file, delimiter="\t") for cyc_file in cyc_files_for_val +} + +cycs_for_val: Dict[str, fsim.Cycle] = {} +# populate `cycs_for_val` +for (cyc_file_stem, df) in dfs_for_val.items(): + cyc_file_stem: str + df: pd.DataFrame + cycs_for_val[cyc_file_stem] = df_to_cyc(df) + +sds_for_val: Dict[str, fsim.SimDrive] = {} +# populate `sds_for_val` +for (cyc_file_stem, cyc) in cycs_for_val.items(): + cyc_file_stem: str + cyc: fsim.Cycle + # TODO: clone veh and set up initial conditions for: + # - SOC + # - cabin temp + # - battery temp if available, else use cabin temp + # - engine temp for HEV + # NOTE: maybe change `save_interval` to 5 + sds_for_val[cyc_file_stem] = fsim.SimDrive(veh, cyc).to_pydict() # Setup model objectives ## Parameter Functions @@ -105,6 +154,7 @@ def new_em_eff_max(sd_dict, new_eff_peak): em.set_eff_peak(new_eff_peak) sd_dict['veh']['pt_type']['HybridElectricVehicle']['em'] = em.to_pydict() # TODO: check that `sd_dict` is mutably modified outside the scope of this function, e.g. with a debugger + # maybe do this by individually perturbing all the objectives and checking for response def new_em_eff_range(sd_dict, new_eff_range): """ diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py index ba5f504b..4f24cea6 100644 --- a/python/fastsim/pymoo_api.py +++ b/python/fastsim/pymoo_api.py @@ -185,9 +185,11 @@ def get_errors( for ((key, df_exp), sd) in zip(self.dfs.items(), sim_drives.values()): key: str df_exp: pd.DataFrame + # TODO: maybe put a `try...except` block here t0 = time.perf_counter() sd.sim_drive() # type: ignore t1 = time.perf_counter() + if self.verbose: print(f"Time to simulate {key}: {t1 - t0:.3g}") sd_dict = sd.to_pydict() From db272d4361a4132db8a9e88d47d38de9f93379fb Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Tue, 28 Jan 2025 13:17:24 -0700 Subject: [PATCH 057/129] troubleshooting pymoo stuff --- cal_and_val/thermal/cal_hev.py | 192 ++++++++++++++++++++++++-------- fastsim-core/src/drive_cycle.rs | 14 ++- 2 files changed, 160 insertions(+), 46 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 66afe694..2c51bc2c 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -19,6 +19,7 @@ import pandas as pd # noqa: F401 import polars as pl # noqa: F401 from typing import List, Dict +from pymoo.core.problem import StarmapParallelization import fastsim as fsim @@ -40,50 +41,88 @@ # Obtain the data from # https://nrel.sharepoint.com/:f:/r/sites/EEMSCoreModelingandDecisionSupport2022-2024/Shared%20Documents/FASTSim/DynoTestData?csf=1&web=1&e=F4FEBp # and then copy it to the local folder below -cyc_folder_path = Path(__file__) / "dyno_test_data/2021 Hyundai Sonata Hybrid/Extended Datasets" +cyc_folder_path = Path(__file__).parent / "dyno_test_data/2021 Hyundai Sonata Hybrid/Extended Datasets" assert cyc_folder_path.exists() # See 2021_Hyundai_Sonata_Hybrid_TestSummary_2022-03-01_D3.xlsx for cycle-level data cyc_files: List[str] = [ - # TODO: try to find 3 hot cycles, 3 room temp cycles, and 3 cold cycles. # The hot and cold cycles must have HVAC active! # - wide range of initial and ambient temperatures # - good signal quality -- somewhat subjective + # HWY x2, hot (M155), HVAC active (B155) - # TODO: connect drive cycle solar load to cabin - # TODO: check for solar load (should be around 1 kW / m^2) "62202004 Test Data.txt", + # US06 x2, hot, HVAC active - # TODO: check for solar load (should be around 1 kW / m^2) "62202005 Test Data.txt", + # UDDS x1, room temperature ambient "62201013 Test Data.txt", + # HWY x2, room temperature ambient "62201014 Test Data.txt", + + # UDDSx2, 4 bag (FTP), cold start, in COLD (20°F) test cell, HVAC-AUTO-72°F, ECO drive mode + "62202013 Test Data.txt", + + # UDDS, 2 bag, warm start, in COLD (20°F) test cell, HVAC-AUTO-72°F, ECO drive mode + "62202014 Test Data.txt", + + # US06x2, 4 (split) bag, warm start, in COLD (20°F) test cell, HVAC-AUTO-72°F, ECO drive mode + "62202016 Test Data.txt", + # TODO: check for seat heater usage in cold cycles and account for that in model! ] assert len(cyc_files) > 0 -cyc_files = [cyc_folder_path / cyc_file for cyc_file in cyc_files] +cyc_files: List[Path] = [cyc_folder_path / cyc_file for cyc_file in cyc_files] -# TODO: use random or manual selection to retain ~70% of cycles for calibration, +# use random or manual selection to retain ~70% of cycles for calibration, # and reserve the remaining for validation -cyc_files_for_cal: List[Path] = [ - # TOOD: populate this somehow -- e.g. random split of `cyc_files` +cyc_files_for_cal: List[str] = [ + "62202004 Test Data.txt", + # "62202005 Test Data.txt", + "62201013 Test Data.txt", + "62201014 Test Data.txt", + "62202013 Test Data.txt", + # "62202014 Test Data.txt", + "62202016 Test Data.txt", ] +cyc_files_for_cal: List[Path] = [cyc_file for cyc_file in cyc_files if cyc_file.name in cyc_files_for_cal] assert len(cyc_files_for_cal) > 0 def df_to_cyc(df: pd.DataFrame) -> fsim.Cycle: - cyc_dict_raw = df.to_dict() # filter out "before" time - cyc_dict_raw = cyc_dict_raw[cyc_dict_raw["Time[s]_RawFacilities"] >= 0.0] + df = df[df["Time[s]_RawFacilities"] >= 0.0] cyc_dict = { - "time_seconds": df["Time[s]_RawFacilities"], - "speed_meters_per_second": df["Dyno_Spd[mph]"] * mps_per_mph, - "temp_amb_air_kelvin": df["Cell_Temp[C]"] + celsius_to_kelvin_offset, + "time_seconds": df["Time[s]_RawFacilities"].to_list(), + "speed_meters_per_second": (df["Dyno_Spd[mph]"] * mps_per_mph).to_list(), + "temp_amb_air_kelvin": (df["Cell_Temp[C]"] + celsius_to_kelvin_offset).to_list(), + # TODO: pipe solar load from `Cycle` into cabin thermal model + # TODO: use something (e.g. regex) to determine solar load + # see column J comments in 2021_Hyundai_Sonata_Hybrid_TestSummary_2022-03-01_D3.xlsx # "pwr_solar_load_watts": df[], } return fsim.Cycle.from_pydict(cyc_dict) - + +def veh_init(veh: fsim.Vehicle, cyc_file_stem: str) -> fsim.Vehicle: + veh_dict = veh.to_pydict() + # initialize SOC + veh_dict['pt_type']['HybridElectricVehicle']['res']['state']['soc'] = \ + dfs_for_cal[cyc_file_stem]["HVBatt_SOC_high_precision_PCAN__per"][0] + # initialize cabin temp + veh_dict['cabin']['LumpedCabin']['state']['temperature_kelvin'] = \ + dfs_for_cal[cyc_file_stem]["Cabin_Temp[C]"][0] + celsius_to_kelvin_offset + # initialize battery temperature to match cabin temperature because battery + # temperature is not available in test data + # Also, battery temperature has no effect in the HEV because efficiency data + # does not go below 23*C and there is no active thermal management + veh_dict['pt_type']['HybridElectricVehicle']['res']['thrml']['RESLumpedThermal']['state']['temperature_kelvin'] = \ + dfs_for_cal[cyc_file_stem]["Cabin_Temp[C]"][0] + celsius_to_kelvin_offset + # initialize engine temperature + veh_dict['veh']['pt_type']['HybridElectricVehicle']['fc']['thrml']['FuelConverterThermal']['state']['temperature_kelvin'] = \ + dfs_for_cal[cyc_file_stem]["engine_coolant_temp_PCAN__C"][0] + celsius_to_kelvin_offset + return fsim.Vehicle.from_pydict(veh_dict) + dfs_for_cal: Dict[str, pd.DataFrame] = { # `delimiter="\t"` should work for tab separated variables @@ -105,19 +144,12 @@ def df_to_cyc(df: pd.DataFrame) -> fsim.Cycle: for (cyc_file_stem, cyc) in cycs_for_cal.items(): cyc_file_stem: str cyc: fsim.Cycle - veh_dict = veh.to_pydict() - # initialize SOC - veh_dict['veh']['pt_type']['HybridElectricVehicle']['res']['state']['soc'] = dfs_for_cal[cyc_file_stem]["HVBatt_SOC_high_precision_PCAN__per"][0] - # TODO: pick up work here! - # TODO: clone veh and set up initial conditions for: - # - SOC - # - cabin temp - # - battery temp if available, else use cabin temp - # - engine temp for HEV # NOTE: maybe change `save_interval` to 5 + veh = veh_init(veh, cyc_file_stem) sds_for_cal[cyc_file_stem] = fsim.SimDrive(veh, cyc).to_pydict() cyc_files_for_val: List[Path] = list(set(cyc_files) - set(cyc_files_for_cal)) +assert len(cyc_files_for_val) > 0 dfs_for_val: Dict[str, pd.DataFrame] = { # `delimiter="\t"` should work for tab separated variables @@ -136,12 +168,7 @@ def df_to_cyc(df: pd.DataFrame) -> fsim.Cycle: for (cyc_file_stem, cyc) in cycs_for_val.items(): cyc_file_stem: str cyc: fsim.Cycle - # TODO: clone veh and set up initial conditions for: - # - SOC - # - cabin temp - # - battery temp if available, else use cabin temp - # - engine temp for HEV - # NOTE: maybe change `save_interval` to 5 + veh = veh_init(veh, cyc_file_stem) sds_for_val[cyc_file_stem] = fsim.SimDrive(veh, cyc).to_pydict() # Setup model objectives @@ -153,8 +180,6 @@ def new_em_eff_max(sd_dict, new_eff_peak): em = fsim.ElectricMachine.from_pydict(sd_dict['veh']['pt_type']['HybridElectricVehicle']['em']) em.set_eff_peak(new_eff_peak) sd_dict['veh']['pt_type']['HybridElectricVehicle']['em'] = em.to_pydict() - # TODO: check that `sd_dict` is mutably modified outside the scope of this function, e.g. with a debugger - # maybe do this by individually perturbing all the objectives and checking for response def new_em_eff_range(sd_dict, new_eff_range): """ @@ -163,7 +188,6 @@ def new_em_eff_range(sd_dict, new_eff_range): em = fsim.ElectricMachine.from_pydict(sd_dict['veh']['pt_type']['HybridElectricVehicle']['em']) em.set_eff_range(new_eff_range) sd_dict['veh']['pt_type']['HybridElectricVehicle']['em'] = em.to_pydict() - # TODO: check that `sd_dict` is mutably modified outside the scope of this function, e.g. with a debugger def new_fc_eff_max(sd_dict, new_eff_peak): """ @@ -172,7 +196,6 @@ def new_fc_eff_max(sd_dict, new_eff_peak): fc = fsim.FuelConverter.from_pydict(sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc']) fc.set_eff_peak(new_eff_peak) sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc'] = fc.to_pydict() - # TODO: check that `sd_dict` is mutably modified outside the scope of this function, e.g. with a debugger def new_fc_eff_range(sd_dict, new_eff_range): """ @@ -181,8 +204,6 @@ def new_fc_eff_range(sd_dict, new_eff_range): fc = fsim.FuelConverter.from_pydict(sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc']) fc.set_eff_range(new_eff_range) sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc'] = fc.to_pydict() - # TODO: check that `sd_dict` is mutably modified outside the scope of this function, e.g. with a debugger - ## Model Objectives cal_mod_obj = fsim.pymoo_api.ModelObjectives( @@ -191,7 +212,7 @@ def new_fc_eff_range(sd_dict, new_eff_range): obj_fns=( ( lambda sd_dict: np.array(sd_dict['veh']['pt_type']['HybridElectricVehicle']['res']['history']['soc']), - lambda df: df['TODO: find signal for test data soc'] + lambda df: df['HVBatt_SOC_high_precision_PCAN__per'] ), # TODO: add objectives for: # - engine fuel usage @@ -209,10 +230,6 @@ def new_fc_eff_range(sd_dict, new_eff_range): # - HVAC PID controls for cabin (not for battery because Sonata has # passive thermal management, but make sure to do battery thermal # controls for BEV) - # - battery thermal - # - thermal mass - # - convection to ambient - # - convection to cabin # - cabin thermal # - thermal mass # - length @@ -222,6 +239,10 @@ def new_fc_eff_range(sd_dict, new_eff_range): # - thermal mass # - convection to ambient when stopped # - diameter + # - battery thermal -- not necessary for HEV because battery temperature has no real effect + # - thermal mass + # - convection to ambient + # - convection to cabin ), # must match order and length of `params_fns` bounds=( @@ -233,7 +254,90 @@ def new_fc_eff_range(sd_dict, new_eff_range): ) -# Setup calibration problem -cal_prob = fsim.pymoo_api.CalibrationProblem( - mod_obj=cal_mod_obj, +# verify that model responds to input parameter changes by individually perturbing parameters +baseline_errors = cal_mod_obj.get_errors( + cal_mod_obj.update_params([0.90, 0.3, 0.4]) ) +param0_perturb = cal_mod_obj.get_errors( + cal_mod_obj.update_params([0.90 + 0.5, 0.3, 0.4]) +) +assert list(param0_perturb.values()) != list(baseline_errors.values()) +param1_perturb = cal_mod_obj.get_errors( + cal_mod_obj.update_params([0.90, 0.3 + 0.1, 0.4]) +) +assert list(param1_perturb.values()) != list(baseline_errors.values()) +param2_perturb = cal_mod_obj.get_errors( + cal_mod_obj.update_params([0.90, 0.3, 0.4 + 0.01]) +) +assert list(param2_perturb.values()) != list(baseline_errors.values()) + +if __name__ == "__main__": + parser = fsim.cal.get_parser( + # Defaults are set low to allow for fast run time during testing. For a good + # optimization, set this much higher. + def_save_path=None, + ) + args = parser.parse_args() + + n_processes = args.processes + n_max_gen = args.n_max_gen + # should be at least as big as n_processes + pop_size = args.pop_size + run_minimize = not (args.skip_minimize) + if args.save_path is not None: + save_path = Path(args.save_path) + save_path.mkdir(exist_ok=True) + else: + save_path = None + + print("Starting calibration.") + algorithm = fsim.calibration.NSGA2( + # size of each population + pop_size=pop_size, + # LatinHyperCube sampling seems to be more effective than the default + # random sampling + sampling=fsim.calibration.LHS(), + ) + termination = fsim.calibration.DMOT( + # max number of generations, default of 10 is very small + n_max_gen=n_max_gen, + # evaluate tolerance over this interval of generations every + period=5, + # parameter variation tolerance + xtol=args.xtol, + # objective variation tolerance + ftol=args.ftol + ) + + if n_processes == 1: + print("Running serial evaluation.") + # series evaluation + # Setup calibration problem + cal_prob = fsim.pymoo_api.CalibrationProblem( + mod_obj=cal_mod_obj, + ) + + res, res_df = fsim.pymoo_api.run_minimize( + problem=cal_prob, + algorithm=algorithm, + termination=termination, + save_path=save_path, + ) + else: + print(f"Running parallel evaluation with n_processes: {n_processes}.") + assert n_processes > 1 + # parallel evaluation + import multiprocessing + + with multiprocessing.Pool(n_processes) as pool: + problem = fsim.calibration.CalibrationProblem( + mod_obj=cal_mod_obj, + elementwise_runner=StarmapParallelization(pool.starmap), + ) + res, res_df = fsim.pymoo_api.run_minimize( + problem=problem, + algorithm=algorithm, + termination=termination, + save_path=save_path, + ) + diff --git a/fastsim-core/src/drive_cycle.rs b/fastsim-core/src/drive_cycle.rs index 20b9fcee..e688b4a4 100644 --- a/fastsim-core/src/drive_cycle.rs +++ b/fastsim-core/src/drive_cycle.rs @@ -35,14 +35,18 @@ pub struct Cycle { pub speed: Vec, // TODO: consider trapezoidal integration scheme /// calculated prescribed distance based on RHS integral of time and speed + #[serde(default, skip_serializing_if = "Vec::is_empty")] pub dist: Vec, /// road grade (expressed as a decimal, not percent) + #[serde(default, skip_serializing_if = "Vec::is_empty")] pub grade: Vec, // TODO: consider trapezoidal integration scheme // TODO: @mokeefe, please check out how elevation is handled /// calculated prescribed elevation based on RHS integral distance and grade + #[serde(default, skip_serializing_if = "Vec::is_empty")] pub elev: Vec, /// road charging/discharing capacity + #[serde(default, skip_serializing_if = "Vec::is_empty")] pub pwr_max_chrg: Vec, /// ambient air temperature w.r.t. to time (rather than spatial position) #[serde(default, skip_serializing_if = "Vec::is_empty")] @@ -52,8 +56,10 @@ pub struct Cycle { pub pwr_solar_load: Vec, // TODO: add provision for optional time-varying aux load /// grade interpolator + #[serde(default, skip_serializing_if = "Option::is_none")] pub grade_interp: Option, /// elevation interpolator + #[serde(default, skip_serializing_if = "Option::is_none")] pub elev_interp: Option, } @@ -87,6 +93,10 @@ impl Init for Cycle { .collect() }; + // populate grade if not provided + if self.grade.is_empty() { + self.grade = vec![si::Ratio::ZERO; self.len().with_context(|| format_dbg!())?] + }; // calculate elevation from RHS integral of grade and distance self.init_elev = self.init_elev.or_else(|| Some(*ELEV_DEFAULT)); self.elev = self @@ -223,9 +233,9 @@ impl SerdeAPI for Cycle { let mut cyc = Self::default(); let mut rdr = csv::Reader::from_reader(rdr); for result in rdr.deserialize() { - cyc.push(result?)?; + cyc.push(result.with_context(|| format_dbg!())?) + .with_context(|| format_dbg!())?; } - cyc } #[cfg(feature = "json")] From af6091816d5a12f6582cd00812fb6981acf9813a Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Tue, 28 Jan 2025 13:20:46 -0700 Subject: [PATCH 058/129] fixed temperature unit error --- cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml | 4 ++-- .../f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml | 6 +++--- 2 files changed, 5 insertions(+), 5 deletions(-) diff --git a/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml b/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml index d11c4d4d..716f8221 100644 --- a/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml +++ b/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml @@ -5,9 +5,9 @@ year: 2020 cabin: LumpedCabin: # 0.05 is Chad's uncalibrated estimate - cab_shell_htc_to_amb_watts_per_square_meter_degree_celsius: 0.05 + cab_shell_htc_to_amb_watts_per_square_meter_kelvin: 0.05 # 0.05 is Chad's uncalibrated estimate - cab_htc_to_amb_stop_watts_per_square_meter_degree_celsius: 0.05 + cab_htc_to_amb_stop_watts_per_square_meter_kelvin: 0.05 # 200,000 is Chad's uncalibrated estimate heat_capacitance_joules_per_kelvin: 200000 # TODO: get actual vehicle length, but calibrate this later diff --git a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml index 0f93011a..d4ab10cc 100644 --- a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml +++ b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml @@ -94,7 +94,7 @@ pt_type: FuelConverterThermal: heat_capacitance_joules_per_kelvin: 200000.0 length_for_convection_meters: 1.0 - htc_to_amb_stop_watts_per_square_meter_degree_celsius: 50.0 + htc_to_amb_stop_watts_per_square_meter_kelvin: 50.0 conductance_from_comb_watts_per_kelvin: 5.0 max_frac_from_comb: 0.5 tstat_te_sto_kelvin: 358.15 @@ -226,8 +226,8 @@ chassis: cargo_mass_kilograms: ~ cabin: LumpedCabin: - cab_shell_htc_to_amb_watts_per_square_meter_degree_celsius: 0.05 - cab_htc_to_amb_stop_watts_per_square_meter_degree_celsius: 0.05 + cab_shell_htc_to_amb_watts_per_square_meter_kelvin: 0.05 + cab_htc_to_amb_stop_watts_per_square_meter_kelvin: 0.05 heat_capacitance_joules_per_kelvin: 200000.0 length_meters: 2.5 width_meters: 2.0 From c747359d0218f8de55d9a10ce2504c65801d7bcf Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Tue, 28 Jan 2025 14:43:14 -0700 Subject: [PATCH 059/129] `walk_once` gets passed first time step but still fails due to pwr deficit --- cal_and_val/thermal/cal_hev.py | 49 +++---- .../resources/vehicles/2012_Ford_Fusion.yaml | 23 ++++ .../vehicles/2016_TOYOTA_Prius_Two.yaml | 65 ++++++++++ .../vehicles/2022_Renault_Zoe_ZE50_R135.yaml | 49 +++++++ fastsim-core/src/drive_cycle.rs | 22 ++-- fastsim-core/src/simdrive.rs | 14 +- fastsim-core/src/vehicle/cabin.rs | 2 +- fastsim-core/src/vehicle/hev.rs | 4 +- .../vehicle/hvac/hvac_sys_for_lumped_cabin.rs | 2 +- .../hvac/hvac_sys_for_lumped_cabin_and_res.rs | 2 +- .../vehicle/powertrain/electric_machine.rs | 20 +-- .../src/vehicle/powertrain/fuel_converter.rs | 122 ++++++++++++++++-- .../powertrain/reversible_energy_storage.rs | 4 +- .../src/vehicle/powertrain/transmission.rs | 2 +- fastsim-core/src/vehicle/vehicle_model.rs | 2 +- python/fastsim/pymoo_api.py | 5 +- 16 files changed, 314 insertions(+), 73 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 2c51bc2c..0566b1e9 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -1,15 +1,6 @@ """ Calibration script for 2021_Hyundai_Sonata_Hybrid_Blue """ -# # TODO Calibration Tasks -# - [x] put vehicle test data in a sharepoint folder, grant Robin access, and paste link in here -# - [x] develop means of skewing curves via setter or similar -- Kyle is doing this -# - [ ] show what signals should be used for objectives -# - [x] and how to access them in code -# - [ ] make a version of this that calibrates against a fully warmed up vehicle -# with room temp ambient, no climate control, and no thermal parameters - -# critical import from pathlib import Path # anticipated cricital imports @@ -22,6 +13,7 @@ from pymoo.core.problem import StarmapParallelization import fastsim as fsim +from fastsim import pymoo_api mps_per_mph = 0.447 celsius_to_kelvin_offset = 273.15 @@ -93,6 +85,7 @@ def df_to_cyc(df: pd.DataFrame) -> fsim.Cycle: # filter out "before" time df = df[df["Time[s]_RawFacilities"] >= 0.0] + assert len(df) > 10 cyc_dict = { "time_seconds": df["Time[s]_RawFacilities"].to_list(), "speed_meters_per_second": (df["Dyno_Spd[mph]"] * mps_per_mph).to_list(), @@ -102,25 +95,25 @@ def df_to_cyc(df: pd.DataFrame) -> fsim.Cycle: # see column J comments in 2021_Hyundai_Sonata_Hybrid_TestSummary_2022-03-01_D3.xlsx # "pwr_solar_load_watts": df[], } - return fsim.Cycle.from_pydict(cyc_dict) + return fsim.Cycle.from_pydict(cyc_dict, skip_init=False) -def veh_init(veh: fsim.Vehicle, cyc_file_stem: str) -> fsim.Vehicle: +def veh_init(veh: fsim.Vehicle, cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: veh_dict = veh.to_pydict() # initialize SOC veh_dict['pt_type']['HybridElectricVehicle']['res']['state']['soc'] = \ - dfs_for_cal[cyc_file_stem]["HVBatt_SOC_high_precision_PCAN__per"][0] + dfs[cyc_file_stem]["HVBatt_SOC_high_precision_PCAN__per"][0] # initialize cabin temp veh_dict['cabin']['LumpedCabin']['state']['temperature_kelvin'] = \ - dfs_for_cal[cyc_file_stem]["Cabin_Temp[C]"][0] + celsius_to_kelvin_offset + dfs[cyc_file_stem]["Cabin_Temp[C]"][0] + celsius_to_kelvin_offset # initialize battery temperature to match cabin temperature because battery # temperature is not available in test data # Also, battery temperature has no effect in the HEV because efficiency data # does not go below 23*C and there is no active thermal management veh_dict['pt_type']['HybridElectricVehicle']['res']['thrml']['RESLumpedThermal']['state']['temperature_kelvin'] = \ - dfs_for_cal[cyc_file_stem]["Cabin_Temp[C]"][0] + celsius_to_kelvin_offset + dfs[cyc_file_stem]["Cabin_Temp[C]"][0] + celsius_to_kelvin_offset # initialize engine temperature - veh_dict['veh']['pt_type']['HybridElectricVehicle']['fc']['thrml']['FuelConverterThermal']['state']['temperature_kelvin'] = \ - dfs_for_cal[cyc_file_stem]["engine_coolant_temp_PCAN__C"][0] + celsius_to_kelvin_offset + veh_dict['pt_type']['HybridElectricVehicle']['fc']['thrml']['FuelConverterThermal']['state']['temperature_kelvin'] = \ + dfs[cyc_file_stem]["engine_coolant_temp_PCAN__C"][0] + celsius_to_kelvin_offset return fsim.Vehicle.from_pydict(veh_dict) @@ -145,7 +138,7 @@ def veh_init(veh: fsim.Vehicle, cyc_file_stem: str) -> fsim.Vehicle: cyc_file_stem: str cyc: fsim.Cycle # NOTE: maybe change `save_interval` to 5 - veh = veh_init(veh, cyc_file_stem) + veh = veh_init(veh, cyc_file_stem, dfs_for_cal) sds_for_cal[cyc_file_stem] = fsim.SimDrive(veh, cyc).to_pydict() cyc_files_for_val: List[Path] = list(set(cyc_files) - set(cyc_files_for_cal)) @@ -168,17 +161,17 @@ def veh_init(veh: fsim.Vehicle, cyc_file_stem: str) -> fsim.Vehicle: for (cyc_file_stem, cyc) in cycs_for_val.items(): cyc_file_stem: str cyc: fsim.Cycle - veh = veh_init(veh, cyc_file_stem) + veh = veh_init(veh, cyc_file_stem, dfs_for_val) sds_for_val[cyc_file_stem] = fsim.SimDrive(veh, cyc).to_pydict() # Setup model objectives ## Parameter Functions -def new_em_eff_max(sd_dict, new_eff_peak): +def new_em_eff_max(sd_dict, new_eff_max): """ Set `new_eff_max` in `ElectricMachine` """ em = fsim.ElectricMachine.from_pydict(sd_dict['veh']['pt_type']['HybridElectricVehicle']['em']) - em.set_eff_peak(new_eff_peak) + em.__eff_max = new_eff_max sd_dict['veh']['pt_type']['HybridElectricVehicle']['em'] = em.to_pydict() def new_em_eff_range(sd_dict, new_eff_range): @@ -186,15 +179,15 @@ def new_em_eff_range(sd_dict, new_eff_range): Set `new_eff_range` in `ElectricMachine` """ em = fsim.ElectricMachine.from_pydict(sd_dict['veh']['pt_type']['HybridElectricVehicle']['em']) - em.set_eff_range(new_eff_range) + em.__eff_range = new_eff_range sd_dict['veh']['pt_type']['HybridElectricVehicle']['em'] = em.to_pydict() -def new_fc_eff_max(sd_dict, new_eff_peak): +def new_fc_eff_max(sd_dict, new_eff_max): """ Set `new_eff_max` in `FuelConverter` """ fc = fsim.FuelConverter.from_pydict(sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc']) - fc.set_eff_peak(new_eff_peak) + fc.__eff_max = new_eff_max sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc'] = fc.to_pydict() def new_fc_eff_range(sd_dict, new_eff_range): @@ -202,11 +195,11 @@ def new_fc_eff_range(sd_dict, new_eff_range): Set `new_eff_range` in `FuelConverter` """ fc = fsim.FuelConverter.from_pydict(sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc']) - fc.set_eff_range(new_eff_range) + fc.__eff_range = new_eff_range sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc'] = fc.to_pydict() ## Model Objectives -cal_mod_obj = fsim.pymoo_api.ModelObjectives( +cal_mod_obj = pymoo_api.ModelObjectives( models = sds_for_cal, dfs = dfs_for_cal, obj_fns=( @@ -313,11 +306,11 @@ def new_fc_eff_range(sd_dict, new_eff_range): print("Running serial evaluation.") # series evaluation # Setup calibration problem - cal_prob = fsim.pymoo_api.CalibrationProblem( + cal_prob = pymoo_api.CalibrationProblem( mod_obj=cal_mod_obj, ) - res, res_df = fsim.pymoo_api.run_minimize( + res, res_df = pymoo_api.run_minimize( problem=cal_prob, algorithm=algorithm, termination=termination, @@ -334,7 +327,7 @@ def new_fc_eff_range(sd_dict, new_eff_range): mod_obj=cal_mod_obj, elementwise_runner=StarmapParallelization(pool.starmap), ) - res, res_df = fsim.pymoo_api.run_minimize( + res, res_df = pymoo_api.run_minimize( problem=problem, algorithm=algorithm, termination=termination, diff --git a/fastsim-core/resources/vehicles/2012_Ford_Fusion.yaml b/fastsim-core/resources/vehicles/2012_Ford_Fusion.yaml index 5720eeb3..2cb7e6b0 100755 --- a/fastsim-core/resources/vehicles/2012_Ford_Fusion.yaml +++ b/fastsim-core/resources/vehicles/2012_Ford_Fusion.yaml @@ -223,11 +223,34 @@ pt_type: extrapolate: Error pwr_idle_fuel_watts: 0.0 save_interval: 1 + state: + i: 0 + pwr_out_max_watts: 0.0 + pwr_prop_max_watts: 0.0 + eff: 0.0 + pwr_prop_watts: 0.0 + energy_prop_joules: 0.0 + pwr_aux_watts: 0.0 + energy_aux_joules: 0.0 + pwr_fuel_watts: 0.0 + energy_fuel_joules: 0.0 + pwr_loss_watts: 0.0 + energy_loss_joules: 0.0 + fc_on: false + time_on_seconds: 0.0 transmission: mass_kilograms: ~ eff_interp: Interp0D: 0.875 save_interval: 1 + state: + i: 0 + eff: 0.0 + pwr_out_watts: 0.0 + pwr_in_watts: 0.0 + pwr_loss_watts: 0.0 + energy_out_joules: 0.0 + energy_loss_joules: 0.0 mass_kilograms: ~ alt_eff: 1.0 chassis: diff --git a/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml b/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml index 1b2df6f3..0ab7077d 100755 --- a/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml +++ b/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml @@ -14,6 +14,27 @@ pt_type: min_soc: 0.25 max_soc: 0.95 save_interval: 1 + state: + pwr_prop_max_watts: 0.0 + pwr_regen_max_watts: 0.0 + pwr_disch_max_watts: 0.0 + pwr_charge_max_watts: 0.0 + i: 0 + soc: 0.5 + soc_regen_buffer: 1.0 + soc_disch_buffer: 0.0 + eff: 0.0 + soh: 0.0 + pwr_out_electrical_watts: 0.0 + pwr_out_prop_watts: 0.0 + pwr_aux_watts: 0.0 + pwr_loss_watts: 0.0 + pwr_out_chemical_watts: 0.0 + energy_out_electrical_joules: 0.0 + energy_out_prop_joules: 0.0 + energy_aux_joules: 0.0 + energy_loss_joules: 0.0 + energy_out_chemical_joules: 0.0 fs: pwr_out_max_watts: 2000000.0 pwr_ramp_lag_seconds: 1.1 @@ -234,6 +255,21 @@ pt_type: extrapolate: Error pwr_idle_fuel_watts: 0.0 save_interval: 1 + state: + i: 0 + pwr_out_max_watts: 0.0 + pwr_prop_max_watts: 0.0 + eff: 0.0 + pwr_prop_watts: 0.0 + energy_prop_joules: 0.0 + pwr_aux_watts: 0.0 + energy_aux_joules: 0.0 + pwr_fuel_watts: 0.0 + energy_fuel_joules: 0.0 + pwr_loss_watts: 0.0 + energy_loss_joules: 0.0 + fc_on: false + time_on_seconds: 0.0 em: eff_interp_achieved: Interp1D: @@ -655,6 +691,26 @@ pt_type: specific_pwr_watts_per_kilogram: ~ mass_kilograms: ~ save_interval: 1 + state: + i: 0 + eff: 0.0 + pwr_mech_fwd_out_max_watts: 0.0 + eff_fwd_at_max_input: 0.0 + pwr_mech_regen_max_watts: 0.0 + eff_at_max_regen: 0.0 + pwr_rate_out_max_watts_per_second: 0.0 + pwr_out_req_watts: 0.0 + energy_out_req_joules: 0.0 + pwr_elec_prop_in_watts: 0.0 + energy_elec_prop_in_joules: 0.0 + pwr_mech_prop_out_watts: 0.0 + energy_mech_prop_out_joules: 0.0 + pwr_mech_dyn_brake_watts: 0.0 + energy_mech_dyn_brake_joules: 0.0 + pwr_elec_dyn_brake_watts: 0.0 + energy_elec_dyn_brake_joules: 0.0 + pwr_loss_watts: 0.0 + energy_loss_joules: 0.0 pt_cntrl: RGWDB: speed_soc_disch_buffer_meters_per_second: 17.8816 @@ -671,6 +727,11 @@ pt_type: frac_res_dschrg_for_fc: 1.0 temp_fc_forced_on_kelvin: ~ temp_fc_allowed_off_kelvin: ~ + state: + i: 0 + fc_on_causes: "\"[]\"" + soc_bal_iters: 0 + soc_fc_on_buffer: 0.0 aux_cntrl: AuxOnResPriority mass_kilograms: ~ sim_params: @@ -678,6 +739,10 @@ pt_type: soc_balance_iter_err: 5 balance_soc: true save_soc_bal_iters: false + state: + i: 0 + fc_on_causes: "\"[]\"" + soc_bal_iters: 0 chassis: drag_coef: 0.306 frontal_area_square_meters: 2.22 diff --git a/fastsim-core/resources/vehicles/2022_Renault_Zoe_ZE50_R135.yaml b/fastsim-core/resources/vehicles/2022_Renault_Zoe_ZE50_R135.yaml index 24c807f6..7e98e05c 100644 --- a/fastsim-core/resources/vehicles/2022_Renault_Zoe_ZE50_R135.yaml +++ b/fastsim-core/resources/vehicles/2022_Renault_Zoe_ZE50_R135.yaml @@ -14,6 +14,27 @@ pt_type: min_soc: 0.029 max_soc: 0.98 save_interval: 1 + state: + pwr_prop_max_watts: 0.0 + pwr_regen_max_watts: 0.0 + pwr_disch_max_watts: 0.0 + pwr_charge_max_watts: 0.0 + i: 0 + soc: 0.5 + soc_regen_buffer: 1.0 + soc_disch_buffer: 0.0 + eff: 0.0 + soh: 0.0 + pwr_out_electrical_watts: 0.0 + pwr_out_prop_watts: 0.0 + pwr_aux_watts: 0.0 + pwr_loss_watts: 0.0 + pwr_out_chemical_watts: 0.0 + energy_out_electrical_joules: 0.0 + energy_out_prop_joules: 0.0 + energy_aux_joules: 0.0 + energy_loss_joules: 0.0 + energy_out_chemical_joules: 0.0 em: eff_interp_achieved: Interp1D: @@ -75,11 +96,39 @@ pt_type: specific_pwr_watts_per_kilogram: ~ mass_kilograms: ~ save_interval: 1 + state: + i: 0 + eff: 0.0 + pwr_mech_fwd_out_max_watts: 0.0 + eff_fwd_at_max_input: 0.0 + pwr_mech_regen_max_watts: 0.0 + eff_at_max_regen: 0.0 + pwr_rate_out_max_watts_per_second: 0.0 + pwr_out_req_watts: 0.0 + energy_out_req_joules: 0.0 + pwr_elec_prop_in_watts: 0.0 + energy_elec_prop_in_joules: 0.0 + pwr_mech_prop_out_watts: 0.0 + energy_mech_prop_out_joules: 0.0 + pwr_mech_dyn_brake_watts: 0.0 + energy_mech_dyn_brake_joules: 0.0 + pwr_elec_dyn_brake_watts: 0.0 + energy_elec_dyn_brake_joules: 0.0 + pwr_loss_watts: 0.0 + energy_loss_joules: 0.0 transmission: mass_kilograms: ~ eff_interp: Interp0D: 0.92 save_interval: 1 + state: + i: 0 + eff: 0.0 + pwr_out_watts: 0.0 + pwr_in_watts: 0.0 + pwr_loss_watts: 0.0 + energy_out_joules: 0.0 + energy_loss_joules: 0.0 mass_kilograms: ~ chassis: drag_coef: 0.33 diff --git a/fastsim-core/src/drive_cycle.rs b/fastsim-core/src/drive_cycle.rs index e688b4a4..012537ea 100644 --- a/fastsim-core/src/drive_cycle.rs +++ b/fastsim-core/src/drive_cycle.rs @@ -14,7 +14,7 @@ use fastsim_2::cycle::RustCycle as Cycle2; #[pyo3(name = "len")] fn len_py(&self) -> PyResult { - Ok(self.len().map(|l| l as u32)?) + Ok(self.len_checked().map(|l| l as u32)?) } )] #[derive(Clone, Debug, Deserialize, Serialize, PartialEq, Default)] @@ -72,7 +72,7 @@ impl Init for Cycle { /// # Assumptions /// - if `init_elev.is_none()`, then defaults to [static@ELEV_DEFAULT] fn init(&mut self) -> anyhow::Result<()> { - let _ = self.len().with_context(|| format_dbg!())?; + let _ = self.len_checked().with_context(|| format_dbg!())?; if !self.temp_amb_air.is_empty() { ensure!(self.temp_amb_air.len() == self.time.len()); @@ -95,7 +95,11 @@ impl Init for Cycle { // populate grade if not provided if self.grade.is_empty() { - self.grade = vec![si::Ratio::ZERO; self.len().with_context(|| format_dbg!())?] + self.grade = vec![ + si::Ratio::ZERO; + self.len_checked() + .with_context(|| format_dbg!(self.len_checked()))? + ] }; // calculate elevation from RHS integral of grade and distance self.init_elev = self.init_elev.or_else(|| Some(*ELEV_DEFAULT)); @@ -168,7 +172,7 @@ impl SerdeAPI for Cycle { #[cfg(feature = "csv")] "csv" => { let mut wtr = csv::Writer::from_writer(wtr); - for i in 0..self.len().with_context(|| format_dbg!())? { + for i in 0..self.len_checked().with_context(|| format_dbg!())? { wtr.serialize(CycleElement { // unchecked indexing should be ok because of `self.len()` time: self.time[i], @@ -316,7 +320,7 @@ impl Cycle { - *self.time.get(i - 1).with_context(|| format_dbg!())?) } - pub fn len(&self) -> anyhow::Result { + pub fn len_checked(&self) -> anyhow::Result { ensure!( self.time.len() == self.speed.len(), format!( @@ -363,7 +367,7 @@ impl Cycle { } pub fn is_empty(&self) -> anyhow::Result { - Ok(self.len().with_context(|| format_dbg!())? == 0) + Ok(self.len_checked().with_context(|| format_dbg!())? == 0) } pub fn push(&mut self, element: CycleElement) -> anyhow::Result<()> { @@ -421,7 +425,7 @@ impl Cycle { pub fn trim(&mut self, start_idx: Option, end_idx: Option) -> anyhow::Result<()> { let start_idx = start_idx.unwrap_or_default(); - let len = self.len().with_context(|| format_dbg!())?; + let len = self.len_checked().with_context(|| format_dbg!())?; let end_idx = end_idx.unwrap_or(len); ensure!(end_idx <= len, format_dbg!(end_idx <= len)); @@ -433,7 +437,7 @@ impl Cycle { /// Write (serialize) cycle to a CSV string #[cfg(feature = "csv")] pub fn to_csv(&self) -> anyhow::Result { - let mut buf = Vec::with_capacity(self.len().with_context(|| format_dbg!())?); + let mut buf = Vec::with_capacity(self.len_checked().with_context(|| format_dbg!())?); self.to_writer(&mut buf, "csv")?; Ok(String::from_utf8(buf)?) } @@ -464,7 +468,7 @@ impl Cycle { .collect(), grade: self.grade.iter().map(|g| g.get::()).collect(), orphaned: false, - road_type: vec![0.; self.len().with_context(|| format_dbg!())?].into(), + road_type: vec![0.; self.len_checked().with_context(|| format_dbg!())?].into(), }; Ok(cyc2) diff --git a/fastsim-core/src/simdrive.rs b/fastsim-core/src/simdrive.rs index 4f80bbe4..a99e8a0e 100644 --- a/fastsim-core/src/simdrive.rs +++ b/fastsim-core/src/simdrive.rs @@ -171,7 +171,7 @@ impl SimDrive { /// Run vehicle simulation once pub fn walk_once(&mut self) -> anyhow::Result<()> { - let len = self.cyc.len().with_context(|| format_dbg!())?; + let len = self.cyc.len_checked().with_context(|| format_dbg!())?; ensure!(len >= 2, format_dbg!(len < 2)); self.save_state(); // to increment `i` to 1 everywhere @@ -232,7 +232,11 @@ impl SimDrive { let vs = &mut self.veh.state; // TODO: get @mokeefe to give this a serious look and think about grade alignment issues that may arise vs.grade_curr = if vs.cyc_met_overall { - *self.cyc.grade.get(i).with_context(|| format_dbg!())? + *self + .cyc + .grade + .get(i) + .with_context(|| format_dbg!(self.cyc.grade.len()))? } else { uc::R * self @@ -545,7 +549,7 @@ mod tests { let _cyc = Cycle::from_resource("udds.csv", false).unwrap(); let mut sd = SimDrive::new(_veh, _cyc, Default::default()); sd.walk().unwrap(); - assert!(sd.veh.state.i == sd.cyc.len().unwrap()); + assert!(sd.veh.state.i == sd.cyc.len_checked().unwrap()); assert!(sd.veh.fc().unwrap().state.energy_fuel > si::Energy::ZERO); assert!(sd.veh.res().is_none()); } @@ -557,7 +561,7 @@ mod tests { let _cyc = Cycle::from_resource("udds.csv", false).unwrap(); let mut sd = SimDrive::new(_veh, _cyc, Default::default()); sd.walk().unwrap(); - assert!(sd.veh.state.i == sd.cyc.len().unwrap()); + assert!(sd.veh.state.i == sd.cyc.len_checked().unwrap()); assert!(sd.veh.fc().unwrap().state.energy_fuel > si::Energy::ZERO); assert!(sd.veh.res().unwrap().state.energy_out_chemical != si::Energy::ZERO); } @@ -573,7 +577,7 @@ mod tests { sim_params: Default::default(), }; sd.walk().unwrap(); - assert!(sd.veh.state.i == sd.cyc.len().unwrap()); + assert!(sd.veh.state.i == sd.cyc.len_checked().unwrap()); assert!(sd.veh.fc().is_none()); assert!(sd.veh.res().unwrap().state.energy_out_chemical != si::Energy::ZERO); } diff --git a/fastsim-core/src/vehicle/cabin.rs b/fastsim-core/src/vehicle/cabin.rs index 68b90742..e8ad3e2f 100644 --- a/fastsim-core/src/vehicle/cabin.rs +++ b/fastsim-core/src/vehicle/cabin.rs @@ -72,7 +72,7 @@ pub struct LumpedCabin { pub length: si::Length, /// cabin width, modeled as a flat plate pub width: si::Length, - #[serde(default, skip_serializing_if = "EqDefault::eq_default")] + #[serde(default)] pub state: LumpedCabinState, #[serde(default, skip_serializing_if = "LumpedCabinStateHistoryVec::is_empty")] pub history: LumpedCabinStateHistoryVec, diff --git a/fastsim-core/src/vehicle/hev.rs b/fastsim-core/src/vehicle/hev.rs index 6391f00d..4cb8772e 100644 --- a/fastsim-core/src/vehicle/hev.rs +++ b/fastsim-core/src/vehicle/hev.rs @@ -26,7 +26,7 @@ pub struct HybridElectricVehicle { #[serde(default)] pub sim_params: HEVSimulationParams, /// field for tracking current state - #[serde(default, skip_serializing_if = "EqDefault::eq_default")] + #[serde(default)] pub state: HEVState, /// vector of [Self::state] #[serde(default, skip_serializing_if = "HEVStateHistoryVec::is_empty")] @@ -842,7 +842,7 @@ pub struct RESGreedyWithDynamicBuffers { #[serde(default)] pub temp_fc_allowed_off: Option, /// current state of control variables - #[serde(default, skip_serializing_if = "EqDefault::eq_default")] + #[serde(default)] pub state: RGWDBState, #[serde(default, skip_serializing_if = "RGWDBStateHistoryVec::is_empty")] /// history of current state diff --git a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs index 9e0ee146..e9ebb62b 100644 --- a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs +++ b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs @@ -35,7 +35,7 @@ pub struct HVACSystemForLumpedCabin { /// max allowed aux load for HVAC pub pwr_aux_for_hvac_max: si::Power, /// coefficient of performance of vapor compression cycle - #[serde(default, skip_serializing_if = "EqDefault::eq_default")] + #[serde(default)] pub state: HVACSystemForLumpedCabinState, #[serde( default, diff --git a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin_and_res.rs b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin_and_res.rs index 3058db19..6a99e9fd 100644 --- a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin_and_res.rs +++ b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin_and_res.rs @@ -50,7 +50,7 @@ pub struct HVACSystemForLumpedCabinAndRES { /// max allowed aux load pub pwr_aux_for_hvac_max: si::Power, /// coefficient of performance of vapor compression cycle - #[serde(default, skip_serializing_if = "EqDefault::eq_default")] + #[serde(default)] pub state: HVACSystemForLumpedCabinAndRESState, #[serde( default, diff --git a/fastsim-core/src/vehicle/powertrain/electric_machine.rs b/fastsim-core/src/vehicle/powertrain/electric_machine.rs index 2c19ea21..96fbebb4 100755 --- a/fastsim-core/src/vehicle/powertrain/electric_machine.rs +++ b/fastsim-core/src/vehicle/powertrain/electric_machine.rs @@ -33,10 +33,11 @@ use crate::pyo3::*; // self.get_eff_max() // } - // #[setter("__eff_max")] - // fn set_eff_max_py(&mut self, eff_max: f64) -> PyResult<()> { - // self.set_eff_max(eff_max).map_err(PyValueError::new_err) - // } + #[setter("__eff_max")] + fn set_eff_max_py(&mut self, eff_max: f64) -> PyResult<()> { + self.set_eff_max(eff_max)?; + Ok(()) + } // #[getter("eff_min")] // fn get_eff_min_py(&self) -> f64 { @@ -48,10 +49,11 @@ use crate::pyo3::*; // self.get_eff_range() // } - // #[setter("__eff_range")] - // fn set_eff_range_py(&mut self, eff_range: f64) -> PyResult<()> { - // self.set_eff_range(eff_range).map_err(PyValueError::new_err) - // } + #[setter("__eff_range")] + fn set_eff_range_py(&mut self, eff_range: f64) -> PyResult<()> { + self.set_eff_range(eff_range)?; + Ok(()) + } )] #[derive(Deserialize, Serialize, Debug, Clone, PartialEq, HistoryMethods)] #[non_exhaustive] @@ -80,7 +82,7 @@ pub struct ElectricMachine { /// Time step interval between saves. 1 is a good option. If None, no saving occurs. pub save_interval: Option, /// struct for tracking current state - #[serde(default, skip_serializing_if = "EqDefault::eq_default")] + #[serde(default)] pub state: ElectricMachineState, /// Custom vector of [Self::state] #[serde( diff --git a/fastsim-core/src/vehicle/powertrain/fuel_converter.rs b/fastsim-core/src/vehicle/powertrain/fuel_converter.rs index eb73be9b..5607c992 100755 --- a/fastsim-core/src/vehicle/powertrain/fuel_converter.rs +++ b/fastsim-core/src/vehicle/powertrain/fuel_converter.rs @@ -11,10 +11,11 @@ use std::f64::consts::PI; // self.get_eff_max() // } - // #[setter("__eff_max")] - // fn set_eff_max_py(&mut self, eff_max: f64) -> PyResult<()> { - // self.set_eff_max(eff_max).map_err(PyValueError::new_err) - // } + #[setter("__eff_max")] + fn set_eff_max_py(&mut self, eff_max: f64) -> PyResult<()> { + self.set_eff_max(eff_max)?; + Ok(()) + } // #[getter("eff_min")] // fn get_eff_min_py(&self) -> f64 { @@ -26,10 +27,11 @@ use std::f64::consts::PI; // self.get_eff_range() // } - // #[setter("__eff_range")] - // fn set_eff_range_py(&mut self, eff_range: f64) -> PyResult<()> { - // self.set_eff_range(eff_range).map_err(PyValueError::new_err) - // } + #[setter("__eff_range")] + fn set_eff_range_py(&mut self, eff_range: f64) -> PyResult<()> { + self.set_eff_range(eff_range)?; + Ok(()) + } // TODO: handle `side_effects` and uncomment // #[setter("__mass_kg")] @@ -79,7 +81,7 @@ pub struct FuelConverter { /// time step interval between saves. 1 is a good option. If None, no saving occurs. pub save_interval: Option, /// struct for tracking current state - #[serde(default, skip_serializing_if = "EqDefault::eq_default")] + #[serde(default)] pub state: FuelConverterState, /// Custom vector of [Self::state] #[serde( @@ -351,6 +353,106 @@ impl FuelConverter { FuelConverterThermalOption::None => None, } } + + /// Returns max value of [Self::eff_interp_from_pwr_out] + pub fn get_eff_max(&self) -> anyhow::Result { + // since efficiency is all f64 between 0 and 1, NEG_INFINITY is safe + Ok(self + .eff_interp_from_pwr_out + .f_x()? + .iter() + .fold(f64::NEG_INFINITY, |acc, curr| acc.max(*curr))) + } + + /// Returns min value of [Self::eff_interp_from_pwr_out] + pub fn get_eff_min(&self) -> anyhow::Result { + // since efficiency is all f64 between 0 and 1, NEG_INFINITY is safe + Ok(self + .eff_interp_from_pwr_out + .f_x()? + .iter() + .fold(f64::NEG_INFINITY, |acc, curr| acc.min(*curr))) + } + + /// Scales eff_interp_fwd and eff_interp_bwd by ratio of new `eff_max` per current calculated max + pub fn set_eff_max(&mut self, eff_max: f64) -> anyhow::Result<()> { + if (0.0..=1.0).contains(&eff_max) { + let old_max = self.get_eff_max()?; + let f_x = self.eff_interp_from_pwr_out.f_x()?.to_owned(); + match &mut self.eff_interp_from_pwr_out { + interp @ Interpolator::Interp1D(..) => { + interp.set_f_x(f_x.iter().map(|x| x * eff_max / old_max).collect())?; + } + _ => bail!("{}\n", "Only `Interpolator::Interp1D` is allowed."), + } + Ok(()) + } else { + Err(anyhow!( + "`eff_max` ({:.3}) must be between 0.0 and 1.0", + eff_max, + )) + } + } + + /// Scales values of `eff_interp_fwd.f_x` and `eff_interp_bwd.f_x` without changing max such that max - min + /// is equal to new range. Will change max if needed to ensure no values are + /// less than zero. + pub fn set_eff_range(&mut self, eff_range: f64) -> anyhow::Result<()> { + let eff_max = self.get_eff_max()?; + if eff_range == 0.0 { + let f_x = vec![ + eff_max; + self.eff_interp_from_pwr_out + .f_x() + .with_context(|| "eff_interp_fwd does not have f_x field")? + .len() + ]; + self.eff_interp_from_pwr_out.set_f_x(f_x)?; + Ok(()) + } else if (0.0..=1.0).contains(&eff_range) { + let old_min = self.get_eff_min()?; + let old_range = self.get_eff_max()? - old_min; + if old_range == 0.0 { + return Err(anyhow!( + "`eff_range` is already zero so it cannot be modified." + )); + } + let f_x_fwd = self.eff_interp_from_pwr_out.f_x()?.to_owned(); + match &mut self.eff_interp_from_pwr_out { + interp @ Interpolator::Interp1D(..) => { + interp.set_f_x( + f_x_fwd + .iter() + .map(|x| eff_max + (x - eff_max) * eff_range / old_range) + .collect(), + )?; + } + _ => bail!("{}\n", "Only `Interpolator::Interp1D` is allowed."), + } + if self.get_eff_min()? < 0.0 { + let x_neg = self.get_eff_min()?; + let f_x_fwd = self.eff_interp_from_pwr_out.f_x()?.to_owned(); + match &mut self.eff_interp_from_pwr_out { + interp @ Interpolator::Interp1D(..) => { + interp.set_f_x(f_x_fwd.iter().map(|x| x - x_neg).collect())?; + } + _ => bail!("{}\n", "Only `Interpolator::Interp1D` is allowed."), + } + } + if self.get_eff_max()? > 1.0 { + return Err(anyhow!(format!( + "`eff_max` ({:.3}) must be no greater than 1.0", + self.get_eff_max()? + ))); + } + Ok(()) + } else { + Err(anyhow!(format!( + "`eff_range` ({:.3}) must be between 0.0 and 1.0", + eff_range, + ))) + } + } } // impl FuelConverter { @@ -523,7 +625,7 @@ pub struct FuelConverterThermal { /// Model for [FuelConverter] dependence on efficiency pub fc_eff_model: FCTempEffModel, /// struct for tracking current state - #[serde(default, skip_serializing_if = "EqDefault::eq_default")] + #[serde(default)] pub state: FuelConverterThermalState, /// Custom vector of [Self::state] #[serde( diff --git a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs index 47d0a004..69ecf411 100644 --- a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs +++ b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs @@ -112,7 +112,7 @@ pub struct ReversibleEnergyStorage { /// Time step interval at which history is saved pub save_interval: Option, /// struct for tracking current state - #[serde(default, skip_serializing_if = "EqDefault::eq_default")] + #[serde(default)] pub state: ReversibleEnergyStorageState, /// Custom vector of [Self::state] #[serde( @@ -825,7 +825,7 @@ pub struct RESLumpedThermal { /// parameter for heat transfer coeff from [ReversibleEnergyStorage::thrml] to cabin pub conductance_to_cab: si::ThermalConductance, /// current state - #[serde(default, skip_serializing_if = "EqDefault::eq_default")] + #[serde(default)] pub state: RESLumpedThermalState, /// history of state #[serde( diff --git a/fastsim-core/src/vehicle/powertrain/transmission.rs b/fastsim-core/src/vehicle/powertrain/transmission.rs index 857751f6..4863c39c 100644 --- a/fastsim-core/src/vehicle/powertrain/transmission.rs +++ b/fastsim-core/src/vehicle/powertrain/transmission.rs @@ -15,7 +15,7 @@ pub struct Transmission { /// time step interval between saves. 1 is a good option. If None, no saving occurs. pub save_interval: Option, /// struct for tracking current state - #[serde(default, skip_serializing_if = "EqDefault::eq_default")] + #[serde(default)] pub state: TransmissionState, /// Custom vector of [Self::state] #[serde(default, skip_serializing_if = "TransmissionStateHistoryVec::is_empty")] diff --git a/fastsim-core/src/vehicle/vehicle_model.rs b/fastsim-core/src/vehicle/vehicle_model.rs index 982ffed6..a3cfb28c 100644 --- a/fastsim-core/src/vehicle/vehicle_model.rs +++ b/fastsim-core/src/vehicle/vehicle_model.rs @@ -157,7 +157,7 @@ pub struct Vehicle { /// time step interval at which `state` is saved into `history` save_interval: Option, /// current state of vehicle - #[serde(default, skip_serializing_if = "EqDefault::eq_default")] + #[serde(default)] pub state: VehicleState, /// Vector-like history of [Self::state] #[serde(default, skip_serializing_if = "VehicleStateHistoryVec::is_empty")] diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py index 4f24cea6..1df8c4e2 100644 --- a/python/fastsim/pymoo_api.py +++ b/python/fastsim/pymoo_api.py @@ -9,7 +9,6 @@ import argparse import time from dataclasses import dataclass -import logger # pymoo try: from pymoo.optimize import minimize @@ -165,7 +164,7 @@ def get_errors( ) -> Union[ Dict[str, Dict[str, float]], # or if return_mods is True - Tuple[Dict[str, fsim.simdrive.SimDrive], Dict[str, Dict[str, float]]] + Tuple[Dict[str, fsim.SimDrive], Dict[str, Dict[str, float]]] ]: """ Calculate model errors w.r.t. test data for each element in dfs/models for each objective. @@ -187,7 +186,7 @@ def get_errors( df_exp: pd.DataFrame # TODO: maybe put a `try...except` block here t0 = time.perf_counter() - sd.sim_drive() # type: ignore + sd.walk_once() # type: ignore t1 = time.perf_counter() if self.verbose: From dc9f243fa24c730e8360cccfe118196f1ef552fd Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Tue, 28 Jan 2025 15:47:01 -0700 Subject: [PATCH 060/129] working on exposing SimParams to enable trace miss --- cal_and_val/thermal/cal_hev.py | 26 ++++++--- fastsim-core/src/simdrive.rs | 37 +++++++++++- .../vehicle/powertrain/electric_machine.rs | 56 +++++++++---------- .../src/vehicle/powertrain/fuel_converter.rs | 23 ++++---- fastsim-py/src/lib.rs | 1 + python/fastsim/pymoo_api.py | 6 +- 6 files changed, 97 insertions(+), 52 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 0566b1e9..678ef584 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -29,6 +29,10 @@ # - [x] make sure temp- and current/c-rate-dependent battery efficiency interp # is being used -- temp is 23*C and up and c-rate ranges from -5/hr to 5/hr veh = fsim.Vehicle.from_file(Path(__file__).parent / "f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml") +veh_dict = veh.to_pydict() + +sim_params_dict = fsim.SimParams.default().to_pydict() +sim_params_dict["trace_miss_opts"] = # Obtain the data from # https://nrel.sharepoint.com/:f:/r/sites/EEMSCoreModelingandDecisionSupport2022-2024/Shared%20Documents/FASTSim/DynoTestData?csf=1&web=1&e=F4FEBp @@ -97,8 +101,7 @@ def df_to_cyc(df: pd.DataFrame) -> fsim.Cycle: } return fsim.Cycle.from_pydict(cyc_dict, skip_init=False) -def veh_init(veh: fsim.Vehicle, cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: - veh_dict = veh.to_pydict() +def veh_init(cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: # initialize SOC veh_dict['pt_type']['HybridElectricVehicle']['res']['state']['soc'] = \ dfs[cyc_file_stem]["HVBatt_SOC_high_precision_PCAN__per"][0] @@ -138,7 +141,7 @@ def veh_init(veh: fsim.Vehicle, cyc_file_stem: str, dfs: Dict[str, pd.DataFrame] cyc_file_stem: str cyc: fsim.Cycle # NOTE: maybe change `save_interval` to 5 - veh = veh_init(veh, cyc_file_stem, dfs_for_cal) + veh = veh_init(cyc_file_stem, dfs_for_cal) sds_for_cal[cyc_file_stem] = fsim.SimDrive(veh, cyc).to_pydict() cyc_files_for_val: List[Path] = list(set(cyc_files) - set(cyc_files_for_cal)) @@ -161,7 +164,7 @@ def veh_init(veh: fsim.Vehicle, cyc_file_stem: str, dfs: Dict[str, pd.DataFrame] for (cyc_file_stem, cyc) in cycs_for_val.items(): cyc_file_stem: str cyc: fsim.Cycle - veh = veh_init(veh, cyc_file_stem, dfs_for_val) + veh = veh_init(cyc_file_stem, dfs_for_val) sds_for_val[cyc_file_stem] = fsim.SimDrive(veh, cyc).to_pydict() # Setup model objectives @@ -171,7 +174,7 @@ def new_em_eff_max(sd_dict, new_eff_max): Set `new_eff_max` in `ElectricMachine` """ em = fsim.ElectricMachine.from_pydict(sd_dict['veh']['pt_type']['HybridElectricVehicle']['em']) - em.__eff_max = new_eff_max + em.__eff_fwd_max = new_eff_max sd_dict['veh']['pt_type']['HybridElectricVehicle']['em'] = em.to_pydict() def new_em_eff_range(sd_dict, new_eff_range): @@ -179,7 +182,7 @@ def new_em_eff_range(sd_dict, new_eff_range): Set `new_eff_range` in `ElectricMachine` """ em = fsim.ElectricMachine.from_pydict(sd_dict['veh']['pt_type']['HybridElectricVehicle']['em']) - em.__eff_range = new_eff_range + em.__eff_fwd_range = new_eff_range sd_dict['veh']['pt_type']['HybridElectricVehicle']['em'] = em.to_pydict() def new_fc_eff_max(sd_dict, new_eff_max): @@ -218,7 +221,7 @@ def new_fc_eff_range(sd_dict, new_eff_range): new_em_eff_max, new_em_eff_range, new_fc_eff_max, - # new_fc_eff_range, # not sure I want to include this one + # new_fc_eff_range, # TODO: make sure this has functions for modifying # - HVAC PID controls for cabin (not for battery because Sonata has # passive thermal management, but make sure to do battery thermal @@ -242,14 +245,19 @@ def new_fc_eff_range(sd_dict, new_eff_range): (0.80, 0.99), (0.1, 0.6), (0.32, 0.45), - # (...) # not sure I want to include `new_fc_eff_range` + # (0.0, 0.45), ), ) # verify that model responds to input parameter changes by individually perturbing parameters baseline_errors = cal_mod_obj.get_errors( - cal_mod_obj.update_params([0.90, 0.3, 0.4]) + cal_mod_obj.update_params([ + fsim.ElectricMachine.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['em']).eff_fwd_max, + fsim.ElectricMachine.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['em']).eff_fwd_range, + fsim.FuelConverter.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['fc']).eff_max, + # veh_dict['pt_type']['HybridElectricVehicle']['fc'], + ]) ) param0_perturb = cal_mod_obj.get_errors( cal_mod_obj.update_params([0.90 + 0.5, 0.3, 0.4]) diff --git a/fastsim-core/src/simdrive.rs b/fastsim-core/src/simdrive.rs index a99e8a0e..3a418967 100644 --- a/fastsim-core/src/simdrive.rs +++ b/fastsim-core/src/simdrive.rs @@ -5,22 +5,53 @@ use super::vehicle::Vehicle; use crate::imports::*; use crate::prelude::*; -#[fastsim_api] +#[fastsim_api( + #[staticmethod] + #[pyo3(name = "default")] + fn default_py() -> Self { + Self::default() + } +)] #[derive(Clone, Debug, Deserialize, Serialize, PartialEq, HistoryMethods)] #[non_exhaustive] /// Solver parameters pub struct SimParams { + #[serde(default = "SimParams::def_ach_speed_max_iter")] pub ach_speed_max_iter: u32, + #[serde(default = "SimParams::def_ach_speed_tol")] pub ach_speed_tol: si::Ratio, + #[serde(default = "SimParams::def_ach_speed_solver_gain")] pub ach_speed_solver_gain: f64, - + #[serde(default = "SimParams::def_trace_miss_tol")] pub trace_miss_tol: TraceMissTolerance, - + #[serde(default = "SimParams::def_trace_miss_opts")] pub trace_miss_opts: TraceMissOptions, /// whether to use FASTSim-2 style air density + #[serde(default = "SimParams::def_f2_const_air_density")] pub f2_const_air_density: bool, } +impl SimParams { + fn def_ach_speed_max_iter() -> u32 { + Self::default().ach_speed_max_iter + } + fn def_ach_speed_tol() -> si::Ratio { + Self::default().ach_speed_tol + } + fn def_ach_speed_solver_gain() -> f64 { + Self::default().ach_speed_solver_gain + } + fn def_trace_miss_tol() -> TraceMissTolerance { + Self::default().trace_miss_tol + } + fn def_trace_miss_opts() -> TraceMissOptions { + Self::default().trace_miss_opts + } + fn def_f2_const_air_density() -> bool { + Self::default().f2_const_air_density + } +} + impl SerdeAPI for SimParams {} impl Init for SimParams {} diff --git a/fastsim-core/src/vehicle/powertrain/electric_machine.rs b/fastsim-core/src/vehicle/powertrain/electric_machine.rs index 96fbebb4..9b840458 100755 --- a/fastsim-core/src/vehicle/powertrain/electric_machine.rs +++ b/fastsim-core/src/vehicle/powertrain/electric_machine.rs @@ -28,30 +28,30 @@ use crate::pyo3::*; // self.set_pwr_in_frac_interp() // } - // #[getter("eff_max")] - // fn get_eff_max_py(&self) -> f64 { - // self.get_eff_max() - // } + #[getter("eff_fwd_max")] + fn get_eff_max_fwd_py(&self) -> PyResult { + Ok(self.get_eff_fwd_max()?) + } - #[setter("__eff_max")] - fn set_eff_max_py(&mut self, eff_max: f64) -> PyResult<()> { - self.set_eff_max(eff_max)?; + #[setter("__eff_fwd_max")] + fn set_eff_fwd_max_py(&mut self, eff_max: f64) -> PyResult<()> { + self.set_eff_fwd_max(eff_max)?; Ok(()) } - // #[getter("eff_min")] - // fn get_eff_min_py(&self) -> f64 { - // self.get_eff_min() - // } + #[getter("eff_min_fwd")] + fn get_eff_min_fwd_py(&self) -> PyResult { + Ok(self.get_eff_min_fwd()?) + } - // #[getter("eff_range")] - // fn get_eff_range_py(&self) -> f64 { - // self.get_eff_range() - // } + #[getter("eff_fwd_range")] + fn get_eff_fwd_range_py(&self) -> PyResult { + Ok(self.get_eff_fwd_range()?) + } - #[setter("__eff_range")] - fn set_eff_range_py(&mut self, eff_range: f64) -> PyResult<()> { - self.set_eff_range(eff_range)?; + #[setter("__eff_fwd_range")] + fn set_eff_fwd_range_py(&mut self, eff_range: f64) -> PyResult<()> { + self.set_eff_fwd_range(eff_range)?; Ok(()) } )] @@ -419,7 +419,7 @@ impl Mass for ElectricMachine { impl ElectricMachine { /// Returns max value of `eff_interp_fwd` - pub fn get_eff_max_fwd(&self) -> anyhow::Result { + pub fn get_eff_fwd_max(&self) -> anyhow::Result { // since efficiency is all f64 between 0 and 1, NEG_INFINITY is safe Ok(self .eff_interp_achieved @@ -441,9 +441,9 @@ impl ElectricMachine { } /// Scales eff_interp_fwd and eff_interp_bwd by ratio of new `eff_max` per current calculated max - pub fn set_eff_max(&mut self, eff_max: f64) -> anyhow::Result<()> { + pub fn set_eff_fwd_max(&mut self, eff_max: f64) -> anyhow::Result<()> { if (0.0..=1.0).contains(&eff_max) { - let old_max_fwd = self.get_eff_max_fwd()?; + let old_max_fwd = self.get_eff_fwd_max()?; let old_max_bwd = self.get_eff_max_bwd()?; let f_x_fwd = self.eff_interp_achieved.f_x()?.to_owned(); match &mut self.eff_interp_achieved { @@ -505,8 +505,8 @@ impl ElectricMachine { } /// Max value of `eff_interp_fwd` minus min value of `eff_interp_fwd`. - pub fn get_eff_range_fwd(&self) -> anyhow::Result { - Ok(self.get_eff_max_fwd()? - self.get_eff_min_fwd()?) + pub fn get_eff_fwd_range(&self) -> anyhow::Result { + Ok(self.get_eff_fwd_max()? - self.get_eff_min_fwd()?) } /// Max value of `eff_interp_bwd` minus min value of `eff_interp_bwd`. @@ -517,8 +517,8 @@ impl ElectricMachine { /// Scales values of `eff_interp_fwd.f_x` and `eff_interp_bwd.f_x` without changing max such that max - min /// is equal to new range. Will change max if needed to ensure no values are /// less than zero. - pub fn set_eff_range(&mut self, eff_range: f64) -> anyhow::Result<()> { - let eff_max_fwd = self.get_eff_max_fwd()?; + pub fn set_eff_fwd_range(&mut self, eff_range: f64) -> anyhow::Result<()> { + let eff_max_fwd = self.get_eff_fwd_max()?; let eff_max_bwd = self.get_eff_max_bwd()?; if eff_range == 0.0 { let f_x_fwd = vec![ @@ -548,7 +548,7 @@ impl ElectricMachine { Ok(()) } else if (0.0..=1.0).contains(&eff_range) { let old_min = self.get_eff_min_fwd()?; - let old_range = self.get_eff_max_fwd()? - old_min; + let old_range = self.get_eff_fwd_max()? - old_min; if old_range == 0.0 { return Err(anyhow!( "`eff_range` is already zero so it cannot be modified." @@ -576,10 +576,10 @@ impl ElectricMachine { _ => bail!("{}\n", "Only `Interpolator::Interp1D` is allowed."), } } - if self.get_eff_max_fwd()? > 1.0 { + if self.get_eff_fwd_max()? > 1.0 { return Err(anyhow!(format!( "`eff_max` ({:.3}) must be no greater than 1.0", - self.get_eff_max_fwd()? + self.get_eff_fwd_max()? ))); } let old_min = self.get_eff_min_at_max_input()?; diff --git a/fastsim-core/src/vehicle/powertrain/fuel_converter.rs b/fastsim-core/src/vehicle/powertrain/fuel_converter.rs index 5607c992..45de01e1 100755 --- a/fastsim-core/src/vehicle/powertrain/fuel_converter.rs +++ b/fastsim-core/src/vehicle/powertrain/fuel_converter.rs @@ -5,11 +5,11 @@ use std::f64::consts::PI; // TODO: think about how to incorporate life modeling for Fuel Cells and other tech #[fastsim_api( - // // optional, custom, struct-specific pymethods - // #[getter("eff_max")] - // fn get_eff_max_py(&self) -> f64 { - // self.get_eff_max() - // } + // optional, custom, struct-specific pymethods + #[getter("eff_max")] + fn get_eff_max_py(&self) -> PyResult { + Ok(self.get_eff_max()?) + } #[setter("__eff_max")] fn set_eff_max_py(&mut self, eff_max: f64) -> PyResult<()> { @@ -17,14 +17,15 @@ use std::f64::consts::PI; Ok(()) } - // #[getter("eff_min")] - // fn get_eff_min_py(&self) -> f64 { - // self.get_eff_min() - // } + #[getter("eff_min")] + fn get_eff_min_py(&self) -> PyResult { + Ok(self.get_eff_min()?) + } // #[getter("eff_range")] - // fn get_eff_range_py(&self) -> f64 { - // self.get_eff_range() + // fn get_eff_range_py(&self) -> PyResult { + // self.get_eff_range()?; + // Ok(()) // } #[setter("__eff_range")] diff --git a/fastsim-py/src/lib.rs b/fastsim-py/src/lib.rs index cfb6beab..02ec7411 100644 --- a/fastsim-py/src/lib.rs +++ b/fastsim-py/src/lib.rs @@ -39,6 +39,7 @@ fn fastsim(_py: Python, m: &Bound) -> PyResult<()> { m.add_class::()?; m.add_class::()?; m.add_class::()?; + m.add_class::()?; m.add_class::()?; m.add_class::()?; m.add_class::()?; diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py index 1df8c4e2..fb35dfb9 100644 --- a/python/fastsim/pymoo_api.py +++ b/python/fastsim/pymoo_api.py @@ -186,7 +186,11 @@ def get_errors( df_exp: pd.DataFrame # TODO: maybe put a `try...except` block here t0 = time.perf_counter() - sd.walk_once() # type: ignore + try: + sd.walk_once() # type: ignore + except RuntimeError as err: + print(f"key: {key}") + raise(err) t1 = time.perf_counter() if self.verbose: From bb104bb623aeb885a2783b9b41d15fd98b3f36ef Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Tue, 28 Jan 2025 20:24:53 -0700 Subject: [PATCH 061/129] allowed trace miss in cal_hev.py put in comments and some infrastructure to do `AllowChecked` trace miss option to use tolerances instead of on/off doc strings and such --- cal_and_val/thermal/cal_hev.py | 7 +++--- fastsim-core/src/simdrive.rs | 40 ++++++++++++++++++++++++--------- fastsim-core/src/vehicle/hev.rs | 6 +++-- python/fastsim/pymoo_api.py | 2 +- 4 files changed, 38 insertions(+), 17 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 678ef584..dbe276d3 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -32,7 +32,8 @@ veh_dict = veh.to_pydict() sim_params_dict = fsim.SimParams.default().to_pydict() -sim_params_dict["trace_miss_opts"] = +sim_params_dict["trace_miss_opts"] = "Allow" +sim_params = fsim.SimParams.from_pydict(sim_params_dict) # Obtain the data from # https://nrel.sharepoint.com/:f:/r/sites/EEMSCoreModelingandDecisionSupport2022-2024/Shared%20Documents/FASTSim/DynoTestData?csf=1&web=1&e=F4FEBp @@ -142,7 +143,7 @@ def veh_init(cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: cyc: fsim.Cycle # NOTE: maybe change `save_interval` to 5 veh = veh_init(cyc_file_stem, dfs_for_cal) - sds_for_cal[cyc_file_stem] = fsim.SimDrive(veh, cyc).to_pydict() + sds_for_cal[cyc_file_stem] = fsim.SimDrive(veh, cyc, sim_params).to_pydict() cyc_files_for_val: List[Path] = list(set(cyc_files) - set(cyc_files_for_cal)) assert len(cyc_files_for_val) > 0 @@ -165,7 +166,7 @@ def veh_init(cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: cyc_file_stem: str cyc: fsim.Cycle veh = veh_init(cyc_file_stem, dfs_for_val) - sds_for_val[cyc_file_stem] = fsim.SimDrive(veh, cyc).to_pydict() + sds_for_val[cyc_file_stem] = fsim.SimDrive(veh, cyc, sim_params).to_pydict() # Setup model objectives ## Parameter Functions diff --git a/fastsim-core/src/simdrive.rs b/fastsim-core/src/simdrive.rs index 3a418967..ffa6065f 100644 --- a/fastsim-core/src/simdrive.rs +++ b/fastsim-core/src/simdrive.rs @@ -17,11 +17,19 @@ use crate::prelude::*; /// Solver parameters pub struct SimParams { #[serde(default = "SimParams::def_ach_speed_max_iter")] + /// max number of iterations allowed in setting achieved speed when trace + /// cannot be achieved pub ach_speed_max_iter: u32, #[serde(default = "SimParams::def_ach_speed_tol")] + /// tolerance in change in speed guess in setting achieved speed when trace + /// cannot be achieved pub ach_speed_tol: si::Ratio, #[serde(default = "SimParams::def_ach_speed_solver_gain")] + /// Newton method gain for setting achieved speed pub ach_speed_solver_gain: f64, + // TODO: plumb this up to actually do something + /// When implemented, this will set the tolerance on how much trace miss + /// is allowed #[serde(default = "SimParams::def_trace_miss_tol")] pub trace_miss_tol: TraceMissTolerance, #[serde(default = "SimParams::def_trace_miss_opts")] @@ -453,10 +461,10 @@ pwr deficit: {} kW // initial guess let speed_guess = (1e-3 * uc::MPS).max(cyc_speed); // stop criteria - let max_iter = self.sim_params.ach_speed_max_iter; - let xtol = self.sim_params.ach_speed_tol; + let max_iter = &self.sim_params.ach_speed_max_iter; + let xtol = &self.sim_params.ach_speed_tol; // solver gain - let g = self.sim_params.ach_speed_solver_gain; + let g = &self.sim_params.ach_speed_solver_gain; let pwr_err_fn = |speed_guess: si::Velocity| -> si::Power { t3 * speed_guess.powi(typenum::P3::new()) + t2 * speed_guess.powi(typenum::P2::new()) @@ -480,10 +488,10 @@ pwr deficit: {} kW // speed achieved iteration counter let mut spd_ach_iter_counter = 1; let mut converged = pwr_err <= si::Power::ZERO; - while spd_ach_iter_counter < max_iter && !converged { + while &spd_ach_iter_counter < max_iter && !converged { let speed_guess = *speed_guesses.iter().last().with_context(|| format_dbg!())? * (1.0 - g) - - g * *new_speed_guesses + - *g * *new_speed_guesses .iter() .last() .with_context(|| format_dbg!())? @@ -496,7 +504,7 @@ pwr deficit: {} kW d_pwr_err_per_d_speed_guesses.push(pwr_err_per_speed_guess); new_speed_guesses.push(new_speed_guess); // is the fractional change between previous and current speed guess smaller than `xtol` - converged = ((*speed_guesses.iter().last().with_context(|| format_dbg!())? + converged = &((*speed_guesses.iter().last().with_context(|| format_dbg!())? - speed_guesses[speed_guesses.len() - 2]) / speed_guesses[speed_guesses.len() - 2]) .abs() @@ -533,9 +541,17 @@ pwr deficit: {} kW #[derive(Clone, Debug, Deserialize, Serialize, PartialEq, HistoryMethods)] #[non_exhaustive] pub struct TraceMissTolerance { + /// if the vehicle falls this far behind trace in terms of absolute + /// difference and [TraceMissOptions::is_allow_checked], fail tol_dist: si::Length, + /// if the vehicle falls this far behind trace in terms of fractional + /// difference and [TraceMissOptions::is_allow_checked], fail tol_dist_frac: si::Ratio, + /// if the vehicle falls this far behind instantaneous speed and + /// [TraceMissOptions::is_allow_checked], fail tol_speed: si::Velocity, + /// if the vehicle falls this far behind instantaneous speed in terms of + /// fractional difference and [TraceMissOptions::is_allow_checked], fail tol_speed_frac: si::Ratio, } @@ -545,11 +561,10 @@ impl Init for TraceMissTolerance {} impl Default for TraceMissTolerance { fn default() -> Self { Self { - // TODO: update these values - tol_dist: 666. * uc::M, - tol_dist_frac: 666. * uc::R, - tol_speed: 666. * uc::MPS, - tol_speed_frac: 666. * uc::R, + tol_dist: 100. * uc::M, + tol_dist_frac: 0.01 * uc::R, + tol_speed: 10. * uc::MPS, + tol_speed_frac: 0.5 * uc::R, } } } @@ -558,6 +573,9 @@ impl Default for TraceMissTolerance { pub enum TraceMissOptions { /// Allow trace miss without any fanfare Allow, + // TODO: plumb this up + /// Allow trace miss within error tolerance + AllowChecked, #[default] /// Error out when trace miss happens Error, diff --git a/fastsim-core/src/vehicle/hev.rs b/fastsim-core/src/vehicle/hev.rs index 4cb8772e..3cfedf86 100644 --- a/fastsim-core/src/vehicle/hev.rs +++ b/fastsim-core/src/vehicle/hev.rs @@ -588,11 +588,13 @@ impl HEVPowertrainControls { "{} `pwr_out_req`: {} kW `em_state.pwr_mech_fwd_out_max`: {} kW -`fc_state.pwr_prop_max`: {} kW", +`fc_state.pwr_prop_max`: {} kW +`res.state.soc`: {}", format_dbg!(), pwr_prop_req.get::(), em_state.pwr_mech_fwd_out_max.get::(), - fc_state.pwr_prop_max.get::() + fc_state.pwr_prop_max.get::(), + res.state.soc.get::() ); // # Brain dump for thermal stuff diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py index fb35dfb9..a5735939 100644 --- a/python/fastsim/pymoo_api.py +++ b/python/fastsim/pymoo_api.py @@ -26,7 +26,7 @@ from pymoo.util.ref_dirs import get_reference_directions # noqa: F401 PYMOO_AVAILABLE = True except ModuleNotFoundError as err: - logger.warning( + print( f"{err}\nTry running `pip install pymoo==0.6.0.1` to use all features in " + "`fastsim.calibration`" ) From 9d9b10a7bfdbd74a8a267ff535f0cc614606a241 Mon Sep 17 00:00:00 2001 From: Robin Steuteville Date: Wed, 29 Jan 2025 09:37:41 -0700 Subject: [PATCH 062/129] updating cal_bev.py to bring it up to speed with cal_hev.py --- cal_and_val/thermal/cal_bev.py | 201 +++++++++++++++++++++++++++++---- 1 file changed, 176 insertions(+), 25 deletions(-) diff --git a/cal_and_val/thermal/cal_bev.py b/cal_and_val/thermal/cal_bev.py index c7bdd36a..428050f0 100644 --- a/cal_and_val/thermal/cal_bev.py +++ b/cal_and_val/thermal/cal_bev.py @@ -11,13 +11,23 @@ import seaborn as sns import pandas as pd # noqa: F401 import polars as pl # noqa: F401 +from typing import List, Dict +from pymoo.core.problem import StarmapParallelization import fastsim as fsim +from fastsim import pymoo_api + +mps_per_mph = 0.447 +celsius_to_kelvin_offset = 273.15 # Initialize seaborn plot configuration sns.set_style() veh = fsim.Vehicle.from_file(Path(__file__).parent / "f3-vehicles/2020 Chevrolet Bolt EV.yaml") +veh_dict = veh.to_pydict() + +sim_params_dict = fsim.SimParams.default().to_pydict() +sim_params_dict["trace_miss_opts"] = # Obtain the data from # https://nrel.sharepoint.com/:f:/r/sites/EEMSCoreModelingandDecisionSupport2022-2024/Shared%20Documents/FASTSim/DynoTestData?csf=1&web=1&e=F4FEBp @@ -49,59 +59,116 @@ # TODO: use random selection to retain ~70% of cycles for calibration, and # reserve the remaining for validation -cyc_files_for_cal = [ - # TOOD: populate this somehow -- e.g. random split of `cyc_files` +cyc_files_for_cal: List[str] = [ + # TODO: populate this somehow -- e.g. random split of `cyc_files` ] + +cyc_files_for_cal: List[Path] = [cyc_file for cyc_file in cyc_files if cyc_file.name in cyc_files_for_cal] assert len(cyc_files_for_cal) > 0 -dfs_for_cal = {} + +def df_to_cyc(df: pd.DataFrame) -> fsim.Cycle: + # filter out "before" time + df = df[df["Time[s]_RawFacilities"] >= 0.0] + assert len(df) > 10 + cyc_dict = { + "time_seconds": df["Time[s]_RawFacilities"].to_list(), + "speed_meters_per_second": (df["Dyno_Spd[mph]"] * mps_per_mph).to_list(), + "temp_amb_air_kelvin": (df["Cell_Temp[C]"] + celsius_to_kelvin_offset).to_list(), + # TODO: pipe solar load from `Cycle` into cabin thermal model + # TODO: use something (e.g. regex) to determine solar load + # see column J comments in 2021_Hyundai_Sonata_Hybrid_TestSummary_2022-03-01_D3.xlsx + # "pwr_solar_load_watts": df[], + } + return fsim.Cycle.from_pydict(cyc_dict, skip_init=False) + +def veh_init(cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: + # initialize SOC + # TODO: figure out if `HVBatt_SOC_CAN4__per` is the correct column within the dyno data + veh_dict['pt_type']['BatteryElectricVehicle']['res']['state']['soc'] = \ + dfs[cyc_file_stem]["HVBatt_SOC_CAN4__per"][0] + # initialize cabin temp + veh_dict['cabin']['LumpedCabin']['state']['temperature_kelvin'] = \ + dfs[cyc_file_stem]["Cabin_Temp[C]"][0] + celsius_to_kelvin_offset + # initialize battery temperature to match cabin temperature because battery + # temperature is not available in test data + # Also, battery temperature has no effect in the HEV because efficiency data + # does not go below 23*C and there is no active thermal management + veh_dict['pt_type']['BatteryElectricVehicle']['res']['thrml']['RESLumpedThermal']['state']['temperature_kelvin'] = \ + dfs[cyc_file_stem]["Cabin_Temp[C]"][0] + celsius_to_kelvin_offset + # initialize engine temperature + veh_dict['pt_type']['BatteryElectricVehicle']['fc']['thrml']['FuelConverterThermal']['state']['temperature_kelvin'] = \ + dfs[cyc_file_stem]["engine_coolant_temp_PCAN__C"][0] + celsius_to_kelvin_offset + return fsim.Vehicle.from_pydict(veh_dict) + +dfs_for_cal: Dict[str, pd.DataFrame] = { + # `delimiter="\t"` should work for tab separated variables + cyc_file.stem: pd.read_csv(cyc_file, delimiter="\t") for cyc_file in cyc_files_for_cal +} for cyc_file in cyc_files_for_cal: cyc_file: Path # `delimiter="\t"` should work for tab separated variables dfs_for_cal[cyc_file.stem] = pd.read_csv(cyc_file, delimiter="\t") -cycs_for_cal = {} +cycs_for_cal: Dict[str, fsim.Cycle] = {} +# populate `cycs_for_cal` for (cyc_file_stem, df) in dfs_for_cal.items(): cyc_file_stem: str df: pd.DataFrame - cyc_dict = df.to_dict() - # TODO: be ready to do some massaging of `cyc_dict`, like making sure that - # keys match expected, purging invalid keys, and massaging data types + cyc_dict_raw = df.to_dict() + cyc_file_stem: str + df: pd.DataFrame + cycs_for_cal[cyc_file_stem] = df_to_cyc(df) - # TODO: make sure this catches ambient temperature - cycs_for_cal[cyc_file_stem] = fsim.Cycle.from_pydict(cyc_dict) -sds_for_cal = {} +sds_for_cal: Dict[str, fsim.SimDrive] = {} +# populate `sds_for_cal` for (cyc_file_stem, cyc) in cycs_for_cal.items(): cyc_file_stem: str cyc: fsim.Cycle - # TODO: clone veh and set up initial conditions for: - # - SOC - # - cabin temp - # - battery temp if available, else use cabin temp - # - engine temp for HEV # NOTE: maybe change `save_interval` to 5 + veh = veh_init(cyc_file_stem, dfs_for_cal) sds_for_cal[cyc_file_stem] = fsim.SimDrive(veh, cyc).to_pydict() -# TODO: flesh this out for validation stuff -# cyc_files_for_val = [] +cyc_files_for_val: List[Path] = list(set(cyc_files) - set(cyc_files_for_cal)) +assert len(cyc_files_for_val) > 0 + +dfs_for_val: Dict[str, pd.DataFrame] = { + # `delimiter="\t"` should work for tab separated variables + cyc_file.stem: pd.read_csv(cyc_file, delimiter="\t") for cyc_file in cyc_files_for_val +} + +cycs_for_val: Dict[str, fsim.Cycle] = {} +# populate `cycs_for_val` +for (cyc_file_stem, df) in dfs_for_val.items(): + cyc_file_stem: str + df: pd.DataFrame + cycs_for_val[cyc_file_stem] = df_to_cyc(df) + +sds_for_val: Dict[str, fsim.SimDrive] = {} +# populate `sds_for_val` +for (cyc_file_stem, cyc) in cycs_for_val.items(): + cyc_file_stem: str + cyc: fsim.Cycle + veh = veh_init(cyc_file_stem, dfs_for_val) + sds_for_val[cyc_file_stem] = fsim.SimDrive(veh, cyc).to_pydict() # Setup model objectives ## Parameter Functions -def new_em_eff_max(sd_dict, new_eff_peak): +def new_em_eff_max(sd_dict, new_eff_max): """ Set `new_eff_max` in `ElectricMachine` """ em = fsim.ElectricMachine.from_pydict(sd_dict['veh']['pt_type']['BatteryElectricVehicle']['em']) - em.set_eff_peak(new_eff_peak) + em.__eff_fwd_max = new_eff_max sd_dict['veh']['pt_type']['BatteryElectricVehicle']['em'] = em.to_pydict() - # TODO: check that `sd_dict` is mutably modified outside the scope of this function, e.g. with a debugger + def new_em_eff_range(sd_dict, new_eff_range): """ Set `new_eff_range` in `ElectricMachine` """ em = fsim.ElectricMachine.from_pydict(sd_dict['veh']['pt_type']['BatteryElectricVehicle']['em']) - em.set_eff_range(new_eff_range) + em.__eff_fwd_range = new_eff_range sd_dict['veh']['pt_type']['BatteryElectricVehicle']['em'] = em.to_pydict() - # TODO: check that `sd_dict` is mutably modified outside the scope of this function, e.g. with a debugger + ## Model Objectives cal_mod_obj = fsim.pymoo_api.ModelObjectives( @@ -147,7 +214,91 @@ def new_em_eff_range(sd_dict, new_eff_range): ) -# Setup calibration problem -cal_prob = fsim.pymoo_api.CalibrationProblem( - mod_obj=cal_mod_obj, + +# verify that model responds to input parameter changes by individually perturbing parameters +baseline_errors = cal_mod_obj.get_errors( + cal_mod_obj.update_params([ + fsim.ElectricMachine.from_pydict(veh_dict['pt_type']['BatteryElectricVehicle']['em']).eff_fwd_max, + fsim.ElectricMachine.from_pydict(veh_dict['pt_type']['BatteryElectricVehicle']['em']).eff_fwd_range, + ]) +) +param0_perturb = cal_mod_obj.get_errors( + cal_mod_obj.update_params([0.90 + 0.5, 0.3]) +) +assert list(param0_perturb.values()) != list(baseline_errors.values()) +param1_perturb = cal_mod_obj.get_errors( + cal_mod_obj.update_params([0.90, 0.3 + 0.1]) ) +assert list(param1_perturb.values()) != list(baseline_errors.values()) + +if __name__ == "__main__": + parser = fsim.cal.get_parser( + # Defaults are set low to allow for fast run time during testing. For a good + # optimization, set this much higher. + def_save_path=None, + ) + args = parser.parse_args() + + n_processes = args.processes + n_max_gen = args.n_max_gen + # should be at least as big as n_processes + pop_size = args.pop_size + run_minimize = not (args.skip_minimize) + if args.save_path is not None: + save_path = Path(args.save_path) + save_path.mkdir(exist_ok=True) + else: + save_path = None + + print("Starting calibration.") + algorithm = fsim.calibration.NSGA2( + # size of each population + pop_size=pop_size, + # LatinHyperCube sampling seems to be more effective than the default + # random sampling + sampling=fsim.calibration.LHS(), + ) + termination = fsim.calibration.DMOT( + # max number of generations, default of 10 is very small + n_max_gen=n_max_gen, + # evaluate tolerance over this interval of generations every + period=5, + # parameter variation tolerance + xtol=args.xtol, + # objective variation tolerance + ftol=args.ftol + ) + + if n_processes == 1: + print("Running serial evaluation.") + # series evaluation + # Setup calibration problem + cal_prob = pymoo_api.CalibrationProblem( + mod_obj=cal_mod_obj, + ) + + res, res_df = pymoo_api.run_minimize( + problem=cal_prob, + algorithm=algorithm, + termination=termination, + save_path=save_path, + ) + else: + print(f"Running parallel evaluation with n_processes: {n_processes}.") + assert n_processes > 1 + # parallel evaluation + import multiprocessing + + with multiprocessing.Pool(n_processes) as pool: + problem = fsim.calibration.CalibrationProblem( + mod_obj=cal_mod_obj, + elementwise_runner=StarmapParallelization(pool.starmap), + ) + res, res_df = pymoo_api.run_minimize( + problem=problem, + algorithm=algorithm, + termination=termination, + save_path=save_path, + ) + + From d3b70dd9879d81e39e9c5e89a8a6401a5f87a46f Mon Sep 17 00:00:00 2001 From: Robin Steuteville Date: Wed, 29 Jan 2025 09:52:04 -0700 Subject: [PATCH 063/129] cleaning up comments --- cal_and_val/thermal/cal_bev.py | 3 --- 1 file changed, 3 deletions(-) diff --git a/cal_and_val/thermal/cal_bev.py b/cal_and_val/thermal/cal_bev.py index 428050f0..d179bcf9 100644 --- a/cal_and_val/thermal/cal_bev.py +++ b/cal_and_val/thermal/cal_bev.py @@ -76,7 +76,6 @@ def df_to_cyc(df: pd.DataFrame) -> fsim.Cycle: "temp_amb_air_kelvin": (df["Cell_Temp[C]"] + celsius_to_kelvin_offset).to_list(), # TODO: pipe solar load from `Cycle` into cabin thermal model # TODO: use something (e.g. regex) to determine solar load - # see column J comments in 2021_Hyundai_Sonata_Hybrid_TestSummary_2022-03-01_D3.xlsx # "pwr_solar_load_watts": df[], } return fsim.Cycle.from_pydict(cyc_dict, skip_init=False) @@ -91,8 +90,6 @@ def veh_init(cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: dfs[cyc_file_stem]["Cabin_Temp[C]"][0] + celsius_to_kelvin_offset # initialize battery temperature to match cabin temperature because battery # temperature is not available in test data - # Also, battery temperature has no effect in the HEV because efficiency data - # does not go below 23*C and there is no active thermal management veh_dict['pt_type']['BatteryElectricVehicle']['res']['thrml']['RESLumpedThermal']['state']['temperature_kelvin'] = \ dfs[cyc_file_stem]["Cabin_Temp[C]"][0] + celsius_to_kelvin_offset # initialize engine temperature From 1bac42c0a233e4b7503d590e58c9603fc26649a4 Mon Sep 17 00:00:00 2001 From: Robin Steuteville Date: Wed, 29 Jan 2025 10:20:20 -0700 Subject: [PATCH 064/129] updating to account for dyno SOC being between 0 and 100 (rather than 0 and 1) --- cal_and_val/thermal/cal_bev.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/cal_and_val/thermal/cal_bev.py b/cal_and_val/thermal/cal_bev.py index d179bcf9..08016007 100644 --- a/cal_and_val/thermal/cal_bev.py +++ b/cal_and_val/thermal/cal_bev.py @@ -84,7 +84,7 @@ def veh_init(cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: # initialize SOC # TODO: figure out if `HVBatt_SOC_CAN4__per` is the correct column within the dyno data veh_dict['pt_type']['BatteryElectricVehicle']['res']['state']['soc'] = \ - dfs[cyc_file_stem]["HVBatt_SOC_CAN4__per"][0] + dfs[cyc_file_stem]["HVBatt_SOC_CAN4__per"][0] / 100 # initialize cabin temp veh_dict['cabin']['LumpedCabin']['state']['temperature_kelvin'] = \ dfs[cyc_file_stem]["Cabin_Temp[C]"][0] + celsius_to_kelvin_offset From be09097a6e0ab4f6c11343e86d4c180a3af70f37 Mon Sep 17 00:00:00 2001 From: Robin Steuteville Date: Wed, 29 Jan 2025 10:50:14 -0700 Subject: [PATCH 065/129] updating paths in cal_mod_obj --- cal_and_val/thermal/cal_bev.py | 6 +++--- 1 file changed, 3 insertions(+), 3 deletions(-) diff --git a/cal_and_val/thermal/cal_bev.py b/cal_and_val/thermal/cal_bev.py index 08016007..23c3619f 100644 --- a/cal_and_val/thermal/cal_bev.py +++ b/cal_and_val/thermal/cal_bev.py @@ -173,15 +173,15 @@ def new_em_eff_range(sd_dict, new_eff_range): dfs = dfs_for_cal, obj_fns=( ( - lambda sd_dict: np.array(sd_dict['veh']['pt_type']['BatteryElectricVehicle']['res']['history']['soc']), + lambda sd_df: np.array(sd_df['veh.pt_type.BatteryElectricVehicle.res.history.soc']), lambda df: df['HVBatt_SOC_CAN4__per'] ), # TODO: add objectives for: # - battery temperature ( - lambda sd_dict: np.array(sd_dict['veh']['pt_type']['BatteryElectricVehicle']['res']['thermal']['RESLumpedThermal']['history']['temperature_kelvin']), + lambda sd_df: np.array(sd_df['veh.pt_type.BatteryElectricVehicle.res.thermal.RESLumpedThermal.history.temperature_kelvin']), # HVBatt_cell_temp_1_CAN3__C (or average of temps?) or HVBatt_pack_average_temp_HPCM2__C? - lambda df: df['HVBatt_pack_average_temp_HPCM2__C'] + lambda df: df['HVBatt_pack_average_temp_HPCM2__C'] + celsius_to_kelvin_offset ), # - cabin temperature # - HVAC power, if available From 261f18387b5e8f47f458b0c32c5eb8737c6ef3a5 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Wed, 29 Jan 2025 10:54:41 -0700 Subject: [PATCH 066/129] more nuanced handling of partial runs --- cal_and_val/thermal/cal_bev.py | 2 +- cal_and_val/thermal/cal_hev.py | 6 +- .../resources/vehicles/2012_Ford_Fusion.yaml | 1 + .../vehicles/2016_TOYOTA_Prius_Two.yaml | 1 + .../vehicles/2022_Renault_Zoe_ZE50_R135.yaml | 1 + fastsim-core/src/simdrive.rs | 61 ++++++++++++++++++- fastsim-core/src/vehicle/vehicle_model.rs | 4 ++ python/fastsim/pymoo_api.py | 18 +++--- 8 files changed, 81 insertions(+), 13 deletions(-) diff --git a/cal_and_val/thermal/cal_bev.py b/cal_and_val/thermal/cal_bev.py index c7bdd36a..ade3a4f0 100644 --- a/cal_and_val/thermal/cal_bev.py +++ b/cal_and_val/thermal/cal_bev.py @@ -117,7 +117,7 @@ def new_em_eff_range(sd_dict, new_eff_range): ( lambda sd_dict: np.array(sd_dict['veh']['pt_type']['BatteryElectricVehicle']['res']['thermal']['RESLumpedThermal']['history']['temperature_kelvin']), # HVBatt_cell_temp_1_CAN3__C (or average of temps?) or HVBatt_pack_average_temp_HPCM2__C? - lambda df: df['HVBatt_pack_average_temp_HPCM2__C'] + lambda df: df['HVBatt_pack_average_temp_HPCM2__C'] ), # - cabin temperature # - HVAC power, if available diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index dbe276d3..062b3fea 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -32,7 +32,7 @@ veh_dict = veh.to_pydict() sim_params_dict = fsim.SimParams.default().to_pydict() -sim_params_dict["trace_miss_opts"] = "Allow" +sim_params_dict["trace_miss_opts"] = "AllowChecked" sim_params = fsim.SimParams.from_pydict(sim_params_dict) # Obtain the data from @@ -105,7 +105,7 @@ def df_to_cyc(df: pd.DataFrame) -> fsim.Cycle: def veh_init(cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: # initialize SOC veh_dict['pt_type']['HybridElectricVehicle']['res']['state']['soc'] = \ - dfs[cyc_file_stem]["HVBatt_SOC_high_precision_PCAN__per"][0] + dfs[cyc_file_stem]["HVBatt_SOC_high_precision_PCAN__per"][0] / 100 # initialize cabin temp veh_dict['cabin']['LumpedCabin']['state']['temperature_kelvin'] = \ dfs[cyc_file_stem]["Cabin_Temp[C]"][0] + celsius_to_kelvin_offset @@ -208,7 +208,7 @@ def new_fc_eff_range(sd_dict, new_eff_range): dfs = dfs_for_cal, obj_fns=( ( - lambda sd_dict: np.array(sd_dict['veh']['pt_type']['HybridElectricVehicle']['res']['history']['soc']), + lambda sd_df: np.array(sd_df['veh.pt_type.HybridElectricVehicle.res.history.soc']), lambda df: df['HVBatt_SOC_high_precision_PCAN__per'] ), # TODO: add objectives for: diff --git a/fastsim-core/resources/vehicles/2012_Ford_Fusion.yaml b/fastsim-core/resources/vehicles/2012_Ford_Fusion.yaml index 2cb7e6b0..0ae289f3 100755 --- a/fastsim-core/resources/vehicles/2012_Ford_Fusion.yaml +++ b/fastsim-core/resources/vehicles/2012_Ford_Fusion.yaml @@ -275,6 +275,7 @@ trans_eff: 0.875 save_interval: 1 state: i: 0 + time_seconds: 0.0 pwr_prop_fwd_max_watts: 0.0 pwr_prop_bwd_max_watts: 0.0 pwr_tractive_watts: 0.0 diff --git a/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml b/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml index 0ab7077d..e67e8976 100755 --- a/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml +++ b/fastsim-core/resources/vehicles/2016_TOYOTA_Prius_Two.yaml @@ -765,6 +765,7 @@ trans_eff: 0.98 save_interval: 1 state: i: 0 + time_seconds: 0.0 pwr_prop_fwd_max_watts: 0.0 pwr_prop_bwd_max_watts: 0.0 pwr_tractive_watts: 0.0 diff --git a/fastsim-core/resources/vehicles/2022_Renault_Zoe_ZE50_R135.yaml b/fastsim-core/resources/vehicles/2022_Renault_Zoe_ZE50_R135.yaml index 7e98e05c..9789f9a9 100644 --- a/fastsim-core/resources/vehicles/2022_Renault_Zoe_ZE50_R135.yaml +++ b/fastsim-core/resources/vehicles/2022_Renault_Zoe_ZE50_R135.yaml @@ -152,6 +152,7 @@ trans_eff: 0.92 save_interval: 1 state: i: 0 + time_seconds: 0.0 pwr_prop_fwd_max_watts: 0.0 pwr_prop_bwd_max_watts: 0.0 pwr_tractive_watts: 0.0 diff --git a/fastsim-core/src/simdrive.rs b/fastsim-core/src/simdrive.rs index ffa6065f..6ddb5dcd 100644 --- a/fastsim-core/src/simdrive.rs +++ b/fastsim-core/src/simdrive.rs @@ -227,6 +227,7 @@ impl SimDrive { /// Solves current time step pub fn solve_step(&mut self) -> anyhow::Result<()> { let i = self.veh.state.i; + self.veh.state.time = self.cyc.time[i]; let dt = self.cyc.dt_at_i(i)?; let speed_prev = self.veh.state.speed_ach; // maybe make controls like: @@ -249,6 +250,14 @@ impl SimDrive { self.veh.state.pwr_tractive_for_cyc = self.veh.state.pwr_tractive; self.set_ach_speed(self.cyc.speed[i], speed_prev, dt) .with_context(|| anyhow!(format_dbg!()))?; + if self.sim_params.trace_miss_opts.is_allow_checked() { + self.sim_params.trace_miss_tol.check_trace_miss( + self.cyc.speed[i], + self.veh.state.speed_ach, + self.cyc.dist[i], + self.veh.state.dist, + )?; + } self.veh .solve_powertrain(dt) .with_context(|| anyhow!(format_dbg!()))?; @@ -375,6 +384,9 @@ impl SimDrive { TraceMissOptions::Allow => { // do nothing because `set_ach_speed` should be allowed to proceed to handle this } + TraceMissOptions::AllowChecked => { + // this will be handled later + } TraceMissOptions::Error => bail!( "{}\nFailed to meet speed trace. prescribed speed: {} mph @@ -540,6 +552,7 @@ pwr deficit: {} kW #[derive(Clone, Debug, Deserialize, Serialize, PartialEq, HistoryMethods)] #[non_exhaustive] +// NOTE: consider embedding this in TraceMissOptions::AllowChecked pub struct TraceMissTolerance { /// if the vehicle falls this far behind trace in terms of absolute /// difference and [TraceMissOptions::is_allow_checked], fail @@ -555,9 +568,54 @@ pub struct TraceMissTolerance { tol_speed_frac: si::Ratio, } +impl TraceMissTolerance { + fn check_trace_miss( + &self, + cyc_speed: si::Velocity, + ach_speed: si::Velocity, + cyc_dist: si::Length, + ach_dist: si::Length, + ) -> anyhow::Result<()> { + ensure!( + cyc_speed - ach_speed < self.tol_speed, + "{}\n{}\n{}", + format_dbg!(cyc_speed), + format_dbg!(ach_speed), + format_dbg!(self.tol_speed) + ); + // if condition to prevent divide-by-zero errors + if cyc_speed > self.tol_speed { + ensure!( + (cyc_speed - ach_speed) / cyc_speed < self.tol_speed_frac, + "{}\n{}\n{}", + format_dbg!(cyc_speed), + format_dbg!(ach_speed), + format_dbg!(self.tol_speed_frac) + ) + } + ensure!( + (cyc_dist - ach_dist) < self.tol_dist, + "{}\n{}\n{}", + format_dbg!(cyc_dist), + format_dbg!(ach_dist), + format_dbg!(self.tol_dist) + ); + // if condition to prevent checking early in cycle + if cyc_dist > self.tol_dist * 5.0 { + ensure!( + (cyc_dist - ach_dist) / cyc_dist < self.tol_dist_frac, + "{}\n{}\n{}", + format_dbg!(cyc_dist), + format_dbg!(ach_dist), + format_dbg!(self.tol_dist_frac) + ) + } + + Ok(()) + } +} impl SerdeAPI for TraceMissTolerance {} impl Init for TraceMissTolerance {} - impl Default for TraceMissTolerance { fn default() -> Self { Self { @@ -573,7 +631,6 @@ impl Default for TraceMissTolerance { pub enum TraceMissOptions { /// Allow trace miss without any fanfare Allow, - // TODO: plumb this up /// Allow trace miss within error tolerance AllowChecked, #[default] diff --git a/fastsim-core/src/vehicle/vehicle_model.rs b/fastsim-core/src/vehicle/vehicle_model.rs index a3cfb28c..5369e585 100644 --- a/fastsim-core/src/vehicle/vehicle_model.rs +++ b/fastsim-core/src/vehicle/vehicle_model.rs @@ -567,6 +567,9 @@ pub struct VehicleState { /// time step index pub i: usize, + /// elapsed simulation time since start + pub time: si::Time, + // power and energy fields /// maximum forward propulsive power vehicle can produce pub pwr_prop_fwd_max: si::Power, @@ -636,6 +639,7 @@ impl Default for VehicleState { fn default() -> Self { Self { i: Default::default(), + time: si::Time::ZERO, pwr_prop_fwd_max: si::Power::ZERO, pwr_prop_bwd_max: si::Power::ZERO, pwr_tractive: si::Power::ZERO, diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py index a5735939..0e8dc964 100644 --- a/python/fastsim/pymoo_api.py +++ b/python/fastsim/pymoo_api.py @@ -188,14 +188,18 @@ def get_errors( t0 = time.perf_counter() try: sd.walk_once() # type: ignore + sd_dict = sd.to_pydict() + sd_df = sd.to_dataframe() except RuntimeError as err: - print(f"key: {key}") - raise(err) + sd_dict = sd.to_pydict() + sd_df = sd.to_dataframe(allow_partial=True) + if sd_dict['veh']['state']['time_seconds'] < 50: + print(f"key: {key}") + raise(err) t1 = time.perf_counter() if self.verbose: print(f"Time to simulate {key}: {t1 - t0:.3g}") - sd_dict = sd.to_pydict() objectives[key] = [] if return_mods: @@ -204,20 +208,20 @@ def get_errors( # loop through the objectives for each trip for i_obj, obj_fn in enumerate(self.obj_fns): i_obj: int - obj_fn: Tuple[Callable(sd_dict), Callable(df_exp)] + obj_fn: Tuple[Callable(sd_df), Callable(df_exp)] if len(obj_fn) == 2: # objective and reference passed - mod_sig = obj_fn[0](sd_dict) + mod_sig = obj_fn[0](sd_df) ref_sig = obj_fn[1](df_exp) elif len(obj_fn) == 1: # minimizing scalar objective - mod_sig = obj_fn[0](sd_dict) + mod_sig = obj_fn[0](sd_df) ref_sig = None else: raise ValueError("Each element in `self.obj_fns` must have length of 1 or 2") if ref_sig is not None: - time_s = sd_dict['cyc']['time_seconds'] + time_s = sd_df['veh.state.time_seconds'] # TODO: provision for incomplete simulation in here somewhere try: From a60254038b596651cf04e88eca1c39ab5233c9f4 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Wed, 29 Jan 2025 13:26:07 -0700 Subject: [PATCH 067/129] figured out data needs to be resampled to 1 Hz --- cal_and_val/thermal/cal_hev.py | 65 ++++++++++++------- .../2021_Hyundai_Sonata_Hybrid_Blue.yaml | 4 +- fastsim-core/src/imports.rs | 4 +- .../powertrain/reversible_energy_storage.rs | 15 ++--- python/fastsim/pymoo_api.py | 4 +- 5 files changed, 56 insertions(+), 36 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 062b3fea..336cbc64 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -21,19 +21,12 @@ # Initialize seaborn plot configuration sns.set() -# TODO: Kyle or Robin: -# - [x] in the `./f3-vehicles`, reduce all ~100 element arrays to just the ~10 -# element arrays, -# - [x] for FC, grab Atkinson efficiency map from fastsim-2 -# - [x] and make sure linear interpolation is used -# - [x] make sure temp- and current/c-rate-dependent battery efficiency interp -# is being used -- temp is 23*C and up and c-rate ranges from -5/hr to 5/hr veh = fsim.Vehicle.from_file(Path(__file__).parent / "f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml") veh_dict = veh.to_pydict() sim_params_dict = fsim.SimParams.default().to_pydict() sim_params_dict["trace_miss_opts"] = "AllowChecked" -sim_params = fsim.SimParams.from_pydict(sim_params_dict) +sim_params = fsim.SimParams.from_pydict(sim_params_dict, skip_init=False) # Obtain the data from # https://nrel.sharepoint.com/:f:/r/sites/EEMSCoreModelingandDecisionSupport2022-2024/Shared%20Documents/FASTSim/DynoTestData?csf=1&web=1&e=F4FEBp @@ -72,6 +65,7 @@ ] assert len(cyc_files) > 0 cyc_files: List[Path] = [cyc_folder_path / cyc_file for cyc_file in cyc_files] +print("cyc_files:\n", '\n'.join([cf.name for cf in cyc_files])) # use random or manual selection to retain ~70% of cycles for calibration, # and reserve the remaining for validation @@ -86,10 +80,15 @@ ] cyc_files_for_cal: List[Path] = [cyc_file for cyc_file in cyc_files if cyc_file.name in cyc_files_for_cal] assert len(cyc_files_for_cal) > 0 +print("cyc_files_for_cal:\n", '\n'.join([cf.name for cf in cyc_files_for_cal])) def df_to_cyc(df: pd.DataFrame) -> fsim.Cycle: # filter out "before" time df = df[df["Time[s]_RawFacilities"] >= 0.0] + # TODO: figure out if we should use an integrator for resampling rate vars + # df = df.set_index("Time[s]_RawFacilities") + # df = df.resample("1s", origin="start").bfill() + df = df[::10] assert len(df) > 10 cyc_dict = { "time_seconds": df["Time[s]_RawFacilities"].to_list(), @@ -103,22 +102,25 @@ def df_to_cyc(df: pd.DataFrame) -> fsim.Cycle: return fsim.Cycle.from_pydict(cyc_dict, skip_init=False) def veh_init(cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: + vd = veh_dict.copy() # initialize SOC - veh_dict['pt_type']['HybridElectricVehicle']['res']['state']['soc'] = \ - dfs[cyc_file_stem]["HVBatt_SOC_high_precision_PCAN__per"][0] / 100 + vd['pt_type']['HybridElectricVehicle']['res']['state']['soc'] = \ + dfs[cyc_file_stem]["HVBatt_SOC_high_precision_PCAN__per"][1] / 100 + assert 0 < vd['pt_type']['HybridElectricVehicle']['res']['state']['soc'] < 1, "\ninit soc: {}\nhead: {}".format( + vd['pt_type']['HybridElectricVehicle']['res']['state']['soc'], dfs[cyc_file_stem]["HVBatt_SOC_high_precision_PCAN__per"].head()) # initialize cabin temp - veh_dict['cabin']['LumpedCabin']['state']['temperature_kelvin'] = \ + vd['cabin']['LumpedCabin']['state']['temperature_kelvin'] = \ dfs[cyc_file_stem]["Cabin_Temp[C]"][0] + celsius_to_kelvin_offset # initialize battery temperature to match cabin temperature because battery # temperature is not available in test data # Also, battery temperature has no effect in the HEV because efficiency data # does not go below 23*C and there is no active thermal management - veh_dict['pt_type']['HybridElectricVehicle']['res']['thrml']['RESLumpedThermal']['state']['temperature_kelvin'] = \ + vd['pt_type']['HybridElectricVehicle']['res']['thrml']['RESLumpedThermal']['state']['temperature_kelvin'] = \ dfs[cyc_file_stem]["Cabin_Temp[C]"][0] + celsius_to_kelvin_offset # initialize engine temperature - veh_dict['pt_type']['HybridElectricVehicle']['fc']['thrml']['FuelConverterThermal']['state']['temperature_kelvin'] = \ + vd['pt_type']['HybridElectricVehicle']['fc']['thrml']['FuelConverterThermal']['state']['temperature_kelvin'] = \ dfs[cyc_file_stem]["engine_coolant_temp_PCAN__C"][0] + celsius_to_kelvin_offset - return fsim.Vehicle.from_pydict(veh_dict) + return fsim.Vehicle.from_pydict(vd, skip_init=False) dfs_for_cal: Dict[str, pd.DataFrame] = { @@ -147,6 +149,7 @@ def veh_init(cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: cyc_files_for_val: List[Path] = list(set(cyc_files) - set(cyc_files_for_cal)) assert len(cyc_files_for_val) > 0 +print("cyc_files_for_val:\n", '\n'.join([cf.name for cf in cyc_files_for_val])) dfs_for_val: Dict[str, pd.DataFrame] = { # `delimiter="\t"` should work for tab separated variables @@ -248,28 +251,46 @@ def new_fc_eff_range(sd_dict, new_eff_range): (0.32, 0.45), # (0.0, 0.45), ), - + verbose=True, ) -# verify that model responds to input parameter changes by individually perturbing parameters +em_eff_fwd_max = fsim.ElectricMachine.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['em'], skip_init=False).eff_fwd_max +em_eff_fwd_range = fsim.ElectricMachine.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['em'], skip_init=False).eff_fwd_range +fc_eff_max = fsim.FuelConverter.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['fc'], skip_init=False).eff_max +print("Verifying that model responds to input parameter changes by individually perturbing parameters") baseline_errors = cal_mod_obj.get_errors( cal_mod_obj.update_params([ - fsim.ElectricMachine.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['em']).eff_fwd_max, - fsim.ElectricMachine.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['em']).eff_fwd_range, - fsim.FuelConverter.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['fc']).eff_max, + em_eff_fwd_max, + em_eff_fwd_range, + fc_eff_max, # veh_dict['pt_type']['HybridElectricVehicle']['fc'], ]) ) param0_perturb = cal_mod_obj.get_errors( - cal_mod_obj.update_params([0.90 + 0.5, 0.3, 0.4]) + cal_mod_obj.update_params([ + em_eff_fwd_max + 0.05, + em_eff_fwd_range, + fc_eff_max, + # veh_dict['pt_type']['HybridElectricVehicle']['fc'], + ]) ) assert list(param0_perturb.values()) != list(baseline_errors.values()) param1_perturb = cal_mod_obj.get_errors( - cal_mod_obj.update_params([0.90, 0.3 + 0.1, 0.4]) + cal_mod_obj.update_params([ + em_eff_fwd_max, + em_eff_fwd_range + 0.1, + fc_eff_max, + # veh_dict['pt_type']['HybridElectricVehicle']['fc'], + ]) ) assert list(param1_perturb.values()) != list(baseline_errors.values()) param2_perturb = cal_mod_obj.get_errors( - cal_mod_obj.update_params([0.90, 0.3, 0.4 + 0.01]) + cal_mod_obj.update_params([ + em_eff_fwd_max, + em_eff_fwd_range, + fc_eff_max + 0.01, + # veh_dict['pt_type']['HybridElectricVehicle']['fc'], + ]) ) assert list(param2_perturb.values()) != list(baseline_errors.values()) diff --git a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml index d4ab10cc..504adf07 100644 --- a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml +++ b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml @@ -80,8 +80,8 @@ pt_type: strategy: Linear extrapolate: Clamp eff_interp_inputs: CRateTemperature - min_soc: 0.5 - max_soc: 0.95 + min_soc: 0.15 + max_soc: 0.9 save_interval: 1 fs: pwr_out_max_watts: 2000000.0 diff --git a/fastsim-core/src/imports.rs b/fastsim-core/src/imports.rs index 9c86cae8..5fa88828 100644 --- a/fastsim-core/src/imports.rs +++ b/fastsim-core/src/imports.rs @@ -10,8 +10,8 @@ pub(crate) use crate::traits::*; pub(crate) use crate::uc; pub(crate) use crate::utils; pub(crate) use crate::utils::{ - abs_checked_x_val, almost_eq, almost_le_uom, check_interp_frac_data, check_monotonicity, - is_sorted, InterpRange, DIRECT_SET_ERR, + abs_checked_x_val, almost_eq, almost_ge_uom, almost_le_uom, check_interp_frac_data, + check_monotonicity, is_sorted, InterpRange, DIRECT_SET_ERR, }; pub(crate) use crate::utils::{Pyo3Vec2Wrapper, Pyo3Vec3Wrapper, Pyo3VecWrapper}; pub(crate) use crate::vehicle::traits::Mass; diff --git a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs index 69ecf411..78606d5a 100644 --- a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs +++ b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs @@ -128,16 +128,15 @@ impl ReversibleEnergyStorage { let state = &mut self.state; ensure!( - state.soc <= self.max_soc || (pwr_out_req + state.pwr_aux) >= si::Power::ZERO, - "{}\n{}", - format_dbg!(pwr_out_req + state.pwr_aux), - state.soc.get::() + state.soc <= self.max_soc, + format_dbg!(state.soc.get::()) ); ensure!( - state.soc >= self.min_soc || (pwr_out_req + state.pwr_aux) <= si::Power::ZERO, - "{}\n{}", - format_dbg!(pwr_out_req + state.pwr_aux), - state.soc.get::() + almost_ge_uom(&state.soc, &self.min_soc, Some(1e-3)), + "{}\n{}\n{}", + format_dbg!(state.soc.get::()), + format_dbg!(state.soc_disch_buffer.get::()), + format_dbg!(state.pwr_aux.get::()) ); state.pwr_out_prop = pwr_out_req; diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py index 0e8dc964..901f5bdf 100644 --- a/python/fastsim/pymoo_api.py +++ b/python/fastsim/pymoo_api.py @@ -142,7 +142,6 @@ def update_params(self, xs: List[Any]): # Update all model parameters for key, pydict in self.models.items(): for (param_fn, new_val) in zip(self.param_fns, xs): - # TODO: need to check that param_fn mutably modifies pydict param_fn(pydict, new_val) # this assignement may be redundant, but `pydict` is probably **not** mutably modified. # If this is correct, then this assignment is necessary @@ -191,6 +190,7 @@ def get_errors( sd_dict = sd.to_pydict() sd_df = sd.to_dataframe() except RuntimeError as err: + sd.to_file("sd_fail.yaml") # uncomment for debugging sd_dict = sd.to_pydict() sd_df = sd.to_dataframe(allow_partial=True) if sd_dict['veh']['state']['time_seconds'] < 50: @@ -221,7 +221,7 @@ def get_errors( raise ValueError("Each element in `self.obj_fns` must have length of 1 or 2") if ref_sig is not None: - time_s = sd_df['veh.state.time_seconds'] + time_s = sd_df['veh.history.time_seconds'] # TODO: provision for incomplete simulation in here somewhere try: From d2d04b839ec2333791b6f8ae7dd16114ffe5851a Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Wed, 29 Jan 2025 14:39:25 -0700 Subject: [PATCH 068/129] grade is interpolated more efficiently not writing yaml files for every simdrive object handling invalid parameters more (hopefully) cleanly --- cal_and_val/thermal/cal_hev.py | 67 +++++++++++++++++++++------------ fastsim-core/src/drive_cycle.rs | 33 +++++++++------- fastsim-core/src/simdrive.rs | 15 ++++++-- python/fastsim/pymoo_api.py | 31 +++++++++------ 4 files changed, 93 insertions(+), 53 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 336cbc64..c0e5d95a 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -11,6 +11,7 @@ import polars as pl # noqa: F401 from typing import List, Dict from pymoo.core.problem import StarmapParallelization +from copy import deepcopy import fastsim as fsim from fastsim import pymoo_api @@ -83,13 +84,6 @@ print("cyc_files_for_cal:\n", '\n'.join([cf.name for cf in cyc_files_for_cal])) def df_to_cyc(df: pd.DataFrame) -> fsim.Cycle: - # filter out "before" time - df = df[df["Time[s]_RawFacilities"] >= 0.0] - # TODO: figure out if we should use an integrator for resampling rate vars - # df = df.set_index("Time[s]_RawFacilities") - # df = df.resample("1s", origin="start").bfill() - df = df[::10] - assert len(df) > 10 cyc_dict = { "time_seconds": df["Time[s]_RawFacilities"].to_list(), "speed_meters_per_second": (df["Dyno_Spd[mph]"] * mps_per_mph).to_list(), @@ -102,10 +96,10 @@ def df_to_cyc(df: pd.DataFrame) -> fsim.Cycle: return fsim.Cycle.from_pydict(cyc_dict, skip_init=False) def veh_init(cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: - vd = veh_dict.copy() + vd = deepcopy(veh_dict) # initialize SOC vd['pt_type']['HybridElectricVehicle']['res']['state']['soc'] = \ - dfs[cyc_file_stem]["HVBatt_SOC_high_precision_PCAN__per"][1] / 100 + dfs[cyc_file_stem]["HVBatt_SOC_high_precision_PCAN__per"].iloc[1] / 100 assert 0 < vd['pt_type']['HybridElectricVehicle']['res']['state']['soc'] < 1, "\ninit soc: {}\nhead: {}".format( vd['pt_type']['HybridElectricVehicle']['res']['state']['soc'], dfs[cyc_file_stem]["HVBatt_SOC_high_precision_PCAN__per"].head()) # initialize cabin temp @@ -127,7 +121,16 @@ def veh_init(cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: # `delimiter="\t"` should work for tab separated variables cyc_file.stem: pd.read_csv(cyc_file, delimiter="\t") for cyc_file in cyc_files_for_cal } - +for key, df_for_cal in dfs_for_cal.items(): + # filter out "before" time + df_for_cal = df_for_cal[df_for_cal["Time[s]_RawFacilities"] >= 0.0] + # TODO: figure out if we should use an integrator for resampling rate vars + # df_for_cal = df_for_cal.set_index("Time[s]_RawFacilities") + # df_for_cal = df_for_cal.resample("1s", origin="start").bfill() + df_for_cal = df_for_cal[::10] + df_for_cal.reset_index(inplace=True) + dfs_for_cal[key] = df_for_cal + cycs_for_cal: Dict[str, fsim.Cycle] = {} # populate `cycs_for_cal` for (cyc_file_stem, df) in dfs_for_cal.items(): @@ -155,6 +158,15 @@ def veh_init(cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: # `delimiter="\t"` should work for tab separated variables cyc_file.stem: pd.read_csv(cyc_file, delimiter="\t") for cyc_file in cyc_files_for_val } +for key, df_for_val in dfs_for_val.items(): + # filter out "before" time + df_for_val = df_for_val[df_for_val["Time[s]_RawFacilities"] >= 0.0] + # TODO: figure out if we should use an integrator for resampling rate vars + # df_for_val = df_for_val.set_index("Time[s]_RawFacilities") + # df_for_val = df_for_val.resample("1s", origin="start").bfill() + df_for_val = df_for_val[::10] + df_for_val.reset_index(inplace=True) + dfs_for_val[key] = df_for_val cycs_for_val: Dict[str, fsim.Cycle] = {} # populate `cycs_for_val` @@ -173,37 +185,41 @@ def veh_init(cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: # Setup model objectives ## Parameter Functions -def new_em_eff_max(sd_dict, new_eff_max): +def new_em_eff_max(sd_dict, new_eff_max) -> Dict: """ Set `new_eff_max` in `ElectricMachine` """ em = fsim.ElectricMachine.from_pydict(sd_dict['veh']['pt_type']['HybridElectricVehicle']['em']) em.__eff_fwd_max = new_eff_max sd_dict['veh']['pt_type']['HybridElectricVehicle']['em'] = em.to_pydict() + return sd_dict -def new_em_eff_range(sd_dict, new_eff_range): +def new_em_eff_range(sd_dict, new_eff_range) -> Dict: """ Set `new_eff_range` in `ElectricMachine` """ em = fsim.ElectricMachine.from_pydict(sd_dict['veh']['pt_type']['HybridElectricVehicle']['em']) em.__eff_fwd_range = new_eff_range sd_dict['veh']['pt_type']['HybridElectricVehicle']['em'] = em.to_pydict() + return sd_dict -def new_fc_eff_max(sd_dict, new_eff_max): +def new_fc_eff_max(sd_dict, new_eff_max) -> Dict: """ Set `new_eff_max` in `FuelConverter` """ fc = fsim.FuelConverter.from_pydict(sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc']) fc.__eff_max = new_eff_max sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc'] = fc.to_pydict() + return sd_dict -def new_fc_eff_range(sd_dict, new_eff_range): +def new_fc_eff_range(sd_dict, new_eff_range) -> Dict: """ Set `new_eff_range` in `FuelConverter` """ fc = fsim.FuelConverter.from_pydict(sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc']) fc.__eff_range = new_eff_range sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc'] = fc.to_pydict() + return sd_dict ## Model Objectives cal_mod_obj = pymoo_api.ModelObjectives( @@ -215,11 +231,12 @@ def new_fc_eff_range(sd_dict, new_eff_range): lambda df: df['HVBatt_SOC_high_precision_PCAN__per'] ), # TODO: add objectives for: + # - achieved and cycle speed # - engine fuel usage - # - battery temperature + # - battery temperature -- BEV only, if available # - engine temperature # - cabin temperature - # - HVAC power, if available + # - HVAC power for cabin, if available ), param_fns=( new_em_eff_max, @@ -227,22 +244,23 @@ def new_fc_eff_range(sd_dict, new_eff_range): new_fc_eff_max, # new_fc_eff_range, # TODO: make sure this has functions for modifying - # - HVAC PID controls for cabin (not for battery because Sonata has - # passive thermal management, but make sure to do battery thermal - # controls for BEV) # - cabin thermal # - thermal mass # - length # - htc to amb when stopped # - set width from vehicle specs -- no need to calibrate - # - engine thermal - # - thermal mass - # - convection to ambient when stopped - # - diameter # - battery thermal -- not necessary for HEV because battery temperature has no real effect # - thermal mass # - convection to ambient # - convection to cabin + # ## HEV specific stuff + # - HVAC PID controls for cabin (not for battery because Sonata has + # passive thermal management, but make sure to do battery thermal + # controls for BEV) + # - engine thermal + # - thermal mass + # - convection to ambient when stopped + # - diameter ), # must match order and length of `params_fns` bounds=( @@ -288,10 +306,11 @@ def new_fc_eff_range(sd_dict, new_eff_range): cal_mod_obj.update_params([ em_eff_fwd_max, em_eff_fwd_range, - fc_eff_max + 0.01, + fc_eff_max - 0.1, # veh_dict['pt_type']['HybridElectricVehicle']['fc'], ]) ) +breakpoint() assert list(param2_perturb.values()) != list(baseline_errors.values()) if __name__ == "__main__": diff --git a/fastsim-core/src/drive_cycle.rs b/fastsim-core/src/drive_cycle.rs index 012537ea..849ee1a4 100644 --- a/fastsim-core/src/drive_cycle.rs +++ b/fastsim-core/src/drive_cycle.rs @@ -117,20 +117,27 @@ impl Init for Cycle { }, ) .collect(); - // println!("{:?}", self.dist); - self.grade_interp = Some(Interpolator::new_1d( - self.dist.iter().map(|x| x.get::()).collect(), - self.grade.iter().map(|y| y.get::()).collect(), - Strategy::Linear, - Extrapolate::Error, - )?); + let g0 = self.grade[0]; + if self.grade.iter().all(|&g| g != g0) { + self.grade_interp = Some(Interpolator::new_1d( + self.dist.iter().map(|x| x.get::()).collect(), + self.grade.iter().map(|y| y.get::()).collect(), + Strategy::Linear, + Extrapolate::Error, + )?); - self.elev_interp = Some(Interpolator::new_1d( - self.dist.iter().map(|x| x.get::()).collect(), - self.elev.iter().map(|y| y.get::()).collect(), - Strategy::Linear, - Extrapolate::Error, - )?); + self.elev_interp = Some(Interpolator::new_1d( + self.dist.iter().map(|x| x.get::()).collect(), + self.elev.iter().map(|y| y.get::()).collect(), + Strategy::Linear, + Extrapolate::Error, + )?); + } else { + self.grade_interp = Some(Interpolator::Interp0D(g0.get::())); + self.elev_interp = Some(Interpolator::Interp0D( + self.init_elev.unwrap().get::(), + )); + } Ok(()) } diff --git a/fastsim-core/src/simdrive.rs b/fastsim-core/src/simdrive.rs index 6ddb5dcd..f5ac56a8 100644 --- a/fastsim-core/src/simdrive.rs +++ b/fastsim-core/src/simdrive.rs @@ -67,7 +67,7 @@ impl Default for SimParams { fn default() -> Self { Self { ach_speed_max_iter: 3, - ach_speed_tol: 1.0e-9 * uc::R, + ach_speed_tol: 1.0e-3 * uc::R, ach_speed_solver_gain: 0.9, trace_miss_tol: Default::default(), trace_miss_opts: Default::default(), @@ -279,6 +279,11 @@ impl SimDrive { let i = self.veh.state.i; let vs = &mut self.veh.state; // TODO: get @mokeefe to give this a serious look and think about grade alignment issues that may arise + let interp_pt_dist: &[f64] = match self.cyc.grade_interp { + Some(Interpolator::Interp0D(..)) => &[], + Some(Interpolator::Interp1D(..)) => &[vs.dist.get::()], + _ => unreachable!(), + }; vs.grade_curr = if vs.cyc_met_overall { *self .cyc @@ -292,7 +297,8 @@ impl SimDrive { .grade_interp .as_ref() .with_context(|| format_dbg!("You might have somehow bypassed `init()`"))? - .interpolate(&[vs.dist.get::()])? + .interpolate(interp_pt_dist) + .with_context(|| format_dbg!())? }; vs.elev_curr = if vs.cyc_met_overall { *self.cyc.elev.get(i).with_context(|| format_dbg!())? @@ -303,7 +309,8 @@ impl SimDrive { .elev_interp .as_ref() .with_context(|| format_dbg!("You might have somehow bypassed `init()`"))? - .interpolate(&[vs.dist.get::()])? + .interpolate(interp_pt_dist) + .with_context(|| format_dbg!())? }; vs.air_density = if self.sim_params.f2_const_air_density { @@ -620,7 +627,7 @@ impl Default for TraceMissTolerance { fn default() -> Self { Self { tol_dist: 100. * uc::M, - tol_dist_frac: 0.01 * uc::R, + tol_dist_frac: 0.05 * uc::R, tol_speed: 10. * uc::MPS, tol_speed_frac: 0.5 * uc::R, } diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py index 901f5bdf..0d8c8b0b 100644 --- a/python/fastsim/pymoo_api.py +++ b/python/fastsim/pymoo_api.py @@ -94,11 +94,11 @@ class ModelObjectives(object): tuple containing functions to modify parameters and bounds for optimizer Example ``` - def new_peak_res_eff (sd_dict, new_peak_eff): + def new_peak_res_eff (sd_dict, new_peak_eff) -> Dict: sd_dict['veh']['pt_type']['HybridElectricVehicle']['res']['peak_eff'] = new_peak_eff + return sd_dict ... param_fns = ( - # generally good to check that sd_dict is mutably modified, but it should work out as expected new_peak_res_eff, ) ``` @@ -142,15 +142,18 @@ def update_params(self, xs: List[Any]): # Update all model parameters for key, pydict in self.models.items(): for (param_fn, new_val) in zip(self.param_fns, xs): - param_fn(pydict, new_val) + pydict = param_fn(pydict, new_val) # this assignement may be redundant, but `pydict` is probably **not** mutably modified. # If this is correct, then this assignment is necessary self.models[key] = pydict # Instantiate SimDrive objects - sim_drives = { - key: fsim.SimDrive.from_pydict(pydict) for key, pydict in self.models.items() - } + sim_drives = {} + for key, pydict in self.models.items(): + try: + sim_drives[key] = fsim.SimDrive.from_pydict(pydict, skip_init=False) + except Exception as err: + sim_drives[key] = err t1 = time.perf_counter() if self.verbose: print(f"Time to update params: {t1 - t0:.3g} s") @@ -183,20 +186,24 @@ def get_errors( for ((key, df_exp), sd) in zip(self.dfs.items(), sim_drives.values()): key: str df_exp: pd.DataFrame - # TODO: maybe put a `try...except` block here - t0 = time.perf_counter() + + if not isinstance(sd, fsim.SimDrive): + solved_mods[key] = sd + objectives[key] = [1e12] * len(self.obj_fns) * len(self.dfs) + continue + try: + t0 = time.perf_counter() sd.walk_once() # type: ignore + t1 = time.perf_counter() sd_dict = sd.to_pydict() sd_df = sd.to_dataframe() except RuntimeError as err: - sd.to_file("sd_fail.yaml") # uncomment for debugging sd_dict = sd.to_pydict() sd_df = sd.to_dataframe(allow_partial=True) - if sd_dict['veh']['state']['time_seconds'] < 50: + if sd_dict['veh']['state']['time_seconds'] < len(df_exp) / 2: print(f"key: {key}") raise(err) - t1 = time.perf_counter() if self.verbose: print(f"Time to simulate {key}: {t1 - t0:.3g}") @@ -212,7 +219,7 @@ def get_errors( if len(obj_fn) == 2: # objective and reference passed mod_sig = obj_fn[0](sd_df) - ref_sig = obj_fn[1](df_exp) + ref_sig = obj_fn[1](df_exp)[:len(sd_df)] elif len(obj_fn) == 1: # minimizing scalar objective mod_sig = obj_fn[0](sd_df) From 73a7554ccf0ba8511399c0ff2b89eca0ddea0023 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Wed, 29 Jan 2025 15:21:22 -0700 Subject: [PATCH 069/129] optimizer is running but failing before it finishes ... pressing forward --- cal_and_val/thermal/cal_hev.py | 32 ++++++++----- .../vehicle/powertrain/electric_machine.rs | 47 +++++++------------ python/fastsim/pymoo_api.py | 34 +++++++------- python/fastsim/utils/utilities.py | 5 ++ 4 files changed, 57 insertions(+), 61 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index c0e5d95a..2c1c4368 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -66,7 +66,7 @@ ] assert len(cyc_files) > 0 cyc_files: List[Path] = [cyc_folder_path / cyc_file for cyc_file in cyc_files] -print("cyc_files:\n", '\n'.join([cf.name for cf in cyc_files])) +print("\ncyc_files:\n", '\n'.join([cf.name for cf in cyc_files]), sep='') # use random or manual selection to retain ~70% of cycles for calibration, # and reserve the remaining for validation @@ -81,7 +81,7 @@ ] cyc_files_for_cal: List[Path] = [cyc_file for cyc_file in cyc_files if cyc_file.name in cyc_files_for_cal] assert len(cyc_files_for_cal) > 0 -print("cyc_files_for_cal:\n", '\n'.join([cf.name for cf in cyc_files_for_cal])) +print("\ncyc_files_for_cal:\n", '\n'.join([cf.name for cf in cyc_files_for_cal]), sep='') def df_to_cyc(df: pd.DataFrame) -> fsim.Cycle: cyc_dict = { @@ -152,7 +152,7 @@ def veh_init(cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: cyc_files_for_val: List[Path] = list(set(cyc_files) - set(cyc_files_for_cal)) assert len(cyc_files_for_val) > 0 -print("cyc_files_for_val:\n", '\n'.join([cf.name for cf in cyc_files_for_val])) +print("\ncyc_files_for_val:\n", '\n'.join([cf.name for cf in cyc_files_for_val]), sep='') dfs_for_val: Dict[str, pd.DataFrame] = { # `delimiter="\t"` should work for tab separated variables @@ -221,14 +221,20 @@ def new_fc_eff_range(sd_dict, new_eff_range) -> Dict: sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc'] = fc.to_pydict() return sd_dict +def get_mod_soc(sd_dict): + return np.array(sd_dict['veh']['pt_type']['HybridElectricVehicle']['res']['history']['soc']) + +def get_exp_soc(df): + return df['HVBatt_SOC_high_precision_PCAN__per'] + ## Model Objectives cal_mod_obj = pymoo_api.ModelObjectives( models = sds_for_cal, dfs = dfs_for_cal, obj_fns=( ( - lambda sd_df: np.array(sd_df['veh.pt_type.HybridElectricVehicle.res.history.soc']), - lambda df: df['HVBatt_SOC_high_precision_PCAN__per'] + get_mod_soc, + get_exp_soc ), # TODO: add objectives for: # - achieved and cycle speed @@ -269,7 +275,7 @@ def new_fc_eff_range(sd_dict, new_eff_range) -> Dict: (0.32, 0.45), # (0.0, 0.45), ), - verbose=True, + verbose=False, ) em_eff_fwd_max = fsim.ElectricMachine.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['em'], skip_init=False).eff_fwd_max @@ -306,15 +312,15 @@ def new_fc_eff_range(sd_dict, new_eff_range) -> Dict: cal_mod_obj.update_params([ em_eff_fwd_max, em_eff_fwd_range, - fc_eff_max - 0.1, + fc_eff_max - 0.15, # veh_dict['pt_type']['HybridElectricVehicle']['fc'], ]) ) -breakpoint() assert list(param2_perturb.values()) != list(baseline_errors.values()) +print("Success!") if __name__ == "__main__": - parser = fsim.cal.get_parser( + parser = pymoo_api.get_parser( # Defaults are set low to allow for fast run time during testing. For a good # optimization, set this much higher. def_save_path=None, @@ -333,14 +339,14 @@ def new_fc_eff_range(sd_dict, new_eff_range) -> Dict: save_path = None print("Starting calibration.") - algorithm = fsim.calibration.NSGA2( + algorithm = pymoo_api.NSGA2( # size of each population pop_size=pop_size, # LatinHyperCube sampling seems to be more effective than the default # random sampling - sampling=fsim.calibration.LHS(), + sampling=pymoo_api.LHS(), ) - termination = fsim.calibration.DMOT( + termination = pymoo_api.DMOT( # max number of generations, default of 10 is very small n_max_gen=n_max_gen, # evaluate tolerance over this interval of generations every @@ -372,7 +378,7 @@ def new_fc_eff_range(sd_dict, new_eff_range) -> Dict: import multiprocessing with multiprocessing.Pool(n_processes) as pool: - problem = fsim.calibration.CalibrationProblem( + problem = pymoo_api.CalibrationProblem( mod_obj=cal_mod_obj, elementwise_runner=StarmapParallelization(pool.starmap), ) diff --git a/fastsim-core/src/vehicle/powertrain/electric_machine.rs b/fastsim-core/src/vehicle/powertrain/electric_machine.rs index 9b840458..9782aca9 100755 --- a/fastsim-core/src/vehicle/powertrain/electric_machine.rs +++ b/fastsim-core/src/vehicle/powertrain/electric_machine.rs @@ -314,36 +314,23 @@ impl Init for ElectricMachine { ) )?; self.state.init().with_context(|| anyhow!(format_dbg!()))?; - // TODO: make use of `use fastsim_2::params::{LARGE_BASELINE_EFF, LARGE_MOTOR_POWER_KW, SMALL_BASELINE_EFF,SMALL_MOTOR_POWER_KW};` - // to set - // if let None = self.pwr_out_frac_interp { - // self.pwr_out_frac_interp = - // } - // TODO: verify that `pwr_in_frac_interp` is set somewhere and if it is, maybe move it to here??? - if self.eff_interp_at_max_input.is_none() { - // sets eff_interp_bwd to eff_interp_fwd, but changes the x-value. - // TODO: what should the default strategy be for eff_interp_bwd? - let eff_interp_at_max_input = Interpolator::new_1d( - self.eff_interp_achieved - .x()? - .iter() - .zip(self.eff_interp_achieved.f_x()?) - .map(|(x, y)| x / y) - .collect(), - self.eff_interp_achieved.f_x()?.to_owned(), - // TODO: should these be set to be the same as eff_interp_fwd, - // as currently is done, or should they be set to be specific - // Extrapolate and Strategy types? - self.eff_interp_achieved.strategy()?.to_owned(), - self.eff_interp_achieved.extrapolate()?.to_owned(), - )?; - self.eff_interp_at_max_input = Some(eff_interp_at_max_input); - } else { - println!( - "`eff_interp_at_max_input` is being overwritten by {}", - format_dbg!() - ) - } + // sets eff_interp_bwd to eff_interp_fwd, but changes the x-value. + // TODO: what should the default strategy be for eff_interp_bwd? + let eff_interp_at_max_input = Interpolator::new_1d( + self.eff_interp_achieved + .x()? + .iter() + .zip(self.eff_interp_achieved.f_x()?) + .map(|(x, y)| x / y) + .collect(), + self.eff_interp_achieved.f_x()?.to_owned(), + // TODO: should these be set to be the same as eff_interp_fwd, + // as currently is done, or should they be set to be specific + // Extrapolate and Strategy types? + self.eff_interp_achieved.strategy()?.to_owned(), + self.eff_interp_achieved.extrapolate()?.to_owned(), + )?; + self.eff_interp_at_max_input = Some(eff_interp_at_max_input); Ok(()) } } diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py index 0d8c8b0b..572cf62a 100644 --- a/python/fastsim/pymoo_api.py +++ b/python/fastsim/pymoo_api.py @@ -66,15 +66,14 @@ class ModelObjectives(object): - `dfs` (Dict[str, pd.DataFrame]): dictionary of dataframes from test data corresponding to `models` - `obj_fns` (Tuple[Callable] | Tuple[Tuple[Callable, Callable]]): - Tuple of functions (either `def` or `lambda`, depending on complexity - needed) for extracting objective signal values for either minimizing a + Tuple of functions for extracting objective signal values for either minimizing a scalar metric (e.g. fuel economy) or minimizing error relative to test data. - minimizing error in fuel consumption relative to test data ``` obj_fns = ( ( - # model + # model -- note, `lambda` only works for single thread lambda sd_dict: sd_dict['veh']['pt_type']['Conventional']['fc']['history']['energy_fuel_joules'], # test data lambda df: df['fuel_flow_gps'] * ... (conversion factors to get to same unit), @@ -197,11 +196,11 @@ def get_errors( sd.walk_once() # type: ignore t1 = time.perf_counter() sd_dict = sd.to_pydict() - sd_df = sd.to_dataframe() except RuntimeError as err: + t1 = time.perf_counter() + sd.to_file("sd_fail.yaml") # uncomment for debugging sd_dict = sd.to_pydict() - sd_df = sd.to_dataframe(allow_partial=True) - if sd_dict['veh']['state']['time_seconds'] < len(df_exp) / 2: + if sd_dict['veh']['state']['time_seconds'] < 50: print(f"key: {key}") raise(err) @@ -215,20 +214,20 @@ def get_errors( # loop through the objectives for each trip for i_obj, obj_fn in enumerate(self.obj_fns): i_obj: int - obj_fn: Tuple[Callable(sd_df), Callable(df_exp)] + obj_fn: Tuple[Callable(sd_dict), Callable(df_exp)] if len(obj_fn) == 2: # objective and reference passed - mod_sig = obj_fn[0](sd_df) - ref_sig = obj_fn[1](df_exp)[:len(sd_df)] + mod_sig = obj_fn[0](sd_dict) + ref_sig = obj_fn[1](df_exp)[:len(sd_dict['veh']['history']['time_seconds'])] elif len(obj_fn) == 1: # minimizing scalar objective - mod_sig = obj_fn[0](sd_df) + mod_sig = obj_fn[0](sd_dict) ref_sig = None else: raise ValueError("Each element in `self.obj_fns` must have length of 1 or 2") if ref_sig is not None: - time_s = sd_df['veh.history.time_seconds'] + time_s = sd_dict['veh']['history']['time_seconds'] # TODO: provision for incomplete simulation in here somewhere try: @@ -275,23 +274,22 @@ def __init__( elementwise_runner=LoopedElementwiseEvaluation(), ): self.mod_obj = mod_obj - assert len(self.mod_obj.param_bounds) == len( - self.mod_obj.param_fns), f"{len(self.mod_obj.param_bounds)} != {len(self.mod_obj.param_fns)}" + assert len(self.mod_obj.bounds) == len( + self.mod_obj.param_fns), f"{len(self.mod_obj.bounds)} != {len(self.mod_obj.param_fns)}" super().__init__( n_var=len(self.mod_obj.param_fns), n_obj=self.mod_obj.n_obj, xl=[bounds[0] - for bounds in self.mod_obj.param_bounds], + for bounds in self.mod_obj.bounds], xu=[bounds[1] - for bounds in self.mod_obj.param_bounds], + for bounds in self.mod_obj.bounds], elementwise_runner=elementwise_runner, ) def _evaluate(self, x, out, *args, **kwargs): sim_drives = self.mod_obj.update_params(x) - out['F'] = [ - val for inner_dict in self.mod_obj.get_errors(sim_drives).values() for val in inner_dict.values() - ] + out['F'] = list(self.mod_obj.get_errors(sim_drives).values()) + class CustomOutput(Output): def __init__(self): diff --git a/python/fastsim/utils/utilities.py b/python/fastsim/utils/utilities.py index 69b5957f..993962a4 100644 --- a/python/fastsim/utils/utilities.py +++ b/python/fastsim/utils/utilities.py @@ -4,8 +4,13 @@ from pathlib import Path from typing import Optional, Union import shutil +import datetime + import fastsim as fsim +def print_dt(): + print(datetime.datetime.now().strftime('%Y-%m-%d %H:%M:%S')) + def set_log_level(level: Union[str, int]) -> int: """ Sets logging level for both Python and Rust FASTSim. From b455ab7d76a15c9b9a17f4bee9bfdb386886caed Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Wed, 29 Jan 2025 15:27:50 -0700 Subject: [PATCH 070/129] removed accidentally-restored `to_file` --- cal_and_val/thermal/cal_hev.py | 74 +++++++++++++++++----------------- python/fastsim/pymoo_api.py | 1 - 2 files changed, 37 insertions(+), 38 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 2c1c4368..01af9127 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -281,43 +281,43 @@ def get_exp_soc(df): em_eff_fwd_max = fsim.ElectricMachine.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['em'], skip_init=False).eff_fwd_max em_eff_fwd_range = fsim.ElectricMachine.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['em'], skip_init=False).eff_fwd_range fc_eff_max = fsim.FuelConverter.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['fc'], skip_init=False).eff_max -print("Verifying that model responds to input parameter changes by individually perturbing parameters") -baseline_errors = cal_mod_obj.get_errors( - cal_mod_obj.update_params([ - em_eff_fwd_max, - em_eff_fwd_range, - fc_eff_max, - # veh_dict['pt_type']['HybridElectricVehicle']['fc'], - ]) -) -param0_perturb = cal_mod_obj.get_errors( - cal_mod_obj.update_params([ - em_eff_fwd_max + 0.05, - em_eff_fwd_range, - fc_eff_max, - # veh_dict['pt_type']['HybridElectricVehicle']['fc'], - ]) -) -assert list(param0_perturb.values()) != list(baseline_errors.values()) -param1_perturb = cal_mod_obj.get_errors( - cal_mod_obj.update_params([ - em_eff_fwd_max, - em_eff_fwd_range + 0.1, - fc_eff_max, - # veh_dict['pt_type']['HybridElectricVehicle']['fc'], - ]) -) -assert list(param1_perturb.values()) != list(baseline_errors.values()) -param2_perturb = cal_mod_obj.get_errors( - cal_mod_obj.update_params([ - em_eff_fwd_max, - em_eff_fwd_range, - fc_eff_max - 0.15, - # veh_dict['pt_type']['HybridElectricVehicle']['fc'], - ]) -) -assert list(param2_perturb.values()) != list(baseline_errors.values()) -print("Success!") +# print("Verifying that model responds to input parameter changes by individually perturbing parameters") +# baseline_errors = cal_mod_obj.get_errors( +# cal_mod_obj.update_params([ +# em_eff_fwd_max, +# em_eff_fwd_range, +# fc_eff_max, +# # veh_dict['pt_type']['HybridElectricVehicle']['fc'], +# ]) +# ) +# param0_perturb = cal_mod_obj.get_errors( +# cal_mod_obj.update_params([ +# em_eff_fwd_max + 0.05, +# em_eff_fwd_range, +# fc_eff_max, +# # veh_dict['pt_type']['HybridElectricVehicle']['fc'], +# ]) +# ) +# assert list(param0_perturb.values()) != list(baseline_errors.values()) +# param1_perturb = cal_mod_obj.get_errors( +# cal_mod_obj.update_params([ +# em_eff_fwd_max, +# em_eff_fwd_range + 0.1, +# fc_eff_max, +# # veh_dict['pt_type']['HybridElectricVehicle']['fc'], +# ]) +# ) +# assert list(param1_perturb.values()) != list(baseline_errors.values()) +# param2_perturb = cal_mod_obj.get_errors( +# cal_mod_obj.update_params([ +# em_eff_fwd_max, +# em_eff_fwd_range, +# fc_eff_max - 0.15, +# # veh_dict['pt_type']['HybridElectricVehicle']['fc'], +# ]) +# ) +# assert list(param2_perturb.values()) != list(baseline_errors.values()) +# print("Success!") if __name__ == "__main__": parser = pymoo_api.get_parser( diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py index 572cf62a..18228508 100644 --- a/python/fastsim/pymoo_api.py +++ b/python/fastsim/pymoo_api.py @@ -198,7 +198,6 @@ def get_errors( sd_dict = sd.to_pydict() except RuntimeError as err: t1 = time.perf_counter() - sd.to_file("sd_fail.yaml") # uncomment for debugging sd_dict = sd.to_pydict() if sd_dict['veh']['state']['time_seconds'] < 50: print(f"key: {key}") From 65bcf92df8835959aa744c63b090f4451abc308c Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Wed, 29 Jan 2025 15:55:38 -0700 Subject: [PATCH 071/129] more fleshing out --- cal_and_val/thermal/cal_bev.py | 3 +- cal_and_val/thermal/cal_hev.py | 65 ++++++++++++++++++++++++++++------ cal_and_val/thermal/val_hev.py | 12 +++++++ python/fastsim/pymoo_api.py | 19 ++-------- 4 files changed, 71 insertions(+), 28 deletions(-) diff --git a/cal_and_val/thermal/cal_bev.py b/cal_and_val/thermal/cal_bev.py index 23c3619f..34f44a41 100644 --- a/cal_and_val/thermal/cal_bev.py +++ b/cal_and_val/thermal/cal_bev.py @@ -27,7 +27,8 @@ veh_dict = veh.to_pydict() sim_params_dict = fsim.SimParams.default().to_pydict() -sim_params_dict["trace_miss_opts"] = +sim_params_dict["trace_miss_opts"] = "AllowChecked" +sim_params = fsim.SimParams.from_pydict(sim_params_dict, skip_init=False) # Obtain the data from # https://nrel.sharepoint.com/:f:/r/sites/EEMSCoreModelingandDecisionSupport2022-2024/Shared%20Documents/FASTSim/DynoTestData?csf=1&web=1&e=F4FEBp diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 01af9127..7028a9f9 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -3,7 +3,6 @@ """ from pathlib import Path -# anticipated cricital imports import numpy as np # noqa: F401 import matplotlib.pyplot as plt # noqa: F401 import seaborn as sns @@ -227,6 +226,9 @@ def get_mod_soc(sd_dict): def get_exp_soc(df): return df['HVBatt_SOC_high_precision_PCAN__per'] +save_path = Path(__file__).parent / "pymoo_res" / Path(__file__).stem +save_path.mkdir(exist_ok=True, parents=True) + ## Model Objectives cal_mod_obj = pymoo_api.ModelObjectives( models = sds_for_cal, @@ -278,6 +280,56 @@ def get_exp_soc(df): verbose=False, ) +val_mod_obj = pymoo_api.ModelObjectives( + models = sds_for_val, + dfs = dfs_for_val, + obj_fns=( + ( + get_mod_soc, + get_exp_soc + ), + # TODO: add objectives for: + # - achieved and cycle speed + # - engine fuel usage + # - battery temperature -- BEV only, if available + # - engine temperature + # - cabin temperature + # - HVAC power for cabin, if available + ), + param_fns=( + new_em_eff_max, + new_em_eff_range, + new_fc_eff_max, + # new_fc_eff_range, + # TODO: make sure this has functions for modifying + # - cabin thermal + # - thermal mass + # - length + # - htc to amb when stopped + # - set width from vehicle specs -- no need to valibrate + # - battery thermal -- not necessary for HEV because battery temperature has no real effect + # - thermal mass + # - convection to ambient + # - convection to cabin + # ## HEV specific stuff + # - HVAC PID controls for cabin (not for battery because Sonata has + # passive thermal management, but make sure to do battery thermal + # controls for BEV) + # - engine thermal + # - thermal mass + # - convection to ambient when stopped + # - diameter + ), + # must match order and length of `params_fns` + bounds=( + (0.80, 0.99), + (0.1, 0.6), + (0.32, 0.45), + # (0.0, 0.45), + ), + verbose=False, +) + em_eff_fwd_max = fsim.ElectricMachine.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['em'], skip_init=False).eff_fwd_max em_eff_fwd_range = fsim.ElectricMachine.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['em'], skip_init=False).eff_fwd_range fc_eff_max = fsim.FuelConverter.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['fc'], skip_init=False).eff_max @@ -320,11 +372,7 @@ def get_exp_soc(df): # print("Success!") if __name__ == "__main__": - parser = pymoo_api.get_parser( - # Defaults are set low to allow for fast run time during testing. For a good - # optimization, set this much higher. - def_save_path=None, - ) + parser = pymoo_api.get_parser() args = parser.parse_args() n_processes = args.processes @@ -332,11 +380,6 @@ def get_exp_soc(df): # should be at least as big as n_processes pop_size = args.pop_size run_minimize = not (args.skip_minimize) - if args.save_path is not None: - save_path = Path(args.save_path) - save_path.mkdir(exist_ok=True) - else: - save_path = None print("Starting calibration.") algorithm = pymoo_api.NSGA2( diff --git a/cal_and_val/thermal/val_hev.py b/cal_and_val/thermal/val_hev.py index e69de29b..108afe8b 100644 --- a/cal_and_val/thermal/val_hev.py +++ b/cal_and_val/thermal/val_hev.py @@ -0,0 +1,12 @@ +import pandas as pd + +from cal_hev import cal_mod_obj, val_mod_obj,save_path + +res_df = pd.read_csv(save_path / "pymoo_res_df.csv") +res_df['euclidean'] = ( + res_df.iloc[:, len(cal_mod_obj.param_fns):] ** 2).sum(1).pow(1/2) +best_row = res_df["euclidean"].argmin() +best_df = res_df.iloc[best_row, :] +param_vals = res_df.iloc[best_row, : len(cal_mod_obj.params)].to_numpy() + + diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py index 18228508..40a28d33 100644 --- a/python/fastsim/pymoo_api.py +++ b/python/fastsim/pymoo_api.py @@ -311,10 +311,10 @@ def run_minimize( problem: CalibrationProblem, algorithm: GeneticAlgorithm, termination: DMOT, + save_path: Union[Path, str], copy_algorithm: bool = False, copy_termination: bool = False, save_history: bool = False, - save_path: Union[Path, str] = Path("pymoo_res/"), ) -> Tuple[Result, pd.DataFrame]: """ Wrapper for pymoo.optimize.minimize that adds various helpful features @@ -350,14 +350,12 @@ def run_minimize( columns=[param for param in problem.mod_obj.param_fns], ) - if save_path is not None: - Path(save_path).mkdir(exist_ok=True, parents=True) + Path(save_path).mkdir(exist_ok=True, parents=True) res_df = pd.concat([x_df, f_df], axis=1) res_df['euclidean'] = ( res_df.iloc[:, len(problem.mod_obj.param_fns):] ** 2).sum(1).pow(1/2) - if save_path is not None: - res_df.to_csv(Path(save_path) / "pymoo_res_df.csv", index=False) + res_df.to_csv(Path(save_path) / "pymoo_res_df.csv", index=False) t1 = time.perf_counter() print(f"Elapsed time to run minimization: {t1-t0:.5g} s") @@ -369,8 +367,6 @@ def get_parser( def_p:int=4, def_n_max_gen:int=500, def_pop_size:int=12, - def_save_path:Optional[str]="pymoo_res" - ) -> argparse.ArgumentParser: """ Generate parser for optimization hyper params and misc. other params @@ -379,7 +375,6 @@ def get_parser( - `def_p`: default number of processes - `def_n_max_gen`: max allowed generations - `def_pop_size`: default population size - - `def_save_path`: default save path # Returns: argparse.ArgumentParser: _description_ @@ -421,14 +416,6 @@ def get_parser( action="store_true", help="If provided, load previous results." ) - parser.add_argument( - '--save-path', - type=str, - default=def_save_path, - help="File location to save results dataframe with rows of parameter and corresponding" - + " objective values and any optional plots." - + (" If not provided, results are not saved" if def_save_path is None else "") - ) # parser.add_argument( # '--show', # action="store_true", From 17a7ac6dab00da1266c97428a43b38158708f55a Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Wed, 29 Jan 2025 16:00:41 -0700 Subject: [PATCH 072/129] fixed bad SOC getter --- cal_and_val/thermal/cal_hev.py | 2 +- cal_and_val/thermal/val_hev.py | 4 ++-- python/fastsim/pymoo_api.py | 2 +- 3 files changed, 4 insertions(+), 4 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 7028a9f9..4a0acacd 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -224,7 +224,7 @@ def get_mod_soc(sd_dict): return np.array(sd_dict['veh']['pt_type']['HybridElectricVehicle']['res']['history']['soc']) def get_exp_soc(df): - return df['HVBatt_SOC_high_precision_PCAN__per'] + return df['HVBatt_SOC_high_precision_PCAN__per'] / 100 save_path = Path(__file__).parent / "pymoo_res" / Path(__file__).stem save_path.mkdir(exist_ok=True, parents=True) diff --git a/cal_and_val/thermal/val_hev.py b/cal_and_val/thermal/val_hev.py index 108afe8b..e8609002 100644 --- a/cal_and_val/thermal/val_hev.py +++ b/cal_and_val/thermal/val_hev.py @@ -1,12 +1,12 @@ import pandas as pd -from cal_hev import cal_mod_obj, val_mod_obj,save_path +from cal_hev import cal_mod_obj, val_mod_obj, save_path res_df = pd.read_csv(save_path / "pymoo_res_df.csv") res_df['euclidean'] = ( res_df.iloc[:, len(cal_mod_obj.param_fns):] ** 2).sum(1).pow(1/2) best_row = res_df["euclidean"].argmin() best_df = res_df.iloc[best_row, :] -param_vals = res_df.iloc[best_row, : len(cal_mod_obj.params)].to_numpy() +param_vals = res_df.iloc[best_row, : len(cal_mod_obj.param_fns)].to_numpy() diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py index 40a28d33..06e3f4cb 100644 --- a/python/fastsim/pymoo_api.py +++ b/python/fastsim/pymoo_api.py @@ -132,7 +132,7 @@ def __post_init__(self): def update_params(self, xs: List[Any]): """ - Updates model parameters based on `x`, which must match length of self.params + Updates model parameters based on `x`, which must match length of self.param_fns """ assert len(xs) == len(self.param_fns), f"({len(xs)} != {len(self.param_fns)}" From 4f1d0f15c2d1594b05ec0eb2b3aa3cf125392c82 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Thu, 30 Jan 2025 09:45:32 -0700 Subject: [PATCH 073/129] obj columns have fn name as header --- cal_and_val/thermal/val_hev.py | 1 - python/fastsim/pymoo_api.py | 2 +- 2 files changed, 1 insertion(+), 2 deletions(-) diff --git a/cal_and_val/thermal/val_hev.py b/cal_and_val/thermal/val_hev.py index e8609002..da36bf27 100644 --- a/cal_and_val/thermal/val_hev.py +++ b/cal_and_val/thermal/val_hev.py @@ -9,4 +9,3 @@ best_df = res_df.iloc[best_row, :] param_vals = res_df.iloc[best_row, : len(cal_mod_obj.param_fns)].to_numpy() - diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py index 06e3f4cb..58776209 100644 --- a/python/fastsim/pymoo_api.py +++ b/python/fastsim/pymoo_api.py @@ -336,7 +336,7 @@ def run_minimize( ) f_columns = [ - f"{key}: {obj[0]}" + f"{key}: {obj[0].__name__}" for key in problem.mod_obj.dfs.keys() for obj in problem.mod_obj.obj_fns ] From e43ca53b751399d8c8b72509b680c9eab92c4bdf Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Thu, 30 Jan 2025 09:47:16 -0700 Subject: [PATCH 074/129] same as previous but for params --- python/fastsim/pymoo_api.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py index 58776209..f093da9b 100644 --- a/python/fastsim/pymoo_api.py +++ b/python/fastsim/pymoo_api.py @@ -347,7 +347,7 @@ def run_minimize( x_df = pd.DataFrame( data=[x for x in res.X.tolist()], - columns=[param for param in problem.mod_obj.param_fns], + columns=[param.__name__ for param in problem.mod_obj.param_fns], ) Path(save_path).mkdir(exist_ok=True, parents=True) From 311160f4a1b9894a4b0cce5894a3a8a77a971731 Mon Sep 17 00:00:00 2001 From: Kyle Carow Date: Thu, 30 Jan 2025 11:12:25 -0700 Subject: [PATCH 075/129] bev cal updates --- cal_and_val/thermal/cal_bev.py | 245 +++++++++++++++++++++------------ 1 file changed, 159 insertions(+), 86 deletions(-) diff --git a/cal_and_val/thermal/cal_bev.py b/cal_and_val/thermal/cal_bev.py index 34f44a41..e933df3a 100644 --- a/cal_and_val/thermal/cal_bev.py +++ b/cal_and_val/thermal/cal_bev.py @@ -1,11 +1,8 @@ """ Calibration script for 2020 Chevrolet Bolt EV """ - -# critical import from pathlib import Path -# anticipated cricital imports import numpy as np # noqa: F401 import matplotlib.pyplot as plt # noqa: F401 import seaborn as sns @@ -13,6 +10,7 @@ import polars as pl # noqa: F401 from typing import List, Dict from pymoo.core.problem import StarmapParallelization +from copy import deepcopy import fastsim as fsim from fastsim import pymoo_api @@ -33,16 +31,16 @@ # Obtain the data from # https://nrel.sharepoint.com/:f:/r/sites/EEMSCoreModelingandDecisionSupport2022-2024/Shared%20Documents/FASTSim/DynoTestData?csf=1&web=1&e=F4FEBp # and then copy it to the local folder below -cyc_folder_path = Path(__file__) / "dyno_test_data/2020 Chevrolet Bolt EV/Extended Datasets" -assert cyc_folder_path.exists() +cyc_folder_path = Path(__file__).parent / "dyno_test_data/2020 Chevrolet Bolt EV/Extended Datasets" +assert cyc_folder_path.exists(), cyc_folder_path # See 2020_Chevrolet_Bolt_TestSummary_201005.xlsm for cycle-level data -cyc_files = [ +cyc_files: List[str] = [ # TODO: check for seat heater usage in cold cycles and account for that in model! # 20F (heater maybe on? Col R in test summary), UDDS + HWY + UDDS + US06 - "62009051 Test Data.txt" + "62009051 Test Data.txt", # 20F (heater maybe on? Col R in test summary), US06 + UDDS + HWY + UDDS - "62009053 Test Data.txt" + "62009053 Test Data.txt", # room temperature (no HVAC), UDDS + HWY + UDDS + US06 "62009019 Test Data.txt", @@ -51,61 +49,78 @@ # TODO: check for solar load (should be around 1 kW / m^2) and implement or this somewhere (`drive_cycle`???) # 95F (HVAC on), UDDS + HWY + UDDS - "62009040 Test Data.txt" + "62009040 Test Data.txt", # 95F (HVAC on), US06 - "62009041 Test Data.txt" + "62009041 Test Data.txt", ] assert len(cyc_files) > 0 cyc_files = [cyc_folder_path / cyc_file for cyc_file in cyc_files] +print("\ncyc_files:\n", '\n'.join([cf.name for cf in cyc_files]), sep='') -# TODO: use random selection to retain ~70% of cycles for calibration, and -# reserve the remaining for validation +# use random or manual selection to retain ~70% of cycles for calibration, +# and reserve the remaining for validation cyc_files_for_cal: List[str] = [ - # TODO: populate this somehow -- e.g. random split of `cyc_files` -] + "62009051 Test Data.txt", + # "62009053 Test Data.txt" + "62009019 Test Data.txt", + # "62009021 Test Data.txt", + + "62009040 Test Data.txt" + # "62009041 Test Data.txt" +] cyc_files_for_cal: List[Path] = [cyc_file for cyc_file in cyc_files if cyc_file.name in cyc_files_for_cal] -assert len(cyc_files_for_cal) > 0 +assert len(cyc_files_for_cal) > 0, cyc_files_for_cal +print("\ncyc_files_for_cal:\n", '\n'.join([cf.name for cf in cyc_files_for_cal]), sep='') def df_to_cyc(df: pd.DataFrame) -> fsim.Cycle: - # filter out "before" time - df = df[df["Time[s]_RawFacilities"] >= 0.0] - assert len(df) > 10 cyc_dict = { "time_seconds": df["Time[s]_RawFacilities"].to_list(), "speed_meters_per_second": (df["Dyno_Spd[mph]"] * mps_per_mph).to_list(), "temp_amb_air_kelvin": (df["Cell_Temp[C]"] + celsius_to_kelvin_offset).to_list(), # TODO: pipe solar load from `Cycle` into cabin thermal model # TODO: use something (e.g. regex) to determine solar load + # see column J comments in 2021_Hyundai_Sonata_Hybrid_TestSummary_2022-03-01_D3.xlsx # "pwr_solar_load_watts": df[], } return fsim.Cycle.from_pydict(cyc_dict, skip_init=False) def veh_init(cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: + vd = deepcopy(veh_dict) # initialize SOC - # TODO: figure out if `HVBatt_SOC_CAN4__per` is the correct column within the dyno data - veh_dict['pt_type']['BatteryElectricVehicle']['res']['state']['soc'] = \ - dfs[cyc_file_stem]["HVBatt_SOC_CAN4__per"][0] / 100 + vd['pt_type']['BatteryElectricVehicle']['res']['state']['soc'] = \ + dfs[cyc_file_stem]["HVBatt_SOC_CAN4__per"].iloc[1] / 100 + assert 0 < vd['pt_type']['BatteryElectricVehicle']['res']['state']['soc'] < 1, "\ninit soc: {}\nhead: {}".format( + vd['pt_type']['BatteryElectricVehicle']['res']['state']['soc'], dfs[cyc_file_stem]["HVBatt_SOC_CAN4__per"].head()) # initialize cabin temp - veh_dict['cabin']['LumpedCabin']['state']['temperature_kelvin'] = \ - dfs[cyc_file_stem]["Cabin_Temp[C]"][0] + celsius_to_kelvin_offset + vd['cabin']['LumpedCabin']['state']['temperature_kelvin'] = \ + dfs[cyc_file_stem]["Cabin_Lower_Vent_Temp__C"][0] + celsius_to_kelvin_offset # initialize battery temperature to match cabin temperature because battery # temperature is not available in test data - veh_dict['pt_type']['BatteryElectricVehicle']['res']['thrml']['RESLumpedThermal']['state']['temperature_kelvin'] = \ - dfs[cyc_file_stem]["Cabin_Temp[C]"][0] + celsius_to_kelvin_offset - # initialize engine temperature - veh_dict['pt_type']['BatteryElectricVehicle']['fc']['thrml']['FuelConverterThermal']['state']['temperature_kelvin'] = \ - dfs[cyc_file_stem]["engine_coolant_temp_PCAN__C"][0] + celsius_to_kelvin_offset - return fsim.Vehicle.from_pydict(veh_dict) + # Also, battery temperature has no effect in the HEV because efficiency data + # does not go below 23*C and there is no active thermal management + vd['pt_type']['BatteryElectricVehicle']['res']['thrml']['RESLumpedThermal']['state']['temperature_kelvin'] = \ + dfs[cyc_file_stem]["Cabin_Lower_Vent_Temp__C"][0] + celsius_to_kelvin_offset + return fsim.Vehicle.from_pydict(vd, skip_init=False) + dfs_for_cal: Dict[str, pd.DataFrame] = { # `delimiter="\t"` should work for tab separated variables cyc_file.stem: pd.read_csv(cyc_file, delimiter="\t") for cyc_file in cyc_files_for_cal } -for cyc_file in cyc_files_for_cal: - cyc_file: Path - # `delimiter="\t"` should work for tab separated variables - dfs_for_cal[cyc_file.stem] = pd.read_csv(cyc_file, delimiter="\t") +for key, df_for_cal in dfs_for_cal.items(): + # filter out "before" time + df_for_cal = df_for_cal[df_for_cal["Time[s]_RawFacilities"] >= 0.0] + # TODO: figure out if we should use an integrator for resampling rate vars + # df_for_cal = df_for_cal.set_index("Time[s]_RawFacilities") + # df_for_cal = df_for_cal.resample("1s", origin="start").bfill() + df_for_cal = df_for_cal[::10] + # cut out junk data from specific files + if key == "62009040 Test Data": + df_for_cal = df_for_cal[df_for_cal["Time[s]_RawFacilities"] < 2153] + df_for_cal.reset_index(inplace=True) + dfs_for_cal[key] = df_for_cal + cycs_for_cal: Dict[str, fsim.Cycle] = {} # populate `cycs_for_cal` for (cyc_file_stem, df) in dfs_for_cal.items(): @@ -123,15 +138,28 @@ def veh_init(cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: cyc: fsim.Cycle # NOTE: maybe change `save_interval` to 5 veh = veh_init(cyc_file_stem, dfs_for_cal) - sds_for_cal[cyc_file_stem] = fsim.SimDrive(veh, cyc).to_pydict() + sds_for_cal[cyc_file_stem] = fsim.SimDrive(veh, cyc, sim_params).to_pydict() cyc_files_for_val: List[Path] = list(set(cyc_files) - set(cyc_files_for_cal)) assert len(cyc_files_for_val) > 0 +print("\ncyc_files_for_val:\n", '\n'.join([cf.name for cf in cyc_files_for_val]), sep='') dfs_for_val: Dict[str, pd.DataFrame] = { # `delimiter="\t"` should work for tab separated variables cyc_file.stem: pd.read_csv(cyc_file, delimiter="\t") for cyc_file in cyc_files_for_val } +for key, df_for_val in dfs_for_val.items(): + # filter out "before" time + df_for_val = df_for_val[df_for_val["Time[s]_RawFacilities"] >= 0.0] + # TODO: figure out if we should use an integrator for resampling rate vars + # df_for_val = df_for_val.set_index("Time[s]_RawFacilities") + # df_for_val = df_for_val.resample("1s", origin="start").bfill() + df_for_val = df_for_val[::10] + # cut out junk data from specific files + if key == "62009040 Test Data": + df_for_cal = df_for_cal[df_for_cal["Time[s]_RawFacilities"] < 2153] + df_for_val.reset_index(inplace=True) + dfs_for_val[key] = df_for_val cycs_for_val: Dict[str, fsim.Cycle] = {} # populate `cycs_for_val` @@ -146,95 +174,146 @@ def veh_init(cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: cyc_file_stem: str cyc: fsim.Cycle veh = veh_init(cyc_file_stem, dfs_for_val) - sds_for_val[cyc_file_stem] = fsim.SimDrive(veh, cyc).to_pydict() + sds_for_val[cyc_file_stem] = fsim.SimDrive(veh, cyc, sim_params).to_pydict() # Setup model objectives ## Parameter Functions -def new_em_eff_max(sd_dict, new_eff_max): +def new_em_eff_max(sd_dict, new_eff_max) -> Dict: """ Set `new_eff_max` in `ElectricMachine` """ em = fsim.ElectricMachine.from_pydict(sd_dict['veh']['pt_type']['BatteryElectricVehicle']['em']) em.__eff_fwd_max = new_eff_max sd_dict['veh']['pt_type']['BatteryElectricVehicle']['em'] = em.to_pydict() - + return sd_dict -def new_em_eff_range(sd_dict, new_eff_range): +def new_em_eff_range(sd_dict, new_eff_range) -> Dict: """ Set `new_eff_range` in `ElectricMachine` """ em = fsim.ElectricMachine.from_pydict(sd_dict['veh']['pt_type']['BatteryElectricVehicle']['em']) em.__eff_fwd_range = new_eff_range sd_dict['veh']['pt_type']['BatteryElectricVehicle']['em'] = em.to_pydict() - + return sd_dict + +def get_mod_soc(sd_dict): + return np.array(sd_dict['veh']['pt_type']['BatteryElectricVehicle']['res']['history']['soc']) + +def get_exp_soc(df): + return df['HVBatt_SOC_CAN4__per'] / 100 + +save_path = Path(__file__).parent / "pymoo_res" / Path(__file__).stem +save_path.mkdir(exist_ok=True, parents=True) ## Model Objectives -cal_mod_obj = fsim.pymoo_api.ModelObjectives( +cal_mod_obj = pymoo_api.ModelObjectives( models = sds_for_cal, dfs = dfs_for_cal, obj_fns=( ( - lambda sd_df: np.array(sd_df['veh.pt_type.BatteryElectricVehicle.res.history.soc']), - lambda df: df['HVBatt_SOC_CAN4__per'] + get_mod_soc, + get_exp_soc ), # TODO: add objectives for: - # - battery temperature - ( - lambda sd_df: np.array(sd_df['veh.pt_type.BatteryElectricVehicle.res.thermal.RESLumpedThermal.history.temperature_kelvin']), - # HVBatt_cell_temp_1_CAN3__C (or average of temps?) or HVBatt_pack_average_temp_HPCM2__C? - lambda df: df['HVBatt_pack_average_temp_HPCM2__C'] + celsius_to_kelvin_offset - ), + # - achieved and cycle speed + # - engine fuel usage + # - battery temperature -- BEV only, if available + # - engine temperature # - cabin temperature - # - HVAC power, if available + # - HVAC power for cabin, if available ), param_fns=( new_em_eff_max, new_em_eff_range, # TODO: make sure this has functions for modifying - # - HVAC PID controls for cabin (not for battery because Sonata has - # passive thermal management, but make sure to do battery thermal - # controls for BEV) - # - battery thermal + # - cabin thermal + # - thermal mass + # - length + # - htc to amb when stopped + # - set width from vehicle specs -- no need to calibrate + # - battery thermal -- not necessary for HEV because battery temperature has no real effect # - thermal mass # - convection to ambient # - convection to cabin + ), + # must match order and length of `params_fns` + bounds=( + (0.80, 0.99), + (0.1, 0.6), + ), + verbose=False, +) + +val_mod_obj = pymoo_api.ModelObjectives( + models = sds_for_val, + dfs = dfs_for_val, + obj_fns=( + ( + get_mod_soc, + get_exp_soc + ), + # TODO: add objectives for: + # - achieved and cycle speed + # - battery temperature -- BEV only, if available + # - cabin temperature + # - HVAC power for cabin, if available + ), + param_fns=( + new_em_eff_max, + new_em_eff_range, + # TODO: make sure this has functions for modifying # - cabin thermal # - thermal mass # - length # - htc to amb when stopped - # - set width from vehicle specs -- no need to calibrate + # - set width from vehicle specs -- no need to valibrate + # - battery thermal -- not necessary for HEV because battery temperature has no real effect + # - thermal mass + # - convection to ambient + # - convection to cabin ), # must match order and length of `params_fns` bounds=( (0.80, 0.99), (0.1, 0.6), ), - + verbose=False, ) - -# verify that model responds to input parameter changes by individually perturbing parameters -baseline_errors = cal_mod_obj.get_errors( - cal_mod_obj.update_params([ - fsim.ElectricMachine.from_pydict(veh_dict['pt_type']['BatteryElectricVehicle']['em']).eff_fwd_max, - fsim.ElectricMachine.from_pydict(veh_dict['pt_type']['BatteryElectricVehicle']['em']).eff_fwd_range, - ]) -) -param0_perturb = cal_mod_obj.get_errors( - cal_mod_obj.update_params([0.90 + 0.5, 0.3]) -) -assert list(param0_perturb.values()) != list(baseline_errors.values()) -param1_perturb = cal_mod_obj.get_errors( - cal_mod_obj.update_params([0.90, 0.3 + 0.1]) -) -assert list(param1_perturb.values()) != list(baseline_errors.values()) +em_eff_fwd_max = fsim.ElectricMachine.from_pydict(veh_dict['pt_type']['BatteryElectricVehicle']['em'], skip_init=False).eff_fwd_max +em_eff_fwd_range = fsim.ElectricMachine.from_pydict(veh_dict['pt_type']['BatteryElectricVehicle']['em'], skip_init=False).eff_fwd_range +# print("Verifying that model responds to input parameter changes by individually perturbing parameters") +# baseline_errors = cal_mod_obj.get_errors( +# cal_mod_obj.update_params([ +# em_eff_fwd_max, +# em_eff_fwd_range, +# ]) +# ) +# param0_perturb = cal_mod_obj.get_errors( +# cal_mod_obj.update_params([ +# em_eff_fwd_max + 0.05, +# em_eff_fwd_range, +# ]) +# ) +# assert list(param0_perturb.values()) != list(baseline_errors.values()) +# param1_perturb = cal_mod_obj.get_errors( +# cal_mod_obj.update_params([ +# em_eff_fwd_max, +# em_eff_fwd_range + 0.1, +# ]) +# ) +# assert list(param1_perturb.values()) != list(baseline_errors.values()) +# param2_perturb = cal_mod_obj.get_errors( +# cal_mod_obj.update_params([ +# em_eff_fwd_max, +# em_eff_fwd_range, +# ]) +# ) +# assert list(param2_perturb.values()) != list(baseline_errors.values()) +# print("Success!") if __name__ == "__main__": - parser = fsim.cal.get_parser( - # Defaults are set low to allow for fast run time during testing. For a good - # optimization, set this much higher. - def_save_path=None, - ) + parser = pymoo_api.get_parser() args = parser.parse_args() n_processes = args.processes @@ -242,21 +321,16 @@ def new_em_eff_range(sd_dict, new_eff_range): # should be at least as big as n_processes pop_size = args.pop_size run_minimize = not (args.skip_minimize) - if args.save_path is not None: - save_path = Path(args.save_path) - save_path.mkdir(exist_ok=True) - else: - save_path = None print("Starting calibration.") - algorithm = fsim.calibration.NSGA2( + algorithm = pymoo_api.NSGA2( # size of each population pop_size=pop_size, # LatinHyperCube sampling seems to be more effective than the default # random sampling - sampling=fsim.calibration.LHS(), + sampling=pymoo_api.LHS(), ) - termination = fsim.calibration.DMOT( + termination = pymoo_api.DMOT( # max number of generations, default of 10 is very small n_max_gen=n_max_gen, # evaluate tolerance over this interval of generations every @@ -288,7 +362,7 @@ def new_em_eff_range(sd_dict, new_eff_range): import multiprocessing with multiprocessing.Pool(n_processes) as pool: - problem = fsim.calibration.CalibrationProblem( + problem = pymoo_api.CalibrationProblem( mod_obj=cal_mod_obj, elementwise_runner=StarmapParallelization(pool.starmap), ) @@ -299,4 +373,3 @@ def new_em_eff_range(sd_dict, new_eff_range): save_path=save_path, ) - From 0044ed93f74d63e2941c77251b98ff94fe0d347c Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Thu, 30 Jan 2025 11:21:06 -0700 Subject: [PATCH 076/129] fixed quote error --- cal_and_val/thermal/val_hev.py | 1 + python/fastsim/pymoo_api.py | 2 +- 2 files changed, 2 insertions(+), 1 deletion(-) diff --git a/cal_and_val/thermal/val_hev.py b/cal_and_val/thermal/val_hev.py index da36bf27..bf9102f6 100644 --- a/cal_and_val/thermal/val_hev.py +++ b/cal_and_val/thermal/val_hev.py @@ -9,3 +9,4 @@ best_df = res_df.iloc[best_row, :] param_vals = res_df.iloc[best_row, : len(cal_mod_obj.param_fns)].to_numpy() +# plotting \ No newline at end of file diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py index f093da9b..3e90d6fc 100644 --- a/python/fastsim/pymoo_api.py +++ b/python/fastsim/pymoo_api.py @@ -336,7 +336,7 @@ def run_minimize( ) f_columns = [ - f"{key}: {obj[0].__name__}" + f"{key}: {obj[0].__name__.split(' ')[0]}" for key in problem.mod_obj.dfs.keys() for obj in problem.mod_obj.obj_fns ] From 98be1cf568b27ad4d9596601f8bb56be6234874f Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Thu, 30 Jan 2025 11:36:23 -0700 Subject: [PATCH 077/129] made it so that only the first set of non-space characters show up in objective column headers --- python/fastsim/pymoo_api.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py index 3e90d6fc..c6e93602 100644 --- a/python/fastsim/pymoo_api.py +++ b/python/fastsim/pymoo_api.py @@ -336,7 +336,7 @@ def run_minimize( ) f_columns = [ - f"{key}: {obj[0].__name__.split(' ')[0]}" + f"{key.split(' ')[0]}: {obj[0].__name__}" for key in problem.mod_obj.dfs.keys() for obj in problem.mod_obj.obj_fns ] From 960459d60ece9248258db584019b113e3bb22b80 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Thu, 30 Jan 2025 11:55:32 -0700 Subject: [PATCH 078/129] got plotting mostly set up but encountered error --- cal_and_val/thermal/cal_hev.py | 15 ++++++----- cal_and_val/thermal/val_hev.py | 47 ++++++++++++++++++++++++++++++++-- 2 files changed, 54 insertions(+), 8 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 4a0acacd..9d7e8cf7 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -82,10 +82,13 @@ assert len(cyc_files_for_cal) > 0 print("\ncyc_files_for_cal:\n", '\n'.join([cf.name for cf in cyc_files_for_cal]), sep='') +time_column = "Time[s]_RawFacilities" +speed_column = "Dyno_Spd[mph]" + def df_to_cyc(df: pd.DataFrame) -> fsim.Cycle: cyc_dict = { - "time_seconds": df["Time[s]_RawFacilities"].to_list(), - "speed_meters_per_second": (df["Dyno_Spd[mph]"] * mps_per_mph).to_list(), + "time_seconds": df[time_column].to_list(), + "speed_meters_per_second": (df[speed_column] * mps_per_mph).to_list(), "temp_amb_air_kelvin": (df["Cell_Temp[C]"] + celsius_to_kelvin_offset).to_list(), # TODO: pipe solar load from `Cycle` into cabin thermal model # TODO: use something (e.g. regex) to determine solar load @@ -122,9 +125,9 @@ def veh_init(cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: } for key, df_for_cal in dfs_for_cal.items(): # filter out "before" time - df_for_cal = df_for_cal[df_for_cal["Time[s]_RawFacilities"] >= 0.0] + df_for_cal = df_for_cal[df_for_cal[time_column] >= 0.0] # TODO: figure out if we should use an integrator for resampling rate vars - # df_for_cal = df_for_cal.set_index("Time[s]_RawFacilities") + # df_for_cal = df_for_cal.set_index(time_column) # df_for_cal = df_for_cal.resample("1s", origin="start").bfill() df_for_cal = df_for_cal[::10] df_for_cal.reset_index(inplace=True) @@ -159,9 +162,9 @@ def veh_init(cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: } for key, df_for_val in dfs_for_val.items(): # filter out "before" time - df_for_val = df_for_val[df_for_val["Time[s]_RawFacilities"] >= 0.0] + df_for_val = df_for_val[df_for_val[time_column] >= 0.0] # TODO: figure out if we should use an integrator for resampling rate vars - # df_for_val = df_for_val.set_index("Time[s]_RawFacilities") + # df_for_val = df_for_val.set_index(time_column) # df_for_val = df_for_val.resample("1s", origin="start").bfill() df_for_val = df_for_val[::10] df_for_val.reset_index(inplace=True) diff --git a/cal_and_val/thermal/val_hev.py b/cal_and_val/thermal/val_hev.py index bf9102f6..ffd967bc 100644 --- a/cal_and_val/thermal/val_hev.py +++ b/cal_and_val/thermal/val_hev.py @@ -1,6 +1,7 @@ import pandas as pd +import matplotlib.pyplot as plt -from cal_hev import cal_mod_obj, val_mod_obj, save_path +from cal_hev import cal_mod_obj, val_mod_obj, save_path, time_column, mps_per_mph, speed_column res_df = pd.read_csv(save_path / "pymoo_res_df.csv") res_df['euclidean'] = ( @@ -9,4 +10,46 @@ best_df = res_df.iloc[best_row, :] param_vals = res_df.iloc[best_row, : len(cal_mod_obj.param_fns)].to_numpy() -# plotting \ No newline at end of file +# getting the solved models +(errors_cal, sds_cal) = cal_mod_obj.get_errors( + sim_drives=cal_mod_obj.update_params(param_vals), + return_mods=True, +) +(errors_val, sds_val) = val_mod_obj.get_errors( + sim_drives=val_mod_obj.update_params(param_vals), + return_mods=True, +) + +# plotting +plot_save_path = save_path / "plots" +plot_save_path.mkdir(exist_ok=True) + +for ((key, df_cal), sd_cal) in zip(cal_mod_obj.dfs.items(), sds_cal): + for obj_fn in cal_mod_obj.obj_fns: + fig, ax = plt.subplots(2, 1, sharex=True) + ax[0].plot( + sd_cal['veh']['history']['time_seconds'], + obj_fn[0](sd_cal), + label='mod', + ) + ax[0].plot( + df_cal[time_column], + obj_fn[1](df_cal), + label='exp', + ) + ax[0].legend() + ax[0].set_ylabel(obj_fn[0].__name__) + + ax[1].plot( + sd_cal['veh']['history']['time_seconds'], + sd_cal['veh']['history']['speed_meters_per_second'], + label='mod', + ) + ax[1].plot( + df_cal[time_column], + df_cal[speed_column] * mps_per_mph, + label='exp', + ) + ax[1].legend() + ax[1].set_ylabel("Speed [m/s]") + From 3d70bdc11a995e864b7635f737f1c587ac964a65 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Thu, 30 Jan 2025 11:59:50 -0700 Subject: [PATCH 079/129] plot enprettification --- cal_and_val/thermal/val_hev.py | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/cal_and_val/thermal/val_hev.py b/cal_and_val/thermal/val_hev.py index ffd967bc..26d17f05 100644 --- a/cal_and_val/thermal/val_hev.py +++ b/cal_and_val/thermal/val_hev.py @@ -27,6 +27,7 @@ for ((key, df_cal), sd_cal) in zip(cal_mod_obj.dfs.items(), sds_cal): for obj_fn in cal_mod_obj.obj_fns: fig, ax = plt.subplots(2, 1, sharex=True) + ax.suptitle(key) ax[0].plot( sd_cal['veh']['history']['time_seconds'], obj_fn[0](sd_cal), @@ -52,4 +53,4 @@ ) ax[1].legend() ax[1].set_ylabel("Speed [m/s]") - + plt.savefig(plot_save_path / f"{key}.svg") From 92e5a517de059de96c6d9209260a5e9c990ffe72 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Thu, 30 Jan 2025 14:46:26 -0700 Subject: [PATCH 080/129] first commit of cold start cold ambient demo hvac is working in the wrong direction --- cal_and_val/thermal/cal_hev.py | 78 +- .../2021_Hyundai_Sonata_Hybrid_Blue.yaml | 18 +- cal_and_val/thermal/val_hev.py | 15 +- fastsim-core/resources/cycles/hwfet.csv | 1534 ++++----- fastsim-core/resources/cycles/udds.csv | 2742 ++++++++--------- fastsim-core/src/vehicle/cabin.rs | 9 + fastsim-core/src/vehicle/hvac.rs | 26 + .../vehicle/hvac/hvac_sys_for_lumped_cabin.rs | 71 +- fastsim-core/src/vehicle/vehicle_model.rs | 8 +- .../vehicle_model/fastsim2_interface.rs | 8 +- ...o_hev_thrml.py => demo_hev_thrml_cs_ca.py} | 14 +- 11 files changed, 2319 insertions(+), 2204 deletions(-) rename python/fastsim/demos/{demo_hev_thrml.py => demo_hev_thrml_cs_ca.py} (93%) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 9d7e8cf7..4ec081c3 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -17,6 +17,8 @@ mps_per_mph = 0.447 celsius_to_kelvin_offset = 273.15 +lhv_btu_per_lbm = 18_575 +lhv_joules_per_gram = 43_205.450 # Initialize seaborn plot configuration sns.set() @@ -84,6 +86,9 @@ time_column = "Time[s]_RawFacilities" speed_column = "Dyno_Spd[mph]" +cabin_temp_column = "Cabin_Temp[C]" +eng_clnt_temp_column = "engine_coolant_temp_PCAN__C" +fuel_column = "Eng_FuelFlow_Direct2[gps]" def df_to_cyc(df: pd.DataFrame) -> fsim.Cycle: cyc_dict = { @@ -106,7 +111,7 @@ def veh_init(cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: vd['pt_type']['HybridElectricVehicle']['res']['state']['soc'], dfs[cyc_file_stem]["HVBatt_SOC_high_precision_PCAN__per"].head()) # initialize cabin temp vd['cabin']['LumpedCabin']['state']['temperature_kelvin'] = \ - dfs[cyc_file_stem]["Cabin_Temp[C]"][0] + celsius_to_kelvin_offset + dfs[cyc_file_stem][cabin_temp_column][0] + celsius_to_kelvin_offset # initialize battery temperature to match cabin temperature because battery # temperature is not available in test data # Also, battery temperature has no effect in the HEV because efficiency data @@ -115,7 +120,7 @@ def veh_init(cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: dfs[cyc_file_stem]["Cabin_Temp[C]"][0] + celsius_to_kelvin_offset # initialize engine temperature vd['pt_type']['HybridElectricVehicle']['fc']['thrml']['FuelConverterThermal']['state']['temperature_kelvin'] = \ - dfs[cyc_file_stem]["engine_coolant_temp_PCAN__C"][0] + celsius_to_kelvin_offset + dfs[cyc_file_stem][eng_clnt_temp_column][0] + celsius_to_kelvin_offset return fsim.Vehicle.from_pydict(vd, skip_init=False) @@ -185,7 +190,7 @@ def veh_init(cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: veh = veh_init(cyc_file_stem, dfs_for_val) sds_for_val[cyc_file_stem] = fsim.SimDrive(veh, cyc, sim_params).to_pydict() -# Setup model objectives +# Setup model parameters and objectives ## Parameter Functions def new_em_eff_max(sd_dict, new_eff_max) -> Dict: """ @@ -223,12 +228,37 @@ def new_fc_eff_range(sd_dict, new_eff_range) -> Dict: sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc'] = fc.to_pydict() return sd_dict +## Objective Functions def get_mod_soc(sd_dict): return np.array(sd_dict['veh']['pt_type']['HybridElectricVehicle']['res']['history']['soc']) def get_exp_soc(df): return df['HVBatt_SOC_high_precision_PCAN__per'] / 100 +def get_mod_fc_temp(sd_dict): + return np.array(sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc']['thrml']['FuelConverterThermal']['history']['temperature_kelvin']) + +def get_exp_fc_temp(df): + return df[eng_clnt_temp_column] + celsius_to_kelvin_offset + +def get_mod_cab_temp(sd_dict): + return np.array(sd_dict['veh']['cabin']['LumpedCabin']['history']['temperature_kelvin']) + +def get_exp_cab_temp(df): + return df[cabin_temp_column] + celsius_to_kelvin_offset + +def get_mod_spd(sd_dict): + return np.array(sd_dict['veh']['history']['speed_ach_meters_per_second']) + +def get_exp_spd(df): + return df[speed_column] * mps_per_mph + +def get_mod_pwr_fuel(sd_dict): + return np.array(sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc']['history']['pwr_fuel_watts']) + +def get_exp_pwr_fuel(df): + return df[fuel_column] * lhv_joules_per_gram + save_path = Path(__file__).parent / "pymoo_res" / Path(__file__).stem save_path.mkdir(exist_ok=True, parents=True) @@ -241,12 +271,24 @@ def get_exp_soc(df): get_mod_soc, get_exp_soc ), + ( + get_mod_pwr_fuel, + get_exp_pwr_fuel + ), + ( + get_mod_cab_temp, + get_exp_cab_temp + ), + ( + get_mod_fc_temp, + get_exp_fc_temp + ), + ( + get_mod_spd, + get_exp_spd + ), # TODO: add objectives for: - # - achieved and cycle speed - # - engine fuel usage # - battery temperature -- BEV only, if available - # - engine temperature - # - cabin temperature # - HVAC power for cabin, if available ), param_fns=( @@ -265,9 +307,11 @@ def get_exp_soc(df): # - convection to ambient # - convection to cabin # ## HEV specific stuff + # - powersplit controls # - HVAC PID controls for cabin (not for battery because Sonata has # passive thermal management, but make sure to do battery thermal # controls for BEV) + # - engine temperature-dependent efficiency parameters # - engine thermal # - thermal mass # - convection to ambient when stopped @@ -291,12 +335,24 @@ def get_exp_soc(df): get_mod_soc, get_exp_soc ), + ( + get_mod_pwr_fuel, + get_exp_pwr_fuel + ), + ( + get_mod_cab_temp, + get_exp_cab_temp + ), + ( + get_mod_fc_temp, + get_exp_fc_temp + ), + ( + get_mod_spd, + get_exp_spd + ), # TODO: add objectives for: - # - achieved and cycle speed - # - engine fuel usage # - battery temperature -- BEV only, if available - # - engine temperature - # - cabin temperature # - HVAC power for cabin, if available ), param_fns=( diff --git a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml index 504adf07..7093ebcd 100644 --- a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml +++ b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml @@ -232,22 +232,16 @@ cabin: length_meters: 2.5 width_meters: 2.0 hvac: - LumpedCabinAndRES: + LumpedCabin: te_set_kelvin: 295.15 te_deadband_kelvin: 1.5 - p_cabin_watts_per_kelvin: 0.0 - i_cabin: 0.0 - pwr_i_max_cabin_watts: 5000.0 - d_cabin: 0.0 - p_res_watts_per_kelvin: 0.0 - i_res: 0.0 - pwr_i_max_res_watts: 0.0 - d_res: 0.0 + p_watts_per_kelvin: 100.0 + i: 10.0 + pwr_i_max_watts: 5000.0 + d: 5.0 pwr_thrml_max_watts: 10000.0 frac_of_ideal_cop: 0.15 - cabin_heat_source: FuelConverter - res_heat_source: None - res_cooling_source: None + heat_source: FuelConverter pwr_aux_for_hvac_max_watts: 5000.0 mass_kilograms: 1508.195 pwr_aux_base_watts: 500.0 diff --git a/cal_and_val/thermal/val_hev.py b/cal_and_val/thermal/val_hev.py index 26d17f05..f4d891b3 100644 --- a/cal_and_val/thermal/val_hev.py +++ b/cal_and_val/thermal/val_hev.py @@ -15,19 +15,20 @@ sim_drives=cal_mod_obj.update_params(param_vals), return_mods=True, ) -(errors_val, sds_val) = val_mod_obj.get_errors( - sim_drives=val_mod_obj.update_params(param_vals), - return_mods=True, -) +# (errors_val, sds_val) = val_mod_obj.get_errors( +# sim_drives=val_mod_obj.update_params(param_vals), +# return_mods=True, +# ) # plotting plot_save_path = save_path / "plots" plot_save_path.mkdir(exist_ok=True) -for ((key, df_cal), sd_cal) in zip(cal_mod_obj.dfs.items(), sds_cal): +for ((key, df_cal), (sd_key, sd_cal)) in zip(cal_mod_obj.dfs.items(), sds_cal.items()): + assert key == sd_key for obj_fn in cal_mod_obj.obj_fns: fig, ax = plt.subplots(2, 1, sharex=True) - ax.suptitle(key) + fig.suptitle(key) ax[0].plot( sd_cal['veh']['history']['time_seconds'], obj_fn[0](sd_cal), @@ -43,7 +44,7 @@ ax[1].plot( sd_cal['veh']['history']['time_seconds'], - sd_cal['veh']['history']['speed_meters_per_second'], + sd_cal['veh']['history']['speed_ach_meters_per_second'], label='mod', ) ax[1].plot( diff --git a/fastsim-core/resources/cycles/hwfet.csv b/fastsim-core/resources/cycles/hwfet.csv index 92dd75cd..382cea7a 100644 --- a/fastsim-core/resources/cycles/hwfet.csv +++ b/fastsim-core/resources/cycles/hwfet.csv @@ -1,767 +1,767 @@ -cycSecs,cycMps,cycGrade,cycRoadType -0,0,0,0 -1,0,0,0 -2,0,0,0 -3,0.894094506,0,0 -4,2.190531539,0,0 -5,3.621082748,0,0 -6,5.051633958,0,0 -7,6.482185167,0,0 -8,7.733917475,0,0 -9,8.762126157,0,0 -10,9.745630113,0,0 -11,10.72913407,0,0 -12,11.53381912,0,0 -13,12.11498055,0,0 -14,12.51732308,0,0 -15,12.96437033,0,0 -16,13.41141759,0,0 -17,13.72435066,0,0 -18,14.08198847,0,0 -19,14.39492154,0,0 -20,14.70785462,0,0 -21,14.97608297,0,0 -22,15.24431132,0,0 -23,15.46783495,0,0 -24,15.60194913,0,0 -25,15.69135858,0,0 -26,15.95958693,0,0 -27,16.04899638,0,0 -28,16.00429165,0,0 -29,15.78076803,0,0 -30,15.60194913,0,0 -31,15.42313022,0,0 -32,15.46783495,0,0 -33,15.5572444,0,0 -34,15.69135858,0,0 -35,15.95958693,0,0 -36,16.13840583,0,0 -37,16.18311055,0,0 -38,16.31722473,0,0 -39,16.40663418,0,0 -40,16.49604363,0,0 -41,16.54074836,0,0 -42,16.54074836,0,0 -43,16.54074836,0,0 -44,16.54074836,0,0 -45,16.54074836,0,0 -46,16.54074836,0,0 -47,16.58545308,0,0 -48,16.67486253,0,0 -49,16.89838616,0,0 -50,17.25602396,0,0 -51,17.56895704,0,0 -52,17.88189012,0,0 -53,18.19482319,0,0 -54,18.50775627,0,0 -55,18.86539407,0,0 -56,19.17832715,0,0 -57,19.4465555,0,0 -58,19.67007913,0,0 -59,19.8041933,0,0 -60,19.89360275,0,0 -61,20.02771693,0,0 -62,20.07242165,0,0 -63,20.11712638,0,0 -64,20.16183111,0,0 -65,20.29594528,0,0 -66,20.43005946,0,0 -67,20.56417363,0,0 -68,20.69828781,0,0 -69,20.78769726,0,0 -70,20.92181144,0,0 -71,20.96651616,0,0 -72,21.01122089,0,0 -73,21.05592561,0,0 -74,21.10063034,0,0 -75,21.14533506,0,0 -76,21.10063034,0,0 -77,21.05592561,0,0 -78,21.01122089,0,0 -79,20.96651616,0,0 -80,20.96651616,0,0 -81,20.96651616,0,0 -82,21.01122089,0,0 -83,21.05592561,0,0 -84,21.05592561,0,0 -85,21.10063034,0,0 -86,21.05592561,0,0 -87,21.01122089,0,0 -88,20.96651616,0,0 -89,20.78769726,0,0 -90,20.69828781,0,0 -91,20.65358308,0,0 -92,20.69828781,0,0 -93,20.78769726,0,0 -94,20.96651616,0,0 -95,21.05592561,0,0 -96,21.19003979,0,0 -97,21.32415396,0,0 -98,21.45826814,0,0 -99,21.54767759,0,0 -100,21.68179177,0,0 -101,21.81590594,0,0 -102,21.95002012,0,0 -103,21.99472484,0,0 -104,21.95002012,0,0 -105,21.95002012,0,0 -106,21.90531539,0,0 -107,21.90531539,0,0 -108,21.95002012,0,0 -109,21.99472484,0,0 -110,22.03942957,0,0 -111,22.08413429,0,0 -112,22.12883902,0,0 -113,22.12883902,0,0 -114,22.12883902,0,0 -115,22.08413429,0,0 -116,21.95002012,0,0 -117,21.86061067,0,0 -118,21.72649649,0,0 -119,21.63708704,0,0 -120,21.50297286,0,0 -121,21.32415396,0,0 -122,21.19003979,0,0 -123,21.14533506,0,0 -124,21.23474451,0,0 -125,21.36885869,0,0 -126,21.41356341,0,0 -127,21.45826814,0,0 -128,21.41356341,0,0 -129,21.41356341,0,0 -130,21.41356341,0,0 -131,21.45826814,0,0 -132,21.45826814,0,0 -133,21.45826814,0,0 -134,21.41356341,0,0 -135,21.14533506,0,0 -136,20.56417363,0,0 -137,19.35714605,0,0 -138,18.41834682,0,0 -139,17.65836649,0,0 -140,17.52425231,0,0 -141,17.43484286,0,0 -142,17.43484286,0,0 -143,17.47954759,0,0 -144,17.65836649,0,0 -145,17.92659484,0,0 -146,18.32893737,0,0 -147,18.77598462,0,0 -148,19.2677366,0,0 -149,19.53596495,0,0 -150,19.71478385,0,0 -151,19.8041933,0,0 -152,19.84889803,0,0 -153,19.93830748,0,0 -154,19.9830122,0,0 -155,20.07242165,0,0 -156,20.20653583,0,0 -157,20.43005946,0,0 -158,20.51946891,0,0 -159,20.69828781,0,0 -160,20.92181144,0,0 -161,20.96651616,0,0 -162,21.01122089,0,0 -163,21.05592561,0,0 -164,21.27944924,0,0 -165,21.41356341,0,0 -166,21.45826814,0,0 -167,21.45826814,0,0 -168,21.41356341,0,0 -169,21.36885869,0,0 -170,21.14533506,0,0 -171,20.87710671,0,0 -172,20.65358308,0,0 -173,20.51946891,0,0 -174,20.43005946,0,0 -175,20.34065001,0,0 -176,20.29594528,0,0 -177,20.25124056,0,0 -178,20.11712638,0,0 -179,19.67007913,0,0 -180,19.2677366,0,0 -181,18.86539407,0,0 -182,18.552461,0,0 -183,18.552461,0,0 -184,18.82068935,0,0 -185,19.17832715,0,0 -186,19.4465555,0,0 -187,19.6253744,0,0 -188,19.49126023,0,0 -189,19.35714605,0,0 -190,19.22303187,0,0 -191,19.2677366,0,0 -192,19.40185078,0,0 -193,19.6253744,0,0 -194,19.8041933,0,0 -195,19.93830748,0,0 -196,20.07242165,0,0 -197,20.02771693,0,0 -198,19.84889803,0,0 -199,19.6253744,0,0 -200,19.40185078,0,0 -201,19.31244133,0,0 -202,19.31244133,0,0 -203,19.2677366,0,0 -204,19.22303187,0,0 -205,19.22303187,0,0 -206,19.2677366,0,0 -207,19.40185078,0,0 -208,19.6253744,0,0 -209,19.67007913,0,0 -210,19.4465555,0,0 -211,19.04421297,0,0 -212,18.552461,0,0 -213,18.19482319,0,0 -214,17.88189012,0,0 -215,17.88189012,0,0 -216,18.01600429,0,0 -217,18.32893737,0,0 -218,18.77598462,0,0 -219,19.0889177,0,0 -220,19.2677366,0,0 -221,19.31244133,0,0 -222,19.40185078,0,0 -223,19.6253744,0,0 -224,19.8041933,0,0 -225,19.9830122,0,0 -226,20.16183111,0,0 -227,20.29594528,0,0 -228,20.47476418,0,0 -229,20.78769726,0,0 -230,20.96651616,0,0 -231,21.10063034,0,0 -232,21.19003979,0,0 -233,21.14533506,0,0 -234,21.14533506,0,0 -235,21.10063034,0,0 -236,21.10063034,0,0 -237,21.10063034,0,0 -238,21.05592561,0,0 -239,21.01122089,0,0 -240,21.01122089,0,0 -241,20.96651616,0,0 -242,20.92181144,0,0 -243,20.96651616,0,0 -244,21.01122089,0,0 -245,21.10063034,0,0 -246,21.23474451,0,0 -247,21.41356341,0,0 -248,21.45826814,0,0 -249,21.45826814,0,0 -250,21.45826814,0,0 -251,21.45826814,0,0 -252,21.45826814,0,0 -253,21.50297286,0,0 -254,21.54767759,0,0 -255,21.54767759,0,0 -256,21.50297286,0,0 -257,21.72649649,0,0 -258,21.86061067,0,0 -259,21.95002012,0,0 -260,21.95002012,0,0 -261,21.95002012,0,0 -262,21.95002012,0,0 -263,21.95002012,0,0 -264,21.90531539,0,0 -265,21.86061067,0,0 -266,21.54767759,0,0 -267,21.32415396,0,0 -268,21.23474451,0,0 -269,21.10063034,0,0 -270,20.87710671,0,0 -271,20.65358308,0,0 -272,20.56417363,0,0 -273,20.47476418,0,0 -274,20.38535473,0,0 -275,20.29594528,0,0 -276,20.20653583,0,0 -277,20.11712638,0,0 -278,19.9830122,0,0 -279,19.89360275,0,0 -280,19.75948858,0,0 -281,19.4465555,0,0 -282,19.13362242,0,0 -283,18.77598462,0,0 -284,17.92659484,0,0 -285,17.25602396,0,0 -286,16.76427198,0,0 -287,16.00429165,0,0 -288,15.51253968,0,0 -289,15.1996066,0,0 -290,14.88667352,0,0 -291,14.52903572,0,0 -292,14.17139792,0,0 -293,13.67964594,0,0 -294,13.23259869,0,0 -295,12.87496088,0,0 -296,12.69614198,0,0 -297,12.78555143,0,0 -298,13.18789396,0,0 -299,14.03728374,0,0 -300,14.93137825,0,0 -301,15.9148822,0,0 -302,16.76427198,0,0 -303,17.47954759,0,0 -304,17.97129957,0,0 -305,18.37364209,0,0 -306,18.68657517,0,0 -307,18.95480352,0,0 -308,19.13362242,0,0 -309,19.35714605,0,0 -310,19.58066968,0,0 -311,19.8041933,0,0 -312,19.9830122,0,0 -313,20.11712638,0,0 -314,20.20653583,0,0 -315,20.29594528,0,0 -316,20.34065001,0,0 -317,20.47476418,0,0 -318,20.56417363,0,0 -319,20.60887836,0,0 -320,20.78769726,0,0 -321,20.92181144,0,0 -322,21.05592561,0,0 -323,21.32415396,0,0 -324,21.59238231,0,0 -325,21.90531539,0,0 -326,22.21824847,0,0 -327,22.48647682,0,0 -328,22.7994099,0,0 -329,23.11234297,0,0 -330,23.42527605,0,0 -331,23.73820913,0,0 -332,24.05114221,0,0 -333,24.36407528,0,0 -334,24.67700836,0,0 -335,24.94523671,0,0 -336,25.21346506,0,0 -337,25.43698869,0,0 -338,25.48169341,0,0 -339,25.52639814,0,0 -340,25.61580759,0,0 -341,25.74992177,0,0 -342,25.83933122,0,0 -343,25.92874067,0,0 -344,25.97344539,0,0 -345,26.10755957,0,0 -346,26.24167374,0,0 -347,26.28637847,0,0 -348,26.3310832,0,0 -349,26.37578792,0,0 -350,26.37578792,0,0 -351,26.3310832,0,0 -352,26.28637847,0,0 -353,26.19696902,0,0 -354,26.10755957,0,0 -355,26.01815012,0,0 -356,25.97344539,0,0 -357,25.92874067,0,0 -358,25.88403594,0,0 -359,25.74992177,0,0 -360,25.66051232,0,0 -361,25.57110287,0,0 -362,25.52639814,0,0 -363,25.48169341,0,0 -364,25.48169341,0,0 -365,25.43698869,0,0 -366,25.43698869,0,0 -367,25.43698869,0,0 -368,25.48169341,0,0 -369,25.48169341,0,0 -370,25.48169341,0,0 -371,25.48169341,0,0 -372,25.48169341,0,0 -373,25.48169341,0,0 -374,25.48169341,0,0 -375,25.48169341,0,0 -376,25.48169341,0,0 -377,25.43698869,0,0 -378,25.39228396,0,0 -379,25.25816979,0,0 -380,25.12405561,0,0 -381,25.03464616,0,0 -382,25.03464616,0,0 -383,25.03464616,0,0 -384,25.07935089,0,0 -385,25.21346506,0,0 -386,25.34757924,0,0 -387,25.43698869,0,0 -388,25.52639814,0,0 -389,25.61580759,0,0 -390,25.66051232,0,0 -391,25.66051232,0,0 -392,25.57110287,0,0 -393,25.48169341,0,0 -394,25.43698869,0,0 -395,25.30287451,0,0 -396,25.16876034,0,0 -397,25.07935089,0,0 -398,25.21346506,0,0 -399,25.34757924,0,0 -400,25.52639814,0,0 -401,25.70521704,0,0 -402,25.83933122,0,0 -403,25.92874067,0,0 -404,25.92874067,0,0 -405,25.92874067,0,0 -406,25.92874067,0,0 -407,25.92874067,0,0 -408,25.92874067,0,0 -409,25.88403594,0,0 -410,25.83933122,0,0 -411,25.79462649,0,0 -412,25.79462649,0,0 -413,25.83933122,0,0 -414,25.88403594,0,0 -415,25.92874067,0,0 -416,25.97344539,0,0 -417,26.10755957,0,0 -418,26.3310832,0,0 -419,26.42049265,0,0 -420,26.55460682,0,0 -421,26.73342572,0,0 -422,26.77813045,0,0 -423,26.77813045,0,0 -424,26.73342572,0,0 -425,26.64401627,0,0 -426,26.55460682,0,0 -427,26.46519737,0,0 -428,26.42049265,0,0 -429,26.37578792,0,0 -430,26.3310832,0,0 -431,26.24167374,0,0 -432,26.19696902,0,0 -433,26.15226429,0,0 -434,26.10755957,0,0 -435,26.10755957,0,0 -436,26.06285484,0,0 -437,26.01815012,0,0 -438,25.97344539,0,0 -439,25.92874067,0,0 -440,25.88403594,0,0 -441,25.88403594,0,0 -442,25.88403594,0,0 -443,25.88403594,0,0 -444,25.88403594,0,0 -445,25.92874067,0,0 -446,25.97344539,0,0 -447,25.97344539,0,0 -448,26.01815012,0,0 -449,26.01815012,0,0 -450,26.01815012,0,0 -451,25.97344539,0,0 -452,25.92874067,0,0 -453,25.92874067,0,0 -454,25.92874067,0,0 -455,25.92874067,0,0 -456,25.92874067,0,0 -457,25.92874067,0,0 -458,25.88403594,0,0 -459,25.88403594,0,0 -460,25.92874067,0,0 -461,25.97344539,0,0 -462,25.97344539,0,0 -463,26.01815012,0,0 -464,26.06285484,0,0 -465,26.06285484,0,0 -466,26.06285484,0,0 -467,26.01815012,0,0 -468,25.97344539,0,0 -469,25.92874067,0,0 -470,25.83933122,0,0 -471,25.70521704,0,0 -472,25.52639814,0,0 -473,25.48169341,0,0 -474,25.30287451,0,0 -475,25.07935089,0,0 -476,25.03464616,0,0 -477,24.94523671,0,0 -478,24.81112254,0,0 -479,24.67700836,0,0 -480,24.63230363,0,0 -481,24.58759891,0,0 -482,24.54289418,0,0 -483,24.54289418,0,0 -484,24.54289418,0,0 -485,24.54289418,0,0 -486,24.54289418,0,0 -487,24.54289418,0,0 -488,24.58759891,0,0 -489,24.58759891,0,0 -490,24.58759891,0,0 -491,24.58759891,0,0 -492,24.58759891,0,0 -493,24.58759891,0,0 -494,24.63230363,0,0 -495,24.63230363,0,0 -496,24.58759891,0,0 -497,24.54289418,0,0 -498,24.54289418,0,0 -499,24.49818946,0,0 -500,24.45348473,0,0 -501,24.40878001,0,0 -502,24.31937056,0,0 -503,24.27466583,0,0 -504,24.27466583,0,0 -505,24.22996111,0,0 -506,24.18525638,0,0 -507,24.18525638,0,0 -508,24.18525638,0,0 -509,24.14055166,0,0 -510,24.14055166,0,0 -511,24.14055166,0,0 -512,24.14055166,0,0 -513,24.14055166,0,0 -514,24.14055166,0,0 -515,24.14055166,0,0 -516,24.14055166,0,0 -517,24.18525638,0,0 -518,24.22996111,0,0 -519,24.36407528,0,0 -520,24.49818946,0,0 -521,24.54289418,0,0 -522,24.58759891,0,0 -523,24.63230363,0,0 -524,24.67700836,0,0 -525,24.67700836,0,0 -526,24.72171309,0,0 -527,24.76641781,0,0 -528,24.81112254,0,0 -529,24.85582726,0,0 -530,24.90053199,0,0 -531,24.94523671,0,0 -532,24.98994144,0,0 -533,25.03464616,0,0 -534,25.03464616,0,0 -535,25.03464616,0,0 -536,25.03464616,0,0 -537,25.03464616,0,0 -538,25.03464616,0,0 -539,25.03464616,0,0 -540,25.03464616,0,0 -541,25.03464616,0,0 -542,25.03464616,0,0 -543,25.03464616,0,0 -544,25.03464616,0,0 -545,25.03464616,0,0 -546,25.03464616,0,0 -547,24.98994144,0,0 -548,24.98994144,0,0 -549,24.98994144,0,0 -550,24.94523671,0,0 -551,24.85582726,0,0 -552,24.76641781,0,0 -553,24.67700836,0,0 -554,24.63230363,0,0 -555,24.58759891,0,0 -556,24.54289418,0,0 -557,24.40878001,0,0 -558,24.31937056,0,0 -559,24.22996111,0,0 -560,24.18525638,0,0 -561,24.05114221,0,0 -562,23.8723233,0,0 -563,23.82761858,0,0 -564,23.73820913,0,0 -565,23.64879968,0,0 -566,23.5146855,0,0 -567,23.42527605,0,0 -568,23.3358666,0,0 -569,23.29116188,0,0 -570,23.24645715,0,0 -571,23.24645715,0,0 -572,23.24645715,0,0 -573,23.24645715,0,0 -574,23.29116188,0,0 -575,23.24645715,0,0 -576,23.24645715,0,0 -577,23.20175243,0,0 -578,23.06763825,0,0 -579,22.9782288,0,0 -580,22.84411462,0,0 -581,22.66529572,0,0 -582,22.48647682,0,0 -583,22.26295319,0,0 -584,22.03942957,0,0 -585,21.77120122,0,0 -586,21.54767759,0,0 -587,21.50297286,0,0 -588,21.45826814,0,0 -589,21.45826814,0,0 -590,21.50297286,0,0 -591,21.63708704,0,0 -592,21.86061067,0,0 -593,21.90531539,0,0 -594,21.95002012,0,0 -595,21.95002012,0,0 -596,21.90531539,0,0 -597,21.90531539,0,0 -598,21.86061067,0,0 -599,21.72649649,0,0 -600,21.59238231,0,0 -601,21.45826814,0,0 -602,21.41356341,0,0 -603,21.36885869,0,0 -604,21.32415396,0,0 -605,21.41356341,0,0 -606,21.59238231,0,0 -607,21.90531539,0,0 -608,21.95002012,0,0 -609,21.90531539,0,0 -610,21.86061067,0,0 -611,21.45826814,0,0 -612,21.05592561,0,0 -613,20.65358308,0,0 -614,20.60887836,0,0 -615,20.60887836,0,0 -616,20.65358308,0,0 -617,20.96651616,0,0 -618,21.36885869,0,0 -619,21.90531539,0,0 -620,22.21824847,0,0 -621,22.620591,0,0 -622,23.02293352,0,0 -623,23.3358666,0,0 -624,23.55939023,0,0 -625,23.6935044,0,0 -626,23.96173276,0,0 -627,24.14055166,0,0 -628,24.18525638,0,0 -629,24.31937056,0,0 -630,24.45348473,0,0 -631,24.63230363,0,0 -632,24.76641781,0,0 -633,24.76641781,0,0 -634,24.58759891,0,0 -635,24.36407528,0,0 -636,23.96173276,0,0 -637,23.46998078,0,0 -638,22.4417721,0,0 -639,21.54767759,0,0 -640,20.78769726,0,0 -641,20.65358308,0,0 -642,20.56417363,0,0 -643,20.56417363,0,0 -644,20.69828781,0,0 -645,20.92181144,0,0 -646,21.23474451,0,0 -647,21.54767759,0,0 -648,21.81590594,0,0 -649,22.12883902,0,0 -650,22.4417721,0,0 -651,22.66529572,0,0 -652,22.84411462,0,0 -653,23.11234297,0,0 -654,23.3358666,0,0 -655,23.46998078,0,0 -656,23.29116188,0,0 -657,23.06763825,0,0 -658,22.84411462,0,0 -659,22.7994099,0,0 -660,22.7994099,0,0 -661,22.84411462,0,0 -662,22.9782288,0,0 -663,23.11234297,0,0 -664,23.24645715,0,0 -665,23.3358666,0,0 -666,23.46998078,0,0 -667,23.60409495,0,0 -668,23.55939023,0,0 -669,23.5146855,0,0 -670,23.38057133,0,0 -671,23.38057133,0,0 -672,23.42527605,0,0 -673,23.46998078,0,0 -674,23.55939023,0,0 -675,23.55939023,0,0 -676,23.42527605,0,0 -677,23.29116188,0,0 -678,23.11234297,0,0 -679,22.84411462,0,0 -680,22.57588627,0,0 -681,22.39706737,0,0 -682,22.26295319,0,0 -683,22.21824847,0,0 -684,22.17354374,0,0 -685,22.12883902,0,0 -686,22.12883902,0,0 -687,22.21824847,0,0 -688,22.35236264,0,0 -689,22.4417721,0,0 -690,22.620591,0,0 -691,22.84411462,0,0 -692,23.06763825,0,0 -693,23.20175243,0,0 -694,23.24645715,0,0 -695,23.29116188,0,0 -696,23.42527605,0,0 -697,23.64879968,0,0 -698,23.82761858,0,0 -699,24.00643748,0,0 -700,24.22996111,0,0 -701,24.36407528,0,0 -702,24.49818946,0,0 -703,24.58759891,0,0 -704,24.81112254,0,0 -705,24.98994144,0,0 -706,25.07935089,0,0 -707,25.16876034,0,0 -708,25.21346506,0,0 -709,25.25816979,0,0 -710,25.34757924,0,0 -711,25.43698869,0,0 -712,25.48169341,0,0 -713,25.61580759,0,0 -714,25.79462649,0,0 -715,26.01815012,0,0 -716,26.28637847,0,0 -717,26.42049265,0,0 -718,26.46519737,0,0 -719,26.42049265,0,0 -720,26.28637847,0,0 -721,26.15226429,0,0 -722,25.97344539,0,0 -723,25.79462649,0,0 -724,25.61580759,0,0 -725,25.52639814,0,0 -726,25.39228396,0,0 -727,25.25816979,0,0 -728,25.12405561,0,0 -729,24.81112254,0,0 -730,24.40878001,0,0 -731,24.18525638,0,0 -732,24.00643748,0,0 -733,23.78291385,0,0 -734,23.64879968,0,0 -735,23.46998078,0,0 -736,23.24645715,0,0 -737,22.93352407,0,0 -738,22.57588627,0,0 -739,22.12883902,0,0 -740,21.68179177,0,0 -741,21.27944924,0,0 -742,20.92181144,0,0 -743,20.38535473,0,0 -744,19.75948858,0,0 -745,18.99950825,0,0 -746,17.52425231,0,0 -747,16.04899638,0,0 -748,14.57374044,0,0 -749,13.09848451,0,0 -750,11.98086638,0,0 -751,10.9526577,0,0 -752,9.611515937,0,0 -753,8.717421431,0,0 -754,7.7786222,0,0 -755,6.750413519,0,0 -756,5.543385936,0,0 -757,4.336358353,0,0 -758,3.12933077,0,0 -759,2.235236264,0,0 -760,1.475255935,0,0 -761,0.894094506,0,0 -762,0.312933077,0,0 -763,0,0,0 -764,0,0,0 -765,0,0,0 +time_seconds,speed_meters_per_second,grade +0,0,0 +1,0,0 +2,0,0 +3,0.894094506,0 +4,2.190531539,0 +5,3.621082748,0 +6,5.051633958,0 +7,6.482185167,0 +8,7.733917475,0 +9,8.762126157,0 +10,9.745630113,0 +11,10.72913407,0 +12,11.53381912,0 +13,12.11498055,0 +14,12.51732308,0 +15,12.96437033,0 +16,13.41141759,0 +17,13.72435066,0 +18,14.08198847,0 +19,14.39492154,0 +20,14.70785462,0 +21,14.97608297,0 +22,15.24431132,0 +23,15.46783495,0 +24,15.60194913,0 +25,15.69135858,0 +26,15.95958693,0 +27,16.04899638,0 +28,16.00429165,0 +29,15.78076803,0 +30,15.60194913,0 +31,15.42313022,0 +32,15.46783495,0 +33,15.5572444,0 +34,15.69135858,0 +35,15.95958693,0 +36,16.13840583,0 +37,16.18311055,0 +38,16.31722473,0 +39,16.40663418,0 +40,16.49604363,0 +41,16.54074836,0 +42,16.54074836,0 +43,16.54074836,0 +44,16.54074836,0 +45,16.54074836,0 +46,16.54074836,0 +47,16.58545308,0 +48,16.67486253,0 +49,16.89838616,0 +50,17.25602396,0 +51,17.56895704,0 +52,17.88189012,0 +53,18.19482319,0 +54,18.50775627,0 +55,18.86539407,0 +56,19.17832715,0 +57,19.4465555,0 +58,19.67007913,0 +59,19.8041933,0 +60,19.89360275,0 +61,20.02771693,0 +62,20.07242165,0 +63,20.11712638,0 +64,20.16183111,0 +65,20.29594528,0 +66,20.43005946,0 +67,20.56417363,0 +68,20.69828781,0 +69,20.78769726,0 +70,20.92181144,0 +71,20.96651616,0 +72,21.01122089,0 +73,21.05592561,0 +74,21.10063034,0 +75,21.14533506,0 +76,21.10063034,0 +77,21.05592561,0 +78,21.01122089,0 +79,20.96651616,0 +80,20.96651616,0 +81,20.96651616,0 +82,21.01122089,0 +83,21.05592561,0 +84,21.05592561,0 +85,21.10063034,0 +86,21.05592561,0 +87,21.01122089,0 +88,20.96651616,0 +89,20.78769726,0 +90,20.69828781,0 +91,20.65358308,0 +92,20.69828781,0 +93,20.78769726,0 +94,20.96651616,0 +95,21.05592561,0 +96,21.19003979,0 +97,21.32415396,0 +98,21.45826814,0 +99,21.54767759,0 +100,21.68179177,0 +101,21.81590594,0 +102,21.95002012,0 +103,21.99472484,0 +104,21.95002012,0 +105,21.95002012,0 +106,21.90531539,0 +107,21.90531539,0 +108,21.95002012,0 +109,21.99472484,0 +110,22.03942957,0 +111,22.08413429,0 +112,22.12883902,0 +113,22.12883902,0 +114,22.12883902,0 +115,22.08413429,0 +116,21.95002012,0 +117,21.86061067,0 +118,21.72649649,0 +119,21.63708704,0 +120,21.50297286,0 +121,21.32415396,0 +122,21.19003979,0 +123,21.14533506,0 +124,21.23474451,0 +125,21.36885869,0 +126,21.41356341,0 +127,21.45826814,0 +128,21.41356341,0 +129,21.41356341,0 +130,21.41356341,0 +131,21.45826814,0 +132,21.45826814,0 +133,21.45826814,0 +134,21.41356341,0 +135,21.14533506,0 +136,20.56417363,0 +137,19.35714605,0 +138,18.41834682,0 +139,17.65836649,0 +140,17.52425231,0 +141,17.43484286,0 +142,17.43484286,0 +143,17.47954759,0 +144,17.65836649,0 +145,17.92659484,0 +146,18.32893737,0 +147,18.77598462,0 +148,19.2677366,0 +149,19.53596495,0 +150,19.71478385,0 +151,19.8041933,0 +152,19.84889803,0 +153,19.93830748,0 +154,19.9830122,0 +155,20.07242165,0 +156,20.20653583,0 +157,20.43005946,0 +158,20.51946891,0 +159,20.69828781,0 +160,20.92181144,0 +161,20.96651616,0 +162,21.01122089,0 +163,21.05592561,0 +164,21.27944924,0 +165,21.41356341,0 +166,21.45826814,0 +167,21.45826814,0 +168,21.41356341,0 +169,21.36885869,0 +170,21.14533506,0 +171,20.87710671,0 +172,20.65358308,0 +173,20.51946891,0 +174,20.43005946,0 +175,20.34065001,0 +176,20.29594528,0 +177,20.25124056,0 +178,20.11712638,0 +179,19.67007913,0 +180,19.2677366,0 +181,18.86539407,0 +182,18.552461,0 +183,18.552461,0 +184,18.82068935,0 +185,19.17832715,0 +186,19.4465555,0 +187,19.6253744,0 +188,19.49126023,0 +189,19.35714605,0 +190,19.22303187,0 +191,19.2677366,0 +192,19.40185078,0 +193,19.6253744,0 +194,19.8041933,0 +195,19.93830748,0 +196,20.07242165,0 +197,20.02771693,0 +198,19.84889803,0 +199,19.6253744,0 +200,19.40185078,0 +201,19.31244133,0 +202,19.31244133,0 +203,19.2677366,0 +204,19.22303187,0 +205,19.22303187,0 +206,19.2677366,0 +207,19.40185078,0 +208,19.6253744,0 +209,19.67007913,0 +210,19.4465555,0 +211,19.04421297,0 +212,18.552461,0 +213,18.19482319,0 +214,17.88189012,0 +215,17.88189012,0 +216,18.01600429,0 +217,18.32893737,0 +218,18.77598462,0 +219,19.0889177,0 +220,19.2677366,0 +221,19.31244133,0 +222,19.40185078,0 +223,19.6253744,0 +224,19.8041933,0 +225,19.9830122,0 +226,20.16183111,0 +227,20.29594528,0 +228,20.47476418,0 +229,20.78769726,0 +230,20.96651616,0 +231,21.10063034,0 +232,21.19003979,0 +233,21.14533506,0 +234,21.14533506,0 +235,21.10063034,0 +236,21.10063034,0 +237,21.10063034,0 +238,21.05592561,0 +239,21.01122089,0 +240,21.01122089,0 +241,20.96651616,0 +242,20.92181144,0 +243,20.96651616,0 +244,21.01122089,0 +245,21.10063034,0 +246,21.23474451,0 +247,21.41356341,0 +248,21.45826814,0 +249,21.45826814,0 +250,21.45826814,0 +251,21.45826814,0 +252,21.45826814,0 +253,21.50297286,0 +254,21.54767759,0 +255,21.54767759,0 +256,21.50297286,0 +257,21.72649649,0 +258,21.86061067,0 +259,21.95002012,0 +260,21.95002012,0 +261,21.95002012,0 +262,21.95002012,0 +263,21.95002012,0 +264,21.90531539,0 +265,21.86061067,0 +266,21.54767759,0 +267,21.32415396,0 +268,21.23474451,0 +269,21.10063034,0 +270,20.87710671,0 +271,20.65358308,0 +272,20.56417363,0 +273,20.47476418,0 +274,20.38535473,0 +275,20.29594528,0 +276,20.20653583,0 +277,20.11712638,0 +278,19.9830122,0 +279,19.89360275,0 +280,19.75948858,0 +281,19.4465555,0 +282,19.13362242,0 +283,18.77598462,0 +284,17.92659484,0 +285,17.25602396,0 +286,16.76427198,0 +287,16.00429165,0 +288,15.51253968,0 +289,15.1996066,0 +290,14.88667352,0 +291,14.52903572,0 +292,14.17139792,0 +293,13.67964594,0 +294,13.23259869,0 +295,12.87496088,0 +296,12.69614198,0 +297,12.78555143,0 +298,13.18789396,0 +299,14.03728374,0 +300,14.93137825,0 +301,15.9148822,0 +302,16.76427198,0 +303,17.47954759,0 +304,17.97129957,0 +305,18.37364209,0 +306,18.68657517,0 +307,18.95480352,0 +308,19.13362242,0 +309,19.35714605,0 +310,19.58066968,0 +311,19.8041933,0 +312,19.9830122,0 +313,20.11712638,0 +314,20.20653583,0 +315,20.29594528,0 +316,20.34065001,0 +317,20.47476418,0 +318,20.56417363,0 +319,20.60887836,0 +320,20.78769726,0 +321,20.92181144,0 +322,21.05592561,0 +323,21.32415396,0 +324,21.59238231,0 +325,21.90531539,0 +326,22.21824847,0 +327,22.48647682,0 +328,22.7994099,0 +329,23.11234297,0 +330,23.42527605,0 +331,23.73820913,0 +332,24.05114221,0 +333,24.36407528,0 +334,24.67700836,0 +335,24.94523671,0 +336,25.21346506,0 +337,25.43698869,0 +338,25.48169341,0 +339,25.52639814,0 +340,25.61580759,0 +341,25.74992177,0 +342,25.83933122,0 +343,25.92874067,0 +344,25.97344539,0 +345,26.10755957,0 +346,26.24167374,0 +347,26.28637847,0 +348,26.3310832,0 +349,26.37578792,0 +350,26.37578792,0 +351,26.3310832,0 +352,26.28637847,0 +353,26.19696902,0 +354,26.10755957,0 +355,26.01815012,0 +356,25.97344539,0 +357,25.92874067,0 +358,25.88403594,0 +359,25.74992177,0 +360,25.66051232,0 +361,25.57110287,0 +362,25.52639814,0 +363,25.48169341,0 +364,25.48169341,0 +365,25.43698869,0 +366,25.43698869,0 +367,25.43698869,0 +368,25.48169341,0 +369,25.48169341,0 +370,25.48169341,0 +371,25.48169341,0 +372,25.48169341,0 +373,25.48169341,0 +374,25.48169341,0 +375,25.48169341,0 +376,25.48169341,0 +377,25.43698869,0 +378,25.39228396,0 +379,25.25816979,0 +380,25.12405561,0 +381,25.03464616,0 +382,25.03464616,0 +383,25.03464616,0 +384,25.07935089,0 +385,25.21346506,0 +386,25.34757924,0 +387,25.43698869,0 +388,25.52639814,0 +389,25.61580759,0 +390,25.66051232,0 +391,25.66051232,0 +392,25.57110287,0 +393,25.48169341,0 +394,25.43698869,0 +395,25.30287451,0 +396,25.16876034,0 +397,25.07935089,0 +398,25.21346506,0 +399,25.34757924,0 +400,25.52639814,0 +401,25.70521704,0 +402,25.83933122,0 +403,25.92874067,0 +404,25.92874067,0 +405,25.92874067,0 +406,25.92874067,0 +407,25.92874067,0 +408,25.92874067,0 +409,25.88403594,0 +410,25.83933122,0 +411,25.79462649,0 +412,25.79462649,0 +413,25.83933122,0 +414,25.88403594,0 +415,25.92874067,0 +416,25.97344539,0 +417,26.10755957,0 +418,26.3310832,0 +419,26.42049265,0 +420,26.55460682,0 +421,26.73342572,0 +422,26.77813045,0 +423,26.77813045,0 +424,26.73342572,0 +425,26.64401627,0 +426,26.55460682,0 +427,26.46519737,0 +428,26.42049265,0 +429,26.37578792,0 +430,26.3310832,0 +431,26.24167374,0 +432,26.19696902,0 +433,26.15226429,0 +434,26.10755957,0 +435,26.10755957,0 +436,26.06285484,0 +437,26.01815012,0 +438,25.97344539,0 +439,25.92874067,0 +440,25.88403594,0 +441,25.88403594,0 +442,25.88403594,0 +443,25.88403594,0 +444,25.88403594,0 +445,25.92874067,0 +446,25.97344539,0 +447,25.97344539,0 +448,26.01815012,0 +449,26.01815012,0 +450,26.01815012,0 +451,25.97344539,0 +452,25.92874067,0 +453,25.92874067,0 +454,25.92874067,0 +455,25.92874067,0 +456,25.92874067,0 +457,25.92874067,0 +458,25.88403594,0 +459,25.88403594,0 +460,25.92874067,0 +461,25.97344539,0 +462,25.97344539,0 +463,26.01815012,0 +464,26.06285484,0 +465,26.06285484,0 +466,26.06285484,0 +467,26.01815012,0 +468,25.97344539,0 +469,25.92874067,0 +470,25.83933122,0 +471,25.70521704,0 +472,25.52639814,0 +473,25.48169341,0 +474,25.30287451,0 +475,25.07935089,0 +476,25.03464616,0 +477,24.94523671,0 +478,24.81112254,0 +479,24.67700836,0 +480,24.63230363,0 +481,24.58759891,0 +482,24.54289418,0 +483,24.54289418,0 +484,24.54289418,0 +485,24.54289418,0 +486,24.54289418,0 +487,24.54289418,0 +488,24.58759891,0 +489,24.58759891,0 +490,24.58759891,0 +491,24.58759891,0 +492,24.58759891,0 +493,24.58759891,0 +494,24.63230363,0 +495,24.63230363,0 +496,24.58759891,0 +497,24.54289418,0 +498,24.54289418,0 +499,24.49818946,0 +500,24.45348473,0 +501,24.40878001,0 +502,24.31937056,0 +503,24.27466583,0 +504,24.27466583,0 +505,24.22996111,0 +506,24.18525638,0 +507,24.18525638,0 +508,24.18525638,0 +509,24.14055166,0 +510,24.14055166,0 +511,24.14055166,0 +512,24.14055166,0 +513,24.14055166,0 +514,24.14055166,0 +515,24.14055166,0 +516,24.14055166,0 +517,24.18525638,0 +518,24.22996111,0 +519,24.36407528,0 +520,24.49818946,0 +521,24.54289418,0 +522,24.58759891,0 +523,24.63230363,0 +524,24.67700836,0 +525,24.67700836,0 +526,24.72171309,0 +527,24.76641781,0 +528,24.81112254,0 +529,24.85582726,0 +530,24.90053199,0 +531,24.94523671,0 +532,24.98994144,0 +533,25.03464616,0 +534,25.03464616,0 +535,25.03464616,0 +536,25.03464616,0 +537,25.03464616,0 +538,25.03464616,0 +539,25.03464616,0 +540,25.03464616,0 +541,25.03464616,0 +542,25.03464616,0 +543,25.03464616,0 +544,25.03464616,0 +545,25.03464616,0 +546,25.03464616,0 +547,24.98994144,0 +548,24.98994144,0 +549,24.98994144,0 +550,24.94523671,0 +551,24.85582726,0 +552,24.76641781,0 +553,24.67700836,0 +554,24.63230363,0 +555,24.58759891,0 +556,24.54289418,0 +557,24.40878001,0 +558,24.31937056,0 +559,24.22996111,0 +560,24.18525638,0 +561,24.05114221,0 +562,23.8723233,0 +563,23.82761858,0 +564,23.73820913,0 +565,23.64879968,0 +566,23.5146855,0 +567,23.42527605,0 +568,23.3358666,0 +569,23.29116188,0 +570,23.24645715,0 +571,23.24645715,0 +572,23.24645715,0 +573,23.24645715,0 +574,23.29116188,0 +575,23.24645715,0 +576,23.24645715,0 +577,23.20175243,0 +578,23.06763825,0 +579,22.9782288,0 +580,22.84411462,0 +581,22.66529572,0 +582,22.48647682,0 +583,22.26295319,0 +584,22.03942957,0 +585,21.77120122,0 +586,21.54767759,0 +587,21.50297286,0 +588,21.45826814,0 +589,21.45826814,0 +590,21.50297286,0 +591,21.63708704,0 +592,21.86061067,0 +593,21.90531539,0 +594,21.95002012,0 +595,21.95002012,0 +596,21.90531539,0 +597,21.90531539,0 +598,21.86061067,0 +599,21.72649649,0 +600,21.59238231,0 +601,21.45826814,0 +602,21.41356341,0 +603,21.36885869,0 +604,21.32415396,0 +605,21.41356341,0 +606,21.59238231,0 +607,21.90531539,0 +608,21.95002012,0 +609,21.90531539,0 +610,21.86061067,0 +611,21.45826814,0 +612,21.05592561,0 +613,20.65358308,0 +614,20.60887836,0 +615,20.60887836,0 +616,20.65358308,0 +617,20.96651616,0 +618,21.36885869,0 +619,21.90531539,0 +620,22.21824847,0 +621,22.620591,0 +622,23.02293352,0 +623,23.3358666,0 +624,23.55939023,0 +625,23.6935044,0 +626,23.96173276,0 +627,24.14055166,0 +628,24.18525638,0 +629,24.31937056,0 +630,24.45348473,0 +631,24.63230363,0 +632,24.76641781,0 +633,24.76641781,0 +634,24.58759891,0 +635,24.36407528,0 +636,23.96173276,0 +637,23.46998078,0 +638,22.4417721,0 +639,21.54767759,0 +640,20.78769726,0 +641,20.65358308,0 +642,20.56417363,0 +643,20.56417363,0 +644,20.69828781,0 +645,20.92181144,0 +646,21.23474451,0 +647,21.54767759,0 +648,21.81590594,0 +649,22.12883902,0 +650,22.4417721,0 +651,22.66529572,0 +652,22.84411462,0 +653,23.11234297,0 +654,23.3358666,0 +655,23.46998078,0 +656,23.29116188,0 +657,23.06763825,0 +658,22.84411462,0 +659,22.7994099,0 +660,22.7994099,0 +661,22.84411462,0 +662,22.9782288,0 +663,23.11234297,0 +664,23.24645715,0 +665,23.3358666,0 +666,23.46998078,0 +667,23.60409495,0 +668,23.55939023,0 +669,23.5146855,0 +670,23.38057133,0 +671,23.38057133,0 +672,23.42527605,0 +673,23.46998078,0 +674,23.55939023,0 +675,23.55939023,0 +676,23.42527605,0 +677,23.29116188,0 +678,23.11234297,0 +679,22.84411462,0 +680,22.57588627,0 +681,22.39706737,0 +682,22.26295319,0 +683,22.21824847,0 +684,22.17354374,0 +685,22.12883902,0 +686,22.12883902,0 +687,22.21824847,0 +688,22.35236264,0 +689,22.4417721,0 +690,22.620591,0 +691,22.84411462,0 +692,23.06763825,0 +693,23.20175243,0 +694,23.24645715,0 +695,23.29116188,0 +696,23.42527605,0 +697,23.64879968,0 +698,23.82761858,0 +699,24.00643748,0 +700,24.22996111,0 +701,24.36407528,0 +702,24.49818946,0 +703,24.58759891,0 +704,24.81112254,0 +705,24.98994144,0 +706,25.07935089,0 +707,25.16876034,0 +708,25.21346506,0 +709,25.25816979,0 +710,25.34757924,0 +711,25.43698869,0 +712,25.48169341,0 +713,25.61580759,0 +714,25.79462649,0 +715,26.01815012,0 +716,26.28637847,0 +717,26.42049265,0 +718,26.46519737,0 +719,26.42049265,0 +720,26.28637847,0 +721,26.15226429,0 +722,25.97344539,0 +723,25.79462649,0 +724,25.61580759,0 +725,25.52639814,0 +726,25.39228396,0 +727,25.25816979,0 +728,25.12405561,0 +729,24.81112254,0 +730,24.40878001,0 +731,24.18525638,0 +732,24.00643748,0 +733,23.78291385,0 +734,23.64879968,0 +735,23.46998078,0 +736,23.24645715,0 +737,22.93352407,0 +738,22.57588627,0 +739,22.12883902,0 +740,21.68179177,0 +741,21.27944924,0 +742,20.92181144,0 +743,20.38535473,0 +744,19.75948858,0 +745,18.99950825,0 +746,17.52425231,0 +747,16.04899638,0 +748,14.57374044,0 +749,13.09848451,0 +750,11.98086638,0 +751,10.9526577,0 +752,9.611515937,0 +753,8.717421431,0 +754,7.7786222,0 +755,6.750413519,0 +756,5.543385936,0 +757,4.336358353,0 +758,3.12933077,0 +759,2.235236264,0 +760,1.475255935,0 +761,0.894094506,0 +762,0.312933077,0 +763,0,0 +764,0,0 +765,0,0 diff --git a/fastsim-core/resources/cycles/udds.csv b/fastsim-core/resources/cycles/udds.csv index f187ecbc..cce3e959 100755 --- a/fastsim-core/resources/cycles/udds.csv +++ b/fastsim-core/resources/cycles/udds.csv @@ -1,1371 +1,1371 @@ -cycSecs,cycMps,cycGrade,cycRoadType -0,0,0,0 -1,0,0,0 -2,0,0,0 -3,0,0,0 -4,0,0,0 -5,0,0,0 -6,0,0,0 -7,0,0,0 -8,0,0,0 -9,0,0,0 -10,0,0,0 -11,0,0,0 -12,0,0,0 -13,0,0,0 -14,0,0,0 -15,0,0,0 -16,0,0,0 -17,0,0,0 -18,0,0,0 -19,0,0,0 -20,0,0,0 -21,1.341141759,0,0 -22,2.637578792,0,0 -23,3.844606375,0,0 -24,5.141043408,0,0 -25,6.392775716,0,0 -26,7.555098574,0,0 -27,7.733917475,0,0 -28,8.091555277,0,0 -29,9.253878135,0,0 -30,9.700925388,0,0 -31,10.01385846,0,0 -32,10.05856319,0,0 -33,9.879744289,0,0 -34,9.611515937,0,0 -35,9.343287585,0,0 -36,9.119763959,0,0 -37,8.851535607,0,0 -38,7.599803299,0,0 -39,6.661004068,0,0 -40,6.661004068,0,0 -41,6.795118244,0,0 -42,6.92923242,0,0 -43,7.152756046,0,0 -44,7.644508024,0,0 -45,8.53860253,0,0 -46,9.432697036,0,0 -47,10.14797264,0,0 -48,10.23738209,0,0 -49,10.14797264,0,0 -50,10.10326792,0,0 -51,9.522106487,0,0 -52,8.493897805,0,0 -53,7.644508024,0,0 -54,7.063346596,0,0 -55,7.063346596,0,0 -56,7.912736376,0,0 -57,8.851535607,0,0 -58,9.656220663,0,0 -59,10.37149627,0,0 -60,10.81854352,0,0 -61,10.99736242,0,0 -62,11.1314766,0,0 -63,11.17618132,0,0 -64,10.99736242,0,0 -65,10.9526577,0,0 -66,11.04206715,0,0 -67,11.08677187,0,0 -68,11.04206715,0,0 -69,10.99736242,0,0 -70,10.99736242,0,0 -71,11.22088605,0,0 -72,11.44440967,0,0 -73,11.4891144,0,0 -74,11.35500022,0,0 -75,11.1314766,0,0 -76,11.17618132,0,0 -77,11.35500022,0,0 -78,11.62322858,0,0 -79,11.62322858,0,0 -80,11.4891144,0,0 -81,11.6679333,0,0 -82,11.93616165,0,0 -83,12.29379945,0,0 -84,12.78555143,0,0 -85,13.09848451,0,0 -86,13.32200814,0,0 -87,13.45612231,0,0 -88,13.59023649,0,0 -89,13.72435066,0,0 -90,13.72435066,0,0 -91,13.63494121,0,0 -92,13.59023649,0,0 -93,13.54553176,0,0 -94,13.59023649,0,0 -95,13.76905539,0,0 -96,13.59023649,0,0 -97,13.36671286,0,0 -98,13.18789396,0,0 -99,13.32200814,0,0 -100,13.54553176,0,0 -101,13.72435066,0,0 -102,13.81376011,0,0 -103,13.85846484,0,0 -104,13.81376011,0,0 -105,13.59023649,0,0 -106,13.32200814,0,0 -107,13.36671286,0,0 -108,13.50082704,0,0 -109,13.72435066,0,0 -110,13.94787429,0,0 -111,14.21610264,0,0 -112,14.39492154,0,0 -113,14.48433099,0,0 -114,14.39492154,0,0 -115,14.17139792,0,0 -116,12.78555143,0,0 -117,11.3102955,0,0 -118,9.835039564,0,0 -119,8.359783629,0,0 -120,6.884527695,0,0 -121,5.40927176,0,0 -122,3.934015825,0,0 -123,2.458759891,0,0 -124,0.983503956,0,0 -125,0,0,0 -126,0,0,0 -127,0,0,0 -128,0,0,0 -129,0,0,0 -130,0,0,0 -131,0,0,0 -132,0,0,0 -133,0,0,0 -134,0,0,0 -135,0,0,0 -136,0,0,0 -137,0,0,0 -138,0,0,0 -139,0,0,0 -140,0,0,0 -141,0,0,0 -142,0,0,0 -143,0,0,0 -144,0,0,0 -145,0,0,0 -146,0,0,0 -147,0,0,0 -148,0,0,0 -149,0,0,0 -150,0,0,0 -151,0,0,0 -152,0,0,0 -153,0,0,0 -154,0,0,0 -155,0,0,0 -156,0,0,0 -157,0,0,0 -158,0,0,0 -159,0,0,0 -160,0,0,0 -161,0,0,0 -162,0,0,0 -163,0,0,0 -164,1.475255935,0,0 -165,2.950511869,0,0 -166,4.425767804,0,0 -167,5.901023738,0,0 -168,7.376279673,0,0 -169,8.851535607,0,0 -170,9.924449014,0,0 -171,10.86324825,0,0 -172,11.53381912,0,0 -173,11.80204748,0,0 -174,11.4891144,0,0 -175,11.22088605,0,0 -176,11.04206715,0,0 -177,11.17618132,0,0 -178,11.26559077,0,0 -179,11.35500022,0,0 -180,11.53381912,0,0 -181,12.15968528,0,0 -182,11.8467522,0,0 -183,10.72913407,0,0 -184,10.14797264,0,0 -185,8.672716706,0,0 -186,7.912736376,0,0 -187,7.68921275,0,0 -188,8.091555277,0,0 -189,8.315078904,0,0 -190,8.940945058,0,0 -191,9.924449014,0,0 -192,10.9526577,0,0 -193,12.20439,0,0 -194,13.63494121,0,0 -195,14.97608297,0,0 -196,16.18311055,0,0 -197,16.67486253,0,0 -198,17.56895704,0,0 -199,18.10541374,0,0 -200,18.82068935,0,0 -201,19.4465555,0,0 -202,20.16183111,0,0 -203,20.56417363,0,0 -204,20.92181144,0,0 -205,21.23474451,0,0 -206,21.23474451,0,0 -207,21.14533506,0,0 -208,21.10063034,0,0 -209,21.01122089,0,0 -210,21.01122089,0,0 -211,21.01122089,0,0 -212,21.01122089,0,0 -213,21.01122089,0,0 -214,21.10063034,0,0 -215,21.19003979,0,0 -216,21.41356341,0,0 -217,21.68179177,0,0 -218,21.95002012,0,0 -219,22.12883902,0,0 -220,22.35236264,0,0 -221,22.620591,0,0 -222,22.7994099,0,0 -223,23.02293352,0,0 -224,23.3358666,0,0 -225,23.78291385,0,0 -226,24.18525638,0,0 -227,24.40878001,0,0 -228,24.54289418,0,0 -229,24.58759891,0,0 -230,24.54289418,0,0 -231,24.40878001,0,0 -232,24.40878001,0,0 -233,24.49818946,0,0 -234,24.63230363,0,0 -235,24.81112254,0,0 -236,24.90053199,0,0 -237,25.07935089,0,0 -238,25.16876034,0,0 -239,25.30287451,0,0 -240,25.34757924,0,0 -241,25.34757924,0,0 -242,25.25816979,0,0 -243,25.25816979,0,0 -244,25.25816979,0,0 -245,25.25816979,0,0 -246,25.25816979,0,0 -247,25.25816979,0,0 -248,25.21346506,0,0 -249,25.07935089,0,0 -250,24.94523671,0,0 -251,24.63230363,0,0 -252,24.40878001,0,0 -253,24.22996111,0,0 -254,24.14055166,0,0 -255,24.00643748,0,0 -256,23.96173276,0,0 -257,24.09584693,0,0 -258,24.14055166,0,0 -259,24.18525638,0,0 -260,24.18525638,0,0 -261,24.05114221,0,0 -262,23.8723233,0,0 -263,23.6935044,0,0 -264,23.5146855,0,0 -265,23.29116188,0,0 -266,23.42527605,0,0 -267,23.24645715,0,0 -268,23.20175243,0,0 -269,23.11234297,0,0 -270,23.02293352,0,0 -271,23.06763825,0,0 -272,23.1570477,0,0 -273,23.29116188,0,0 -274,23.46998078,0,0 -275,23.6935044,0,0 -276,23.91702803,0,0 -277,24.14055166,0,0 -278,24.54289418,0,0 -279,24.76641781,0,0 -280,24.85582726,0,0 -281,25.03464616,0,0 -282,25.03464616,0,0 -283,24.94523671,0,0 -284,24.67700836,0,0 -285,24.36407528,0,0 -286,23.96173276,0,0 -287,23.46998078,0,0 -288,23.02293352,0,0 -289,23.02293352,0,0 -290,23.02293352,0,0 -291,22.84411462,0,0 -292,22.39706737,0,0 -293,22.35236264,0,0 -294,22.39706737,0,0 -295,22.35236264,0,0 -296,22.17354374,0,0 -297,22.12883902,0,0 -298,22.12883902,0,0 -299,22.12883902,0,0 -300,21.95002012,0,0 -301,21.72649649,0,0 -302,21.50297286,0,0 -303,21.10063034,0,0 -304,20.60887836,0,0 -305,20.11712638,0,0 -306,19.58066968,0,0 -307,19.04421297,0,0 -308,18.552461,0,0 -309,18.01600429,0,0 -310,17.21131924,0,0 -311,16.54074836,0,0 -312,15.7360633,0,0 -313,15.11019715,0,0 -314,14.52903572,0,0 -315,14.08198847,0,0 -316,13.67964594,0,0 -317,13.63494121,0,0 -318,13.41141759,0,0 -319,12.96437033,0,0 -320,12.29379945,0,0 -321,11.08677187,0,0 -322,9.611515937,0,0 -323,8.985649783,0,0 -324,8.53860253,0,0 -325,8.270374179,0,0 -326,7.599803299,0,0 -327,6.92923242,0,0 -328,5.588090661,0,0 -329,4.828110331,0,0 -330,3.576378023,0,0 -331,2.101122089,0,0 -332,0.625866154,0,0 -333,0,0,0 -334,0,0,0 -335,0,0,0 -336,0,0,0 -337,0,0,0 -338,0,0,0 -339,0,0,0 -340,0,0,0 -341,0,0,0 -342,0,0,0 -343,0,0,0 -344,0,0,0 -345,0,0,0 -346,0,0,0 -347,0.447047253,0,0 -348,1.922303187,0,0 -349,3.397559122,0,0 -350,4.872815057,0,0 -351,6.348070991,0,0 -352,7.733917475,0,0 -353,8.940945058,0,0 -354,10.05856319,0,0 -355,10.59501989,0,0 -356,11.26559077,0,0 -357,11.89145693,0,0 -358,12.56202781,0,0 -359,13.41141759,0,0 -360,13.76905539,0,0 -361,14.12669319,0,0 -362,14.35021682,0,0 -363,14.66314989,0,0 -364,15.0207877,0,0 -365,15.42313022,0,0 -366,15.46783495,0,0 -367,15.60194913,0,0 -368,15.5572444,0,0 -369,15.42313022,0,0 -370,15.51253968,0,0 -371,15.87017748,0,0 -372,16.0937011,0,0 -373,16.0937011,0,0 -374,16.0937011,0,0 -375,16.0937011,0,0 -376,16.0937011,0,0 -377,16.0937011,0,0 -378,16.13840583,0,0 -379,16.27252001,0,0 -380,16.31722473,0,0 -381,16.27252001,0,0 -382,16.0937011,0,0 -383,15.69135858,0,0 -384,15.24431132,0,0 -385,14.97608297,0,0 -386,14.03728374,0,0 -387,12.96437033,0,0 -388,11.4891144,0,0 -389,10.28208682,0,0 -390,9.075059234,0,0 -391,7.823326926,0,0 -392,6.482185167,0,0 -393,5.364567035,0,0 -394,3.8893111,0,0 -395,2.414055166,0,0 -396,0.938799231,0,0 -397,0,0,0 -398,0,0,0 -399,0,0,0 -400,0,0,0 -401,0,0,0 -402,0,0,0 -403,1.162322858,0,0 -404,2.637578792,0,0 -405,4.112834727,0,0 -406,5.588090661,0,0 -407,7.063346596,0,0 -408,8.53860253,0,0 -409,10.01385846,0,0 -410,11.17618132,0,0 -411,11.44440967,0,0 -412,12.29379945,0,0 -413,12.96437033,0,0 -414,13.41141759,0,0 -415,13.45612231,0,0 -416,13.41141759,0,0 -417,13.27730341,0,0 -418,13.09848451,0,0 -419,12.87496088,0,0 -420,12.51732308,0,0 -421,11.17618132,0,0 -422,9.700925388,0,0 -423,8.225669453,0,0 -424,6.750413519,0,0 -425,5.275157584,0,0 -426,3.79990165,0,0 -427,2.324645715,0,0 -428,0.84938978,0,0 -429,0,0,0 -430,0,0,0 -431,0,0,0 -432,0,0,0 -433,0,0,0 -434,0,0,0 -435,0,0,0 -436,0,0,0 -437,0,0,0 -438,0,0,0 -439,0,0,0 -440,0,0,0 -441,0,0,0 -442,0,0,0 -443,0,0,0 -444,0,0,0 -445,0,0,0 -446,0,0,0 -447,0,0,0 -448,1.475255935,0,0 -449,2.950511869,0,0 -450,4.425767804,0,0 -451,5.901023738,0,0 -452,7.376279673,0,0 -453,8.851535607,0,0 -454,10.32679154,0,0 -455,11.80204748,0,0 -456,12.42791363,0,0 -457,13.00907506,0,0 -458,14.08198847,0,0 -459,14.75255935,0,0 -460,15.0207877,0,0 -461,15.5572444,0,0 -462,15.69135858,0,0 -463,15.9148822,0,0 -464,16.13840583,0,0 -465,16.0937011,0,0 -466,16.13840583,0,0 -467,16.18311055,0,0 -468,16.0937011,0,0 -469,15.95958693,0,0 -470,16.0937011,0,0 -471,16.0937011,0,0 -472,15.9148822,0,0 -473,15.87017748,0,0 -474,15.82547275,0,0 -475,15.7360633,0,0 -476,15.7360633,0,0 -477,15.7360633,0,0 -478,15.7360633,0,0 -479,15.7360633,0,0 -480,15.7360633,0,0 -481,15.64665385,0,0 -482,15.69135858,0,0 -483,15.7360633,0,0 -484,15.87017748,0,0 -485,15.7360633,0,0 -486,15.64665385,0,0 -487,15.64665385,0,0 -488,15.64665385,0,0 -489,15.5572444,0,0 -490,15.46783495,0,0 -491,15.42313022,0,0 -492,14.97608297,0,0 -493,14.30551209,0,0 -494,13.45612231,0,0 -495,12.51732308,0,0 -496,11.39970495,0,0 -497,10.05856319,0,0 -498,8.851535607,0,0 -499,7.376279673,0,0 -500,5.901023738,0,0 -501,4.604586705,0,0 -502,3.218740221,0,0 -503,1.788189012,0,0 -504,0.447047253,0,0 -505,0,0,0 -506,0,0,0 -507,0,0,0 -508,0,0,0 -509,0,0,0 -510,0,0,0 -511,0.536456703,0,0 -512,1.564665385,0,0 -513,2.458759891,0,0 -514,2.905807144,0,0 -515,3.79990165,0,0 -516,4.291653628,0,0 -517,4.693996155,0,0 -518,5.319862309,0,0 -519,6.258661541,0,0 -520,7.152756046,0,0 -521,7.912736376,0,0 -522,8.493897805,0,0 -523,8.985649783,0,0 -524,9.387992311,0,0 -525,9.835039564,0,0 -526,10.28208682,0,0 -527,10.63972462,0,0 -528,10.9526577,0,0 -529,11.1314766,0,0 -530,11.17618132,0,0 -531,11.17618132,0,0 -532,11.17618132,0,0 -533,11.17618132,0,0 -534,11.17618132,0,0 -535,11.17618132,0,0 -536,11.44440967,0,0 -537,11.53381912,0,0 -538,11.62322858,0,0 -539,11.44440967,0,0 -540,11.26559077,0,0 -541,11.17618132,0,0 -542,11.17618132,0,0 -543,11.17618132,0,0 -544,10.90795297,0,0 -545,10.32679154,0,0 -546,8.851535607,0,0 -547,7.376279673,0,0 -548,5.901023738,0,0 -549,4.425767804,0,0 -550,2.950511869,0,0 -551,1.475255935,0,0 -552,0,0,0 -553,0,0,0 -554,0,0,0 -555,0,0,0 -556,0,0,0 -557,0,0,0 -558,0,0,0 -559,0,0,0 -560,0,0,0 -561,0,0,0 -562,0,0,0 -563,0,0,0 -564,0,0,0 -565,0,0,0 -566,0,0,0 -567,0,0,0 -568,0,0,0 -569,1.475255935,0,0 -570,2.950511869,0,0 -571,4.425767804,0,0 -572,5.811614288,0,0 -573,6.526889892,0,0 -574,7.152756046,0,0 -575,7.599803299,0,0 -576,7.599803299,0,0 -577,7.599803299,0,0 -578,7.823326926,0,0 -579,7.912736376,0,0 -580,7.912736376,0,0 -581,7.823326926,0,0 -582,7.599803299,0,0 -583,7.555098574,0,0 -584,7.420984398,0,0 -585,7.599803299,0,0 -586,7.644508024,0,0 -587,7.599803299,0,0 -588,7.420984398,0,0 -589,7.376279673,0,0 -590,7.376279673,0,0 -591,7.420984398,0,0 -592,7.599803299,0,0 -593,7.868031651,0,0 -594,8.270374179,0,0 -595,8.583307256,0,0 -596,9.030354508,0,0 -597,9.387992311,0,0 -598,9.432697036,0,0 -599,9.477401761,0,0 -600,9.656220663,0,0 -601,9.835039564,0,0 -602,10.01385846,0,0 -603,10.05856319,0,0 -604,10.05856319,0,0 -605,10.05856319,0,0 -606,10.14797264,0,0 -607,10.59501989,0,0 -608,11.22088605,0,0 -609,11.62322858,0,0 -610,11.8467522,0,0 -611,12.07027583,0,0 -612,11.6679333,0,0 -613,10.19267737,0,0 -614,8.717421431,0,0 -615,7.242165497,0,0 -616,5.766909562,0,0 -617,4.291653628,0,0 -618,2.816397693,0,0 -619,1.341141759,0,0 -620,0,0,0 -621,0,0,0 -622,0,0,0 -623,0,0,0 -624,0,0,0 -625,0,0,0 -626,0,0,0 -627,0,0,0 -628,0,0,0 -629,0,0,0 -630,0,0,0 -631,0,0,0 -632,0,0,0 -633,0,0,0 -634,0,0,0 -635,0,0,0 -636,0,0,0 -637,0,0,0 -638,0,0,0 -639,0,0,0 -640,0,0,0 -641,0,0,0 -642,0,0,0 -643,0,0,0 -644,0,0,0 -645,0,0,0 -646,0.894094506,0,0 -647,2.011712638,0,0 -648,3.486968573,0,0 -649,4.55988198,0,0 -650,5.588090661,0,0 -651,6.258661541,0,0 -652,6.839822969,0,0 -653,7.823326926,0,0 -654,8.762126157,0,0 -655,9.387992311,0,0 -656,9.924449014,0,0 -657,10.41620099,0,0 -658,10.9526577,0,0 -659,11.3102955,0,0 -660,11.44440967,0,0 -661,11.62322858,0,0 -662,11.6679333,0,0 -663,11.71263803,0,0 -664,11.71263803,0,0 -665,11.80204748,0,0 -666,11.8467522,0,0 -667,11.8467522,0,0 -668,11.62322858,0,0 -669,11.39970495,0,0 -670,10.55031517,0,0 -671,9.566811212,0,0 -672,8.270374179,0,0 -673,7.331574947,0,0 -674,6.482185167,0,0 -675,5.185748134,0,0 -676,3.8893111,0,0 -677,2.592874067,0,0 -678,1.564665385,0,0 -679,0.894094506,0,0 -680,0,0,0 -681,0,0,0 -682,0,0,0 -683,0,0,0 -684,0,0,0 -685,0,0,0 -686,0,0,0 -687,0,0,0 -688,0,0,0 -689,0,0,0 -690,0,0,0 -691,0,0,0 -692,0,0,0 -693,0,0,0 -694,0.625866154,0,0 -695,1.475255935,0,0 -696,1.967007913,0,0 -697,2.905807144,0,0 -698,4.112834727,0,0 -699,5.051633958,0,0 -700,6.035137914,0,0 -701,6.526889892,0,0 -702,7.331574947,0,0 -703,7.465689123,0,0 -704,7.376279673,0,0 -705,7.376279673,0,0 -706,8.136260003,0,0 -707,8.583307256,0,0 -708,8.985649783,0,0 -709,9.611515937,0,0 -710,10.05856319,0,0 -711,10.05856319,0,0 -712,9.879744289,0,0 -713,10.14797264,0,0 -714,10.41620099,0,0 -715,10.50561044,0,0 -716,10.05856319,0,0 -717,9.656220663,0,0 -718,9.164468684,0,0 -719,8.046850552,0,0 -720,6.705708793,0,0 -721,5.364567035,0,0 -722,4.023425276,0,0 -723,2.771692968,0,0 -724,2.011712638,0,0 -725,1.341141759,0,0 -726,0.938799231,0,0 -727,0.223523626,0,0 -728,0.223523626,0,0 -729,1.430551209,0,0 -730,2.905807144,0,0 -731,4.291653628,0,0 -732,5.588090661,0,0 -733,6.258661541,0,0 -734,7.152756046,0,0 -735,8.046850552,0,0 -736,8.762126157,0,0 -737,9.611515937,0,0 -738,10.32679154,0,0 -739,10.9526577,0,0 -740,11.39970495,0,0 -741,11.8467522,0,0 -742,12.11498055,0,0 -743,12.33850418,0,0 -744,12.47261836,0,0 -745,12.65143726,0,0 -746,12.78555143,0,0 -747,12.78555143,0,0 -748,12.65143726,0,0 -749,12.60673253,0,0 -750,12.51732308,0,0 -751,12.29379945,0,0 -752,11.98086638,0,0 -753,11.39970495,0,0 -754,10.50561044,0,0 -755,9.611515937,0,0 -756,8.493897805,0,0 -757,7.376279673,0,0 -758,6.661004068,0,0 -759,5.588090661,0,0 -760,4.202244177,0,0 -761,2.771692968,0,0 -762,1.341141759,0,0 -763,0.670570879,0,0 -764,0.670570879,0,0 -765,0.223523626,0,0 -766,0,0,0 -767,1.341141759,0,0 -768,2.816397693,0,0 -769,4.291653628,0,0 -770,5.766909562,0,0 -771,7.063346596,0,0 -772,7.823326926,0,0 -773,8.225669453,0,0 -774,8.717421431,0,0 -775,9.253878135,0,0 -776,9.835039564,0,0 -777,10.37149627,0,0 -778,11.17618132,0,0 -779,11.8467522,0,0 -780,12.29379945,0,0 -781,12.51732308,0,0 -782,12.65143726,0,0 -783,12.91966561,0,0 -784,12.91966561,0,0 -785,12.91966561,0,0 -786,12.87496088,0,0 -787,12.74084671,0,0 -788,12.65143726,0,0 -789,12.65143726,0,0 -790,12.65143726,0,0 -791,12.60673253,0,0 -792,12.33850418,0,0 -793,12.29379945,0,0 -794,12.29379945,0,0 -795,12.29379945,0,0 -796,12.29379945,0,0 -797,12.29379945,0,0 -798,12.29379945,0,0 -799,12.33850418,0,0 -800,12.51732308,0,0 -801,12.74084671,0,0 -802,13.41141759,0,0 -803,13.85846484,0,0 -804,14.30551209,0,0 -805,14.75255935,0,0 -806,14.75255935,0,0 -807,15.0207877,0,0 -808,15.1996066,0,0 -809,15.33372077,0,0 -810,15.28901605,0,0 -811,15.1996066,0,0 -812,15.1996066,0,0 -813,15.15490187,0,0 -814,15.0207877,0,0 -815,14.79726407,0,0 -816,14.75255935,0,0 -817,14.52903572,0,0 -818,14.30551209,0,0 -819,14.26080737,0,0 -820,14.12669319,0,0 -821,14.08198847,0,0 -822,13.67964594,0,0 -823,13.41141759,0,0 -824,13.36671286,0,0 -825,13.36671286,0,0 -826,13.36671286,0,0 -827,13.36671286,0,0 -828,13.23259869,0,0 -829,13.18789396,0,0 -830,13.18789396,0,0 -831,13.09848451,0,0 -832,12.91966561,0,0 -833,12.60673253,0,0 -834,12.38320891,0,0 -835,12.07027583,0,0 -836,11.39970495,0,0 -837,10.59501989,0,0 -838,9.835039564,0,0 -839,9.164468684,0,0 -840,8.583307256,0,0 -841,8.583307256,0,0 -842,8.985649783,0,0 -843,9.343287585,0,0 -844,9.566811212,0,0 -845,9.835039564,0,0 -846,10.10326792,0,0 -847,10.37149627,0,0 -848,10.72913407,0,0 -849,11.17618132,0,0 -850,11.62322858,0,0 -851,11.89145693,0,0 -852,11.89145693,0,0 -853,11.98086638,0,0 -854,12.07027583,0,0 -855,12.15968528,0,0 -856,12.42791363,0,0 -857,12.56202781,0,0 -858,12.87496088,0,0 -859,12.91966561,0,0 -860,12.96437033,0,0 -861,13.00907506,0,0 -862,12.96437033,0,0 -863,12.56202781,0,0 -864,12.29379945,0,0 -865,12.07027583,0,0 -866,11.53381912,0,0 -867,11.17618132,0,0 -868,10.9526577,0,0 -869,11.08677187,0,0 -870,11.22088605,0,0 -871,11.39970495,0,0 -872,11.4891144,0,0 -873,11.71263803,0,0 -874,12.0255711,0,0 -875,12.29379945,0,0 -876,12.42791363,0,0 -877,12.69614198,0,0 -878,12.96437033,0,0 -879,13.05377978,0,0 -880,13.00907506,0,0 -881,12.96437033,0,0 -882,12.91966561,0,0 -883,12.74084671,0,0 -884,12.56202781,0,0 -885,12.51732308,0,0 -886,12.51732308,0,0 -887,12.33850418,0,0 -888,12.15968528,0,0 -889,11.89145693,0,0 -890,12.07027583,0,0 -891,12.29379945,0,0 -892,12.42791363,0,0 -893,12.51732308,0,0 -894,12.42791363,0,0 -895,12.51732308,0,0 -896,12.51732308,0,0 -897,12.51732308,0,0 -898,12.38320891,0,0 -899,12.24909473,0,0 -900,12.0255711,0,0 -901,11.89145693,0,0 -902,11.8467522,0,0 -903,11.8467522,0,0 -904,11.8467522,0,0 -905,11.75734275,0,0 -906,11.71263803,0,0 -907,11.71263803,0,0 -908,11.57852385,0,0 -909,11.44440967,0,0 -910,11.44440967,0,0 -911,11.57852385,0,0 -912,11.53381912,0,0 -913,11.39970495,0,0 -914,10.99736242,0,0 -915,10.50561044,0,0 -916,9.924449014,0,0 -917,9.656220663,0,0 -918,9.656220663,0,0 -919,9.700925388,0,0 -920,10.10326792,0,0 -921,10.46090572,0,0 -922,10.72913407,0,0 -923,10.81854352,0,0 -924,10.90795297,0,0 -925,11.1314766,0,0 -926,11.22088605,0,0 -927,11.26559077,0,0 -928,11.3102955,0,0 -929,11.39970495,0,0 -930,11.26559077,0,0 -931,11.17618132,0,0 -932,11.17618132,0,0 -933,11.17618132,0,0 -934,11.04206715,0,0 -935,10.9526577,0,0 -936,10.86324825,0,0 -937,10.86324825,0,0 -938,10.9526577,0,0 -939,11.17618132,0,0 -940,11.17618132,0,0 -941,10.99736242,0,0 -942,10.99736242,0,0 -943,10.77383879,0,0 -944,10.9526577,0,0 -945,11.22088605,0,0 -946,11.44440967,0,0 -947,11.22088605,0,0 -948,10.72913407,0,0 -949,9.835039564,0,0 -950,8.985649783,0,0 -951,7.555098574,0,0 -952,6.079842639,0,0 -953,4.604586705,0,0 -954,3.12933077,0,0 -955,1.654074836,0,0 -956,0.178818901,0,0 -957,0,0,0 -958,0,0,0 -959,0,0,0 -960,0.894094506,0,0 -961,2.36935044,0,0 -962,3.844606375,0,0 -963,5.319862309,0,0 -964,6.795118244,0,0 -965,7.823326926,0,0 -966,8.315078904,0,0 -967,8.940945058,0,0 -968,9.432697036,0,0 -969,9.835039564,0,0 -970,10.28208682,0,0 -971,10.9526577,0,0 -972,11.75734275,0,0 -973,12.29379945,0,0 -974,12.56202781,0,0 -975,12.69614198,0,0 -976,12.74084671,0,0 -977,12.74084671,0,0 -978,12.74084671,0,0 -979,12.38320891,0,0 -980,12.29379945,0,0 -981,12.15968528,0,0 -982,11.98086638,0,0 -983,11.8467522,0,0 -984,11.62322858,0,0 -985,11.4891144,0,0 -986,11.26559077,0,0 -987,10.72913407,0,0 -988,9.835039564,0,0 -989,9.611515937,0,0 -990,9.611515937,0,0 -991,9.745630113,0,0 -992,10.05856319,0,0 -993,10.28208682,0,0 -994,10.19267737,0,0 -995,10.19267737,0,0 -996,10.28208682,0,0 -997,10.14797264,0,0 -998,10.14797264,0,0 -999,10.14797264,0,0 -1000,10.50561044,0,0 -1001,10.72913407,0,0 -1002,10.99736242,0,0 -1003,11.08677187,0,0 -1004,11.22088605,0,0 -1005,11.39970495,0,0 -1006,11.44440967,0,0 -1007,11.39970495,0,0 -1008,11.17618132,0,0 -1009,10.77383879,0,0 -1010,10.59501989,0,0 -1011,10.37149627,0,0 -1012,10.23738209,0,0 -1013,10.05856319,0,0 -1014,9.835039564,0,0 -1015,9.656220663,0,0 -1016,9.164468684,0,0 -1017,7.823326926,0,0 -1018,6.348070991,0,0 -1019,4.872815057,0,0 -1020,3.397559122,0,0 -1021,1.922303187,0,0 -1022,0.447047253,0,0 -1023,0,0,0 -1024,0,0,0 -1025,0,0,0 -1026,0,0,0 -1027,0,0,0 -1028,0,0,0 -1029,0,0,0 -1030,0,0,0 -1031,0,0,0 -1032,0,0,0 -1033,0,0,0 -1034,0,0,0 -1035,0,0,0 -1036,0,0,0 -1037,0,0,0 -1038,0,0,0 -1039,0,0,0 -1040,0,0,0 -1041,0,0,0 -1042,0,0,0 -1043,0,0,0 -1044,0,0,0 -1045,0,0,0 -1046,0,0,0 -1047,0,0,0 -1048,0,0,0 -1049,0,0,0 -1050,0,0,0 -1051,0,0,0 -1052,0,0,0 -1053,0.536456703,0,0 -1054,1.788189012,0,0 -1055,3.263444946,0,0 -1056,4.738700881,0,0 -1057,6.213956815,0,0 -1058,7.599803299,0,0 -1059,8.270374179,0,0 -1060,8.940945058,0,0 -1061,9.745630113,0,0 -1062,10.28208682,0,0 -1063,10.72913407,0,0 -1064,11.08677187,0,0 -1065,11.44440967,0,0 -1066,11.8467522,0,0 -1067,11.98086638,0,0 -1068,12.24909473,0,0 -1069,12.47261836,0,0 -1070,12.65143726,0,0 -1071,12.51732308,0,0 -1072,12.29379945,0,0 -1073,12.07027583,0,0 -1074,12.07027583,0,0 -1075,11.75734275,0,0 -1076,10.9526577,0,0 -1077,10.05856319,0,0 -1078,9.611515937,0,0 -1079,9.20917341,0,0 -1080,8.046850552,0,0 -1081,6.705708793,0,0 -1082,5.498681211,0,0 -1083,4.962224507,0,0 -1084,4.738700881,0,0 -1085,4.470472529,0,0 -1086,4.246948902,0,0 -1087,4.068130001,0,0 -1088,3.8893111,0,0 -1089,3.844606375,0,0 -1090,3.934015825,0,0 -1091,4.023425276,0,0 -1092,3.8893111,0,0 -1093,3.844606375,0,0 -1094,3.576378023,0,0 -1095,3.12933077,0,0 -1096,2.235236264,0,0 -1097,1.877598462,0,0 -1098,1.162322858,0,0 -1099,0.447047253,0,0 -1100,0,0,0 -1101,0.044704725,0,0 -1102,0.268228352,0,0 -1103,0.715275605,0,0 -1104,1.60937011,0,0 -1105,3.084626045,0,0 -1106,4.470472529,0,0 -1107,5.722204837,0,0 -1108,6.258661541,0,0 -1109,6.482185167,0,0 -1110,7.152756046,0,0 -1111,8.091555277,0,0 -1112,8.940945058,0,0 -1113,9.387992311,0,0 -1114,9.477401761,0,0 -1115,9.522106487,0,0 -1116,9.566811212,0,0 -1117,9.700925388,0,0 -1118,10.05856319,0,0 -1119,10.28208682,0,0 -1120,10.63972462,0,0 -1121,10.9526577,0,0 -1122,11.17618132,0,0 -1123,11.1314766,0,0 -1124,11.08677187,0,0 -1125,11.17618132,0,0 -1126,11.35500022,0,0 -1127,11.53381912,0,0 -1128,11.62322858,0,0 -1129,11.80204748,0,0 -1130,11.89145693,0,0 -1131,12.0255711,0,0 -1132,12.07027583,0,0 -1133,12.07027583,0,0 -1134,12.07027583,0,0 -1135,12.0255711,0,0 -1136,11.98086638,0,0 -1137,11.98086638,0,0 -1138,11.8467522,0,0 -1139,11.80204748,0,0 -1140,11.62322858,0,0 -1141,11.39970495,0,0 -1142,10.99736242,0,0 -1143,10.50561044,0,0 -1144,9.611515937,0,0 -1145,8.940945058,0,0 -1146,7.823326926,0,0 -1147,7.152756046,0,0 -1148,6.258661541,0,0 -1149,4.783405606,0,0 -1150,3.308149671,0,0 -1151,1.832893737,0,0 -1152,0.357637802,0,0 -1153,0,0,0 -1154,0,0,0 -1155,0,0,0 -1156,0,0,0 -1157,0,0,0 -1158,0,0,0 -1159,0,0,0 -1160,0,0,0 -1161,0,0,0 -1162,0,0,0 -1163,0,0,0 -1164,0,0,0 -1165,0,0,0 -1166,0,0,0 -1167,0,0,0 -1168,0,0,0 -1169,0.938799231,0,0 -1170,2.414055166,0,0 -1171,3.8893111,0,0 -1172,5.364567035,0,0 -1173,6.839822969,0,0 -1174,8.315078904,0,0 -1175,9.432697036,0,0 -1176,10.28208682,0,0 -1177,10.50561044,0,0 -1178,10.28208682,0,0 -1179,10.05856319,0,0 -1180,8.940945058,0,0 -1181,7.465689123,0,0 -1182,5.990433189,0,0 -1183,4.515177254,0,0 -1184,3.03992132,0,0 -1185,1.564665385,0,0 -1186,0.089409451,0,0 -1187,0,0,0 -1188,0,0,0 -1189,0,0,0 -1190,0,0,0 -1191,0,0,0 -1192,0,0,0 -1193,0,0,0 -1194,0,0,0 -1195,0,0,0 -1196,0,0,0 -1197,0.089409451,0,0 -1198,0.670570879,0,0 -1199,1.564665385,0,0 -1200,2.905807144,0,0 -1201,4.381063078,0,0 -1202,5.364567035,0,0 -1203,5.766909562,0,0 -1204,5.811614288,0,0 -1205,5.632795386,0,0 -1206,5.722204837,0,0 -1207,5.856319013,0,0 -1208,5.856319013,0,0 -1209,6.258661541,0,0 -1210,6.92923242,0,0 -1211,7.599803299,0,0 -1212,8.315078904,0,0 -1213,8.806830882,0,0 -1214,9.387992311,0,0 -1215,9.611515937,0,0 -1216,9.745630113,0,0 -1217,9.745630113,0,0 -1218,9.611515937,0,0 -1219,9.477401761,0,0 -1220,9.611515937,0,0 -1221,9.745630113,0,0 -1222,9.835039564,0,0 -1223,9.790334838,0,0 -1224,9.700925388,0,0 -1225,9.611515937,0,0 -1226,9.611515937,0,0 -1227,9.566811212,0,0 -1228,8.985649783,0,0 -1229,8.717421431,0,0 -1230,8.583307256,0,0 -1231,8.762126157,0,0 -1232,8.851535607,0,0 -1233,8.940945058,0,0 -1234,8.717421431,0,0 -1235,7.823326926,0,0 -1236,6.92923242,0,0 -1237,5.811614288,0,0 -1238,4.470472529,0,0 -1239,3.576378023,0,0 -1240,2.682283517,0,0 -1241,1.788189012,0,0 -1242,1.117618132,0,0 -1243,0.312933077,0,0 -1244,0,0,0 -1245,0,0,0 -1246,0,0,0 -1247,0,0,0 -1248,0,0,0 -1249,0,0,0 -1250,0,0,0 -1251,0,0,0 -1252,0.447047253,0,0 -1253,0.447047253,0,0 -1254,0.447047253,0,0 -1255,0.447047253,0,0 -1256,0.447047253,0,0 -1257,0.715275605,0,0 -1258,1.341141759,0,0 -1259,1.788189012,0,0 -1260,2.235236264,0,0 -1261,2.816397693,0,0 -1262,3.576378023,0,0 -1263,4.470472529,0,0 -1264,4.693996155,0,0 -1265,4.246948902,0,0 -1266,3.79990165,0,0 -1267,3.397559122,0,0 -1268,3.934015825,0,0 -1269,4.917519782,0,0 -1270,6.258661541,0,0 -1271,7.599803299,0,0 -1272,8.717421431,0,0 -1273,9.387992311,0,0 -1274,9.745630113,0,0 -1275,9.924449014,0,0 -1276,10.28208682,0,0 -1277,10.55031517,0,0 -1278,10.77383879,0,0 -1279,10.9526577,0,0 -1280,10.9526577,0,0 -1281,10.72913407,0,0 -1282,10.50561044,0,0 -1283,10.50561044,0,0 -1284,10.50561044,0,0 -1285,10.50561044,0,0 -1286,10.50561044,0,0 -1287,10.50561044,0,0 -1288,10.72913407,0,0 -1289,10.77383879,0,0 -1290,10.9526577,0,0 -1291,11.04206715,0,0 -1292,11.17618132,0,0 -1293,11.35500022,0,0 -1294,11.44440967,0,0 -1295,11.4891144,0,0 -1296,11.62322858,0,0 -1297,11.71263803,0,0 -1298,12.07027583,0,0 -1299,12.42791363,0,0 -1300,12.65143726,0,0 -1301,12.96437033,0,0 -1302,13.00907506,0,0 -1303,12.96437033,0,0 -1304,12.51732308,0,0 -1305,11.04206715,0,0 -1306,9.566811212,0,0 -1307,8.091555277,0,0 -1308,6.616299343,0,0 -1309,5.141043408,0,0 -1310,3.665787474,0,0 -1311,2.190531539,0,0 -1312,0.715275605,0,0 -1313,0,0,0 -1314,0,0,0 -1315,0,0,0 -1316,0,0,0 -1317,0,0,0 -1318,0,0,0 -1319,0,0,0 -1320,0,0,0 -1321,0,0,0 -1322,0,0,0 -1323,0,0,0 -1324,0,0,0 -1325,0,0,0 -1326,0,0,0 -1327,0,0,0 -1328,0,0,0 -1329,0,0,0 -1330,0,0,0 -1331,0,0,0 -1332,0,0,0 -1333,0,0,0 -1334,0,0,0 -1335,0,0,0 -1336,0,0,0 -1337,0,0,0 -1338,0.670570879,0,0 -1339,2.145826814,0,0 -1340,3.621082748,0,0 -1341,5.096338683,0,0 -1342,5.901023738,0,0 -1343,6.750413519,0,0 -1344,7.510393849,0,0 -1345,8.180964728,0,0 -1346,8.717421431,0,0 -1347,9.075059234,0,0 -1348,9.522106487,0,0 -1349,9.790334838,0,0 -1350,9.879744289,0,0 -1351,10.01385846,0,0 -1352,9.835039564,0,0 -1353,9.656220663,0,0 -1354,9.432697036,0,0 -1355,9.164468684,0,0 -1356,8.940945058,0,0 -1357,8.762126157,0,0 -1358,8.270374179,0,0 -1359,7.823326926,0,0 -1360,7.376279673,0,0 -1361,6.92923242,0,0 -1362,6.258661541,0,0 -1363,4.917519782,0,0 -1364,3.576378023,0,0 -1365,2.324645715,0,0 -1366,1.117618132,0,0 -1367,0,0,0 -1368,0,0,0 -1369,0,0,0 +time_seconds,speed_meters_per_second,grade +0,0,0 +1,0,0 +2,0,0 +3,0,0 +4,0,0 +5,0,0 +6,0,0 +7,0,0 +8,0,0 +9,0,0 +10,0,0 +11,0,0 +12,0,0 +13,0,0 +14,0,0 +15,0,0 +16,0,0 +17,0,0 +18,0,0 +19,0,0 +20,0,0 +21,1.341141759,0 +22,2.637578792,0 +23,3.844606375,0 +24,5.141043408,0 +25,6.392775716,0 +26,7.555098574,0 +27,7.733917475,0 +28,8.091555277,0 +29,9.253878135,0 +30,9.700925388,0 +31,10.01385846,0 +32,10.05856319,0 +33,9.879744289,0 +34,9.611515937,0 +35,9.343287585,0 +36,9.119763959,0 +37,8.851535607,0 +38,7.599803299,0 +39,6.661004068,0 +40,6.661004068,0 +41,6.795118244,0 +42,6.92923242,0 +43,7.152756046,0 +44,7.644508024,0 +45,8.53860253,0 +46,9.432697036,0 +47,10.14797264,0 +48,10.23738209,0 +49,10.14797264,0 +50,10.10326792,0 +51,9.522106487,0 +52,8.493897805,0 +53,7.644508024,0 +54,7.063346596,0 +55,7.063346596,0 +56,7.912736376,0 +57,8.851535607,0 +58,9.656220663,0 +59,10.37149627,0 +60,10.81854352,0 +61,10.99736242,0 +62,11.1314766,0 +63,11.17618132,0 +64,10.99736242,0 +65,10.9526577,0 +66,11.04206715,0 +67,11.08677187,0 +68,11.04206715,0 +69,10.99736242,0 +70,10.99736242,0 +71,11.22088605,0 +72,11.44440967,0 +73,11.4891144,0 +74,11.35500022,0 +75,11.1314766,0 +76,11.17618132,0 +77,11.35500022,0 +78,11.62322858,0 +79,11.62322858,0 +80,11.4891144,0 +81,11.6679333,0 +82,11.93616165,0 +83,12.29379945,0 +84,12.78555143,0 +85,13.09848451,0 +86,13.32200814,0 +87,13.45612231,0 +88,13.59023649,0 +89,13.72435066,0 +90,13.72435066,0 +91,13.63494121,0 +92,13.59023649,0 +93,13.54553176,0 +94,13.59023649,0 +95,13.76905539,0 +96,13.59023649,0 +97,13.36671286,0 +98,13.18789396,0 +99,13.32200814,0 +100,13.54553176,0 +101,13.72435066,0 +102,13.81376011,0 +103,13.85846484,0 +104,13.81376011,0 +105,13.59023649,0 +106,13.32200814,0 +107,13.36671286,0 +108,13.50082704,0 +109,13.72435066,0 +110,13.94787429,0 +111,14.21610264,0 +112,14.39492154,0 +113,14.48433099,0 +114,14.39492154,0 +115,14.17139792,0 +116,12.78555143,0 +117,11.3102955,0 +118,9.835039564,0 +119,8.359783629,0 +120,6.884527695,0 +121,5.40927176,0 +122,3.934015825,0 +123,2.458759891,0 +124,0.983503956,0 +125,0,0 +126,0,0 +127,0,0 +128,0,0 +129,0,0 +130,0,0 +131,0,0 +132,0,0 +133,0,0 +134,0,0 +135,0,0 +136,0,0 +137,0,0 +138,0,0 +139,0,0 +140,0,0 +141,0,0 +142,0,0 +143,0,0 +144,0,0 +145,0,0 +146,0,0 +147,0,0 +148,0,0 +149,0,0 +150,0,0 +151,0,0 +152,0,0 +153,0,0 +154,0,0 +155,0,0 +156,0,0 +157,0,0 +158,0,0 +159,0,0 +160,0,0 +161,0,0 +162,0,0 +163,0,0 +164,1.475255935,0 +165,2.950511869,0 +166,4.425767804,0 +167,5.901023738,0 +168,7.376279673,0 +169,8.851535607,0 +170,9.924449014,0 +171,10.86324825,0 +172,11.53381912,0 +173,11.80204748,0 +174,11.4891144,0 +175,11.22088605,0 +176,11.04206715,0 +177,11.17618132,0 +178,11.26559077,0 +179,11.35500022,0 +180,11.53381912,0 +181,12.15968528,0 +182,11.8467522,0 +183,10.72913407,0 +184,10.14797264,0 +185,8.672716706,0 +186,7.912736376,0 +187,7.68921275,0 +188,8.091555277,0 +189,8.315078904,0 +190,8.940945058,0 +191,9.924449014,0 +192,10.9526577,0 +193,12.20439,0 +194,13.63494121,0 +195,14.97608297,0 +196,16.18311055,0 +197,16.67486253,0 +198,17.56895704,0 +199,18.10541374,0 +200,18.82068935,0 +201,19.4465555,0 +202,20.16183111,0 +203,20.56417363,0 +204,20.92181144,0 +205,21.23474451,0 +206,21.23474451,0 +207,21.14533506,0 +208,21.10063034,0 +209,21.01122089,0 +210,21.01122089,0 +211,21.01122089,0 +212,21.01122089,0 +213,21.01122089,0 +214,21.10063034,0 +215,21.19003979,0 +216,21.41356341,0 +217,21.68179177,0 +218,21.95002012,0 +219,22.12883902,0 +220,22.35236264,0 +221,22.620591,0 +222,22.7994099,0 +223,23.02293352,0 +224,23.3358666,0 +225,23.78291385,0 +226,24.18525638,0 +227,24.40878001,0 +228,24.54289418,0 +229,24.58759891,0 +230,24.54289418,0 +231,24.40878001,0 +232,24.40878001,0 +233,24.49818946,0 +234,24.63230363,0 +235,24.81112254,0 +236,24.90053199,0 +237,25.07935089,0 +238,25.16876034,0 +239,25.30287451,0 +240,25.34757924,0 +241,25.34757924,0 +242,25.25816979,0 +243,25.25816979,0 +244,25.25816979,0 +245,25.25816979,0 +246,25.25816979,0 +247,25.25816979,0 +248,25.21346506,0 +249,25.07935089,0 +250,24.94523671,0 +251,24.63230363,0 +252,24.40878001,0 +253,24.22996111,0 +254,24.14055166,0 +255,24.00643748,0 +256,23.96173276,0 +257,24.09584693,0 +258,24.14055166,0 +259,24.18525638,0 +260,24.18525638,0 +261,24.05114221,0 +262,23.8723233,0 +263,23.6935044,0 +264,23.5146855,0 +265,23.29116188,0 +266,23.42527605,0 +267,23.24645715,0 +268,23.20175243,0 +269,23.11234297,0 +270,23.02293352,0 +271,23.06763825,0 +272,23.1570477,0 +273,23.29116188,0 +274,23.46998078,0 +275,23.6935044,0 +276,23.91702803,0 +277,24.14055166,0 +278,24.54289418,0 +279,24.76641781,0 +280,24.85582726,0 +281,25.03464616,0 +282,25.03464616,0 +283,24.94523671,0 +284,24.67700836,0 +285,24.36407528,0 +286,23.96173276,0 +287,23.46998078,0 +288,23.02293352,0 +289,23.02293352,0 +290,23.02293352,0 +291,22.84411462,0 +292,22.39706737,0 +293,22.35236264,0 +294,22.39706737,0 +295,22.35236264,0 +296,22.17354374,0 +297,22.12883902,0 +298,22.12883902,0 +299,22.12883902,0 +300,21.95002012,0 +301,21.72649649,0 +302,21.50297286,0 +303,21.10063034,0 +304,20.60887836,0 +305,20.11712638,0 +306,19.58066968,0 +307,19.04421297,0 +308,18.552461,0 +309,18.01600429,0 +310,17.21131924,0 +311,16.54074836,0 +312,15.7360633,0 +313,15.11019715,0 +314,14.52903572,0 +315,14.08198847,0 +316,13.67964594,0 +317,13.63494121,0 +318,13.41141759,0 +319,12.96437033,0 +320,12.29379945,0 +321,11.08677187,0 +322,9.611515937,0 +323,8.985649783,0 +324,8.53860253,0 +325,8.270374179,0 +326,7.599803299,0 +327,6.92923242,0 +328,5.588090661,0 +329,4.828110331,0 +330,3.576378023,0 +331,2.101122089,0 +332,0.625866154,0 +333,0,0 +334,0,0 +335,0,0 +336,0,0 +337,0,0 +338,0,0 +339,0,0 +340,0,0 +341,0,0 +342,0,0 +343,0,0 +344,0,0 +345,0,0 +346,0,0 +347,0.447047253,0 +348,1.922303187,0 +349,3.397559122,0 +350,4.872815057,0 +351,6.348070991,0 +352,7.733917475,0 +353,8.940945058,0 +354,10.05856319,0 +355,10.59501989,0 +356,11.26559077,0 +357,11.89145693,0 +358,12.56202781,0 +359,13.41141759,0 +360,13.76905539,0 +361,14.12669319,0 +362,14.35021682,0 +363,14.66314989,0 +364,15.0207877,0 +365,15.42313022,0 +366,15.46783495,0 +367,15.60194913,0 +368,15.5572444,0 +369,15.42313022,0 +370,15.51253968,0 +371,15.87017748,0 +372,16.0937011,0 +373,16.0937011,0 +374,16.0937011,0 +375,16.0937011,0 +376,16.0937011,0 +377,16.0937011,0 +378,16.13840583,0 +379,16.27252001,0 +380,16.31722473,0 +381,16.27252001,0 +382,16.0937011,0 +383,15.69135858,0 +384,15.24431132,0 +385,14.97608297,0 +386,14.03728374,0 +387,12.96437033,0 +388,11.4891144,0 +389,10.28208682,0 +390,9.075059234,0 +391,7.823326926,0 +392,6.482185167,0 +393,5.364567035,0 +394,3.8893111,0 +395,2.414055166,0 +396,0.938799231,0 +397,0,0 +398,0,0 +399,0,0 +400,0,0 +401,0,0 +402,0,0 +403,1.162322858,0 +404,2.637578792,0 +405,4.112834727,0 +406,5.588090661,0 +407,7.063346596,0 +408,8.53860253,0 +409,10.01385846,0 +410,11.17618132,0 +411,11.44440967,0 +412,12.29379945,0 +413,12.96437033,0 +414,13.41141759,0 +415,13.45612231,0 +416,13.41141759,0 +417,13.27730341,0 +418,13.09848451,0 +419,12.87496088,0 +420,12.51732308,0 +421,11.17618132,0 +422,9.700925388,0 +423,8.225669453,0 +424,6.750413519,0 +425,5.275157584,0 +426,3.79990165,0 +427,2.324645715,0 +428,0.84938978,0 +429,0,0 +430,0,0 +431,0,0 +432,0,0 +433,0,0 +434,0,0 +435,0,0 +436,0,0 +437,0,0 +438,0,0 +439,0,0 +440,0,0 +441,0,0 +442,0,0 +443,0,0 +444,0,0 +445,0,0 +446,0,0 +447,0,0 +448,1.475255935,0 +449,2.950511869,0 +450,4.425767804,0 +451,5.901023738,0 +452,7.376279673,0 +453,8.851535607,0 +454,10.32679154,0 +455,11.80204748,0 +456,12.42791363,0 +457,13.00907506,0 +458,14.08198847,0 +459,14.75255935,0 +460,15.0207877,0 +461,15.5572444,0 +462,15.69135858,0 +463,15.9148822,0 +464,16.13840583,0 +465,16.0937011,0 +466,16.13840583,0 +467,16.18311055,0 +468,16.0937011,0 +469,15.95958693,0 +470,16.0937011,0 +471,16.0937011,0 +472,15.9148822,0 +473,15.87017748,0 +474,15.82547275,0 +475,15.7360633,0 +476,15.7360633,0 +477,15.7360633,0 +478,15.7360633,0 +479,15.7360633,0 +480,15.7360633,0 +481,15.64665385,0 +482,15.69135858,0 +483,15.7360633,0 +484,15.87017748,0 +485,15.7360633,0 +486,15.64665385,0 +487,15.64665385,0 +488,15.64665385,0 +489,15.5572444,0 +490,15.46783495,0 +491,15.42313022,0 +492,14.97608297,0 +493,14.30551209,0 +494,13.45612231,0 +495,12.51732308,0 +496,11.39970495,0 +497,10.05856319,0 +498,8.851535607,0 +499,7.376279673,0 +500,5.901023738,0 +501,4.604586705,0 +502,3.218740221,0 +503,1.788189012,0 +504,0.447047253,0 +505,0,0 +506,0,0 +507,0,0 +508,0,0 +509,0,0 +510,0,0 +511,0.536456703,0 +512,1.564665385,0 +513,2.458759891,0 +514,2.905807144,0 +515,3.79990165,0 +516,4.291653628,0 +517,4.693996155,0 +518,5.319862309,0 +519,6.258661541,0 +520,7.152756046,0 +521,7.912736376,0 +522,8.493897805,0 +523,8.985649783,0 +524,9.387992311,0 +525,9.835039564,0 +526,10.28208682,0 +527,10.63972462,0 +528,10.9526577,0 +529,11.1314766,0 +530,11.17618132,0 +531,11.17618132,0 +532,11.17618132,0 +533,11.17618132,0 +534,11.17618132,0 +535,11.17618132,0 +536,11.44440967,0 +537,11.53381912,0 +538,11.62322858,0 +539,11.44440967,0 +540,11.26559077,0 +541,11.17618132,0 +542,11.17618132,0 +543,11.17618132,0 +544,10.90795297,0 +545,10.32679154,0 +546,8.851535607,0 +547,7.376279673,0 +548,5.901023738,0 +549,4.425767804,0 +550,2.950511869,0 +551,1.475255935,0 +552,0,0 +553,0,0 +554,0,0 +555,0,0 +556,0,0 +557,0,0 +558,0,0 +559,0,0 +560,0,0 +561,0,0 +562,0,0 +563,0,0 +564,0,0 +565,0,0 +566,0,0 +567,0,0 +568,0,0 +569,1.475255935,0 +570,2.950511869,0 +571,4.425767804,0 +572,5.811614288,0 +573,6.526889892,0 +574,7.152756046,0 +575,7.599803299,0 +576,7.599803299,0 +577,7.599803299,0 +578,7.823326926,0 +579,7.912736376,0 +580,7.912736376,0 +581,7.823326926,0 +582,7.599803299,0 +583,7.555098574,0 +584,7.420984398,0 +585,7.599803299,0 +586,7.644508024,0 +587,7.599803299,0 +588,7.420984398,0 +589,7.376279673,0 +590,7.376279673,0 +591,7.420984398,0 +592,7.599803299,0 +593,7.868031651,0 +594,8.270374179,0 +595,8.583307256,0 +596,9.030354508,0 +597,9.387992311,0 +598,9.432697036,0 +599,9.477401761,0 +600,9.656220663,0 +601,9.835039564,0 +602,10.01385846,0 +603,10.05856319,0 +604,10.05856319,0 +605,10.05856319,0 +606,10.14797264,0 +607,10.59501989,0 +608,11.22088605,0 +609,11.62322858,0 +610,11.8467522,0 +611,12.07027583,0 +612,11.6679333,0 +613,10.19267737,0 +614,8.717421431,0 +615,7.242165497,0 +616,5.766909562,0 +617,4.291653628,0 +618,2.816397693,0 +619,1.341141759,0 +620,0,0 +621,0,0 +622,0,0 +623,0,0 +624,0,0 +625,0,0 +626,0,0 +627,0,0 +628,0,0 +629,0,0 +630,0,0 +631,0,0 +632,0,0 +633,0,0 +634,0,0 +635,0,0 +636,0,0 +637,0,0 +638,0,0 +639,0,0 +640,0,0 +641,0,0 +642,0,0 +643,0,0 +644,0,0 +645,0,0 +646,0.894094506,0 +647,2.011712638,0 +648,3.486968573,0 +649,4.55988198,0 +650,5.588090661,0 +651,6.258661541,0 +652,6.839822969,0 +653,7.823326926,0 +654,8.762126157,0 +655,9.387992311,0 +656,9.924449014,0 +657,10.41620099,0 +658,10.9526577,0 +659,11.3102955,0 +660,11.44440967,0 +661,11.62322858,0 +662,11.6679333,0 +663,11.71263803,0 +664,11.71263803,0 +665,11.80204748,0 +666,11.8467522,0 +667,11.8467522,0 +668,11.62322858,0 +669,11.39970495,0 +670,10.55031517,0 +671,9.566811212,0 +672,8.270374179,0 +673,7.331574947,0 +674,6.482185167,0 +675,5.185748134,0 +676,3.8893111,0 +677,2.592874067,0 +678,1.564665385,0 +679,0.894094506,0 +680,0,0 +681,0,0 +682,0,0 +683,0,0 +684,0,0 +685,0,0 +686,0,0 +687,0,0 +688,0,0 +689,0,0 +690,0,0 +691,0,0 +692,0,0 +693,0,0 +694,0.625866154,0 +695,1.475255935,0 +696,1.967007913,0 +697,2.905807144,0 +698,4.112834727,0 +699,5.051633958,0 +700,6.035137914,0 +701,6.526889892,0 +702,7.331574947,0 +703,7.465689123,0 +704,7.376279673,0 +705,7.376279673,0 +706,8.136260003,0 +707,8.583307256,0 +708,8.985649783,0 +709,9.611515937,0 +710,10.05856319,0 +711,10.05856319,0 +712,9.879744289,0 +713,10.14797264,0 +714,10.41620099,0 +715,10.50561044,0 +716,10.05856319,0 +717,9.656220663,0 +718,9.164468684,0 +719,8.046850552,0 +720,6.705708793,0 +721,5.364567035,0 +722,4.023425276,0 +723,2.771692968,0 +724,2.011712638,0 +725,1.341141759,0 +726,0.938799231,0 +727,0.223523626,0 +728,0.223523626,0 +729,1.430551209,0 +730,2.905807144,0 +731,4.291653628,0 +732,5.588090661,0 +733,6.258661541,0 +734,7.152756046,0 +735,8.046850552,0 +736,8.762126157,0 +737,9.611515937,0 +738,10.32679154,0 +739,10.9526577,0 +740,11.39970495,0 +741,11.8467522,0 +742,12.11498055,0 +743,12.33850418,0 +744,12.47261836,0 +745,12.65143726,0 +746,12.78555143,0 +747,12.78555143,0 +748,12.65143726,0 +749,12.60673253,0 +750,12.51732308,0 +751,12.29379945,0 +752,11.98086638,0 +753,11.39970495,0 +754,10.50561044,0 +755,9.611515937,0 +756,8.493897805,0 +757,7.376279673,0 +758,6.661004068,0 +759,5.588090661,0 +760,4.202244177,0 +761,2.771692968,0 +762,1.341141759,0 +763,0.670570879,0 +764,0.670570879,0 +765,0.223523626,0 +766,0,0 +767,1.341141759,0 +768,2.816397693,0 +769,4.291653628,0 +770,5.766909562,0 +771,7.063346596,0 +772,7.823326926,0 +773,8.225669453,0 +774,8.717421431,0 +775,9.253878135,0 +776,9.835039564,0 +777,10.37149627,0 +778,11.17618132,0 +779,11.8467522,0 +780,12.29379945,0 +781,12.51732308,0 +782,12.65143726,0 +783,12.91966561,0 +784,12.91966561,0 +785,12.91966561,0 +786,12.87496088,0 +787,12.74084671,0 +788,12.65143726,0 +789,12.65143726,0 +790,12.65143726,0 +791,12.60673253,0 +792,12.33850418,0 +793,12.29379945,0 +794,12.29379945,0 +795,12.29379945,0 +796,12.29379945,0 +797,12.29379945,0 +798,12.29379945,0 +799,12.33850418,0 +800,12.51732308,0 +801,12.74084671,0 +802,13.41141759,0 +803,13.85846484,0 +804,14.30551209,0 +805,14.75255935,0 +806,14.75255935,0 +807,15.0207877,0 +808,15.1996066,0 +809,15.33372077,0 +810,15.28901605,0 +811,15.1996066,0 +812,15.1996066,0 +813,15.15490187,0 +814,15.0207877,0 +815,14.79726407,0 +816,14.75255935,0 +817,14.52903572,0 +818,14.30551209,0 +819,14.26080737,0 +820,14.12669319,0 +821,14.08198847,0 +822,13.67964594,0 +823,13.41141759,0 +824,13.36671286,0 +825,13.36671286,0 +826,13.36671286,0 +827,13.36671286,0 +828,13.23259869,0 +829,13.18789396,0 +830,13.18789396,0 +831,13.09848451,0 +832,12.91966561,0 +833,12.60673253,0 +834,12.38320891,0 +835,12.07027583,0 +836,11.39970495,0 +837,10.59501989,0 +838,9.835039564,0 +839,9.164468684,0 +840,8.583307256,0 +841,8.583307256,0 +842,8.985649783,0 +843,9.343287585,0 +844,9.566811212,0 +845,9.835039564,0 +846,10.10326792,0 +847,10.37149627,0 +848,10.72913407,0 +849,11.17618132,0 +850,11.62322858,0 +851,11.89145693,0 +852,11.89145693,0 +853,11.98086638,0 +854,12.07027583,0 +855,12.15968528,0 +856,12.42791363,0 +857,12.56202781,0 +858,12.87496088,0 +859,12.91966561,0 +860,12.96437033,0 +861,13.00907506,0 +862,12.96437033,0 +863,12.56202781,0 +864,12.29379945,0 +865,12.07027583,0 +866,11.53381912,0 +867,11.17618132,0 +868,10.9526577,0 +869,11.08677187,0 +870,11.22088605,0 +871,11.39970495,0 +872,11.4891144,0 +873,11.71263803,0 +874,12.0255711,0 +875,12.29379945,0 +876,12.42791363,0 +877,12.69614198,0 +878,12.96437033,0 +879,13.05377978,0 +880,13.00907506,0 +881,12.96437033,0 +882,12.91966561,0 +883,12.74084671,0 +884,12.56202781,0 +885,12.51732308,0 +886,12.51732308,0 +887,12.33850418,0 +888,12.15968528,0 +889,11.89145693,0 +890,12.07027583,0 +891,12.29379945,0 +892,12.42791363,0 +893,12.51732308,0 +894,12.42791363,0 +895,12.51732308,0 +896,12.51732308,0 +897,12.51732308,0 +898,12.38320891,0 +899,12.24909473,0 +900,12.0255711,0 +901,11.89145693,0 +902,11.8467522,0 +903,11.8467522,0 +904,11.8467522,0 +905,11.75734275,0 +906,11.71263803,0 +907,11.71263803,0 +908,11.57852385,0 +909,11.44440967,0 +910,11.44440967,0 +911,11.57852385,0 +912,11.53381912,0 +913,11.39970495,0 +914,10.99736242,0 +915,10.50561044,0 +916,9.924449014,0 +917,9.656220663,0 +918,9.656220663,0 +919,9.700925388,0 +920,10.10326792,0 +921,10.46090572,0 +922,10.72913407,0 +923,10.81854352,0 +924,10.90795297,0 +925,11.1314766,0 +926,11.22088605,0 +927,11.26559077,0 +928,11.3102955,0 +929,11.39970495,0 +930,11.26559077,0 +931,11.17618132,0 +932,11.17618132,0 +933,11.17618132,0 +934,11.04206715,0 +935,10.9526577,0 +936,10.86324825,0 +937,10.86324825,0 +938,10.9526577,0 +939,11.17618132,0 +940,11.17618132,0 +941,10.99736242,0 +942,10.99736242,0 +943,10.77383879,0 +944,10.9526577,0 +945,11.22088605,0 +946,11.44440967,0 +947,11.22088605,0 +948,10.72913407,0 +949,9.835039564,0 +950,8.985649783,0 +951,7.555098574,0 +952,6.079842639,0 +953,4.604586705,0 +954,3.12933077,0 +955,1.654074836,0 +956,0.178818901,0 +957,0,0 +958,0,0 +959,0,0 +960,0.894094506,0 +961,2.36935044,0 +962,3.844606375,0 +963,5.319862309,0 +964,6.795118244,0 +965,7.823326926,0 +966,8.315078904,0 +967,8.940945058,0 +968,9.432697036,0 +969,9.835039564,0 +970,10.28208682,0 +971,10.9526577,0 +972,11.75734275,0 +973,12.29379945,0 +974,12.56202781,0 +975,12.69614198,0 +976,12.74084671,0 +977,12.74084671,0 +978,12.74084671,0 +979,12.38320891,0 +980,12.29379945,0 +981,12.15968528,0 +982,11.98086638,0 +983,11.8467522,0 +984,11.62322858,0 +985,11.4891144,0 +986,11.26559077,0 +987,10.72913407,0 +988,9.835039564,0 +989,9.611515937,0 +990,9.611515937,0 +991,9.745630113,0 +992,10.05856319,0 +993,10.28208682,0 +994,10.19267737,0 +995,10.19267737,0 +996,10.28208682,0 +997,10.14797264,0 +998,10.14797264,0 +999,10.14797264,0 +1000,10.50561044,0 +1001,10.72913407,0 +1002,10.99736242,0 +1003,11.08677187,0 +1004,11.22088605,0 +1005,11.39970495,0 +1006,11.44440967,0 +1007,11.39970495,0 +1008,11.17618132,0 +1009,10.77383879,0 +1010,10.59501989,0 +1011,10.37149627,0 +1012,10.23738209,0 +1013,10.05856319,0 +1014,9.835039564,0 +1015,9.656220663,0 +1016,9.164468684,0 +1017,7.823326926,0 +1018,6.348070991,0 +1019,4.872815057,0 +1020,3.397559122,0 +1021,1.922303187,0 +1022,0.447047253,0 +1023,0,0 +1024,0,0 +1025,0,0 +1026,0,0 +1027,0,0 +1028,0,0 +1029,0,0 +1030,0,0 +1031,0,0 +1032,0,0 +1033,0,0 +1034,0,0 +1035,0,0 +1036,0,0 +1037,0,0 +1038,0,0 +1039,0,0 +1040,0,0 +1041,0,0 +1042,0,0 +1043,0,0 +1044,0,0 +1045,0,0 +1046,0,0 +1047,0,0 +1048,0,0 +1049,0,0 +1050,0,0 +1051,0,0 +1052,0,0 +1053,0.536456703,0 +1054,1.788189012,0 +1055,3.263444946,0 +1056,4.738700881,0 +1057,6.213956815,0 +1058,7.599803299,0 +1059,8.270374179,0 +1060,8.940945058,0 +1061,9.745630113,0 +1062,10.28208682,0 +1063,10.72913407,0 +1064,11.08677187,0 +1065,11.44440967,0 +1066,11.8467522,0 +1067,11.98086638,0 +1068,12.24909473,0 +1069,12.47261836,0 +1070,12.65143726,0 +1071,12.51732308,0 +1072,12.29379945,0 +1073,12.07027583,0 +1074,12.07027583,0 +1075,11.75734275,0 +1076,10.9526577,0 +1077,10.05856319,0 +1078,9.611515937,0 +1079,9.20917341,0 +1080,8.046850552,0 +1081,6.705708793,0 +1082,5.498681211,0 +1083,4.962224507,0 +1084,4.738700881,0 +1085,4.470472529,0 +1086,4.246948902,0 +1087,4.068130001,0 +1088,3.8893111,0 +1089,3.844606375,0 +1090,3.934015825,0 +1091,4.023425276,0 +1092,3.8893111,0 +1093,3.844606375,0 +1094,3.576378023,0 +1095,3.12933077,0 +1096,2.235236264,0 +1097,1.877598462,0 +1098,1.162322858,0 +1099,0.447047253,0 +1100,0,0 +1101,0.044704725,0 +1102,0.268228352,0 +1103,0.715275605,0 +1104,1.60937011,0 +1105,3.084626045,0 +1106,4.470472529,0 +1107,5.722204837,0 +1108,6.258661541,0 +1109,6.482185167,0 +1110,7.152756046,0 +1111,8.091555277,0 +1112,8.940945058,0 +1113,9.387992311,0 +1114,9.477401761,0 +1115,9.522106487,0 +1116,9.566811212,0 +1117,9.700925388,0 +1118,10.05856319,0 +1119,10.28208682,0 +1120,10.63972462,0 +1121,10.9526577,0 +1122,11.17618132,0 +1123,11.1314766,0 +1124,11.08677187,0 +1125,11.17618132,0 +1126,11.35500022,0 +1127,11.53381912,0 +1128,11.62322858,0 +1129,11.80204748,0 +1130,11.89145693,0 +1131,12.0255711,0 +1132,12.07027583,0 +1133,12.07027583,0 +1134,12.07027583,0 +1135,12.0255711,0 +1136,11.98086638,0 +1137,11.98086638,0 +1138,11.8467522,0 +1139,11.80204748,0 +1140,11.62322858,0 +1141,11.39970495,0 +1142,10.99736242,0 +1143,10.50561044,0 +1144,9.611515937,0 +1145,8.940945058,0 +1146,7.823326926,0 +1147,7.152756046,0 +1148,6.258661541,0 +1149,4.783405606,0 +1150,3.308149671,0 +1151,1.832893737,0 +1152,0.357637802,0 +1153,0,0 +1154,0,0 +1155,0,0 +1156,0,0 +1157,0,0 +1158,0,0 +1159,0,0 +1160,0,0 +1161,0,0 +1162,0,0 +1163,0,0 +1164,0,0 +1165,0,0 +1166,0,0 +1167,0,0 +1168,0,0 +1169,0.938799231,0 +1170,2.414055166,0 +1171,3.8893111,0 +1172,5.364567035,0 +1173,6.839822969,0 +1174,8.315078904,0 +1175,9.432697036,0 +1176,10.28208682,0 +1177,10.50561044,0 +1178,10.28208682,0 +1179,10.05856319,0 +1180,8.940945058,0 +1181,7.465689123,0 +1182,5.990433189,0 +1183,4.515177254,0 +1184,3.03992132,0 +1185,1.564665385,0 +1186,0.089409451,0 +1187,0,0 +1188,0,0 +1189,0,0 +1190,0,0 +1191,0,0 +1192,0,0 +1193,0,0 +1194,0,0 +1195,0,0 +1196,0,0 +1197,0.089409451,0 +1198,0.670570879,0 +1199,1.564665385,0 +1200,2.905807144,0 +1201,4.381063078,0 +1202,5.364567035,0 +1203,5.766909562,0 +1204,5.811614288,0 +1205,5.632795386,0 +1206,5.722204837,0 +1207,5.856319013,0 +1208,5.856319013,0 +1209,6.258661541,0 +1210,6.92923242,0 +1211,7.599803299,0 +1212,8.315078904,0 +1213,8.806830882,0 +1214,9.387992311,0 +1215,9.611515937,0 +1216,9.745630113,0 +1217,9.745630113,0 +1218,9.611515937,0 +1219,9.477401761,0 +1220,9.611515937,0 +1221,9.745630113,0 +1222,9.835039564,0 +1223,9.790334838,0 +1224,9.700925388,0 +1225,9.611515937,0 +1226,9.611515937,0 +1227,9.566811212,0 +1228,8.985649783,0 +1229,8.717421431,0 +1230,8.583307256,0 +1231,8.762126157,0 +1232,8.851535607,0 +1233,8.940945058,0 +1234,8.717421431,0 +1235,7.823326926,0 +1236,6.92923242,0 +1237,5.811614288,0 +1238,4.470472529,0 +1239,3.576378023,0 +1240,2.682283517,0 +1241,1.788189012,0 +1242,1.117618132,0 +1243,0.312933077,0 +1244,0,0 +1245,0,0 +1246,0,0 +1247,0,0 +1248,0,0 +1249,0,0 +1250,0,0 +1251,0,0 +1252,0.447047253,0 +1253,0.447047253,0 +1254,0.447047253,0 +1255,0.447047253,0 +1256,0.447047253,0 +1257,0.715275605,0 +1258,1.341141759,0 +1259,1.788189012,0 +1260,2.235236264,0 +1261,2.816397693,0 +1262,3.576378023,0 +1263,4.470472529,0 +1264,4.693996155,0 +1265,4.246948902,0 +1266,3.79990165,0 +1267,3.397559122,0 +1268,3.934015825,0 +1269,4.917519782,0 +1270,6.258661541,0 +1271,7.599803299,0 +1272,8.717421431,0 +1273,9.387992311,0 +1274,9.745630113,0 +1275,9.924449014,0 +1276,10.28208682,0 +1277,10.55031517,0 +1278,10.77383879,0 +1279,10.9526577,0 +1280,10.9526577,0 +1281,10.72913407,0 +1282,10.50561044,0 +1283,10.50561044,0 +1284,10.50561044,0 +1285,10.50561044,0 +1286,10.50561044,0 +1287,10.50561044,0 +1288,10.72913407,0 +1289,10.77383879,0 +1290,10.9526577,0 +1291,11.04206715,0 +1292,11.17618132,0 +1293,11.35500022,0 +1294,11.44440967,0 +1295,11.4891144,0 +1296,11.62322858,0 +1297,11.71263803,0 +1298,12.07027583,0 +1299,12.42791363,0 +1300,12.65143726,0 +1301,12.96437033,0 +1302,13.00907506,0 +1303,12.96437033,0 +1304,12.51732308,0 +1305,11.04206715,0 +1306,9.566811212,0 +1307,8.091555277,0 +1308,6.616299343,0 +1309,5.141043408,0 +1310,3.665787474,0 +1311,2.190531539,0 +1312,0.715275605,0 +1313,0,0 +1314,0,0 +1315,0,0 +1316,0,0 +1317,0,0 +1318,0,0 +1319,0,0 +1320,0,0 +1321,0,0 +1322,0,0 +1323,0,0 +1324,0,0 +1325,0,0 +1326,0,0 +1327,0,0 +1328,0,0 +1329,0,0 +1330,0,0 +1331,0,0 +1332,0,0 +1333,0,0 +1334,0,0 +1335,0,0 +1336,0,0 +1337,0,0 +1338,0.670570879,0 +1339,2.145826814,0 +1340,3.621082748,0 +1341,5.096338683,0 +1342,5.901023738,0 +1343,6.750413519,0 +1344,7.510393849,0 +1345,8.180964728,0 +1346,8.717421431,0 +1347,9.075059234,0 +1348,9.522106487,0 +1349,9.790334838,0 +1350,9.879744289,0 +1351,10.01385846,0 +1352,9.835039564,0 +1353,9.656220663,0 +1354,9.432697036,0 +1355,9.164468684,0 +1356,8.940945058,0 +1357,8.762126157,0 +1358,8.270374179,0 +1359,7.823326926,0 +1360,7.376279673,0 +1361,6.92923242,0 +1362,6.258661541,0 +1363,4.917519782,0 +1364,3.576378023,0 +1365,2.324645715,0 +1366,1.117618132,0 +1367,0,0 +1368,0,0 +1369,0,0 diff --git a/fastsim-core/src/vehicle/cabin.rs b/fastsim-core/src/vehicle/cabin.rs index e8ad3e2f..6fe0b699 100644 --- a/fastsim-core/src/vehicle/cabin.rs +++ b/fastsim-core/src/vehicle/cabin.rs @@ -48,6 +48,15 @@ impl Init for CabinOption { } } impl SerdeAPI for CabinOption {} +impl SetCumulative for CabinOption { + fn set_cumulative(&mut self, dt: si::Time) { + match self { + Self::LumpedCabin(lc) => lc.set_cumulative(dt), + Self::LumpedCabinWithShell => todo!(), + Self::None => {} + } + } +} #[fastsim_api( #[staticmethod] diff --git a/fastsim-core/src/vehicle/hvac.rs b/fastsim-core/src/vehicle/hvac.rs index 4a7216f5..1138b42c 100644 --- a/fastsim-core/src/vehicle/hvac.rs +++ b/fastsim-core/src/vehicle/hvac.rs @@ -38,3 +38,29 @@ impl Init for HVACOption { } } impl SerdeAPI for HVACOption {} +impl SaveState for HVACOption { + fn save_state(&mut self) { + match self { + Self::LumpedCabin(lc) => lc.save_state(), + Self::LumpedCabinAndRES(lcr) => lcr.save_state(), + Self::LumpedCabinWithShell => { + todo!() + } + Self::ReversibleEnergyStorageOnly => todo!(), + Self::None => {} + } + } +} +impl Step for HVACOption { + fn step(&mut self) { + match self { + Self::LumpedCabin(lc) => lc.step(), + Self::LumpedCabinAndRES(lcr) => lcr.step(), + Self::LumpedCabinWithShell => { + todo!() + } + Self::ReversibleEnergyStorageOnly => todo!(), + Self::None => {} + } + } +} diff --git a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs index e9ebb62b..a9fc1445 100644 --- a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs +++ b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs @@ -107,8 +107,10 @@ impl HVACSystemForLumpedCabin { * uc::KELVIN_INT; self.state.pwr_p = -self.p * te_delta_vs_set; + ensure!(self.state.pwr_p != si::Power::ZERO, format_dbg!()); self.state.pwr_i -= self.i * uc::W / uc::KELVIN / uc::S * te_delta_vs_set * dt; self.state.pwr_i = self.state.pwr_i.max(-self.pwr_i_max).min(self.pwr_i_max); + ensure!(self.state.pwr_i != si::Power::ZERO, format_dbg!()); self.state.pwr_d = -self.d * uc::J / uc::KELVIN * ((cab_state.temperature.get::() - cab_state.temp_prev.get::()) @@ -132,7 +134,7 @@ impl HVACSystemForLumpedCabin { cab_state.temperature / te_delta_vs_amb.abs() }; let cop = cop_ideal * self.frac_of_ideal_cop; - assert!(cop > 0.0 * uc::R); + ensure!(cop > 0.0 * uc::R); if self.state.pwr_i > si::Power::ZERO { // If `pwr_i` is greater than zero, reset to switch from heating to cooling @@ -150,6 +152,11 @@ impl HVACSystemForLumpedCabin { self.state.pwr_aux_for_hvac = -pwr_thrml_hvac_to_cab / self.state.cop; } let pwr_thrml_fc_to_cabin = si::Power::ZERO; + ensure!( + pwr_thrml_hvac_to_cab != si::Power::ZERO, + "{}\nHVAC should be cooling cabin", + format_dbg!() + ); (pwr_thrml_hvac_to_cab, pwr_thrml_fc_to_cabin, cop) } else { // HEATING MODE; cabin is colder than set point @@ -158,22 +165,32 @@ impl HVACSystemForLumpedCabin { // If `pwr_i` is less than zero reset to switch from cooling to heating self.state.pwr_i = si::Power::ZERO; } - let mut pwr_thrml_hvac_to_cabin = + let mut pwr_thrml_hvac_to_cab = (-self.state.pwr_p - self.state.pwr_i - self.state.pwr_d) .min(self.pwr_thrml_max); + ensure!( + pwr_thrml_hvac_to_cab != si::Power::ZERO, + "{}\nHVAC should be heating cabin", + format_dbg!() + ); // Assumes blower has negligible impact on aux load, may want to revise later let (pwr_thrml_fc_to_cabin, cop) = self .handle_heat_source( te_fc, te_delta_vs_amb, - &mut pwr_thrml_hvac_to_cabin, + &mut pwr_thrml_hvac_to_cab, cab_heat_cap, cab_state, dt, ) .with_context(|| format_dbg!())?; - (pwr_thrml_hvac_to_cabin, pwr_thrml_fc_to_cabin, cop) + ensure!( + pwr_thrml_hvac_to_cab != si::Power::ZERO, + "{}\nHVAC should be heating cabin", + format_dbg!() + ); + (pwr_thrml_hvac_to_cab, pwr_thrml_fc_to_cabin, cop) }; (pwr_thrml_hvac_to_cabin, pwr_thrml_fc_to_cabin, cop) }; @@ -190,7 +207,7 @@ impl HVACSystemForLumpedCabin { &mut self, te_fc: Option, te_delta_vs_amb: si::TemperatureInterval, - pwr_thrml_hvac_to_cabin: &mut si::Power, + pwr_thrml_hvac_to_cab: &mut si::Power, cab_heat_cap: si::HeatCapacity, cab_state: LumpedCabinState, dt: si::Time, @@ -202,18 +219,30 @@ impl HVACSystemForLumpedCabin { "{}\nExpected vehicle with [FuelConverter] with thermal plant model.", format_dbg!() ); - // limit heat transfer to be substantially less than what is physically possible - // i.e. the engine can't drop below cabin temperature to heat the cabin - *pwr_thrml_hvac_to_cabin = pwr_thrml_hvac_to_cabin - .min( - cab_heat_cap * - (te_fc.unwrap().get::() - cab_state.temperature.get::()) * uc::KELVIN_INT - * 0.1 // so that it's substantially less - / dt, - ) - .max(si::Power::ZERO); + ensure!( + *pwr_thrml_hvac_to_cab != si::Power::ZERO, + "{}\nHVAC should be heating cabin", + format_dbg!() + ); + // limit heat transfer to be substantially less (hence the 0.1) + // than what is physically possible i.e. the engine can't drop + // below cabin temperature to heat the cabin + *pwr_thrml_hvac_to_cab = pwr_thrml_hvac_to_cab.min( + (cab_heat_cap + * (te_fc.unwrap().get::() + - cab_state.temperature.get::()) + * uc::KELVIN_INT + * 0.1 + / dt) + .max(si::Power::ZERO), + ); + ensure!( + *pwr_thrml_hvac_to_cab != si::Power::ZERO, + "{}\nHVAC should be heating cabin", + format_dbg!() + ); let cop = f64::NAN * uc::R; - let pwr_thrml_fc_to_cabin = *pwr_thrml_hvac_to_cabin; + let pwr_thrml_fc_to_cabin = *pwr_thrml_hvac_to_cab; // Assumes aux power needed for heating is incorporated into based aux load. // TODO: refine this, perhaps by making aux power // proportional to heating power, to account for blower power @@ -222,7 +251,7 @@ impl HVACSystemForLumpedCabin { } CabinHeatSource::ResistanceHeater => { let cop = uc::R; - self.state.pwr_aux_for_hvac = *pwr_thrml_hvac_to_cabin; // COP is 1 so does not matter + self.state.pwr_aux_for_hvac = *pwr_thrml_hvac_to_cab; // COP is 1 so does not matter #[allow(clippy::let_and_return)] // for readability let pwr_thrml_fc_to_cabin = si::Power::ZERO; (pwr_thrml_fc_to_cabin, cop) @@ -242,13 +271,13 @@ impl HVACSystemForLumpedCabin { cab_state.temperature / te_delta_vs_amb.abs() }; let cop = cop_ideal * self.frac_of_ideal_cop; - assert!(cop > 0.0 * uc::R); - if (*pwr_thrml_hvac_to_cabin / self.state.cop) > self.pwr_aux_for_hvac_max { + ensure!(cop > 0.0 * uc::R); + if (*pwr_thrml_hvac_to_cab / self.state.cop) > self.pwr_aux_for_hvac_max { self.state.pwr_aux_for_hvac = self.pwr_aux_for_hvac_max; // correct if limit is exceeded - *pwr_thrml_hvac_to_cabin = -self.state.pwr_aux_for_hvac * self.state.cop; + *pwr_thrml_hvac_to_cab = -self.state.pwr_aux_for_hvac * self.state.cop; } else { - self.state.pwr_aux_for_hvac = *pwr_thrml_hvac_to_cabin / self.state.cop; + self.state.pwr_aux_for_hvac = *pwr_thrml_hvac_to_cab / self.state.cop; } #[allow(clippy::let_and_return)] // for readability let pwr_thrml_fc_to_cabin = si::Power::ZERO; diff --git a/fastsim-core/src/vehicle/vehicle_model.rs b/fastsim-core/src/vehicle/vehicle_model.rs index 5369e585..768ac0de 100644 --- a/fastsim-core/src/vehicle/vehicle_model.rs +++ b/fastsim-core/src/vehicle/vehicle_model.rs @@ -140,6 +140,7 @@ pub struct Vehicle { /// HVAC model #[serde(default, skip_serializing_if = "HVACOption::is_none")] + #[has_state] pub hvac: HVACOption, /// Total vehicle mass @@ -294,17 +295,12 @@ impl SetCumulative for Vehicle { if let Some(em) = self.em_mut() { em.set_cumulative(dt); } - match &mut self.cabin { - CabinOption::LumpedCabin(lumped_cabin) => lumped_cabin.set_cumulative(dt), - CabinOption::LumpedCabinWithShell => todo!(), - CabinOption::None => {} - } + self.cabin.set_cumulative(dt); self.state.dist += self.state.speed_ach * dt; } } impl Vehicle { - // TODO: run this assumption by Robin: peak power of all components can be produced concurrently. /// # Assumptions /// - peak power of all components can be produced concurrently. pub fn get_pwr_rated(&self) -> si::Power { diff --git a/fastsim-core/src/vehicle/vehicle_model/fastsim2_interface.rs b/fastsim-core/src/vehicle/vehicle_model/fastsim2_interface.rs index c871f378..43ef59eb 100644 --- a/fastsim-core/src/vehicle/vehicle_model/fastsim2_interface.rs +++ b/fastsim-core/src/vehicle/vehicle_model/fastsim2_interface.rs @@ -350,9 +350,7 @@ impl Vehicle { fc_eff_map: self .fc() .map(|fc| match &fc.eff_interp_from_pwr_out { - interp @ Interpolator::Interp1D(..) => { - Ok(interp.f_x()?.to_vec().into()) - } + interp @ Interpolator::Interp1D(..) => Ok(interp.f_x()?.to_vec().into()), _ => bail!( "{}\nOnly 1-D interpolators can be converted to FASTSim 2", format_dbg!() @@ -384,9 +382,7 @@ impl Vehicle { fc_pwr_out_perc: self .fc() .map(|fc| match &fc.eff_interp_from_pwr_out { - interp @ Interpolator::Interp1D(..) => { - Ok(interp.x()?.to_vec().into()) - } + interp @ Interpolator::Interp1D(..) => Ok(interp.x()?.to_vec().into()), _ => bail!( "{}\nOnly 1-D interpolators can be converted to FASTSim 2", format_dbg!() diff --git a/python/fastsim/demos/demo_hev_thrml.py b/python/fastsim/demos/demo_hev_thrml_cs_ca.py similarity index 93% rename from python/fastsim/demos/demo_hev_thrml.py rename to python/fastsim/demos/demo_hev_thrml_cs_ca.py index b2d4c6eb..961ed809 100644 --- a/python/fastsim/demos/demo_hev_thrml.py +++ b/python/fastsim/demos/demo_hev_thrml_cs_ca.py @@ -21,20 +21,28 @@ # if environment var `SAVE_FIGS=true` is set, save plots SAVE_FIGS = os.environ.get("SAVE_FIGS", "false").lower() == "true" +celsius_to_kelvin = 273.15 +temp_amb_and_init = -6.7 + celsius_to_kelvin # `fastsim3` -- load vehicle and cycle, build simulation, and run # %% # load 2021 Hyundai Sonata HEV from file -veh = fsim.Vehicle.from_file( +veh_dict = fsim.Vehicle.from_file( fsim.package_root() / "../../cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml" -) +).to_pydict() +veh_dict['cabin']['LumpedCabin']['state']['temperature_kelvin'] = temp_amb_and_init +veh_dict['pt_type']['HybridElectricVehicle']['res']['thrml']['RESLumpedThermal']['state']['temperature_kelvin'] = temp_amb_and_init +veh_dict['pt_type']['HybridElectricVehicle']['fc']['thrml']['FuelConverterThermal']['state']['temperature_kelvin'] = temp_amb_and_init +veh = fsim.Vehicle.from_pydict(veh_dict) # Set `save_interval` at vehicle level -- cascades to all sub-components with time-varying states fsim.set_param_from_path(veh, "save_interval", 1) # load cycle from file -cyc = fsim.Cycle.from_resource("udds.csv") +cyc_dict = fsim.Cycle.from_resource("udds.csv").to_pydict() +cyc_dict['temp_amb_air_kelvin'] = [temp_amb_and_init] * len(cyc_dict['time_seconds']) +cyc = fsim.Cycle.from_pydict(cyc_dict) # instantiate `SimDrive` simulation object sd = fsim.SimDrive(veh, cyc) From 98decf6e1d0cc5b4f7fff46a8a7382feef007c70 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Thu, 30 Jan 2025 14:59:46 -0700 Subject: [PATCH 081/129] peppered code with ensures and fixed a bunch of bad negative signs --- .../src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs | 12 ++++++------ 1 file changed, 6 insertions(+), 6 deletions(-) diff --git a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs index a9fc1445..429b7fd2 100644 --- a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs +++ b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs @@ -153,7 +153,7 @@ impl HVACSystemForLumpedCabin { } let pwr_thrml_fc_to_cabin = si::Power::ZERO; ensure!( - pwr_thrml_hvac_to_cab != si::Power::ZERO, + pwr_thrml_hvac_to_cab < si::Power::ZERO, "{}\nHVAC should be cooling cabin", format_dbg!() ); @@ -166,10 +166,10 @@ impl HVACSystemForLumpedCabin { self.state.pwr_i = si::Power::ZERO; } let mut pwr_thrml_hvac_to_cab = - (-self.state.pwr_p - self.state.pwr_i - self.state.pwr_d) + (self.state.pwr_p + self.state.pwr_i + self.state.pwr_d) .min(self.pwr_thrml_max); ensure!( - pwr_thrml_hvac_to_cab != si::Power::ZERO, + pwr_thrml_hvac_to_cab > si::Power::ZERO, "{}\nHVAC should be heating cabin", format_dbg!() ); @@ -186,7 +186,7 @@ impl HVACSystemForLumpedCabin { ) .with_context(|| format_dbg!())?; ensure!( - pwr_thrml_hvac_to_cab != si::Power::ZERO, + pwr_thrml_hvac_to_cab > si::Power::ZERO, "{}\nHVAC should be heating cabin", format_dbg!() ); @@ -220,7 +220,7 @@ impl HVACSystemForLumpedCabin { format_dbg!() ); ensure!( - *pwr_thrml_hvac_to_cab != si::Power::ZERO, + *pwr_thrml_hvac_to_cab > si::Power::ZERO, "{}\nHVAC should be heating cabin", format_dbg!() ); @@ -237,7 +237,7 @@ impl HVACSystemForLumpedCabin { .max(si::Power::ZERO), ); ensure!( - *pwr_thrml_hvac_to_cab != si::Power::ZERO, + *pwr_thrml_hvac_to_cab > si::Power::ZERO, "{}\nHVAC should be heating cabin", format_dbg!() ); From 9af0632596598cc3a0ad30b8bff8f12d1765b85f Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Thu, 30 Jan 2025 15:11:29 -0700 Subject: [PATCH 082/129] cabin is following FC temp, which is good! --- fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs | 4 ++-- .../src/vehicle/hvac/hvac_sys_for_lumped_cabin_and_res.rs | 3 ++- 2 files changed, 4 insertions(+), 3 deletions(-) diff --git a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs index 429b7fd2..faf6a2e4 100644 --- a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs +++ b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs @@ -186,7 +186,7 @@ impl HVACSystemForLumpedCabin { ) .with_context(|| format_dbg!())?; ensure!( - pwr_thrml_hvac_to_cab > si::Power::ZERO, + pwr_thrml_hvac_to_cab >= si::Power::ZERO, "{}\nHVAC should be heating cabin", format_dbg!() ); @@ -237,7 +237,7 @@ impl HVACSystemForLumpedCabin { .max(si::Power::ZERO), ); ensure!( - *pwr_thrml_hvac_to_cab > si::Power::ZERO, + *pwr_thrml_hvac_to_cab >= si::Power::ZERO, "{}\nHVAC should be heating cabin", format_dbg!() ); diff --git a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin_and_res.rs b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin_and_res.rs index 6a99e9fd..dd514b48 100644 --- a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin_and_res.rs +++ b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin_and_res.rs @@ -1,3 +1,4 @@ +// TODO: lots of `ensures` need to propagate from hvac_sys_for_lumped_cabin use super::*; #[fastsim_api( @@ -355,7 +356,7 @@ impl HVACSystemForLumpedCabinAndRES { self.state.pwr_i = si::Power::ZERO; } let mut pwr_thrml_hvac_to_cabin: si::Power = - (-self.state.pwr_p - self.state.pwr_i - self.state.pwr_d) + (self.state.pwr_p + self.state.pwr_i + self.state.pwr_d) .min(self.pwr_thrml_max); // Assumes blower has negligible impact on aux load, may want to revise later From 5aedd39c991037695d9ef37feab74744548c95a3 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Thu, 30 Jan 2025 16:06:41 -0700 Subject: [PATCH 083/129] fixed problem of referencing `self.state.cop` before assignment --- .../vehicle/hvac/hvac_sys_for_lumped_cabin.rs | 64 +++++++++++++------ 1 file changed, 46 insertions(+), 18 deletions(-) diff --git a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs index faf6a2e4..093125e8 100644 --- a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs +++ b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs @@ -95,7 +95,9 @@ impl HVACSystemForLumpedCabin { self.state.pwr_i = si::Power::ZERO; // reset to 0.0 self.state.pwr_p = si::Power::ZERO; self.state.pwr_d = si::Power::ZERO; - (si::Power::ZERO, si::Power::ZERO, f64::NAN * uc::R) + let (pwr_thrml_hvac_to_cabin, pwr_thrml_fc_to_cabin, cop) = + (si::Power::ZERO, si::Power::ZERO, f64::NAN * uc::R); + (pwr_thrml_hvac_to_cabin, pwr_thrml_fc_to_cabin, cop) } else { // outside deadband let te_delta_vs_set = (cab_state.temperature.get::() @@ -134,7 +136,7 @@ impl HVACSystemForLumpedCabin { cab_state.temperature / te_delta_vs_amb.abs() }; let cop = cop_ideal * self.frac_of_ideal_cop; - ensure!(cop > 0.0 * uc::R); + ensure!(cop > 0.0 * uc::R, format_dbg!(cop)); if self.state.pwr_i > si::Power::ZERO { // If `pwr_i` is greater than zero, reset to switch from heating to cooling @@ -144,19 +146,41 @@ impl HVACSystemForLumpedCabin { (self.state.pwr_p + self.state.pwr_i + self.state.pwr_d) .max(-self.pwr_thrml_max); - if (-pwr_thrml_hvac_to_cab / self.state.cop) > self.pwr_aux_for_hvac_max { + ensure!( + pwr_thrml_hvac_to_cab < si::Power::ZERO, + "{}\nHVAC should be cooling cabin", + format_dbg!(pwr_thrml_hvac_to_cab) + ); + + if (pwr_thrml_hvac_to_cab / cop).abs() > self.pwr_aux_for_hvac_max { self.state.pwr_aux_for_hvac = self.pwr_aux_for_hvac_max; // correct if limit is exceeded - pwr_thrml_hvac_to_cab = -self.state.pwr_aux_for_hvac * self.state.cop; + pwr_thrml_hvac_to_cab = -self.state.pwr_aux_for_hvac * cop; + ensure!( + pwr_thrml_hvac_to_cab < si::Power::ZERO, + "{}\nHVAC should be cooling cabin", + format_dbg!(pwr_thrml_hvac_to_cab) + ); + ensure!( + self.state.pwr_aux_for_hvac > si::Power::ZERO, + format_dbg!(self.state.pwr_aux_for_hvac) + ); + ensure!( + !self.state.pwr_aux_for_hvac.is_nan(), + format_dbg!(self.state.pwr_aux_for_hvac) + ); } else { - self.state.pwr_aux_for_hvac = -pwr_thrml_hvac_to_cab / self.state.cop; + self.state.pwr_aux_for_hvac = -pwr_thrml_hvac_to_cab / cop; + ensure!( + self.state.pwr_aux_for_hvac > si::Power::ZERO, + format_dbg!(self.state.pwr_aux_for_hvac) + ); + ensure!( + !self.state.pwr_aux_for_hvac.is_nan(), + format_dbg!(self.state.pwr_aux_for_hvac) + ); } let pwr_thrml_fc_to_cabin = si::Power::ZERO; - ensure!( - pwr_thrml_hvac_to_cab < si::Power::ZERO, - "{}\nHVAC should be cooling cabin", - format_dbg!() - ); (pwr_thrml_hvac_to_cab, pwr_thrml_fc_to_cabin, cop) } else { // HEATING MODE; cabin is colder than set point @@ -171,7 +195,7 @@ impl HVACSystemForLumpedCabin { ensure!( pwr_thrml_hvac_to_cab > si::Power::ZERO, "{}\nHVAC should be heating cabin", - format_dbg!() + format_dbg!(pwr_thrml_hvac_to_cab) ); // Assumes blower has negligible impact on aux load, may want to revise later @@ -188,7 +212,7 @@ impl HVACSystemForLumpedCabin { ensure!( pwr_thrml_hvac_to_cab >= si::Power::ZERO, "{}\nHVAC should be heating cabin", - format_dbg!() + format_dbg!(pwr_thrml_hvac_to_cab) ); (pwr_thrml_hvac_to_cab, pwr_thrml_fc_to_cabin, cop) }; @@ -222,7 +246,7 @@ impl HVACSystemForLumpedCabin { ensure!( *pwr_thrml_hvac_to_cab > si::Power::ZERO, "{}\nHVAC should be heating cabin", - format_dbg!() + format_dbg!(pwr_thrml_hvac_to_cab) ); // limit heat transfer to be substantially less (hence the 0.1) // than what is physically possible i.e. the engine can't drop @@ -239,7 +263,7 @@ impl HVACSystemForLumpedCabin { ensure!( *pwr_thrml_hvac_to_cab >= si::Power::ZERO, "{}\nHVAC should be heating cabin", - format_dbg!() + format_dbg!(pwr_thrml_hvac_to_cab) ); let cop = f64::NAN * uc::R; let pwr_thrml_fc_to_cabin = *pwr_thrml_hvac_to_cab; @@ -252,6 +276,10 @@ impl HVACSystemForLumpedCabin { CabinHeatSource::ResistanceHeater => { let cop = uc::R; self.state.pwr_aux_for_hvac = *pwr_thrml_hvac_to_cab; // COP is 1 so does not matter + ensure!( + self.state.pwr_aux_for_hvac > si::Power::ZERO, + format_dbg!(self.state.pwr_aux_for_hvac) + ); #[allow(clippy::let_and_return)] // for readability let pwr_thrml_fc_to_cabin = si::Power::ZERO; (pwr_thrml_fc_to_cabin, cop) @@ -271,13 +299,13 @@ impl HVACSystemForLumpedCabin { cab_state.temperature / te_delta_vs_amb.abs() }; let cop = cop_ideal * self.frac_of_ideal_cop; - ensure!(cop > 0.0 * uc::R); - if (*pwr_thrml_hvac_to_cab / self.state.cop) > self.pwr_aux_for_hvac_max { + ensure!(cop > 0.0 * uc::R, format_dbg!(cop)); + if (*pwr_thrml_hvac_to_cab / cop) > self.pwr_aux_for_hvac_max { self.state.pwr_aux_for_hvac = self.pwr_aux_for_hvac_max; // correct if limit is exceeded - *pwr_thrml_hvac_to_cab = -self.state.pwr_aux_for_hvac * self.state.cop; + *pwr_thrml_hvac_to_cab = -self.state.pwr_aux_for_hvac * cop; } else { - self.state.pwr_aux_for_hvac = *pwr_thrml_hvac_to_cab / self.state.cop; + self.state.pwr_aux_for_hvac = *pwr_thrml_hvac_to_cab / cop; } #[allow(clippy::let_and_return)] // for readability let pwr_thrml_fc_to_cabin = si::Power::ZERO; From c0c9a815d63ff2b97cadf22e4463a7ef81668093 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Thu, 30 Jan 2025 16:09:16 -0700 Subject: [PATCH 084/129] everything passed! added `width_meters` from source --- cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml | 4 ++-- .../thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml | 3 ++- 2 files changed, 4 insertions(+), 3 deletions(-) diff --git a/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml b/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml index 716f8221..62584a90 100644 --- a/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml +++ b/cal_and_val/thermal/f3-vehicles/2020 Chevrolet Bolt EV.yaml @@ -12,8 +12,8 @@ cabin: heat_capacitance_joules_per_kelvin: 200000 # TODO: get actual vehicle length, but calibrate this later length_meters: 2.5 - # TODO: get actual vehicle width, but calibrate this later - width_meters: 2 + # 1.765 meters (69.5 in). Source: https://www.edmunds.com/chevrolet/bolt-ev/2020/features-specs/ + width_meters: 1.765 hvac: LumpedCabinAndRES: te_set_kelvin: 295.15 diff --git a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml index 7093ebcd..75ed353a 100644 --- a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml +++ b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml @@ -230,7 +230,8 @@ cabin: cab_htc_to_amb_stop_watts_per_square_meter_kelvin: 0.05 heat_capacitance_joules_per_kelvin: 200000.0 length_meters: 2.5 - width_meters: 2.0 + # 1.86 meters (73.2 in). Source: https://www.edmunds.com/hyundai/sonata-hybrid/2021/st-401867551/features-specs/ + width_meters: 1.86 hvac: LumpedCabin: te_set_kelvin: 295.15 From 7a0f82e0e6a4d386ecf6b7288c1cbc5ab0983c4b Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Thu, 30 Jan 2025 16:10:24 -0700 Subject: [PATCH 085/129] added files that should have already been tracked --- python/fastsim/demos/demo_hev_thrml_ws_ca.py | 366 +++++++++++++++++++ python/fastsim/demos/demo_hev_thrml_ws_wa.py | 365 ++++++++++++++++++ 2 files changed, 731 insertions(+) create mode 100644 python/fastsim/demos/demo_hev_thrml_ws_ca.py create mode 100644 python/fastsim/demos/demo_hev_thrml_ws_wa.py diff --git a/python/fastsim/demos/demo_hev_thrml_ws_ca.py b/python/fastsim/demos/demo_hev_thrml_ws_ca.py new file mode 100644 index 00000000..985b8b95 --- /dev/null +++ b/python/fastsim/demos/demo_hev_thrml_ws_ca.py @@ -0,0 +1,366 @@ +# %% +from plot_utils import * + +import numpy as np +import matplotlib.pyplot as plt +from matplotlib.figure import Figure +from matplotlib.axes import Axes +import seaborn as sns +from pathlib import Path +import time +import json +import os +from typing import Tuple +import fastsim as fsim + +sns.set_theme() + + +# if environment var `SHOW_PLOTS=false` is set, no plots are shown +SHOW_PLOTS = os.environ.get("SHOW_PLOTS", "true").lower() == "true" +# if environment var `SAVE_FIGS=true` is set, save plots +SAVE_FIGS = os.environ.get("SAVE_FIGS", "false").lower() == "true" + +celsius_to_kelvin = 273.15 +temp_amb = -6.7 + celsius_to_kelvin +temp_init_bat_and_cab = 22.0 + celsius_to_kelvin +temp_init_eng = 70.0 + celsius_to_kelvin +# `fastsim3` -- load vehicle and cycle, build simulation, and run +# %% + +# load 2021 Hyundai Sonata HEV from file +veh_dict = fsim.Vehicle.from_file( + fsim.package_root() / + "../../cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml" +).to_pydict() +veh_dict['cabin']['LumpedCabin']['state']['temperature_kelvin'] = temp_init_bat_and_cab +veh_dict['pt_type']['HybridElectricVehicle']['res']['thrml']['RESLumpedThermal']['state']['temperature_kelvin'] = temp_init_bat_and_cab +veh_dict['pt_type']['HybridElectricVehicle']['fc']['thrml']['FuelConverterThermal']['state']['temperature_kelvin'] = temp_init_eng +veh = fsim.Vehicle.from_pydict(veh_dict) + +# Set `save_interval` at vehicle level -- cascades to all sub-components with time-varying states +fsim.set_param_from_path(veh, "save_interval", 1) + +# load cycle from file +cyc_dict = fsim.Cycle.from_resource("udds.csv").to_pydict() +cyc_dict['temp_amb_air_kelvin'] = [temp_amb] * len(cyc_dict['time_seconds']) +cyc = fsim.Cycle.from_pydict(cyc_dict) + +# instantiate `SimDrive` simulation object +sd = fsim.SimDrive(veh, cyc) + +# simulation start time +t0 = time.perf_counter() +# run simulation +sd.walk() +# simulation end time +t1 = time.perf_counter() +t_fsim3_si1 = t1 - t0 +print( + f"fastsim-3 `sd.walk()` elapsed time with `save_interval` of 1:\n{t_fsim3_si1:.2e} s") + +# %% +df = sd.to_dataframe(allow_partial=True) +sd_dict = sd.to_pydict(flatten=True) +# # Visualize results + + +def plot_temperatures() -> Tuple[Figure, Axes]: + fig, ax = plt.subplots(2, 1, sharex=True, figsize=figsize_3_stacked) + plt.suptitle("Component Temperatures") + + ax[0].set_prop_cycle(get_uni_cycler()) + ax[0].plot( + df["cyc.time_seconds"], + df["cyc.temp_amb_air_kelvin"] - 273.15, + label="amb", + ) + ax[0].plot( + df["cyc.time_seconds"], + df["veh.cabin.LumpedCabin.history.temperature_kelvin"] - 273.15, + label="cabin", + ) + ax[0].plot( + df["cyc.time_seconds"], + df["veh.pt_type.HybridElectricVehicle.res.thrml." + + "RESLumpedThermal.history.temperature_kelvin"] - 273.15, + label="res", + ) + ax[0].plot( + df["cyc.time_seconds"], + df["veh.pt_type.HybridElectricVehicle.fc.thrml." + + "FuelConverterThermal.history.temperature_kelvin"] - 273.15, + label="fc", + ) + ax[0].set_ylabel("Temperatures [°C]") + ax[0].legend() + + ax[-1].set_prop_cycle(get_paired_cycler()) + ax[-1].plot( + df["cyc.time_seconds"], + df["veh.history.speed_ach_meters_per_second"], + label="ach", + ) + ax[-1].legend() + ax[-1].set_xlabel("Time [s]") + ax[-1].set_ylabel("Ach Speed [m/s]") + x_min, x_max = ax[-1].get_xlim()[0], ax[-1].get_xlim()[1] + x_max = (x_max - x_min) * 1.15 + ax[-1].set_xlim([x_min, x_max]) + + plt.tight_layout() + if SAVE_FIGS: + plt.savefig(Path("./plots/temps.svg")) + + return fig, ax + + +def plot_fc_pwr() -> Tuple[Figure, Axes]: + fig, ax = plt.subplots(3, 1, sharex=True, figsize=figsize_3_stacked) + plt.suptitle("Fuel Converter Power") + + ax[0].set_prop_cycle(get_paired_cycler()) + ax[0].plot( + df["cyc.time_seconds"], + (df["veh.pt_type.HybridElectricVehicle.fc.history.pwr_prop_watts"] + + df["veh.pt_type.HybridElectricVehicle.fc.history.pwr_aux_watts"]) / 1e3, + label="shaft", + ) + ax[0].plot( + df["cyc.time_seconds"], + df["veh.pt_type.HybridElectricVehicle.fc.history.pwr_fuel_watts"] / 1e3, + label="fuel", + ) + ax[0].set_ylabel("FC Power [kW]") + ax[0].legend() + + ax[1].set_prop_cycle(get_paired_cycler()) + ax[1].plot( + df["cyc.time_seconds"], + df["veh.pt_type.HybridElectricVehicle.res.history.soc"], + label="soc", + ) + ax[1].plot( + df["cyc.time_seconds"], + df["veh.pt_type.HybridElectricVehicle.res.history.soc_disch_buffer"], + label='accel buffer', + alpha=0.5, + ) + # ax[1].plot( + # df["cyc.time_seconds"], + # df["veh.pt_type.HybridElectricVehicle.res.history.soc_regen_buffer"], + # label='regen buffer', + # alpha=0.5, + # ) + # ax[1].plot( + # df["cyc.time_seconds"], + # df['veh.pt_type.HybridElectricVehicle.fc.history.eff'], + # label='FC eff', + # ) + ax[1].set_ylabel("[-]") + ax[1].legend(loc="center right") + + ax[-1].set_prop_cycle(get_paired_cycler()) + ax[-1].plot( + df["cyc.time_seconds"], + df["veh.history.speed_ach_meters_per_second"], + label="ach", + ) + ax[-1].legend() + ax[-1].set_xlabel("Time [s]") + ax[-1].set_ylabel("Ach Speed [m/s]") + x_min, x_max = ax[-1].get_xlim()[0], ax[-1].get_xlim()[1] + x_max = (x_max - x_min) * 1.15 + ax[-1].set_xlim([x_min, x_max]) + + plt.tight_layout() + if SAVE_FIGS: + plt.savefig(Path("./plots/fc_pwr.svg")) + + return fig, ax + + +def plot_fc_energy() -> Tuple[Figure, Axes]: + fig, ax = plt.subplots(2, 1, sharex=True, figsize=figsize_3_stacked) + plt.suptitle("Fuel Converter Energy") + + ax[0].set_prop_cycle(get_paired_cycler()) + ax[0].plot( + df["cyc.time_seconds"], + (df["veh.pt_type.HybridElectricVehicle.fc.history.energy_prop_joules"] + + df["veh.pt_type.HybridElectricVehicle.fc.history.energy_aux_joules"]) / 1e6, + label="shaft", + ) + ax[0].plot( + df["cyc.time_seconds"], + df["veh.pt_type.HybridElectricVehicle.fc.history.energy_fuel_joules"] / 1e6, + label="fuel", + ) + ax[0].set_ylabel("FC Energy [MJ]") + ax[0].legend() + + ax[-1].set_prop_cycle(get_paired_cycler()) + ax[-1].plot( + df["cyc.time_seconds"], + df["veh.history.speed_ach_meters_per_second"], + label="ach", + ) + ax[-1].legend() + ax[-1].set_xlabel("Time [s]") + ax[-1].set_ylabel("Ach Speed [m/s]") + x_min, x_max = ax[-1].get_xlim()[0], ax[-1].get_xlim()[1] + x_max = (x_max - x_min) * 1.15 + ax[-1].set_xlim([x_min, x_max]) + + plt.tight_layout() + if SAVE_FIGS: + plt.savefig(Path(f"./plots/fc_energy.svg")) + + return fig, ax + + +def plot_res_pwr() -> Tuple[Figure, Axes]: + fig, ax = plt.subplots(3, 1, sharex=True, figsize=figsize_3_stacked) + plt.suptitle("Reversible Energy Storage Power") + + ax[0].set_prop_cycle(get_paired_cycler()) + ax[0].plot( + df['cyc.time_seconds'], + df["veh.pt_type.HybridElectricVehicle.res.history.pwr_out_electrical_watts"] / 1e3, + label="electrical out", + ) + ax[0].set_ylabel("RES Power [kW]") + ax[0].legend() + + ax[1].set_prop_cycle(get_paired_cycler()) + ax[1].plot( + df['cyc.time_seconds'], + df["veh.pt_type.HybridElectricVehicle.res.history.soc"], + label="soc", + ) + ax[1].set_ylabel("SOC") + ax[1].legend() + + ax[-1].set_prop_cycle(get_paired_cycler()) + ax[-1].plot( + df['cyc.time_seconds'], + df["veh.history.speed_ach_meters_per_second"], + label='ach', + ) + ax[-1].plot( + df['cyc.time_seconds'], + df["cyc.speed_meters_per_second"], + label='cyc', + ) + ax[-1].legend() + ax[-1].set_xlabel("Time [s]") + ax[-1].set_ylabel("Speed [m/s]") + + plt.tight_layout() + if SAVE_FIGS: + plt.savefig(Path("./plots/res_pwr.svg")) + + return fig, ax + + +def plot_res_energy() -> Tuple[Figure, Axes]: + fig, ax = plt.subplots(3, 1, sharex=True, figsize=figsize_3_stacked) + plt.suptitle("Reversible Energy Storage Energy") + + ax[0].set_prop_cycle(get_paired_cycler()) + ax[0].plot( + df['cyc.time_seconds'], + df["veh.pt_type.HybridElectricVehicle.res.history.energy_out_electrical_joules"] / 1e3, + label="electrical out", + ) + ax[0].set_ylabel("RES Energy [kW]") + ax[0].legend() + + ax[1].set_prop_cycle(get_paired_cycler()) + ax[1].plot( + df['cyc.time_seconds'], + df["veh.pt_type.HybridElectricVehicle.res.history.soc"], + label="soc", + ) + ax[1].set_ylabel("SOC") + ax[1].legend() + + ax[-1].set_prop_cycle(get_paired_cycler()) + ax[-1].plot( + df['cyc.time_seconds'], + df["veh.history.speed_ach_meters_per_second"], + label="ach", + ) + ax[-1].plot( + df['cyc.time_seconds'], + df["cyc.speed_meters_per_second"], + label='cyc', + ) + ax[-1].legend() + ax[-1].set_xlabel("Time [s]") + ax[-1].set_ylabel("Speed [m/s]") + + plt.tight_layout() + if SAVE_FIGS: + plt.savefig(Path("./plots/res_energy.svg")) + + return fig, ax + + +def plot_road_loads() -> Tuple[Figure, Axes]: + fig, ax = plt.subplots(2, 1, sharex=True, figsize=figsize_3_stacked) + plt.suptitle("Road Loads") + + ax[0].set_prop_cycle(get_uni_cycler()) + ax[0].plot( + df["cyc.time_seconds"][::veh.save_interval], + df["veh.history.pwr_drag_watts"] / 1e3, + label="drag", + ) + ax[0].plot( + df["cyc.time_seconds"][::veh.save_interval], + df["veh.history.pwr_rr_watts"] / 1e3, + label="rr", + ) + ax[0].plot( + df["cyc.time_seconds"][::veh.save_interval], + df["veh.history.pwr_tractive_watts"] / 1e3, + label="total", + ) + ax[0].set_ylabel("Power [kW]") + ax[0].legend() + + ax[-1].set_prop_cycle(get_paired_cycler()) + ax[-1].plot( + df["cyc.time_seconds"][::veh.save_interval], + df["veh.history.speed_ach_meters_per_second"], + label="ach", + ) + ax[-1].legend() + ax[-1].set_xlabel("Time [s]") + ax[-1].set_ylabel("Ach. Speed [m/s]") + + plt.tight_layout() + if SAVE_FIGS: + plt.savefig(Path("./plots/road_loads.svg")) + + return fig, ax + + +if SHOW_PLOTS: + fig_fc_pwr, ax_fc_pwr = plot_fc_pwr() + fig_fc_energy, ax_fc_energy = plot_fc_energy() + fig_res_pwr, ax_res_pwr = plot_res_pwr() + fig_res_energy, ax_res_energy = plot_res_energy() + fig_temps, ax_temps = plot_temperatures() + fig, ax = plot_road_loads() + plt.show() +# %% + +# %% +# example for how to use set_default_pwr_interp() method for veh.res +res = fsim.ReversibleEnergyStorage.from_pydict( + sd.to_pydict()['veh']['pt_type']['HybridElectricVehicle']['res']) +res.set_default_pwr_interp() + +# %% diff --git a/python/fastsim/demos/demo_hev_thrml_ws_wa.py b/python/fastsim/demos/demo_hev_thrml_ws_wa.py new file mode 100644 index 00000000..927be586 --- /dev/null +++ b/python/fastsim/demos/demo_hev_thrml_ws_wa.py @@ -0,0 +1,365 @@ +# %% +from plot_utils import * + +import numpy as np +import matplotlib.pyplot as plt +from matplotlib.figure import Figure +from matplotlib.axes import Axes +import seaborn as sns +from pathlib import Path +import time +import json +import os +from typing import Tuple +import fastsim as fsim + +sns.set_theme() + + +# if environment var `SHOW_PLOTS=false` is set, no plots are shown +SHOW_PLOTS = os.environ.get("SHOW_PLOTS", "true").lower() == "true" +# if environment var `SAVE_FIGS=true` is set, save plots +SAVE_FIGS = os.environ.get("SAVE_FIGS", "false").lower() == "true" + +celsius_to_kelvin = 273.15 +temp_amb = 38.0 + celsius_to_kelvin +temp_init = 45.0 + celsius_to_kelvin +# `fastsim3` -- load vehicle and cycle, build simulation, and run +# %% + +# load 2021 Hyundai Sonata HEV from file +veh_dict = fsim.Vehicle.from_file( + fsim.package_root() / + "../../cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml" +).to_pydict() +veh_dict['cabin']['LumpedCabin']['state']['temperature_kelvin'] = temp_init +veh_dict['pt_type']['HybridElectricVehicle']['res']['thrml']['RESLumpedThermal']['state']['temperature_kelvin'] = temp_init +veh_dict['pt_type']['HybridElectricVehicle']['fc']['thrml']['FuelConverterThermal']['state']['temperature_kelvin'] = temp_init +veh = fsim.Vehicle.from_pydict(veh_dict) + +# Set `save_interval` at vehicle level -- cascades to all sub-components with time-varying states +fsim.set_param_from_path(veh, "save_interval", 1) + +# load cycle from file +cyc_dict = fsim.Cycle.from_resource("udds.csv").to_pydict() +cyc_dict['temp_amb_air_kelvin'] = [temp_amb] * len(cyc_dict['time_seconds']) +cyc = fsim.Cycle.from_pydict(cyc_dict) + +# instantiate `SimDrive` simulation object +sd = fsim.SimDrive(veh, cyc) + +# simulation start time +t0 = time.perf_counter() +# run simulation +sd.walk() +# simulation end time +t1 = time.perf_counter() +t_fsim3_si1 = t1 - t0 +print( + f"fastsim-3 `sd.walk()` elapsed time with `save_interval` of 1:\n{t_fsim3_si1:.2e} s") + +# %% +df = sd.to_dataframe(allow_partial=True) +sd_dict = sd.to_pydict(flatten=True) +# # Visualize results + + +def plot_temperatures() -> Tuple[Figure, Axes]: + fig, ax = plt.subplots(2, 1, sharex=True, figsize=figsize_3_stacked) + plt.suptitle("Component Temperatures") + + ax[0].set_prop_cycle(get_uni_cycler()) + ax[0].plot( + df["cyc.time_seconds"], + df["cyc.temp_amb_air_kelvin"] - 273.15, + label="amb", + ) + ax[0].plot( + df["cyc.time_seconds"], + df["veh.cabin.LumpedCabin.history.temperature_kelvin"] - 273.15, + label="cabin", + ) + ax[0].plot( + df["cyc.time_seconds"], + df["veh.pt_type.HybridElectricVehicle.res.thrml." + + "RESLumpedThermal.history.temperature_kelvin"] - 273.15, + label="res", + ) + ax[0].plot( + df["cyc.time_seconds"], + df["veh.pt_type.HybridElectricVehicle.fc.thrml." + + "FuelConverterThermal.history.temperature_kelvin"] - 273.15, + label="fc", + ) + ax[0].set_ylabel("Temperatures [°C]") + ax[0].legend() + + ax[-1].set_prop_cycle(get_paired_cycler()) + ax[-1].plot( + df["cyc.time_seconds"], + df["veh.history.speed_ach_meters_per_second"], + label="ach", + ) + ax[-1].legend() + ax[-1].set_xlabel("Time [s]") + ax[-1].set_ylabel("Ach Speed [m/s]") + x_min, x_max = ax[-1].get_xlim()[0], ax[-1].get_xlim()[1] + x_max = (x_max - x_min) * 1.15 + ax[-1].set_xlim([x_min, x_max]) + + plt.tight_layout() + if SAVE_FIGS: + plt.savefig(Path("./plots/temps.svg")) + + return fig, ax + + +def plot_fc_pwr() -> Tuple[Figure, Axes]: + fig, ax = plt.subplots(3, 1, sharex=True, figsize=figsize_3_stacked) + plt.suptitle("Fuel Converter Power") + + ax[0].set_prop_cycle(get_paired_cycler()) + ax[0].plot( + df["cyc.time_seconds"], + (df["veh.pt_type.HybridElectricVehicle.fc.history.pwr_prop_watts"] + + df["veh.pt_type.HybridElectricVehicle.fc.history.pwr_aux_watts"]) / 1e3, + label="shaft", + ) + ax[0].plot( + df["cyc.time_seconds"], + df["veh.pt_type.HybridElectricVehicle.fc.history.pwr_fuel_watts"] / 1e3, + label="fuel", + ) + ax[0].set_ylabel("FC Power [kW]") + ax[0].legend() + + ax[1].set_prop_cycle(get_paired_cycler()) + ax[1].plot( + df["cyc.time_seconds"], + df["veh.pt_type.HybridElectricVehicle.res.history.soc"], + label="soc", + ) + ax[1].plot( + df["cyc.time_seconds"], + df["veh.pt_type.HybridElectricVehicle.res.history.soc_disch_buffer"], + label='accel buffer', + alpha=0.5, + ) + # ax[1].plot( + # df["cyc.time_seconds"], + # df["veh.pt_type.HybridElectricVehicle.res.history.soc_regen_buffer"], + # label='regen buffer', + # alpha=0.5, + # ) + # ax[1].plot( + # df["cyc.time_seconds"], + # df['veh.pt_type.HybridElectricVehicle.fc.history.eff'], + # label='FC eff', + # ) + ax[1].set_ylabel("[-]") + ax[1].legend(loc="center right") + + ax[-1].set_prop_cycle(get_paired_cycler()) + ax[-1].plot( + df["cyc.time_seconds"], + df["veh.history.speed_ach_meters_per_second"], + label="ach", + ) + ax[-1].legend() + ax[-1].set_xlabel("Time [s]") + ax[-1].set_ylabel("Ach Speed [m/s]") + x_min, x_max = ax[-1].get_xlim()[0], ax[-1].get_xlim()[1] + x_max = (x_max - x_min) * 1.15 + ax[-1].set_xlim([x_min, x_max]) + + plt.tight_layout() + if SAVE_FIGS: + plt.savefig(Path("./plots/fc_pwr.svg")) + + return fig, ax + + +def plot_fc_energy() -> Tuple[Figure, Axes]: + fig, ax = plt.subplots(2, 1, sharex=True, figsize=figsize_3_stacked) + plt.suptitle("Fuel Converter Energy") + + ax[0].set_prop_cycle(get_paired_cycler()) + ax[0].plot( + df["cyc.time_seconds"], + (df["veh.pt_type.HybridElectricVehicle.fc.history.energy_prop_joules"] + + df["veh.pt_type.HybridElectricVehicle.fc.history.energy_aux_joules"]) / 1e6, + label="shaft", + ) + ax[0].plot( + df["cyc.time_seconds"], + df["veh.pt_type.HybridElectricVehicle.fc.history.energy_fuel_joules"] / 1e6, + label="fuel", + ) + ax[0].set_ylabel("FC Energy [MJ]") + ax[0].legend() + + ax[-1].set_prop_cycle(get_paired_cycler()) + ax[-1].plot( + df["cyc.time_seconds"], + df["veh.history.speed_ach_meters_per_second"], + label="ach", + ) + ax[-1].legend() + ax[-1].set_xlabel("Time [s]") + ax[-1].set_ylabel("Ach Speed [m/s]") + x_min, x_max = ax[-1].get_xlim()[0], ax[-1].get_xlim()[1] + x_max = (x_max - x_min) * 1.15 + ax[-1].set_xlim([x_min, x_max]) + + plt.tight_layout() + if SAVE_FIGS: + plt.savefig(Path(f"./plots/fc_energy.svg")) + + return fig, ax + + +def plot_res_pwr() -> Tuple[Figure, Axes]: + fig, ax = plt.subplots(3, 1, sharex=True, figsize=figsize_3_stacked) + plt.suptitle("Reversible Energy Storage Power") + + ax[0].set_prop_cycle(get_paired_cycler()) + ax[0].plot( + df['cyc.time_seconds'], + df["veh.pt_type.HybridElectricVehicle.res.history.pwr_out_electrical_watts"] / 1e3, + label="electrical out", + ) + ax[0].set_ylabel("RES Power [kW]") + ax[0].legend() + + ax[1].set_prop_cycle(get_paired_cycler()) + ax[1].plot( + df['cyc.time_seconds'], + df["veh.pt_type.HybridElectricVehicle.res.history.soc"], + label="soc", + ) + ax[1].set_ylabel("SOC") + ax[1].legend() + + ax[-1].set_prop_cycle(get_paired_cycler()) + ax[-1].plot( + df['cyc.time_seconds'], + df["veh.history.speed_ach_meters_per_second"], + label='ach', + ) + ax[-1].plot( + df['cyc.time_seconds'], + df["cyc.speed_meters_per_second"], + label='cyc', + ) + ax[-1].legend() + ax[-1].set_xlabel("Time [s]") + ax[-1].set_ylabel("Speed [m/s]") + + plt.tight_layout() + if SAVE_FIGS: + plt.savefig(Path("./plots/res_pwr.svg")) + + return fig, ax + + +def plot_res_energy() -> Tuple[Figure, Axes]: + fig, ax = plt.subplots(3, 1, sharex=True, figsize=figsize_3_stacked) + plt.suptitle("Reversible Energy Storage Energy") + + ax[0].set_prop_cycle(get_paired_cycler()) + ax[0].plot( + df['cyc.time_seconds'], + df["veh.pt_type.HybridElectricVehicle.res.history.energy_out_electrical_joules"] / 1e3, + label="electrical out", + ) + ax[0].set_ylabel("RES Energy [kW]") + ax[0].legend() + + ax[1].set_prop_cycle(get_paired_cycler()) + ax[1].plot( + df['cyc.time_seconds'], + df["veh.pt_type.HybridElectricVehicle.res.history.soc"], + label="soc", + ) + ax[1].set_ylabel("SOC") + ax[1].legend() + + ax[-1].set_prop_cycle(get_paired_cycler()) + ax[-1].plot( + df['cyc.time_seconds'], + df["veh.history.speed_ach_meters_per_second"], + label="ach", + ) + ax[-1].plot( + df['cyc.time_seconds'], + df["cyc.speed_meters_per_second"], + label='cyc', + ) + ax[-1].legend() + ax[-1].set_xlabel("Time [s]") + ax[-1].set_ylabel("Speed [m/s]") + + plt.tight_layout() + if SAVE_FIGS: + plt.savefig(Path("./plots/res_energy.svg")) + + return fig, ax + + +def plot_road_loads() -> Tuple[Figure, Axes]: + fig, ax = plt.subplots(2, 1, sharex=True, figsize=figsize_3_stacked) + plt.suptitle("Road Loads") + + ax[0].set_prop_cycle(get_uni_cycler()) + ax[0].plot( + df["cyc.time_seconds"][::veh.save_interval], + df["veh.history.pwr_drag_watts"] / 1e3, + label="drag", + ) + ax[0].plot( + df["cyc.time_seconds"][::veh.save_interval], + df["veh.history.pwr_rr_watts"] / 1e3, + label="rr", + ) + ax[0].plot( + df["cyc.time_seconds"][::veh.save_interval], + df["veh.history.pwr_tractive_watts"] / 1e3, + label="total", + ) + ax[0].set_ylabel("Power [kW]") + ax[0].legend() + + ax[-1].set_prop_cycle(get_paired_cycler()) + ax[-1].plot( + df["cyc.time_seconds"][::veh.save_interval], + df["veh.history.speed_ach_meters_per_second"], + label="ach", + ) + ax[-1].legend() + ax[-1].set_xlabel("Time [s]") + ax[-1].set_ylabel("Ach. Speed [m/s]") + + plt.tight_layout() + if SAVE_FIGS: + plt.savefig(Path("./plots/road_loads.svg")) + + return fig, ax + + +if SHOW_PLOTS: + fig_fc_pwr, ax_fc_pwr = plot_fc_pwr() + fig_fc_energy, ax_fc_energy = plot_fc_energy() + fig_res_pwr, ax_res_pwr = plot_res_pwr() + fig_res_energy, ax_res_energy = plot_res_energy() + fig_temps, ax_temps = plot_temperatures() + fig, ax = plot_road_loads() + plt.show() +# %% + +# %% +# example for how to use set_default_pwr_interp() method for veh.res +res = fsim.ReversibleEnergyStorage.from_pydict( + sd.to_pydict()['veh']['pt_type']['HybridElectricVehicle']['res']) +res.set_default_pwr_interp() + +# %% From 8cae2e19773a9fddd76cb26421e552e3bb641005 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Thu, 30 Jan 2025 16:19:33 -0700 Subject: [PATCH 086/129] fixed parameter misuseg --- .../src/vehicle/powertrain/reversible_energy_storage.rs | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs index 78606d5a..4167b31b 100644 --- a/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs +++ b/fastsim-core/src/vehicle/powertrain/reversible_energy_storage.rs @@ -857,7 +857,7 @@ impl RESLumpedThermal { - self.state.temperature.get::()) * uc::KELVIN_INT; self.state.pwr_thrml_hvac_to_res = pwr_thrml_hvac_to_res; - self.state.pwr_thrml_from_amb = self.conductance_to_cab + self.state.pwr_thrml_from_amb = self.conductance_to_amb * (te_amb.get::() - self.state.temperature.get::()) * uc::KELVIN_INT; From 9386817ae783e607372e0375904bb7bfbedd2cb5 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Thu, 30 Jan 2025 16:30:03 -0700 Subject: [PATCH 087/129] added objective for hvac power --- cal_and_val/thermal/cal_hev.py | 11 +++++++++++ 1 file changed, 11 insertions(+) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 4ec081c3..63ccfba6 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -259,6 +259,12 @@ def get_mod_pwr_fuel(sd_dict): def get_exp_pwr_fuel(df): return df[fuel_column] * lhv_joules_per_gram +def get_mod_pwr_hvac(sd_dict): + return np.array(sd_dict['veh']['hvac']['LumpedCabin']['history']['pwr_aux_for_hvac_watts']) + +def get_exp_pwr_hvac(df): + return df["HVAC_Power_Hioki_P3[W]"] + save_path = Path(__file__).parent / "pymoo_res" / Path(__file__).stem save_path.mkdir(exist_ok=True, parents=True) @@ -287,6 +293,10 @@ def get_exp_pwr_fuel(df): get_mod_spd, get_exp_spd ), + ( + get_mod_pwr_hvac, + get_exp_pwr_hvac + ), # TODO: add objectives for: # - battery temperature -- BEV only, if available # - HVAC power for cabin, if available @@ -316,6 +326,7 @@ def get_exp_pwr_fuel(df): # - thermal mass # - convection to ambient when stopped # - diameter + # - aux power ), # must match order and length of `params_fns` bounds=( From eea7f9693b70002c10d34c8e3c7a9ecf3a5862be Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Thu, 30 Jan 2025 16:58:39 -0700 Subject: [PATCH 088/129] accounted for lack of hvac power during heating --- cal_and_val/thermal/cal_hev.py | 6 +++++- 1 file changed, 5 insertions(+), 1 deletion(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 63ccfba6..24604fa6 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -263,7 +263,11 @@ def get_mod_pwr_hvac(sd_dict): return np.array(sd_dict['veh']['hvac']['LumpedCabin']['history']['pwr_aux_for_hvac_watts']) def get_exp_pwr_hvac(df): - return df["HVAC_Power_Hioki_P3[W]"] + if df["Cell_Temp[C]"].mean() < 15: + pwr_hvac = [0] * len(df) + else: + pwr_hvac = df["HVAC_Power_Hioki_P3[W]"] + return pwr_hvac save_path = Path(__file__).parent / "pymoo_res" / Path(__file__).stem save_path.mkdir(exist_ok=True, parents=True) From c3b46af4d9aba4cf380f0c85f30606fa6442bbc1 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Thu, 30 Jan 2025 17:06:15 -0700 Subject: [PATCH 089/129] fc range works --- cal_and_val/thermal/cal_hev.py | 7 ++----- python/fastsim/pymoo_api.py | 16 +++++++++++----- 2 files changed, 13 insertions(+), 10 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 24604fa6..f9ef001b 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -301,15 +301,12 @@ def get_exp_pwr_hvac(df): get_mod_pwr_hvac, get_exp_pwr_hvac ), - # TODO: add objectives for: - # - battery temperature -- BEV only, if available - # - HVAC power for cabin, if available ), param_fns=( new_em_eff_max, new_em_eff_range, new_fc_eff_max, - # new_fc_eff_range, + new_fc_eff_range, # TODO: make sure this has functions for modifying # - cabin thermal # - thermal mass @@ -337,7 +334,7 @@ def get_exp_pwr_hvac(df): (0.80, 0.99), (0.1, 0.6), (0.32, 0.45), - # (0.0, 0.45), + (0.2, 0.45), ), verbose=False, ) diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py index c6e93602..3e093dfa 100644 --- a/python/fastsim/pymoo_api.py +++ b/python/fastsim/pymoo_api.py @@ -138,17 +138,23 @@ def update_params(self, xs: List[Any]): t0 = time.perf_counter() + # Instantiate SimDrive objects + sim_drives = {} + # Update all model parameters for key, pydict in self.models.items(): - for (param_fn, new_val) in zip(self.param_fns, xs): - pydict = param_fn(pydict, new_val) + try: + for (param_fn, new_val) in zip(self.param_fns, xs): + pydict = param_fn(pydict, new_val) + except Exception as err: + sim_drives[key] = err # this assignement may be redundant, but `pydict` is probably **not** mutably modified. # If this is correct, then this assignment is necessary self.models[key] = pydict - # Instantiate SimDrive objects - sim_drives = {} for key, pydict in self.models.items(): + if key in list(sim_drives.keys()): + continue try: sim_drives[key] = fsim.SimDrive.from_pydict(pydict, skip_init=False) except Exception as err: @@ -188,7 +194,7 @@ def get_errors( if not isinstance(sd, fsim.SimDrive): solved_mods[key] = sd - objectives[key] = [1e12] * len(self.obj_fns) * len(self.dfs) + objectives[key] = [1e12] * len(self.obj_fns) continue try: From ab1c22162cdfed0d5f294590c06870c67a8267f0 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Thu, 30 Jan 2025 19:19:42 -0700 Subject: [PATCH 090/129] turned off fc eff range --- cal_and_val/thermal/cal_hev.py | 34 ++++++++++++++++++++++++++++++---- python/fastsim/pymoo_api.py | 9 ++------- 2 files changed, 32 insertions(+), 11 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index f9ef001b..ec96f378 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -216,7 +216,7 @@ def new_fc_eff_max(sd_dict, new_eff_max) -> Dict: """ fc = fsim.FuelConverter.from_pydict(sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc']) fc.__eff_max = new_eff_max - sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc'] = fc.to_pydict() + sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["fc"] = fc.to_pydict() return sd_dict def new_fc_eff_range(sd_dict, new_eff_range) -> Dict: @@ -224,10 +224,28 @@ def new_fc_eff_range(sd_dict, new_eff_range) -> Dict: Set `new_eff_range` in `FuelConverter` """ fc = fsim.FuelConverter.from_pydict(sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc']) - fc.__eff_range = new_eff_range + fc_eff_max = fc.eff_max + # TODO: this is a quick and dirty apprach, change to using constraints in PyMOO + fc.__eff_range = min(new_eff_range, fc_eff_max * 0.95) sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc'] = fc.to_pydict() return sd_dict +def new_cab_shell_htc(sd_dict, new_val) -> Dict: + sd_dict['veh']['cabin']['LumpedCabin']['cab_shell_htc_to_amb_watts_per_square_meter_kelvin'] = new_val + return sd_dict + +def new_cab_htc_to_amb_stop(sd_dict, new_val) -> Dict: + sd_dict['veh']['cabin']['LumpedCabin']['cab_htc_to_amb_stop_watts_per_square_meter_kelvin'] = new_val + return sd_dict + +def new_cab_tm(sd_dict, new_val) -> Dict: + sd_dict['veh']['cabin']['LumpedCabin']['heat_capacitance_joules_per_kelvin'] = new_val + return sd_dict + +def new_cab_length(sd_dict, new_val) -> Dict: + sd_dict['veh']['cabin']['LumpedCabin']['length_meters'] = new_val + return sd_dict + ## Objective Functions def get_mod_soc(sd_dict): return np.array(sd_dict['veh']['pt_type']['HybridElectricVehicle']['res']['history']['soc']) @@ -306,7 +324,11 @@ def get_exp_pwr_hvac(df): new_em_eff_max, new_em_eff_range, new_fc_eff_max, - new_fc_eff_range, + # new_fc_eff_range, + new_cab_shell_htc, + new_cab_htc_to_amb_stop, + new_cab_tm, + new_cab_length, # TODO: make sure this has functions for modifying # - cabin thermal # - thermal mass @@ -334,7 +356,11 @@ def get_exp_pwr_hvac(df): (0.80, 0.99), (0.1, 0.6), (0.32, 0.45), - (0.2, 0.45), + # (0.2, 0.45), + (10, 250), + (10, 250), + (100e3, 350e3), + (1.5, 7), ), verbose=False, ) diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py index 3e093dfa..5c15efaa 100644 --- a/python/fastsim/pymoo_api.py +++ b/python/fastsim/pymoo_api.py @@ -143,18 +143,13 @@ def update_params(self, xs: List[Any]): # Update all model parameters for key, pydict in self.models.items(): - try: - for (param_fn, new_val) in zip(self.param_fns, xs): - pydict = param_fn(pydict, new_val) - except Exception as err: - sim_drives[key] = err + for (param_fn, new_val) in zip(self.param_fns, xs): + pydict = param_fn(pydict, new_val) # this assignement may be redundant, but `pydict` is probably **not** mutably modified. # If this is correct, then this assignment is necessary self.models[key] = pydict for key, pydict in self.models.items(): - if key in list(sim_drives.keys()): - continue try: sim_drives[key] = fsim.SimDrive.from_pydict(pydict, skip_init=False) except Exception as err: From ae9a1851a8dfae9a834dc0da70fe72b9fd446333 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Fri, 31 Jan 2025 08:29:48 -0700 Subject: [PATCH 091/129] working on returning the right number of objectives --- cal_and_val/thermal/cal_hev.py | 180 +++++++++++++++------------------ cal_and_val/thermal/val_hev.py | 3 + python/fastsim/pymoo_api.py | 49 +++++---- 3 files changed, 112 insertions(+), 120 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index ec96f378..475c2d6c 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -246,7 +246,41 @@ def new_cab_length(sd_dict, new_val) -> Dict: sd_dict['veh']['cabin']['LumpedCabin']['length_meters'] = new_val return sd_dict -## Objective Functions +def new_speed_soc_disch_buffer_meters_per_second(sd_dict, new_val) -> Dict: + sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["pt_cntrl"]["RGWDB"]["speed_soc_disch_buffer_meters_per_second"] = new_val + return sd_dict + +def new_speed_soc_disch_buffer_coeff(sd_dict, new_val) -> Dict: + sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["pt_cntrl"]["RGWDB"]["speed_soc_disch_buffer_coeff"] = new_val + return sd_dict + +def new_speed_soc_fc_on_buffer_meters_per_second(sd_dict, new_val) -> Dict: + sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["pt_cntrl"]["RGWDB"]["speed_soc_fc_on_buffer_meters_per_second"] = new_val + return sd_dict + +def new_speed_soc_fc_on_buffer_coeff(sd_dict, new_val) -> Dict: + sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["pt_cntrl"]["RGWDB"]["speed_soc_fc_on_buffer_coeff"] = new_val + return sd_dict + +def new_fc_min_time_on_seconds(sd_dict, new_val) -> Dict: + sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["pt_cntrl"]["RGWDB"]["fc_min_time_on_seconds"] = new_val + return sd_dict + +def new_frac_pwr_demand_fc_forced_on(sd_dict, new_val) -> Dict: + sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["pt_cntrl"]["RGWDB"]["frac_pwr_demand_fc_forced_on"] = new_val + return sd_dict + +def new_frac_of_most_eff_pwr_to_run_fc(sd_dict, new_val) -> Dict: + sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["pt_cntrl"]["RGWDB"]["frac_of_most_eff_pwr_to_run_fc"] = new_val + return sd_dict + +# veh.pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.speed_soc_regen_buffer_meters_per_second +# veh.pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.speed_soc_regen_buffer_coeff +# veh.pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.speed_fc_forced_on_meters_per_second +# veh.pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.temp_fc_forced_on_kelvin +# veh.pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.temp_fc_allowed_off_kelvin + +# Objective Functions def get_mod_soc(sd_dict): return np.array(sd_dict['veh']['pt_type']['HybridElectricVehicle']['res']['history']['soc']) @@ -299,48 +333,49 @@ def get_exp_pwr_hvac(df): get_mod_soc, get_exp_soc ), - ( - get_mod_pwr_fuel, - get_exp_pwr_fuel - ), - ( - get_mod_cab_temp, - get_exp_cab_temp - ), - ( - get_mod_fc_temp, - get_exp_fc_temp - ), - ( - get_mod_spd, - get_exp_spd - ), - ( - get_mod_pwr_hvac, - get_exp_pwr_hvac - ), + # ( + # get_mod_pwr_fuel, + # get_exp_pwr_fuel + # ), + # ( + # get_mod_cab_temp, + # get_exp_cab_temp + # ), + # ( + # get_mod_fc_temp, + # get_exp_fc_temp + # ), + # ( + # get_mod_spd, + # get_exp_spd + # ), + # ( + # get_mod_pwr_hvac, + # get_exp_pwr_hvac + # ), ), param_fns=( new_em_eff_max, new_em_eff_range, new_fc_eff_max, - # new_fc_eff_range, - new_cab_shell_htc, - new_cab_htc_to_amb_stop, - new_cab_tm, - new_cab_length, + # new_fc_eff_range, # range is not working + # new_cab_shell_htc, + # new_cab_htc_to_amb_stop, + # new_cab_tm, + # new_cab_length, + # new_speed_soc_disch_buffer_meters_per_second, + # new_speed_soc_disch_buffer_coeff, + # new_speed_soc_fc_on_buffer_meters_per_second, + # new_speed_soc_fc_on_buffer_coeff, + # new_fc_min_time_on_seconds, + # new_frac_pwr_demand_fc_forced_on, + # new_frac_of_most_eff_pwr_to_run_fc, # TODO: make sure this has functions for modifying - # - cabin thermal - # - thermal mass - # - length - # - htc to amb when stopped - # - set width from vehicle specs -- no need to calibrate # - battery thermal -- not necessary for HEV because battery temperature has no real effect # - thermal mass # - convection to ambient # - convection to cabin # ## HEV specific stuff - # - powersplit controls # - HVAC PID controls for cabin (not for battery because Sonata has # passive thermal management, but make sure to do battery thermal # controls for BEV) @@ -356,76 +391,25 @@ def get_exp_pwr_hvac(df): (0.80, 0.99), (0.1, 0.6), (0.32, 0.45), - # (0.2, 0.45), - (10, 250), - (10, 250), - (100e3, 350e3), - (1.5, 7), + # (0.2, 0.45), # range is not working + # (10, 250), + # (10, 250), + # (100e3, 350e3), + # (1.5, 7), + # (5, 50), + # (0.25, 2.0), + # (5, 50), + # (0.25, 2.0), + # (5, 30), + # (0.3, 0.8), + # (0.1, 1.0), ), verbose=False, ) -val_mod_obj = pymoo_api.ModelObjectives( - models = sds_for_val, - dfs = dfs_for_val, - obj_fns=( - ( - get_mod_soc, - get_exp_soc - ), - ( - get_mod_pwr_fuel, - get_exp_pwr_fuel - ), - ( - get_mod_cab_temp, - get_exp_cab_temp - ), - ( - get_mod_fc_temp, - get_exp_fc_temp - ), - ( - get_mod_spd, - get_exp_spd - ), - # TODO: add objectives for: - # - battery temperature -- BEV only, if available - # - HVAC power for cabin, if available - ), - param_fns=( - new_em_eff_max, - new_em_eff_range, - new_fc_eff_max, - # new_fc_eff_range, - # TODO: make sure this has functions for modifying - # - cabin thermal - # - thermal mass - # - length - # - htc to amb when stopped - # - set width from vehicle specs -- no need to valibrate - # - battery thermal -- not necessary for HEV because battery temperature has no real effect - # - thermal mass - # - convection to ambient - # - convection to cabin - # ## HEV specific stuff - # - HVAC PID controls for cabin (not for battery because Sonata has - # passive thermal management, but make sure to do battery thermal - # controls for BEV) - # - engine thermal - # - thermal mass - # - convection to ambient when stopped - # - diameter - ), - # must match order and length of `params_fns` - bounds=( - (0.80, 0.99), - (0.1, 0.6), - (0.32, 0.45), - # (0.0, 0.45), - ), - verbose=False, -) +val_mod_obj = cal_mod_obj +val_mod_obj.dfs = dfs_for_val +val_mod_obj.models = sds_for_val em_eff_fwd_max = fsim.ElectricMachine.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['em'], skip_init=False).eff_fwd_max em_eff_fwd_range = fsim.ElectricMachine.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['em'], skip_init=False).eff_fwd_range diff --git a/cal_and_val/thermal/val_hev.py b/cal_and_val/thermal/val_hev.py index f4d891b3..c11e6932 100644 --- a/cal_and_val/thermal/val_hev.py +++ b/cal_and_val/thermal/val_hev.py @@ -25,6 +25,9 @@ plot_save_path.mkdir(exist_ok=True) for ((key, df_cal), (sd_key, sd_cal)) in zip(cal_mod_obj.dfs.items(), sds_cal.items()): + if not isinstance(sd_cal, dict): + print(f"skipping {key}") + continue assert key == sd_key for obj_fn in cal_mod_obj.obj_fns: fig, ax = plt.subplots(2, 1, sharex=True) diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py index 5c15efaa..7cfb557a 100644 --- a/python/fastsim/pymoo_api.py +++ b/python/fastsim/pymoo_api.py @@ -187,22 +187,23 @@ def get_errors( key: str df_exp: pd.DataFrame - if not isinstance(sd, fsim.SimDrive): - solved_mods[key] = sd - objectives[key] = [1e12] * len(self.obj_fns) - continue + # if not isinstance(sd, fsim.SimDrive): + # solved_mods[key] = sd + # objectives[key] = [1e12] * len(self.obj_fns) + # continue try: t0 = time.perf_counter() sd.walk_once() # type: ignore t1 = time.perf_counter() sd_dict = sd.to_pydict() - except RuntimeError as err: + walk_success = True + except RuntimeError as _err: t1 = time.perf_counter() sd_dict = sd.to_pydict() - if sd_dict['veh']['state']['time_seconds'] < 50: - print(f"key: {key}") - raise(err) + walk_success = True + if len(sd_dict['veh']['history']['time_seconds']) < np.floor(len(df_exp) / 2): + walk_success = True if self.verbose: print(f"Time to simulate {key}: {t1 - t0:.3g}") @@ -230,27 +231,31 @@ def get_errors( time_s = sd_dict['veh']['history']['time_seconds'] # TODO: provision for incomplete simulation in here somewhere - try: - objectives[key].append(get_error_val( - mod_sig, - ref_sig, - time_s, - )) - except AssertionError: - # `get_error_val` checks for length equality with an assertion - # If length equality is not satisfied, this design is - # invalid because the cycle could not be completed. - # NOTE: instead of appending an arbitrarily large - # objective value, we could instead either try passing - # `np.nan` or trigger a constraint violation. + if walk_success: objectives[key].append(1e12) + else: + try: + objectives[key].append(get_error_val( + mod_sig, + ref_sig, + time_s, + )) + except AssertionError: + # `get_error_val` checks for length equality with an assertion + # If length equality is not satisfied, this design is + # invalid because the cycle could not be completed. + # NOTE: instead of appending an arbitrarily large + # objective value, we could instead either try passing + # `np.nan` or trigger a constraint violation. + objectives[key].append(1e12) else: + raise Exception("this is here for debugging and should be deleted") objectives[key].append(mod_sig) t2 = time.perf_counter() if self.verbose: print(f"Time to postprocess: {t2 - t1:.3g} s") - + print(f'\n{objectives}\n') if return_mods: return objectives, solved_mods else: From e190ae11e2d10d50fb22e278f3f99b34a25e35af Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Fri, 31 Jan 2025 08:41:42 -0700 Subject: [PATCH 092/129] added pprint for debugging --- python/fastsim/pymoo_api.py | 4 ++++ 1 file changed, 4 insertions(+) diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py index 7cfb557a..3e6794bb 100644 --- a/python/fastsim/pymoo_api.py +++ b/python/fastsim/pymoo_api.py @@ -253,6 +253,10 @@ def get_errors( objectives[key].append(mod_sig) t2 = time.perf_counter() + import pprint + print("\n") + pprint.pp(objectives) + print("\n") if self.verbose: print(f"Time to postprocess: {t2 - t1:.3g} s") print(f'\n{objectives}\n') From 32374ed30c50c126c4b1438328b6fe37cda14b30 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Fri, 31 Jan 2025 08:49:25 -0700 Subject: [PATCH 093/129] not iterating through enough cycles --- cal_and_val/thermal/cal_hev.py | 74 +++++++++++++++++----------------- python/fastsim/pymoo_api.py | 12 +++--- 2 files changed, 43 insertions(+), 43 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 475c2d6c..2ce01f4a 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -414,43 +414,43 @@ def get_exp_pwr_hvac(df): em_eff_fwd_max = fsim.ElectricMachine.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['em'], skip_init=False).eff_fwd_max em_eff_fwd_range = fsim.ElectricMachine.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['em'], skip_init=False).eff_fwd_range fc_eff_max = fsim.FuelConverter.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['fc'], skip_init=False).eff_max -# print("Verifying that model responds to input parameter changes by individually perturbing parameters") -# baseline_errors = cal_mod_obj.get_errors( -# cal_mod_obj.update_params([ -# em_eff_fwd_max, -# em_eff_fwd_range, -# fc_eff_max, -# # veh_dict['pt_type']['HybridElectricVehicle']['fc'], -# ]) -# ) -# param0_perturb = cal_mod_obj.get_errors( -# cal_mod_obj.update_params([ -# em_eff_fwd_max + 0.05, -# em_eff_fwd_range, -# fc_eff_max, -# # veh_dict['pt_type']['HybridElectricVehicle']['fc'], -# ]) -# ) -# assert list(param0_perturb.values()) != list(baseline_errors.values()) -# param1_perturb = cal_mod_obj.get_errors( -# cal_mod_obj.update_params([ -# em_eff_fwd_max, -# em_eff_fwd_range + 0.1, -# fc_eff_max, -# # veh_dict['pt_type']['HybridElectricVehicle']['fc'], -# ]) -# ) -# assert list(param1_perturb.values()) != list(baseline_errors.values()) -# param2_perturb = cal_mod_obj.get_errors( -# cal_mod_obj.update_params([ -# em_eff_fwd_max, -# em_eff_fwd_range, -# fc_eff_max - 0.15, -# # veh_dict['pt_type']['HybridElectricVehicle']['fc'], -# ]) -# ) -# assert list(param2_perturb.values()) != list(baseline_errors.values()) -# print("Success!") +print("Verifying that model responds to input parameter changes by individually perturbing parameters") +baseline_errors = cal_mod_obj.get_errors( + cal_mod_obj.update_params([ + em_eff_fwd_max, + em_eff_fwd_range, + fc_eff_max, + # veh_dict['pt_type']['HybridElectricVehicle']['fc'], + ]) +) +param0_perturb = cal_mod_obj.get_errors( + cal_mod_obj.update_params([ + em_eff_fwd_max + 0.05, + em_eff_fwd_range, + fc_eff_max, + # veh_dict['pt_type']['HybridElectricVehicle']['fc'], + ]) +) +assert np.array(param0_perturb.values()) != np.array(baseline_errors.values()), f"\n{baseline_errors.values()}\n{param0_perturb.values()}" +param1_perturb = cal_mod_obj.get_errors( + cal_mod_obj.update_params([ + em_eff_fwd_max, + em_eff_fwd_range + 0.1, + fc_eff_max, + # veh_dict['pt_type']['HybridElectricVehicle']['fc'], + ]) +) +assert np.array(param1_perturb.values()) != np.array(baseline_errors.values()), f"\n{baseline_errors.values()}\n{param1_perturb.values()}" +param2_perturb = cal_mod_obj.get_errors( + cal_mod_obj.update_params([ + em_eff_fwd_max, + em_eff_fwd_range, + fc_eff_max - 0.15, + # veh_dict['pt_type']['HybridElectricVehicle']['fc'], + ]) +) +assert np.array(param2_perturb.values()) != np.array(baseline_errors.values()), f"\n{baseline_errors.values()}\n{param1_perturb.values()}" +print("Success!") if __name__ == "__main__": parser = pymoo_api.get_parser() diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py index 3e6794bb..e4903575 100644 --- a/python/fastsim/pymoo_api.py +++ b/python/fastsim/pymoo_api.py @@ -187,10 +187,10 @@ def get_errors( key: str df_exp: pd.DataFrame - # if not isinstance(sd, fsim.SimDrive): - # solved_mods[key] = sd - # objectives[key] = [1e12] * len(self.obj_fns) - # continue + if not isinstance(sd, fsim.SimDrive): + solved_mods[key] = sd + objectives[key] = [1.01e12] * len(self.obj_fns) + continue try: t0 = time.perf_counter() @@ -231,8 +231,8 @@ def get_errors( time_s = sd_dict['veh']['history']['time_seconds'] # TODO: provision for incomplete simulation in here somewhere - if walk_success: - objectives[key].append(1e12) + if not walk_success: + objectives[key].append(0.99e12) else: try: objectives[key].append(get_error_val( From 0f1477ed7622f9253113cefc2a1d352c4fd6c719 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Fri, 31 Jan 2025 08:53:24 -0700 Subject: [PATCH 094/129] the bug was caused by a shallow copy! --- cal_and_val/thermal/cal_hev.py | 3 +-- python/fastsim/pymoo_api.py | 2 ++ 2 files changed, 3 insertions(+), 2 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 2ce01f4a..e8a6fa8b 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -2,7 +2,6 @@ Calibration script for 2021_Hyundai_Sonata_Hybrid_Blue """ from pathlib import Path - import numpy as np # noqa: F401 import matplotlib.pyplot as plt # noqa: F401 import seaborn as sns @@ -407,7 +406,7 @@ def get_exp_pwr_hvac(df): verbose=False, ) -val_mod_obj = cal_mod_obj +val_mod_obj = deepcopy(cal_mod_obj) val_mod_obj.dfs = dfs_for_val val_mod_obj.models = sds_for_val diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py index e4903575..aef4599a 100644 --- a/python/fastsim/pymoo_api.py +++ b/python/fastsim/pymoo_api.py @@ -157,6 +157,8 @@ def update_params(self, xs: List[Any]): t1 = time.perf_counter() if self.verbose: print(f"Time to update params: {t1 - t0:.3g} s") + import pprint + pprint.pp(sim_drives) return sim_drives def get_errors( From e695acc4fbe6887760a454ae99b23e12f63ce8f7 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Fri, 31 Jan 2025 09:03:00 -0700 Subject: [PATCH 095/129] looks like more parameters need to be exposed to pymoo --- cal_and_val/thermal/cal_hev.py | 40 +++++++++++++++++----------------- python/fastsim/pymoo_api.py | 7 ------ 2 files changed, 20 insertions(+), 27 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index e8a6fa8b..ef67bc4d 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -332,26 +332,26 @@ def get_exp_pwr_hvac(df): get_mod_soc, get_exp_soc ), - # ( - # get_mod_pwr_fuel, - # get_exp_pwr_fuel - # ), - # ( - # get_mod_cab_temp, - # get_exp_cab_temp - # ), - # ( - # get_mod_fc_temp, - # get_exp_fc_temp - # ), - # ( - # get_mod_spd, - # get_exp_spd - # ), - # ( - # get_mod_pwr_hvac, - # get_exp_pwr_hvac - # ), + ( + get_mod_pwr_fuel, + get_exp_pwr_fuel + ), + ( + get_mod_cab_temp, + get_exp_cab_temp + ), + ( + get_mod_fc_temp, + get_exp_fc_temp + ), + ( + get_mod_spd, + get_exp_spd + ), + ( + get_mod_pwr_hvac, + get_exp_pwr_hvac + ), ), param_fns=( new_em_eff_max, diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py index aef4599a..f9f23194 100644 --- a/python/fastsim/pymoo_api.py +++ b/python/fastsim/pymoo_api.py @@ -157,8 +157,6 @@ def update_params(self, xs: List[Any]): t1 = time.perf_counter() if self.verbose: print(f"Time to update params: {t1 - t0:.3g} s") - import pprint - pprint.pp(sim_drives) return sim_drives def get_errors( @@ -255,13 +253,8 @@ def get_errors( objectives[key].append(mod_sig) t2 = time.perf_counter() - import pprint - print("\n") - pprint.pp(objectives) - print("\n") if self.verbose: print(f"Time to postprocess: {t2 - t1:.3g} s") - print(f'\n{objectives}\n') if return_mods: return objectives, solved_mods else: From ecfc18c68e4f743e622a034d9b2fdc73db6911ee Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Fri, 31 Jan 2025 09:26:10 -0700 Subject: [PATCH 096/129] pymoo runs and is starting to make more sense. need to check that parameters have effect for all parameters --- cal_and_val/thermal/cal_hev.py | 124 +++++++++++++++++---------------- python/fastsim/pymoo_api.py | 4 +- 2 files changed, 67 insertions(+), 61 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index ef67bc4d..6c5fdd50 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -1,6 +1,7 @@ """ Calibration script for 2021_Hyundai_Sonata_Hybrid_Blue """ +import pprint from pathlib import Path import numpy as np # noqa: F401 import matplotlib.pyplot as plt # noqa: F401 @@ -358,17 +359,17 @@ def get_exp_pwr_hvac(df): new_em_eff_range, new_fc_eff_max, # new_fc_eff_range, # range is not working - # new_cab_shell_htc, - # new_cab_htc_to_amb_stop, - # new_cab_tm, - # new_cab_length, - # new_speed_soc_disch_buffer_meters_per_second, - # new_speed_soc_disch_buffer_coeff, - # new_speed_soc_fc_on_buffer_meters_per_second, - # new_speed_soc_fc_on_buffer_coeff, - # new_fc_min_time_on_seconds, - # new_frac_pwr_demand_fc_forced_on, - # new_frac_of_most_eff_pwr_to_run_fc, + new_cab_shell_htc, + new_cab_htc_to_amb_stop, + new_cab_tm, + new_cab_length, + new_speed_soc_disch_buffer_meters_per_second, + new_speed_soc_disch_buffer_coeff, + new_speed_soc_fc_on_buffer_meters_per_second, + new_speed_soc_fc_on_buffer_coeff, + new_fc_min_time_on_seconds, + new_frac_pwr_demand_fc_forced_on, + new_frac_of_most_eff_pwr_to_run_fc, # TODO: make sure this has functions for modifying # - battery thermal -- not necessary for HEV because battery temperature has no real effect # - thermal mass @@ -391,21 +392,25 @@ def get_exp_pwr_hvac(df): (0.1, 0.6), (0.32, 0.45), # (0.2, 0.45), # range is not working - # (10, 250), - # (10, 250), - # (100e3, 350e3), - # (1.5, 7), - # (5, 50), - # (0.25, 2.0), - # (5, 50), - # (0.25, 2.0), - # (5, 30), - # (0.3, 0.8), - # (0.1, 1.0), + (10, 250), + (10, 250), + (100e3, 350e3), + (1.5, 7), + (5, 50), + (0.25, 2.0), + (5, 50), + (0.25, 2.0), + (5, 30), + (0.3, 0.8), + (0.1, 1.0), ), verbose=False, ) +print("") +pprint.pp(cal_mod_obj.params_and_bounds()) +print("") + val_mod_obj = deepcopy(cal_mod_obj) val_mod_obj.dfs = dfs_for_val val_mod_obj.models = sds_for_val @@ -413,43 +418,44 @@ def get_exp_pwr_hvac(df): em_eff_fwd_max = fsim.ElectricMachine.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['em'], skip_init=False).eff_fwd_max em_eff_fwd_range = fsim.ElectricMachine.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['em'], skip_init=False).eff_fwd_range fc_eff_max = fsim.FuelConverter.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['fc'], skip_init=False).eff_max -print("Verifying that model responds to input parameter changes by individually perturbing parameters") -baseline_errors = cal_mod_obj.get_errors( - cal_mod_obj.update_params([ - em_eff_fwd_max, - em_eff_fwd_range, - fc_eff_max, - # veh_dict['pt_type']['HybridElectricVehicle']['fc'], - ]) -) -param0_perturb = cal_mod_obj.get_errors( - cal_mod_obj.update_params([ - em_eff_fwd_max + 0.05, - em_eff_fwd_range, - fc_eff_max, - # veh_dict['pt_type']['HybridElectricVehicle']['fc'], - ]) -) -assert np.array(param0_perturb.values()) != np.array(baseline_errors.values()), f"\n{baseline_errors.values()}\n{param0_perturb.values()}" -param1_perturb = cal_mod_obj.get_errors( - cal_mod_obj.update_params([ - em_eff_fwd_max, - em_eff_fwd_range + 0.1, - fc_eff_max, - # veh_dict['pt_type']['HybridElectricVehicle']['fc'], - ]) -) -assert np.array(param1_perturb.values()) != np.array(baseline_errors.values()), f"\n{baseline_errors.values()}\n{param1_perturb.values()}" -param2_perturb = cal_mod_obj.get_errors( - cal_mod_obj.update_params([ - em_eff_fwd_max, - em_eff_fwd_range, - fc_eff_max - 0.15, - # veh_dict['pt_type']['HybridElectricVehicle']['fc'], - ]) -) -assert np.array(param2_perturb.values()) != np.array(baseline_errors.values()), f"\n{baseline_errors.values()}\n{param1_perturb.values()}" -print("Success!") +# TODO: uncomment this and do it for all the parameters +# print("Verifying that model responds to input parameter changes by individually perturbing parameters") +# baseline_errors = cal_mod_obj.get_errors( +# cal_mod_obj.update_params([ +# em_eff_fwd_max, +# em_eff_fwd_range, +# fc_eff_max, +# # veh_dict['pt_type']['HybridElectricVehicle']['fc'], +# ]) +# ) +# param0_perturb = cal_mod_obj.get_errors( +# cal_mod_obj.update_params([ +# em_eff_fwd_max + 0.05, +# em_eff_fwd_range, +# fc_eff_max, +# # veh_dict['pt_type']['HybridElectricVehicle']['fc'], +# ]) +# ) +# assert np.array(param0_perturb.values()) != np.array(baseline_errors.values()), f"\n{baseline_errors.values()}\n{param0_perturb.values()}" +# param1_perturb = cal_mod_obj.get_errors( +# cal_mod_obj.update_params([ +# em_eff_fwd_max, +# em_eff_fwd_range + 0.1, +# fc_eff_max, +# # veh_dict['pt_type']['HybridElectricVehicle']['fc'], +# ]) +# ) +# assert np.array(param1_perturb.values()) != np.array(baseline_errors.values()), f"\n{baseline_errors.values()}\n{param1_perturb.values()}" +# param2_perturb = cal_mod_obj.get_errors( +# cal_mod_obj.update_params([ +# em_eff_fwd_max, +# em_eff_fwd_range, +# fc_eff_max - 0.15, +# # veh_dict['pt_type']['HybridElectricVehicle']['fc'], +# ]) +# ) +# assert np.array(param2_perturb.values()) != np.array(baseline_errors.values()), f"\n{baseline_errors.values()}\n{param1_perturb.values()}" +# print("Success!") if __name__ == "__main__": parser = pymoo_api.get_parser() diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py index f9f23194..59db84ee 100644 --- a/python/fastsim/pymoo_api.py +++ b/python/fastsim/pymoo_api.py @@ -203,7 +203,7 @@ def get_errors( sd_dict = sd.to_pydict() walk_success = True if len(sd_dict['veh']['history']['time_seconds']) < np.floor(len(df_exp) / 2): - walk_success = True + walk_success = False if self.verbose: print(f"Time to simulate {key}: {t1 - t0:.3g}") @@ -262,7 +262,7 @@ def get_errors( def params_and_bounds(self): return [ - (param_fn, bound_set) for (param_fn, bound_set) in zip(self.param_fns, self.bounds) + (param_fn.__name__, bound_set) for (param_fn, bound_set) in zip(self.param_fns, self.bounds) ] From 6c55a69383c5ac3011fb15f76f564a5349f25b38 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Fri, 31 Jan 2025 09:47:21 -0700 Subject: [PATCH 097/129] all tests pass --- cal_and_val/thermal/cal_hev.py | 12 ++++++++++-- .../vehicle/hvac/hvac_sys_for_lumped_cabin.rs | 18 +++++++++++------- 2 files changed, 21 insertions(+), 9 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 6c5fdd50..b30ae742 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -42,15 +42,17 @@ # - wide range of initial and ambient temperatures # - good signal quality -- somewhat subjective - # HWY x2, hot (M155), HVAC active (B155) + # HWYx2, 2 bag in 95°F test cell with solar @850W/m^2, HVAC-ON-AUTO-72°F, ECO drive mode "62202004 Test Data.txt", - # US06 x2, hot, HVAC active + # US06x2, 4 (split) bag in 95°F test cell with solar @850W/m^2, HVAC-ON-AUTO-72°F, ECO drive mode "62202005 Test Data.txt", + # UDDS, 2 bag, warm start in ECO mode # UDDS x1, room temperature ambient "62201013 Test Data.txt", + # Hwyx2, 2 bag, warm start in ECO mode # HWY x2, room temperature ambient "62201014 Test Data.txt", @@ -72,12 +74,17 @@ # use random or manual selection to retain ~70% of cycles for calibration, # and reserve the remaining for validation cyc_files_for_cal: List[str] = [ + # HWY x2, hot (M155), HVAC active (B155) "62202004 Test Data.txt", # "62202005 Test Data.txt", + # UDDS x1, room temperature ambient "62201013 Test Data.txt", + # HWY x2, room temperature ambient "62201014 Test Data.txt", + # UDDSx2, 4 bag (FTP), cold start, in COLD (20°F) test cell, HVAC-AUTO-72°F, ECO drive mode "62202013 Test Data.txt", # "62202014 Test Data.txt", + # US06x2, 4 (split) bag, warm start, in COLD (20°F) test cell, HVAC-AUTO-72°F, ECO drive mode "62202016 Test Data.txt", ] cyc_files_for_cal: List[Path] = [cyc_file for cyc_file in cyc_files if cyc_file.name in cyc_files_for_cal] @@ -103,6 +110,7 @@ def df_to_cyc(df: pd.DataFrame) -> fsim.Cycle: return fsim.Cycle.from_pydict(cyc_dict, skip_init=False) def veh_init(cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: + # TODO: turn off HVAC for 22*C ambient vd = deepcopy(veh_dict) # initialize SOC vd['pt_type']['HybridElectricVehicle']['res']['state']['soc'] = \ diff --git a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs index 093125e8..444f52c3 100644 --- a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs +++ b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs @@ -10,8 +10,8 @@ use super::*; #[derive(Deserialize, Serialize, Debug, Clone, PartialEq, HistoryMethods)] /// HVAC system for [LumpedCabin] pub struct HVACSystemForLumpedCabin { - /// set point temperature - pub te_set: si::Temperature, + /// set point temperature, `None` means HVAC is inactive + pub te_set: Option, /// deadband range. any cabin temperature within this range of /// `te_set` results in no HVAC power draw pub te_deadband: si::TemperatureInterval, @@ -46,7 +46,7 @@ pub struct HVACSystemForLumpedCabin { impl Default for HVACSystemForLumpedCabin { fn default() -> Self { Self { - te_set: *TE_STD_AIR, + te_set: Some(*TE_STD_AIR), te_deadband: 1.5 * uc::KELVIN_INT, p: Default::default(), i: Default::default(), @@ -86,9 +86,13 @@ impl HVACSystemForLumpedCabin { cab_heat_cap: si::HeatCapacity, dt: si::Time, ) -> anyhow::Result<(si::Power, si::Power)> { + let te_set = match self.te_set { + Some(te_set) => te_set, + None => return Ok((si::Power::ZERO, si::Power::ZERO)), + }; let (pwr_thrml_hvac_to_cabin, pwr_thrml_fc_to_cabin, cop) = if cab_state.temperature - <= self.te_set + self.te_deadband - && cab_state.temperature >= self.te_set - self.te_deadband + <= te_set + self.te_deadband + && cab_state.temperature >= te_set - self.te_deadband { // inside deadband; no hvac power is needed @@ -101,7 +105,7 @@ impl HVACSystemForLumpedCabin { } else { // outside deadband let te_delta_vs_set = (cab_state.temperature.get::() - - self.te_set.get::()) + - te_set.get::()) * uc::KELVIN_INT; let te_delta_vs_amb: si::TemperatureInterval = (cab_state.temperature.get::() @@ -120,7 +124,7 @@ impl HVACSystemForLumpedCabin { / dt); let (pwr_thrml_hvac_to_cabin, pwr_thrml_fc_to_cabin, cop) = - if cab_state.temperature > self.te_set + self.te_deadband { + if cab_state.temperature > te_set + self.te_deadband { // COOLING MODE; cabin is hotter than set point // https://en.wikipedia.org/wiki/Coefficient_of_performance#Theoretical_performance_limits From 00675b92f487a13e0c9fb74d72f391108bd75bdf Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Fri, 31 Jan 2025 09:58:34 -0700 Subject: [PATCH 098/129] contains useful metadata --- cal_and_val/thermal/cal_hev.py | 21 ++++++++++----------- 1 file changed, 10 insertions(+), 11 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index b30ae742..a2255a6f 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -37,38 +37,37 @@ assert cyc_folder_path.exists() # See 2021_Hyundai_Sonata_Hybrid_TestSummary_2022-03-01_D3.xlsx for cycle-level data -cyc_files: List[str] = [ +cyc_files_dict: Dict[str, Dict] = { # The hot and cold cycles must have HVAC active! # - wide range of initial and ambient temperatures # - good signal quality -- somewhat subjective # HWYx2, 2 bag in 95°F test cell with solar @850W/m^2, HVAC-ON-AUTO-72°F, ECO drive mode - "62202004 Test Data.txt", + "62202004 Test Data.txt": {"cell temp [*C]]": 35, "solar load [W/m^2]": 850, "set temp [*C]": 22}, # US06x2, 4 (split) bag in 95°F test cell with solar @850W/m^2, HVAC-ON-AUTO-72°F, ECO drive mode - "62202005 Test Data.txt", + "62202005 Test Data.txt": {"cell temp [*C]]": 35, "solar load [W/m^2]": 850, "set temp [*C]": 22}, # UDDS, 2 bag, warm start in ECO mode # UDDS x1, room temperature ambient - "62201013 Test Data.txt", + "62201013 Test Data.txt": {"cell temp [*C]]": 25, "solar load [W/m^2]": 0, "set temp [*C]": None}, # Hwyx2, 2 bag, warm start in ECO mode # HWY x2, room temperature ambient - "62201014 Test Data.txt", + "62201014 Test Data.txt": {"cell temp [*C]]": 25, "solar load [W/m^2]": 0, "set temp [*C]": None}, # UDDSx2, 4 bag (FTP), cold start, in COLD (20°F) test cell, HVAC-AUTO-72°F, ECO drive mode - "62202013 Test Data.txt", + "62202013 Test Data.txt": {"cell temp [*C]]": -6.7, "solar load [W/m^2]": 0, "set temp [*C]": 22}, # UDDS, 2 bag, warm start, in COLD (20°F) test cell, HVAC-AUTO-72°F, ECO drive mode - "62202014 Test Data.txt", + "62202014 Test Data.txt": {"cell temp [*C]]": -6.7, "solar load [W/m^2]": 0, "set temp [*C]": 22}, # US06x2, 4 (split) bag, warm start, in COLD (20°F) test cell, HVAC-AUTO-72°F, ECO drive mode - "62202016 Test Data.txt", + "62202016 Test Data.txt": {"cell temp [*C]]": -6.7, "solar load [W/m^2]": 0, "set temp [*C]": 22}, # TODO: check for seat heater usage in cold cycles and account for that in model! -] -assert len(cyc_files) > 0 -cyc_files: List[Path] = [cyc_folder_path / cyc_file for cyc_file in cyc_files] +} +cyc_files: List[Path] = [cyc_folder_path / cyc_file for cyc_file in cyc_files_dict.keys()] print("\ncyc_files:\n", '\n'.join([cf.name for cf in cyc_files]), sep='') # use random or manual selection to retain ~70% of cycles for calibration, From 235a119ede7dfe71c59da54545d5df2733341f64 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Fri, 31 Jan 2025 10:04:23 -0700 Subject: [PATCH 099/129] now have ability to deactivate hvac --- cal_and_val/thermal/cal_hev.py | 4 ++++ 1 file changed, 4 insertions(+) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index a2255a6f..96cad6f3 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -128,6 +128,10 @@ def veh_init(cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: # initialize engine temperature vd['pt_type']['HybridElectricVehicle']['fc']['thrml']['FuelConverterThermal']['state']['temperature_kelvin'] = \ dfs[cyc_file_stem][eng_clnt_temp_column][0] + celsius_to_kelvin_offset + # set HVAC set point temperature + te_set = next(iter([v["set temp [*C]"] for k, v in cyc_files_dict.items() if k.replace(".txt", "") == cyc_file_stem])) + vd['hvac']['LumpedCabin']['te_set_kelvin'] = te_set + return fsim.Vehicle.from_pydict(vd, skip_init=False) From 5db2dfc89a7b85b59b66e7247c1dcf469fdd7571 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Fri, 31 Jan 2025 10:04:41 -0700 Subject: [PATCH 100/129] fixed temperature units --- cal_and_val/thermal/cal_hev.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 96cad6f3..dc558b29 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -130,7 +130,7 @@ def veh_init(cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: dfs[cyc_file_stem][eng_clnt_temp_column][0] + celsius_to_kelvin_offset # set HVAC set point temperature te_set = next(iter([v["set temp [*C]"] for k, v in cyc_files_dict.items() if k.replace(".txt", "") == cyc_file_stem])) - vd['hvac']['LumpedCabin']['te_set_kelvin'] = te_set + vd['hvac']['LumpedCabin']['te_set_kelvin'] = te_set + celsius_to_kelvin_offset return fsim.Vehicle.from_pydict(vd, skip_init=False) From 11afa6e3ccee97109647dd29920cc418049991f8 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Fri, 31 Jan 2025 10:06:08 -0700 Subject: [PATCH 101/129] handled `None` case --- cal_and_val/thermal/cal_hev.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index dc558b29..2e7eb168 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -130,7 +130,7 @@ def veh_init(cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: dfs[cyc_file_stem][eng_clnt_temp_column][0] + celsius_to_kelvin_offset # set HVAC set point temperature te_set = next(iter([v["set temp [*C]"] for k, v in cyc_files_dict.items() if k.replace(".txt", "") == cyc_file_stem])) - vd['hvac']['LumpedCabin']['te_set_kelvin'] = te_set + celsius_to_kelvin_offset + vd['hvac']['LumpedCabin']['te_set_kelvin'] = te_set + celsius_to_kelvin_offset if te_set is not None else None return fsim.Vehicle.from_pydict(vd, skip_init=False) From d38ff78cc5425cf6120e87742d6c11194756bb16 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Fri, 31 Jan 2025 10:33:14 -0700 Subject: [PATCH 102/129] added `RESGreedyWithDynamicBuffers` --- fastsim-core/src/prelude.rs | 1 + fastsim-py/src/lib.rs | 1 + 2 files changed, 2 insertions(+) diff --git a/fastsim-core/src/prelude.rs b/fastsim-core/src/prelude.rs index ca4670f1..2728833f 100755 --- a/fastsim-core/src/prelude.rs +++ b/fastsim-core/src/prelude.rs @@ -8,6 +8,7 @@ pub use crate::utils::{Pyo3Vec2Wrapper, Pyo3Vec3Wrapper, Pyo3VecBoolWrapper, Pyo pub use crate::vehicle::cabin::{ CabinOption, LumpedCabin, LumpedCabinState, LumpedCabinStateHistoryVec, }; +pub use crate::vehicle::hev::RESGreedyWithDynamicBuffers; pub use crate::vehicle::hvac::{ HVACOption, HVACSystemForLumpedCabin, HVACSystemForLumpedCabinAndRES, HVACSystemForLumpedCabinAndRESState, HVACSystemForLumpedCabinAndRESStateHistoryVec, diff --git a/fastsim-py/src/lib.rs b/fastsim-py/src/lib.rs index 02ec7411..8545fd90 100644 --- a/fastsim-py/src/lib.rs +++ b/fastsim-py/src/lib.rs @@ -35,6 +35,7 @@ fn fastsim(_py: Python, m: &Bound) -> PyResult<()> { m.add_class::()?; m.add_class::()?; m.add_class::()?; + m.add_class::()?; m.add_class::()?; m.add_class::()?; m.add_class::()?; From 1e33d674cf354fe89ef400405eb2711c57c35d25 Mon Sep 17 00:00:00 2001 From: Kyle Carow Date: Fri, 31 Jan 2025 10:40:24 -0700 Subject: [PATCH 103/129] partial perturb_params --- cal_and_val/thermal/cal_hev.py | 88 ++++++++++++++++++---------------- 1 file changed, 47 insertions(+), 41 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 2e7eb168..a9a8a738 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -25,6 +25,7 @@ veh = fsim.Vehicle.from_file(Path(__file__).parent / "f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml") veh_dict = veh.to_pydict() +veh_dict_flat = veh.to_pydict(flatten=True) sim_params_dict = fsim.SimParams.default().to_pydict() sim_params_dict["trace_miss_opts"] = "AllowChecked" @@ -426,47 +427,52 @@ def get_exp_pwr_hvac(df): val_mod_obj.dfs = dfs_for_val val_mod_obj.models = sds_for_val -em_eff_fwd_max = fsim.ElectricMachine.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['em'], skip_init=False).eff_fwd_max -em_eff_fwd_range = fsim.ElectricMachine.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['em'], skip_init=False).eff_fwd_range -fc_eff_max = fsim.FuelConverter.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['fc'], skip_init=False).eff_max -# TODO: uncomment this and do it for all the parameters -# print("Verifying that model responds to input parameter changes by individually perturbing parameters") -# baseline_errors = cal_mod_obj.get_errors( -# cal_mod_obj.update_params([ -# em_eff_fwd_max, -# em_eff_fwd_range, -# fc_eff_max, -# # veh_dict['pt_type']['HybridElectricVehicle']['fc'], -# ]) -# ) -# param0_perturb = cal_mod_obj.get_errors( -# cal_mod_obj.update_params([ -# em_eff_fwd_max + 0.05, -# em_eff_fwd_range, -# fc_eff_max, -# # veh_dict['pt_type']['HybridElectricVehicle']['fc'], -# ]) -# ) -# assert np.array(param0_perturb.values()) != np.array(baseline_errors.values()), f"\n{baseline_errors.values()}\n{param0_perturb.values()}" -# param1_perturb = cal_mod_obj.get_errors( -# cal_mod_obj.update_params([ -# em_eff_fwd_max, -# em_eff_fwd_range + 0.1, -# fc_eff_max, -# # veh_dict['pt_type']['HybridElectricVehicle']['fc'], -# ]) -# ) -# assert np.array(param1_perturb.values()) != np.array(baseline_errors.values()), f"\n{baseline_errors.values()}\n{param1_perturb.values()}" -# param2_perturb = cal_mod_obj.get_errors( -# cal_mod_obj.update_params([ -# em_eff_fwd_max, -# em_eff_fwd_range, -# fc_eff_max - 0.15, -# # veh_dict['pt_type']['HybridElectricVehicle']['fc'], -# ]) -# ) -# assert np.array(param2_perturb.values()) != np.array(baseline_errors.values()), f"\n{baseline_errors.values()}\n{param1_perturb.values()}" -# print("Success!") +def perturb_params(pct: float = 0.05): + em = fsim.ElectricMachine.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['em'], skip_init=False) + fc = fsim.FuelConverter.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['fc'], skip_init=False) + lumped_cabin = fsim.LumpedCabin.from_pydict(veh_dict['cabin']['LumpedCabin'], skip_init=False) + rgwdb = fsim.RESGreedyWithDynamicBuffers.from_pydict(veh_dict["pt_type"]["HybridElectricVehicle"]["pt_cntrl"]["RGWDB"]) + baseline_param_paths = [ + "cabin.LumpedCabin.cab_shell_htc_to_amb_watts_per_square_meter_kelvin", + ] + baseline_params = [ + em.eff_fwd_max, + em.eff_fwd_range, + fc.eff_max, + # fc.eff_range, + veh_dict['cabin']['LumpedCabin']['cab_shell_htc_to_amb_watts_per_square_meter_kelvin'], + veh_dict['cabin']['LumpedCabin']['cab_htc_to_amb_stop_watts_per_square_meter_kelvin'], + lumped_cabin.heat_capacitance_joules_per_kelvin, + lumped_cabin.length_meters, + rgwdb.speed_soc_disch_buffer_meters_per_second, + rgwdb.speed_soc_disch_buffer_coeff, + rgwdb.speed_soc_fc_on_buffer_meters_per_second, + rgwdb.speed_soc_fc_on_buffer_coeff, + rgwdb.fc_min_time_on_seconds, + rgwdb.frac_pwr_demand_fc_forced_on, + rgwdb.frac_of_most_eff_pwr_to_run_fc, + ] + + print("Verifying that model responds to input parameter changes by individually perturbing parameters") + baseline_errors = cal_mod_obj.get_errors( + cal_mod_obj.update_params(baseline_params) + ) + + for i, param in enumerate(baseline_params): + # +5% + perturbed_params = baseline_params.copy() + perturbed_params[i] = param * (1 + pct) + perturbed_errors = cal_mod_obj.get_errors(cal_mod_obj.update_params(perturbed_params)) + assert perturbed_errors != baseline_errors, f"+{100 * pct}% perturbation failed for param {i}: {perturbed_errors} == {baseline_errors}" + # -5% + perturbed_params = baseline_params.copy() + perturbed_params[i] = param * (1 - pct) + perturbed_errors = cal_mod_obj.get_errors(cal_mod_obj.update_params(perturbed_params)) + assert perturbed_errors != baseline_errors, f"-{100 * pct}% perturbation failed for param {i}: {perturbed_errors} == {baseline_errors}" + + print("Success!") + +perturb_params() if __name__ == "__main__": parser = pymoo_api.get_parser() From c5973273ca517fe5db297a6797880d5c8907f4bd Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Fri, 31 Jan 2025 10:49:47 -0700 Subject: [PATCH 104/129] parameter response verified --- cal_and_val/thermal/cal_hev.py | 27 +++++++++++---------------- 1 file changed, 11 insertions(+), 16 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index a9a8a738..46951959 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -430,27 +430,22 @@ def get_exp_pwr_hvac(df): def perturb_params(pct: float = 0.05): em = fsim.ElectricMachine.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['em'], skip_init=False) fc = fsim.FuelConverter.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['fc'], skip_init=False) - lumped_cabin = fsim.LumpedCabin.from_pydict(veh_dict['cabin']['LumpedCabin'], skip_init=False) - rgwdb = fsim.RESGreedyWithDynamicBuffers.from_pydict(veh_dict["pt_type"]["HybridElectricVehicle"]["pt_cntrl"]["RGWDB"]) - baseline_param_paths = [ - "cabin.LumpedCabin.cab_shell_htc_to_amb_watts_per_square_meter_kelvin", - ] baseline_params = [ em.eff_fwd_max, em.eff_fwd_range, fc.eff_max, # fc.eff_range, - veh_dict['cabin']['LumpedCabin']['cab_shell_htc_to_amb_watts_per_square_meter_kelvin'], - veh_dict['cabin']['LumpedCabin']['cab_htc_to_amb_stop_watts_per_square_meter_kelvin'], - lumped_cabin.heat_capacitance_joules_per_kelvin, - lumped_cabin.length_meters, - rgwdb.speed_soc_disch_buffer_meters_per_second, - rgwdb.speed_soc_disch_buffer_coeff, - rgwdb.speed_soc_fc_on_buffer_meters_per_second, - rgwdb.speed_soc_fc_on_buffer_coeff, - rgwdb.fc_min_time_on_seconds, - rgwdb.frac_pwr_demand_fc_forced_on, - rgwdb.frac_of_most_eff_pwr_to_run_fc, + veh_dict_flat['cabin.LumpedCabin.cab_shell_htc_to_amb_watts_per_square_meter_kelvin'], + veh_dict_flat['cabin.LumpedCabin.cab_htc_to_amb_stop_watts_per_square_meter_kelvin'], + veh_dict_flat['cabin.LumpedCabin.heat_capacitance_joules_per_kelvin'], + veh_dict_flat['cabin.LumpedCabin.length_meters'], + veh_dict_flat['pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.speed_soc_disch_buffer_meters_per_second'], + veh_dict_flat['pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.speed_soc_disch_buffer_coeff'], + veh_dict_flat['pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.speed_soc_fc_on_buffer_meters_per_second'], + veh_dict_flat['pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.speed_soc_fc_on_buffer_coeff'], + veh_dict_flat['pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.fc_min_time_on_seconds'], + veh_dict_flat['pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.frac_pwr_demand_fc_forced_on'], + veh_dict_flat['pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.frac_of_most_eff_pwr_to_run_fc'], ] print("Verifying that model responds to input parameter changes by individually perturbing parameters") From b5c0ad763250f5c2a5e9e0806117dfd7ceaf1da2 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Fri, 31 Jan 2025 10:51:01 -0700 Subject: [PATCH 105/129] addedd comment --- cal_and_val/thermal/cal_hev.py | 1 + 1 file changed, 1 insertion(+) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 46951959..03804f7b 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -391,6 +391,7 @@ def get_exp_pwr_hvac(df): # - HVAC PID controls for cabin (not for battery because Sonata has # passive thermal management, but make sure to do battery thermal # controls for BEV) + # - HVAC cop frac # - engine temperature-dependent efficiency parameters # - engine thermal # - thermal mass From f43db23f2a277f8e91d73c69f7a563b5870b0ab9 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Fri, 31 Jan 2025 11:04:53 -0700 Subject: [PATCH 106/129] runs with hvac params --- cal_and_val/thermal/cal_hev.py | 41 ++++++++++++++++++++++++++++++++-- 1 file changed, 39 insertions(+), 2 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 03804f7b..e9bb85a4 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -203,7 +203,7 @@ def veh_init(cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: sds_for_val[cyc_file_stem] = fsim.SimDrive(veh, cyc, sim_params).to_pydict() # Setup model parameters and objectives -## Parameter Functions +## Parameter Functions `param_fns` def new_em_eff_max(sd_dict, new_eff_max) -> Dict: """ Set `new_eff_max` in `ElectricMachine` @@ -285,6 +285,34 @@ def new_frac_pwr_demand_fc_forced_on(sd_dict, new_val) -> Dict: def new_frac_of_most_eff_pwr_to_run_fc(sd_dict, new_val) -> Dict: sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["pt_cntrl"]["RGWDB"]["frac_of_most_eff_pwr_to_run_fc"] = new_val return sd_dict + +def new_hvac_p_watts_per_kelvin(sd_dict, new_val) -> Dict: + sd_dict['veh']['hvac']['LumpedCabin']['p_watts_per_kelvin'] = new_val + return sd_dict + +def new_hvac_i(sd_dict, new_val) -> Dict: + sd_dict['veh']['hvac']['LumpedCabin']['i'] = new_val + return sd_dict + +# def new_hvac_pwr_i_max_watts(sd_dict, new_val) -> Dict: +# sd_dict['veh']['hvac']['LumpedCabin']['pwr_i_max_watts'] = new_val +# return sd_dict + +# def new_hvac_d(sd_dict, new_val) -> Dict: +# sd_dict['veh']['hvac']['LumpedCabin']['d'] = new_val +# return sd_dict + +# def new_hvac_pwr_thrml_max_watts(sd_dict, new_val) -> Dict: +# sd_dict['veh']['hvac']['LumpedCabin']['pwr_thrml_max_watts'] = new_val +# return sd_dict + +def new_hvac_frac_of_ideal_cop(sd_dict, new_val) -> Dict: + sd_dict['veh']['hvac']['LumpedCabin']['frac_of_ideal_cop'] = new_val + return sd_dict + +# def new_hvac_pwr_aux_for_hvac_max_watt(sd_dict, new_val) -> Dict: +# sd_dict['veh']['hvac']['LumpedCabin']['pwr_aux_for_hvac_max_watts'] = new_val +# return sd_dict # veh.pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.speed_soc_regen_buffer_meters_per_second # veh.pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.speed_soc_regen_buffer_coeff @@ -292,7 +320,7 @@ def new_frac_of_most_eff_pwr_to_run_fc(sd_dict, new_val) -> Dict: # veh.pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.temp_fc_forced_on_kelvin # veh.pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.temp_fc_allowed_off_kelvin -# Objective Functions +# Objective Functions -- `obj_fns` def get_mod_soc(sd_dict): return np.array(sd_dict['veh']['pt_type']['HybridElectricVehicle']['res']['history']['soc']) @@ -382,6 +410,9 @@ def get_exp_pwr_hvac(df): new_fc_min_time_on_seconds, new_frac_pwr_demand_fc_forced_on, new_frac_of_most_eff_pwr_to_run_fc, + new_hvac_p_watts_per_kelvin, + new_hvac_i, + new_hvac_frac_of_ideal_cop, # TODO: make sure this has functions for modifying # - battery thermal -- not necessary for HEV because battery temperature has no real effect # - thermal mass @@ -416,6 +447,9 @@ def get_exp_pwr_hvac(df): (5, 30), (0.3, 0.8), (0.1, 1.0), + (5, 100), + (1, 20), + (0.05, 0.25), ), verbose=False, ) @@ -447,6 +481,9 @@ def perturb_params(pct: float = 0.05): veh_dict_flat['pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.fc_min_time_on_seconds'], veh_dict_flat['pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.frac_pwr_demand_fc_forced_on'], veh_dict_flat['pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.frac_of_most_eff_pwr_to_run_fc'], + veh_dict_flat['hvac.LumpedCabin.p_watts_per_kelvin'], + veh_dict_flat['hvac.LumpedCabin.i'], + veh_dict_flat['hvac.LumpedCabin.frac_of_ideal_cop'], ] print("Verifying that model responds to input parameter changes by individually perturbing parameters") From 1155b8c24eb60889e9ca3157d01631229c4d9176 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Fri, 31 Jan 2025 11:40:38 -0700 Subject: [PATCH 107/129] all paramaters have been exposed to PyMOO --- cal_and_val/thermal/cal_hev.py | 139 ++++++++++++------ .../2021_Hyundai_Sonata_Hybrid_Blue.yaml | 4 +- cal_and_val/thermal/val_hev.py | 7 +- 3 files changed, 104 insertions(+), 46 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index e9bb85a4..049b8d7e 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -1,5 +1,5 @@ """ -Calibration script for 2021_Hyundai_Sonata_Hybrid_Blue +alibration script for 2021_Hyundai_Sonata_Hybrid_Blue """ import pprint from pathlib import Path @@ -37,6 +37,13 @@ cyc_folder_path = Path(__file__).parent / "dyno_test_data/2021 Hyundai Sonata Hybrid/Extended Datasets" assert cyc_folder_path.exists() +time_column = "Time[s]_RawFacilities" +speed_column = "Dyno_Spd[mph]" +cabin_temp_column = "Cabin_Temp[C]" +eng_clnt_temp_column = "engine_coolant_temp_PCAN__C" +fuel_column = "Eng_FuelFlow_Direct2[gps]" +cell_temp_column = "Cell_Temp[C]" + # See 2021_Hyundai_Sonata_Hybrid_TestSummary_2022-03-01_D3.xlsx for cycle-level data cyc_files_dict: Dict[str, Dict] = { # The hot and cold cycles must have HVAC active! @@ -44,27 +51,27 @@ # - good signal quality -- somewhat subjective # HWYx2, 2 bag in 95°F test cell with solar @850W/m^2, HVAC-ON-AUTO-72°F, ECO drive mode - "62202004 Test Data.txt": {"cell temp [*C]]": 35, "solar load [W/m^2]": 850, "set temp [*C]": 22}, + "62202004 Test Data.txt": {cell_temp_column: 35, "solar load [W/m^2]": 850, "set temp [*C]": 22}, # US06x2, 4 (split) bag in 95°F test cell with solar @850W/m^2, HVAC-ON-AUTO-72°F, ECO drive mode - "62202005 Test Data.txt": {"cell temp [*C]]": 35, "solar load [W/m^2]": 850, "set temp [*C]": 22}, + "62202005 Test Data.txt": {cell_temp_column: 35, "solar load [W/m^2]": 850, "set temp [*C]": 22}, # UDDS, 2 bag, warm start in ECO mode # UDDS x1, room temperature ambient - "62201013 Test Data.txt": {"cell temp [*C]]": 25, "solar load [W/m^2]": 0, "set temp [*C]": None}, + "62201013 Test Data.txt": {cell_temp_column: 25, "solar load [W/m^2]": 0, "set temp [*C]": None}, # Hwyx2, 2 bag, warm start in ECO mode # HWY x2, room temperature ambient - "62201014 Test Data.txt": {"cell temp [*C]]": 25, "solar load [W/m^2]": 0, "set temp [*C]": None}, + "62201014 Test Data.txt": {cell_temp_column: 25, "solar load [W/m^2]": 0, "set temp [*C]": None}, # UDDSx2, 4 bag (FTP), cold start, in COLD (20°F) test cell, HVAC-AUTO-72°F, ECO drive mode - "62202013 Test Data.txt": {"cell temp [*C]]": -6.7, "solar load [W/m^2]": 0, "set temp [*C]": 22}, + "62202013 Test Data.txt": {cell_temp_column: -6.7, "solar load [W/m^2]": 0, "set temp [*C]": 22}, # UDDS, 2 bag, warm start, in COLD (20°F) test cell, HVAC-AUTO-72°F, ECO drive mode - "62202014 Test Data.txt": {"cell temp [*C]]": -6.7, "solar load [W/m^2]": 0, "set temp [*C]": 22}, + "62202014 Test Data.txt": {cell_temp_column: -6.7, "solar load [W/m^2]": 0, "set temp [*C]": 22}, # US06x2, 4 (split) bag, warm start, in COLD (20°F) test cell, HVAC-AUTO-72°F, ECO drive mode - "62202016 Test Data.txt": {"cell temp [*C]]": -6.7, "solar load [W/m^2]": 0, "set temp [*C]": 22}, + "62202016 Test Data.txt": {cell_temp_column: -6.7, "solar load [W/m^2]": 0, "set temp [*C]": 22}, # TODO: check for seat heater usage in cold cycles and account for that in model! } @@ -91,17 +98,11 @@ assert len(cyc_files_for_cal) > 0 print("\ncyc_files_for_cal:\n", '\n'.join([cf.name for cf in cyc_files_for_cal]), sep='') -time_column = "Time[s]_RawFacilities" -speed_column = "Dyno_Spd[mph]" -cabin_temp_column = "Cabin_Temp[C]" -eng_clnt_temp_column = "engine_coolant_temp_PCAN__C" -fuel_column = "Eng_FuelFlow_Direct2[gps]" - def df_to_cyc(df: pd.DataFrame) -> fsim.Cycle: cyc_dict = { "time_seconds": df[time_column].to_list(), "speed_meters_per_second": (df[speed_column] * mps_per_mph).to_list(), - "temp_amb_air_kelvin": (df["Cell_Temp[C]"] + celsius_to_kelvin_offset).to_list(), + "temp_amb_air_kelvin": (df[cell_temp_column] + celsius_to_kelvin_offset).to_list(), # TODO: pipe solar load from `Cycle` into cabin thermal model # TODO: use something (e.g. regex) to determine solar load # see column J comments in 2021_Hyundai_Sonata_Hybrid_TestSummary_2022-03-01_D3.xlsx @@ -314,6 +315,42 @@ def new_hvac_frac_of_ideal_cop(sd_dict, new_val) -> Dict: # sd_dict['veh']['hvac']['LumpedCabin']['pwr_aux_for_hvac_max_watts'] = new_val # return sd_dict +def new_fc_thrml_heat_capacitance_joules_per_kelvin(sd_dict, new_val) -> Dict: + sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["fc"]["thrml"]["FuelConverterThermal"]["heat_capacitance_joules_per_kelvin"] = new_val + return sd_dict + +def new_fc_thrml_length_for_convection_meters(sd_dict, new_val) -> Dict: + sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["fc"]["thrml"]["FuelConverterThermal"]["length_for_convection_meters"] = new_val + return sd_dict + +def new_fc_thrml_htc_to_amb_stop_watts_per_square_meter_kelvin(sd_dict, new_val) -> Dict: + sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["fc"]["thrml"]["FuelConverterThermal"]["htc_to_amb_stop_watts_per_square_meter_kelvin"] = new_val + return sd_dict + +def new_fc_thrml_conductance_from_comb_watts_per_kelvin(sd_dict, new_val) -> Dict: + sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["fc"]["thrml"]["FuelConverterThermal"]["conductance_from_comb_watts_per_kelvin"] = new_val + return sd_dict + +def new_fc_thrml_max_frac_from_comb(sd_dict, new_val) -> Dict: + sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["fc"]["thrml"]["FuelConverterThermal"]["max_frac_from_comb"] = new_val + return sd_dict + +def new_fc_thrml_radiator_effectiveness(sd_dict, new_val) -> Dict: + sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["fc"]["thrml"]["FuelConverterThermal"]["radiator_effectiveness"] = new_val + return sd_dict + +def new_fc_thrml_fc_eff_model_Exponential_offset(sd_dict, new_val) -> Dict: + sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["fc"]["thrml"]["FuelConverterThermal"]["fc_eff_model"]["Exponential"]["offset"] = new_val + return sd_dict + +def new_fc_thrml_fc_eff_model_Exponential_lag(sd_dict, new_val) -> Dict: + sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["fc"]["thrml"]["FuelConverterThermal"]["fc_eff_model"]["Exponential"]["lag"] = new_val + return sd_dict + +def new_fc_thrml_fc_eff_model_Exponential_minimum(sd_dict, new_val) -> Dict: + sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["fc"]["thrml"]["FuelConverterThermal"]["fc_eff_model"]["Exponential"]["minimum"] = new_val + return sd_dict + # veh.pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.speed_soc_regen_buffer_meters_per_second # veh.pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.speed_soc_regen_buffer_coeff # veh.pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.speed_fc_forced_on_meters_per_second @@ -413,43 +450,52 @@ def get_exp_pwr_hvac(df): new_hvac_p_watts_per_kelvin, new_hvac_i, new_hvac_frac_of_ideal_cop, + new_fc_thrml_heat_capacitance_joules_per_kelvin, + new_fc_thrml_length_for_convection_meters, + new_fc_thrml_htc_to_amb_stop_watts_per_square_meter_kelvin, + new_fc_thrml_conductance_from_comb_watts_per_kelvin, + # new_fc_thrml_max_frac_from_comb, + new_fc_thrml_radiator_effectiveness, + new_fc_thrml_fc_eff_model_Exponential_offset, + new_fc_thrml_fc_eff_model_Exponential_lag, + new_fc_thrml_fc_eff_model_Exponential_minimum, # TODO: make sure this has functions for modifying # - battery thermal -- not necessary for HEV because battery temperature has no real effect # - thermal mass # - convection to ambient # - convection to cabin # ## HEV specific stuff - # - HVAC PID controls for cabin (not for battery because Sonata has - # passive thermal management, but make sure to do battery thermal - # controls for BEV) - # - HVAC cop frac - # - engine temperature-dependent efficiency parameters - # - engine thermal - # - thermal mass - # - convection to ambient when stopped - # - diameter # - aux power ), # must match order and length of `params_fns` bounds=( - (0.80, 0.99), - (0.1, 0.6), - (0.32, 0.45), - # (0.2, 0.45), # range is not working - (10, 250), - (10, 250), - (100e3, 350e3), - (1.5, 7), - (5, 50), - (0.25, 2.0), - (5, 50), - (0.25, 2.0), - (5, 30), - (0.3, 0.8), - (0.1, 1.0), - (5, 100), - (1, 20), - (0.05, 0.25), + (0.80, 0.99), # new_em_eff_max + (0.1, 0.6), # new_em_eff_range + (0.32, 0.45), # new_fc_eff_max + # (0.2, 0.45), # range is not working # # + (10, 250), # new_cab_shell_htc + (10, 250), # new_cab_htc_to_amb_stop + (100e3, 350e3), # new_cab_tm + (1.5, 7), # new_cab_length + (5, 50), # new_speed_soc_disch_buffer_meters_per_second + (0.25, 2.0), # new_speed_soc_disch_buffer_coeff + (5, 50), # new_speed_soc_fc_on_buffer_meters_per_second + (0.25, 2.0), # new_speed_soc_fc_on_buffer_coeff + (5, 30), # new_fc_min_time_on_seconds + (0.3, 0.8), # new_frac_pwr_demand_fc_forced_on + (0.1, 1.0), # new_frac_of_most_eff_pwr_to_run_fc + (5, 1000), # new_hvac_p_watts_per_kelvin + (1, 50), # new_hvac_i + (0.05, 0.25), # new_hvac_frac_of_ideal_cop + (50e3, 300e3), # new_fc_thrml_heat_capacitance_joules_per_kelvin, + (0.2, 2), # new_fc_thrml_length_for_convection_meters, + (10, 100), # new_fc_thrml_htc_to_amb_stop_watts_per_square_meter_kelvin, + (10, 1000), # new_fc_thrml_conductance_from_comb_watts_per_kelvin, + # (), # new_fc_thrml_max_frac_from_comb, + (3, 20), # new_fc_thrml_radiator_effectiveness, + (250, 340), # new_fc_thrml_fc_eff_model_Exponential_offset, + (10, 40), # new_fc_thrml_fc_eff_model_Exponential_lag, + (0.15, 0.35), # new_fc_thrml_fc_eff_model_Exponential_minimum, ), verbose=False, ) @@ -484,6 +530,15 @@ def perturb_params(pct: float = 0.05): veh_dict_flat['hvac.LumpedCabin.p_watts_per_kelvin'], veh_dict_flat['hvac.LumpedCabin.i'], veh_dict_flat['hvac.LumpedCabin.frac_of_ideal_cop'], + veh_dict_flat['pt_type.HybridElectricVehicle.fc.thrml.FuelConverterThermal.heat_capacitance_joules_per_kelvin'], + veh_dict_flat['pt_type.HybridElectricVehicle.fc.thrml.FuelConverterThermal.length_for_convection_meters'], + veh_dict_flat['pt_type.HybridElectricVehicle.fc.thrml.FuelConverterThermal.htc_to_amb_stop_watts_per_square_meter_kelvin'], + veh_dict_flat['pt_type.HybridElectricVehicle.fc.thrml.FuelConverterThermal.conductance_from_comb_watts_per_kelvin'], + # veh_dict_flat['pt_type.HybridElectricVehicle.fc.thrml.FuelConverterThermal.max_frac_from_comb'], + veh_dict_flat['pt_type.HybridElectricVehicle.fc.thrml.FuelConverterThermal.radiator_effectiveness'], + veh_dict_flat['pt_type.HybridElectricVehicle.fc.thrml.FuelConverterThermal.fc_eff_model.Exponential.offset'], + veh_dict_flat['pt_type.HybridElectricVehicle.fc.thrml.FuelConverterThermal.fc_eff_model.Exponential.lag'], + veh_dict_flat['pt_type.HybridElectricVehicle.fc.thrml.FuelConverterThermal.fc_eff_model.Exponential.minimum'] ] print("Verifying that model responds to input parameter changes by individually perturbing parameters") diff --git a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml index 75ed353a..d219c808 100644 --- a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml +++ b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml @@ -80,7 +80,7 @@ pt_type: strategy: Linear extrapolate: Clamp eff_interp_inputs: CRateTemperature - min_soc: 0.15 + min_soc: 0.35 max_soc: 0.9 save_interval: 1 fs: @@ -109,7 +109,7 @@ pt_type: - 1.0 strategy: Linear extrapolate: Clamp - radiator_effectiveness: 0.0 + radiator_effectiveness: 25.0 fc_eff_model: Exponential: offset: 273.15 diff --git a/cal_and_val/thermal/val_hev.py b/cal_and_val/thermal/val_hev.py index c11e6932..de736cf1 100644 --- a/cal_and_val/thermal/val_hev.py +++ b/cal_and_val/thermal/val_hev.py @@ -1,7 +1,7 @@ import pandas as pd import matplotlib.pyplot as plt -from cal_hev import cal_mod_obj, val_mod_obj, save_path, time_column, mps_per_mph, speed_column +from cal_hev import cal_mod_obj, val_mod_obj, save_path, time_column, mps_per_mph, speed_column, cyc_files_dict, cell_temp_column res_df = pd.read_csv(save_path / "pymoo_res_df.csv") res_df['euclidean'] = ( @@ -31,7 +31,10 @@ assert key == sd_key for obj_fn in cal_mod_obj.obj_fns: fig, ax = plt.subplots(2, 1, sharex=True) - fig.suptitle(key) + cell_temp = next(iter( + [v[cell_temp_column] for k, v in cyc_files_dict.items() if k.replace(".txt", "") == key] + )) + fig.suptitle(f"{key}\ncell temp [*C]: {cell_temp}") ax[0].plot( sd_cal['veh']['history']['time_seconds'], obj_fn[0](sd_cal), From 8ab00e18125ce144f08045e878e02732437a803d Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Fri, 31 Jan 2025 12:14:28 -0700 Subject: [PATCH 108/129] moved to have `main` protecction --- cal_and_val/thermal/cal_hev.py | 3 +-- 1 file changed, 1 insertion(+), 2 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 049b8d7e..e495d3ae 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -560,9 +560,8 @@ def perturb_params(pct: float = 0.05): print("Success!") -perturb_params() - if __name__ == "__main__": + perturb_params() parser = pymoo_api.get_parser() args = parser.parse_args() From b562ccce71872cde3d9ecdf33189a284e38fce2b Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Fri, 31 Jan 2025 12:20:19 -0700 Subject: [PATCH 109/129] wider bounds --- cal_and_val/thermal/cal_hev.py | 10 +++++----- 1 file changed, 5 insertions(+), 5 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index e495d3ae..ce69c971 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -478,14 +478,14 @@ def get_exp_pwr_hvac(df): (100e3, 350e3), # new_cab_tm (1.5, 7), # new_cab_length (5, 50), # new_speed_soc_disch_buffer_meters_per_second - (0.25, 2.0), # new_speed_soc_disch_buffer_coeff - (5, 50), # new_speed_soc_fc_on_buffer_meters_per_second + (0.25, 5.0), # new_speed_soc_disch_buffer_coeff + (5, 100), # new_speed_soc_fc_on_buffer_meters_per_second (0.25, 2.0), # new_speed_soc_fc_on_buffer_coeff (5, 30), # new_fc_min_time_on_seconds (0.3, 0.8), # new_frac_pwr_demand_fc_forced_on (0.1, 1.0), # new_frac_of_most_eff_pwr_to_run_fc (5, 1000), # new_hvac_p_watts_per_kelvin - (1, 50), # new_hvac_i + (1, 100), # new_hvac_i (0.05, 0.25), # new_hvac_frac_of_ideal_cop (50e3, 300e3), # new_fc_thrml_heat_capacitance_joules_per_kelvin, (0.2, 2), # new_fc_thrml_length_for_convection_meters, @@ -493,8 +493,8 @@ def get_exp_pwr_hvac(df): (10, 1000), # new_fc_thrml_conductance_from_comb_watts_per_kelvin, # (), # new_fc_thrml_max_frac_from_comb, (3, 20), # new_fc_thrml_radiator_effectiveness, - (250, 340), # new_fc_thrml_fc_eff_model_Exponential_offset, - (10, 40), # new_fc_thrml_fc_eff_model_Exponential_lag, + (220, 380), # new_fc_thrml_fc_eff_model_Exponential_offset, + (10, 60), # new_fc_thrml_fc_eff_model_Exponential_lag, (0.15, 0.35), # new_fc_thrml_fc_eff_model_Exponential_minimum, ), verbose=False, From ebeca72d6f3a80a6c060630a403e166efe8574e7 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Fri, 31 Jan 2025 12:37:06 -0700 Subject: [PATCH 110/129] better error messaging --- cal_and_val/thermal/cal_hev.py | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index ce69c971..4a8e57db 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -551,12 +551,12 @@ def perturb_params(pct: float = 0.05): perturbed_params = baseline_params.copy() perturbed_params[i] = param * (1 + pct) perturbed_errors = cal_mod_obj.get_errors(cal_mod_obj.update_params(perturbed_params)) - assert perturbed_errors != baseline_errors, f"+{100 * pct}% perturbation failed for param {i}: {perturbed_errors} == {baseline_errors}" + assert perturbed_errors != baseline_errors, f"+{100 * pct}% perturbation failed for param {cal_mod_obj.param_fns[i].__name__}: {perturbed_errors} == {baseline_errors}" # -5% perturbed_params = baseline_params.copy() perturbed_params[i] = param * (1 - pct) perturbed_errors = cal_mod_obj.get_errors(cal_mod_obj.update_params(perturbed_params)) - assert perturbed_errors != baseline_errors, f"-{100 * pct}% perturbation failed for param {i}: {perturbed_errors} == {baseline_errors}" + assert perturbed_errors != baseline_errors, f"-{100 * pct}% perturbation failed for param {cal_mod_obj.param_fns[i].__name__}: {perturbed_errors} == {baseline_errors}" print("Success!") From df5fc7eff5ddc4fcf28b7a77d741fdfb01f8afc3 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Fri, 31 Jan 2025 12:52:27 -0700 Subject: [PATCH 111/129] modified perturb function a bit --- cal_and_val/thermal/cal_hev.py | 23 ++++++++++++++++++----- 1 file changed, 18 insertions(+), 5 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 4a8e57db..06f5254b 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -508,7 +508,7 @@ def get_exp_pwr_hvac(df): val_mod_obj.dfs = dfs_for_val val_mod_obj.models = sds_for_val -def perturb_params(pct: float = 0.05): +def perturb_params(pos_perturb_dec: float = 0.05, neg_perturb_dec: float = 0.1): em = fsim.ElectricMachine.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['em'], skip_init=False) fc = fsim.FuelConverter.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['fc'], skip_init=False) baseline_params = [ @@ -549,14 +549,27 @@ def perturb_params(pct: float = 0.05): for i, param in enumerate(baseline_params): # +5% perturbed_params = baseline_params.copy() - perturbed_params[i] = param * (1 + pct) + perturbed_params[i] = param * (1 + pos_perturb_dec) perturbed_errors = cal_mod_obj.get_errors(cal_mod_obj.update_params(perturbed_params)) - assert perturbed_errors != baseline_errors, f"+{100 * pct}% perturbation failed for param {cal_mod_obj.param_fns[i].__name__}: {perturbed_errors} == {baseline_errors}" + if np.all(perturbed_errors == baseline_errors): + print("\nperturbed_errros:") + pprint.pp(perturbed_errors) + print("baseline_errors") + pprint.pp(baseline_errors) + print("") + raise Exception(f"+{100 * pos_perturb_dec}% perturbation failed for param {cal_mod_obj.param_fns[i].__name__}") + # -5% perturbed_params = baseline_params.copy() - perturbed_params[i] = param * (1 - pct) + perturbed_params[i] = param * (1 - neg_perturb_dec) perturbed_errors = cal_mod_obj.get_errors(cal_mod_obj.update_params(perturbed_params)) - assert perturbed_errors != baseline_errors, f"-{100 * pct}% perturbation failed for param {cal_mod_obj.param_fns[i].__name__}: {perturbed_errors} == {baseline_errors}" + if np.all(perturbed_errors == baseline_errors): + print("\nperturbed_errros:") + pprint.pp(perturbed_errors) + print("baseline_errors") + pprint.pp(baseline_errors) + print("") + raise Exception(f"-{100 * neg_perturb_dec}% perturbation failed for param {cal_mod_obj.param_fns[i].__name__}") print("Success!") From ccd8067d22efe45535d3b0a9fd83955347edc725 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Fri, 31 Jan 2025 13:55:55 -0700 Subject: [PATCH 112/129] trying ot add constraints --- cal_and_val/thermal/cal_hev.py | 31 +++++++++++++++++++++++++++---- cal_and_val/thermal/val_hev.py | 18 ++++++++++++++---- python/fastsim/pymoo_api.py | 29 ++++++++++++++++++++++------- 3 files changed, 63 insertions(+), 15 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 06f5254b..60b8256d 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -388,6 +388,15 @@ def get_mod_pwr_fuel(sd_dict): def get_exp_pwr_fuel(df): return df[fuel_column] * lhv_joules_per_gram +def get_mod_energy_fuel(sd_dict): + return np.array(sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc']['history']['energy_fuel_joules']) + +def get_exp_energy_fuel(df): + pwr_fuel_watts = df[fuel_column] * lhv_joules_per_gram + dt = np.diff(df[time_column], prepend=0) + energy_fuel_joules = np.cumsum(pwr_fuel_watts * dt) + return energy_fuel_joules + def get_mod_pwr_hvac(sd_dict): return np.array(sd_dict['veh']['hvac']['LumpedCabin']['history']['pwr_aux_for_hvac_watts']) @@ -398,6 +407,14 @@ def get_exp_pwr_hvac(df): pwr_hvac = df["HVAC_Power_Hioki_P3[W]"] return pwr_hvac +## Constraint functions +def get_fc_temp_too_hot(sd_dict): + te_fc_deg_c = sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc']['thrml']['FuelConverterThermal']['state']['temperature_kelvin'] + celsius_to_kelvin_offset + if np.any(te_fc_deg_c > 115): + return 1 + else: + return -1 + save_path = Path(__file__).parent / "pymoo_res" / Path(__file__).stem save_path.mkdir(exist_ok=True, parents=True) @@ -410,6 +427,10 @@ def get_exp_pwr_hvac(df): get_mod_soc, get_exp_soc ), + ( + get_mod_energy_fuel, + get_exp_energy_fuel + ), ( get_mod_pwr_fuel, get_exp_pwr_fuel @@ -497,13 +518,12 @@ def get_exp_pwr_hvac(df): (10, 60), # new_fc_thrml_fc_eff_model_Exponential_lag, (0.15, 0.35), # new_fc_thrml_fc_eff_model_Exponential_minimum, ), + constr_fns=( + get_fc_temp_too_hot, + ), verbose=False, ) -print("") -pprint.pp(cal_mod_obj.params_and_bounds()) -print("") - val_mod_obj = deepcopy(cal_mod_obj) val_mod_obj.dfs = dfs_for_val val_mod_obj.models = sds_for_val @@ -574,6 +594,9 @@ def perturb_params(pos_perturb_dec: float = 0.05, neg_perturb_dec: float = 0.1): print("Success!") if __name__ == "__main__": + print("") + pprint.pp(cal_mod_obj.params_and_bounds()) + print("") perturb_params() parser = pymoo_api.get_parser() args = parser.parse_args() diff --git a/cal_and_val/thermal/val_hev.py b/cal_and_val/thermal/val_hev.py index de736cf1..0df7ba65 100644 --- a/cal_and_val/thermal/val_hev.py +++ b/cal_and_val/thermal/val_hev.py @@ -4,15 +4,24 @@ from cal_hev import cal_mod_obj, val_mod_obj, save_path, time_column, mps_per_mph, speed_column, cyc_files_dict, cell_temp_column res_df = pd.read_csv(save_path / "pymoo_res_df.csv") +res_df_fuel_energy = res_df.filter(regex="get_mod_energy_fuel") +res_df_fuel_energy_summed = res_df.filter(regex="get_mod_energy_fuel").sum(1) +best_row_fuel_energy = res_df_fuel_energy_summed.argmin() +param_vals_fuel_energy = res_df.iloc[ + best_row_fuel_energy, + :len(cal_mod_obj.param_fns)].to_numpy() + res_df['euclidean'] = ( res_df.iloc[:, len(cal_mod_obj.param_fns):] ** 2).sum(1).pow(1/2) best_row = res_df["euclidean"].argmin() best_df = res_df.iloc[best_row, :] -param_vals = res_df.iloc[best_row, : len(cal_mod_obj.param_fns)].to_numpy() +param_vals_euclidean = res_df.iloc[ + best_row, + :len(cal_mod_obj.param_fns)].to_numpy() # getting the solved models (errors_cal, sds_cal) = cal_mod_obj.get_errors( - sim_drives=cal_mod_obj.update_params(param_vals), + sim_drives=cal_mod_obj.update_params(param_vals_fuel_energy), return_mods=True, ) # (errors_val, sds_val) = val_mod_obj.get_errors( @@ -32,8 +41,9 @@ for obj_fn in cal_mod_obj.obj_fns: fig, ax = plt.subplots(2, 1, sharex=True) cell_temp = next(iter( - [v[cell_temp_column] for k, v in cyc_files_dict.items() if k.replace(".txt", "") == key] - )) + [v[cell_temp_column] + for k, v in cyc_files_dict.items() if k.replace(".txt", "") == key] + )) fig.suptitle(f"{key}\ncell temp [*C]: {cell_temp}") ax[0].plot( sd_cal['veh']['history']['time_seconds'], diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py index 59db84ee..258cda4c 100644 --- a/python/fastsim/pymoo_api.py +++ b/python/fastsim/pymoo_api.py @@ -116,6 +116,7 @@ def new_peak_res_eff (sd_dict, new_peak_eff) -> Dict: obj_fns: Tuple[Callable] | Tuple[Tuple[Callable, Callable]] param_fns: Tuple[Callable] bounds: Tuple[Tuple[float, float]] + constr_fns: Tuple[Callable] # if True, prints timing and misc info verbose: bool = False @@ -129,6 +130,7 @@ def __post_init__(self): self.models), f"{len(self.dfs)} != {len(self.models)}" assert len(self.bounds) == len(self.param_fns) self.n_obj = len(self.models) * len(self.obj_fns) + self.n_obj = len(self.models) * len(self.constr_fns) def update_params(self, xs: List[Any]): """ @@ -180,6 +182,7 @@ def get_errors( """ objectives: Dict = {} + constraint_violations: Dict = {} solved_mods: Dict = {} # loop through all the provided trips @@ -189,7 +192,8 @@ def get_errors( if not isinstance(sd, fsim.SimDrive): solved_mods[key] = sd - objectives[key] = [1.01e12] * len(self.obj_fns) + objectives[key] = [1.0e12] * len(self.obj_fns) + constraint_violations[key] = [1] * len(self.constr_fns) continue try: @@ -209,6 +213,8 @@ def get_errors( print(f"Time to simulate {key}: {t1 - t0:.3g}") objectives[key] = [] + constraint_violations[key] = [] + if return_mods: solved_mods[key] = sd_dict @@ -232,7 +238,8 @@ def get_errors( # TODO: provision for incomplete simulation in here somewhere if not walk_success: - objectives[key].append(0.99e12) + objectives[key].append(1.02e12) + constraint_violations[key].append(1) else: try: objectives[key].append(get_error_val( @@ -247,18 +254,22 @@ def get_errors( # NOTE: instead of appending an arbitrarily large # objective value, we could instead either try passing # `np.nan` or trigger a constraint violation. - objectives[key].append(1e12) + objectives[key].append(1.03e12) else: raise Exception("this is here for debugging and should be deleted") objectives[key].append(mod_sig) + for constr_fn in self.constr_fns: + constraint_violations[key].append( + constr_fn(sd_dict) + ) t2 = time.perf_counter() if self.verbose: print(f"Time to postprocess: {t2 - t1:.3g} s") if return_mods: - return objectives, solved_mods + return objectives, constraint_violations, solved_mods else: - return objectives + return objectives, constraint_violations def params_and_bounds(self): return [ @@ -276,6 +287,7 @@ def __init__( self, mod_obj: ModelObjectives, elementwise_runner=LoopedElementwiseEvaluation(), + n_constr: int=0, ): self.mod_obj = mod_obj assert len(self.mod_obj.bounds) == len( @@ -288,13 +300,16 @@ def __init__( xu=[bounds[1] for bounds in self.mod_obj.bounds], elementwise_runner=elementwise_runner, + n_ieq_constr=n_constr, ) def _evaluate(self, x, out, *args, **kwargs): sim_drives = self.mod_obj.update_params(x) - out['F'] = list(self.mod_obj.get_errors(sim_drives).values()) + (errs, cvs) = self.mod_obj.get_errors(sim_drives) + out['F'] = list(errs.values()) + if self.n_ieq_constr > 0: + out['G'] = list(cvs.values()) - class CustomOutput(Output): def __init__(self): super().__init__() From 4d8d49c4b008e07ec16d98cb3c8f978f99f8b419 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Fri, 31 Jan 2025 15:07:27 -0700 Subject: [PATCH 113/129] fixed (hopefully) bug into temperature-dependent engine efficiency --- cal_and_val/thermal/cal_hev.py | 13 +++++----- cal_and_val/thermal/val_hev.py | 2 +- .../src/vehicle/powertrain/fuel_converter.rs | 26 +++++++------------ python/fastsim/pymoo_api.py | 22 +++++++++------- 4 files changed, 30 insertions(+), 33 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 60b8256d..56462d96 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -409,7 +409,7 @@ def get_exp_pwr_hvac(df): ## Constraint functions def get_fc_temp_too_hot(sd_dict): - te_fc_deg_c = sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc']['thrml']['FuelConverterThermal']['state']['temperature_kelvin'] + celsius_to_kelvin_offset + te_fc_deg_c = sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc']['thrml']['FuelConverterThermal']['state']['temperature_kelvin'] - celsius_to_kelvin_offset if np.any(te_fc_deg_c > 115): return 1 else: @@ -513,11 +513,12 @@ def get_fc_temp_too_hot(sd_dict): (10, 100), # new_fc_thrml_htc_to_amb_stop_watts_per_square_meter_kelvin, (10, 1000), # new_fc_thrml_conductance_from_comb_watts_per_kelvin, # (), # new_fc_thrml_max_frac_from_comb, - (3, 20), # new_fc_thrml_radiator_effectiveness, - (220, 380), # new_fc_thrml_fc_eff_model_Exponential_offset, + (3, 200), # new_fc_thrml_radiator_effectiveness, + (220, 300), # new_fc_thrml_fc_eff_model_Exponential_offset, (10, 60), # new_fc_thrml_fc_eff_model_Exponential_lag, (0.15, 0.35), # new_fc_thrml_fc_eff_model_Exponential_minimum, ), + # TODO: make `constr_fns` accept both `sd_dict` and `df` constr_fns=( get_fc_temp_too_hot, ), @@ -564,13 +565,13 @@ def perturb_params(pos_perturb_dec: float = 0.05, neg_perturb_dec: float = 0.1): print("Verifying that model responds to input parameter changes by individually perturbing parameters") baseline_errors = cal_mod_obj.get_errors( cal_mod_obj.update_params(baseline_params) - ) + )[0] for i, param in enumerate(baseline_params): # +5% perturbed_params = baseline_params.copy() perturbed_params[i] = param * (1 + pos_perturb_dec) - perturbed_errors = cal_mod_obj.get_errors(cal_mod_obj.update_params(perturbed_params)) + perturbed_errors = cal_mod_obj.get_errors(cal_mod_obj.update_params(perturbed_params))[0] if np.all(perturbed_errors == baseline_errors): print("\nperturbed_errros:") pprint.pp(perturbed_errors) @@ -582,7 +583,7 @@ def perturb_params(pos_perturb_dec: float = 0.05, neg_perturb_dec: float = 0.1): # -5% perturbed_params = baseline_params.copy() perturbed_params[i] = param * (1 - neg_perturb_dec) - perturbed_errors = cal_mod_obj.get_errors(cal_mod_obj.update_params(perturbed_params)) + perturbed_errors = cal_mod_obj.get_errors(cal_mod_obj.update_params(perturbed_params))[0] if np.all(perturbed_errors == baseline_errors): print("\nperturbed_errros:") pprint.pp(perturbed_errors) diff --git a/cal_and_val/thermal/val_hev.py b/cal_and_val/thermal/val_hev.py index 0df7ba65..fd3e0df0 100644 --- a/cal_and_val/thermal/val_hev.py +++ b/cal_and_val/thermal/val_hev.py @@ -20,7 +20,7 @@ :len(cal_mod_obj.param_fns)].to_numpy() # getting the solved models -(errors_cal, sds_cal) = cal_mod_obj.get_errors( +(errors_cal, cvs_cal, sds_cal) = cal_mod_obj.get_errors( sim_drives=cal_mod_obj.update_params(param_vals_fuel_energy), return_mods=True, ) diff --git a/fastsim-core/src/vehicle/powertrain/fuel_converter.rs b/fastsim-core/src/vehicle/powertrain/fuel_converter.rs index 45de01e1..65b08a2a 100755 --- a/fastsim-core/src/vehicle/powertrain/fuel_converter.rs +++ b/fastsim-core/src/vehicle/powertrain/fuel_converter.rs @@ -271,7 +271,6 @@ impl FuelConverter { ) ); self.state.pwr_prop = pwr_out_req; - // TODO: make this temperature dependent self.state.eff = if fc_on { uc::R * self @@ -772,17 +771,12 @@ impl FuelConverterThermal { offset, lag, minimum, - }) => ((1.0 - - f64::exp({ - (-1.0 / { - let exp_denom: si::Ratio = - (lag / uc::KELVIN) * (self.state.temperature - offset); - exp_denom - }) - .get::() - })) - * uc::R) - .max(minimum), + }) => { + let dte: si::TemperatureInterval = (self.state.temperature.get::() + - offset.get::()) + * uc::KELVIN_INT; + ((1.0 - f64::exp((-dte / lag).get::())) * uc::R).max(minimum) + } }; Ok(()) } @@ -931,9 +925,9 @@ impl Default for FCTempEffModelLinear { #[derive(Debug, Clone, Deserialize, Serialize, PartialEq)] pub struct FCTempEffModelExponential { /// temperature at which `fc_eta_temp_coeff` begins to grow - pub offset: si::TemperatureInterval, + pub offset: si::Temperature, /// exponential lag parameter [K^-1] - pub lag: f64, + pub lag: si::TemperatureInterval, /// minimum value that `fc_eta_temp_coeff` can take pub minimum: si::Ratio, } @@ -941,8 +935,8 @@ pub struct FCTempEffModelExponential { impl Default for FCTempEffModelExponential { fn default() -> Self { Self { - offset: 0.0 * uc::KELVIN_INT, - lag: 25.0, + offset: 0.0 * uc::KELVIN, + lag: 25.0 * uc::KELVIN_INT, minimum: 0.2 * uc::R, } } diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py index 258cda4c..739c4ec3 100644 --- a/python/fastsim/pymoo_api.py +++ b/python/fastsim/pymoo_api.py @@ -2,6 +2,7 @@ Module containing functions and classes for easy interaction with PyMOO """ import numpy as np +import pprint import numpy.typing as npt from typing import Tuple, Any, List, Callable, Dict, Optional, Union from pathlib import Path @@ -123,6 +124,7 @@ def new_peak_res_eff (sd_dict, new_peak_eff) -> Dict: # calculated in __post_init__ n_obj: Optional[int] = None + n_constr: Optional[int] = None def __post_init__(self): assert self.n_obj is None, "`n_obj` is not intended to be user provided" @@ -130,7 +132,7 @@ def __post_init__(self): self.models), f"{len(self.dfs)} != {len(self.models)}" assert len(self.bounds) == len(self.param_fns) self.n_obj = len(self.models) * len(self.obj_fns) - self.n_obj = len(self.models) * len(self.constr_fns) + self.n_constr = len(self.models) * len(self.constr_fns) def update_params(self, xs: List[Any]): """ @@ -190,11 +192,10 @@ def get_errors( key: str df_exp: pd.DataFrame - if not isinstance(sd, fsim.SimDrive): - solved_mods[key] = sd - objectives[key] = [1.0e12] * len(self.obj_fns) - constraint_violations[key] = [1] * len(self.constr_fns) - continue + # if not isinstance(sd, fsim.SimDrive): + # solved_mods[key] = sd + # objectives[key] = [1.0e12] * len(self.obj_fns) + # continue try: t0 = time.perf_counter() @@ -239,7 +240,6 @@ def get_errors( if not walk_success: objectives[key].append(1.02e12) - constraint_violations[key].append(1) else: try: objectives[key].append(get_error_val( @@ -266,6 +266,9 @@ def get_errors( t2 = time.perf_counter() if self.verbose: print(f"Time to postprocess: {t2 - t1:.3g} s") + # print("\nobjectives:") + # pprint.pp(objectives) + # print("") if return_mods: return objectives, constraint_violations, solved_mods else: @@ -287,7 +290,6 @@ def __init__( self, mod_obj: ModelObjectives, elementwise_runner=LoopedElementwiseEvaluation(), - n_constr: int=0, ): self.mod_obj = mod_obj assert len(self.mod_obj.bounds) == len( @@ -300,7 +302,7 @@ def __init__( xu=[bounds[1] for bounds in self.mod_obj.bounds], elementwise_runner=elementwise_runner, - n_ieq_constr=n_constr, + n_ieq_constr=self.mod_obj.n_constr, ) def _evaluate(self, x, out, *args, **kwargs): @@ -308,7 +310,7 @@ def _evaluate(self, x, out, *args, **kwargs): (errs, cvs) = self.mod_obj.get_errors(sim_drives) out['F'] = list(errs.values()) if self.n_ieq_constr > 0: - out['G'] = list(cvs.values()) + out['G'] = list(cvs.values()) class CustomOutput(Output): def __init__(self): From d841930fff3c4f7c51b0625bfcbee26f34ff5e53 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Fri, 31 Jan 2025 17:54:21 -0700 Subject: [PATCH 114/129] final stuff used for reporting --- .../2021_Hyundai_Sonata_Hybrid_Blue.yaml | 2 + cal_and_val/thermal/val_hev.py | 265 +++++++++++++++++- .../interpolators/res/default_pwr.yaml | 2 +- .../src/vehicle/powertrain/fuel_converter.rs | 1 + python/fastsim/demos/demo_hev_thrml_cs_ca.py | 5 +- python/fastsim/pymoo_api.py | 6 +- 6 files changed, 266 insertions(+), 15 deletions(-) diff --git a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml index d219c808..01f659cc 100644 --- a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml +++ b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml @@ -238,11 +238,13 @@ hvac: te_deadband_kelvin: 1.5 p_watts_per_kelvin: 100.0 i: 10.0 + # TODO: bump this up pwr_i_max_watts: 5000.0 d: 5.0 pwr_thrml_max_watts: 10000.0 frac_of_ideal_cop: 0.15 heat_source: FuelConverter + # TODO: bump this up pwr_aux_for_hvac_max_watts: 5000.0 mass_kilograms: 1508.195 pwr_aux_base_watts: 500.0 diff --git a/cal_and_val/thermal/val_hev.py b/cal_and_val/thermal/val_hev.py index fd3e0df0..c3b5ab27 100644 --- a/cal_and_val/thermal/val_hev.py +++ b/cal_and_val/thermal/val_hev.py @@ -1,11 +1,16 @@ +# %% import pandas as pd import matplotlib.pyplot as plt +import numpy as np +from copy import deepcopy -from cal_hev import cal_mod_obj, val_mod_obj, save_path, time_column, mps_per_mph, speed_column, cyc_files_dict, cell_temp_column +import fastsim as fsim +from cal_hev import cal_mod_obj, val_mod_obj, save_path, time_column, mps_per_mph, speed_column, cyc_files_dict, cell_temp_column, get_exp_energy_fuel res_df = pd.read_csv(save_path / "pymoo_res_df.csv") res_df_fuel_energy = res_df.filter(regex="get_mod_energy_fuel") -res_df_fuel_energy_summed = res_df.filter(regex="get_mod_energy_fuel").sum(1) +res_df_fuel_energy_summed = res_df.filter( + regex="get_mod_energy_fuel").sum(1) best_row_fuel_energy = res_df_fuel_energy_summed.argmin() param_vals_fuel_energy = res_df.iloc[ best_row_fuel_energy, @@ -19,25 +24,30 @@ best_row, :len(cal_mod_obj.param_fns)].to_numpy() +param_vals_best = param_vals_euclidean + # getting the solved models -(errors_cal, cvs_cal, sds_cal) = cal_mod_obj.get_errors( - sim_drives=cal_mod_obj.update_params(param_vals_fuel_energy), +(errors_cal, cvs_cal, sds_cal_solved, sds_cal) = cal_mod_obj.get_errors( + sim_drives=cal_mod_obj.update_params(param_vals_best), return_mods=True, -) -# (errors_val, sds_val) = val_mod_obj.get_errors( -# sim_drives=val_mod_obj.update_params(param_vals), -# return_mods=True, -# ) + ) +(errors_val, cvs_val, sds_val_solved, sds_val) = val_mod_obj.get_errors( + sim_drives=val_mod_obj.update_params(param_vals_best), + return_mods=True, + ) + + # %% -# plotting + # plotting plot_save_path = save_path / "plots" plot_save_path.mkdir(exist_ok=True) -for ((key, df_cal), (sd_key, sd_cal)) in zip(cal_mod_obj.dfs.items(), sds_cal.items()): +for ((key, df_cal), (sd_key, sd_cal)) in zip(cal_mod_obj.dfs.items(), sds_cal_solved.items()): if not isinstance(sd_cal, dict): print(f"skipping {key}") continue assert key == sd_key + for obj_fn in cal_mod_obj.obj_fns: fig, ax = plt.subplots(2, 1, sharex=True) cell_temp = next(iter( @@ -70,4 +80,235 @@ ) ax[1].legend() ax[1].set_ylabel("Speed [m/s]") - plt.savefig(plot_save_path / f"{key}.svg") + plt.savefig(plot_save_path / f"{key}_{obj_fn[0].__name__}_cal.svg") + +for ((key, df_val), (sd_key, sd_val)) in zip(val_mod_obj.dfs.items(), sds_val_solved.items()): + if not isinstance(sd_val, dict): + print(f"skipping {key}") + continue + assert key == sd_key + + for obj_fn in val_mod_obj.obj_fns: + fig, ax = plt.subplots(2, 1, sharex=True) + cell_temp = next(iter( + [v[cell_temp_column] + for k, v in cyc_files_dict.items() if k.replace(".txt", "") == key] + )) + fig.suptitle(f"{key}\ncell temp [*C]: {cell_temp}") + ax[0].plot( + sd_val['veh']['history']['time_seconds'], + obj_fn[0](sd_val), + label='mod', + ) + ax[0].plot( + df_val[time_column], + obj_fn[1](df_val), + label='exp', + ) + ax[0].legend() + ax[0].set_ylabel(obj_fn[0].__name__) + + ax[1].plot( + sd_val['veh']['history']['time_seconds'], + sd_val['veh']['history']['speed_ach_meters_per_second'], + label='mod', + ) + ax[1].plot( + df_val[time_column], + df_val[speed_column] * mps_per_mph, + label='exp', + ) + ax[1].legend() + ax[1].set_ylabel("Speed [m/s]") + plt.savefig(plot_save_path / f"{key}_{obj_fn[0].__name__}_val.svg") + + # %% + + def draw_error_zones(ax): + """Draw 0%, ±5%, ±10% error regions on MPL Axes object""" + xl, xu = ax.get_xlim() + yl, yu = ax.get_ylim() + l = min(xl, yl) + u = max(xu, yu) + lims = np.array([0, 200]) + + # Plot 0% error diagonalx + ax.plot(lims, lims, linestyle="dotted", color="g", label="0% error") + + # Plot ±5%, ±10% error regions with transparencies + counter = 0 + error_1 = 0 + error_2 = 0 + error_3 = 0 + for err, alpha in zip((0.05, 0.10, 0.15), (0.35, 0.2, 0.15)): + error = ax.fill_between( + lims, + lims * (1 - err), + lims * (1 + err), + alpha=alpha, + color="g", + label=f"±{err*100:.0f}% error", + ) + + ax.set_xlim(left=l, right=u) + ax.set_ylim(bottom=l, top=u) + # ax.legend(loc="lower right", framealpha=0.5, fontsize=8, borderpad=0.25) + + return error + + # %% + # Scatter plots with temperature effects + + fuel_energy_exp_cal = [] + fuel_energy_mod_cal = [] + for ((key, df_cal), (sd_key, sd_cal)) in zip(cal_mod_obj.dfs.items(), sds_cal_solved.items()): + if not isinstance(sd_cal, dict): + print(f"skipping {key}") + continue + assert key == sd_key + + fuel_energy_mod_cal.append( + sd_cal['veh']['pt_type']['HybridElectricVehicle']['fc']['state']['energy_fuel_joules'] * 1e-6 + ) + df_cal = df_cal[df_cal[time_column] <= + sd_cal['veh']['state']['time_seconds']] + fuel_energy_exp_cal.append( + get_exp_energy_fuel(df_cal).iloc[-1] * 1e-6 + ) + + fuel_energy_exp_val = [] + fuel_energy_mod_val = [] + + for ((key, df_val), (sd_key, sd_val)) in zip(val_mod_obj.dfs.items(), sds_val_solved.items()): + if not isinstance(sd_val, dict): + print(f"skipping {key}") + continue + assert key == sd_key + + fuel_energy_mod_val.append( + sd_val['veh']['pt_type']['HybridElectricVehicle']['fc']['state']['energy_fuel_joules'] * 1e-6 + ) + df_val = df_val[df_val[time_column] <= + sd_val['veh']['state']['time_seconds']] + fuel_energy_exp_val.append( + get_exp_energy_fuel(df_val).iloc[-1] * 1e-6 + ) + + fig, ax = plt.subplots() + fig.suptitle("Model v. Test Data With Thermal Effects") + ax.scatter( + fuel_energy_exp_cal, + fuel_energy_mod_cal, + label='cal', + ) + ax.scatter( + fuel_energy_exp_val, + fuel_energy_mod_val, + label='val', + ) + draw_error_zones(ax) + ax.set_xlabel("Test Data Fuel Used [MJ]") + ax.set_ylabel("FASTSim Fuel Used [MJ]") + ax.set_xlim(0, 55) + ax.set_ylim(0, 55) + ax.legend() + plt.savefig(plot_save_path / "scatter with thrml effects.svg") + + # %% + + # Scatter plots without temperature effects + + fuel_energy_mod_cal_no_thrml = [] + fuel_energy_exp_cal_no_thrml = [] + for ((key, df_cal), (sd_key, sd_cal)) in zip(cal_mod_obj.dfs.items(), sds_cal.items()): + if not isinstance(sd_cal, dict): + print(f"skipping {key}") + continue + assert key == sd_key + + sd_cal_no_thrml = deepcopy(sd_cal) + + sd_cal_no_thrml['veh']['hvac'] = 'None' + sd_cal_no_thrml['veh']['cabin'] = 'None' + sd_cal_no_thrml['veh']['pt_type']['HybridElectricVehicle']['fc']['thrml'] = 'None' + sd_cal_no_thrml['veh']['pt_type']['HybridElectricVehicle']['res']['thrml'] = 'None' + res = fsim.ReversibleEnergyStorage.from_pydict( + sd_cal_no_thrml['veh']['pt_type']['HybridElectricVehicle']['res'], skip_init=False) + res.set_default_pwr_interp() + sd_cal_no_thrml['veh']['pt_type']['HybridElectricVehicle']['res'] = res.to_pydict() + sd_cal_no_thrml['veh']['pt_type']['HybridElectricVehicle']['pt_cntrl']['RGWDB']['temp_fc_allowed_off_kelvin'] = None + sd_cal_no_thrml['veh']['pt_type']['HybridElectricVehicle']['pt_cntrl']['RGWDB']['temp_fc_forced_on_kelvin'] = None + + sd_cal_no_thrml = fsim.SimDrive.from_pydict( + sd_cal_no_thrml, skip_init=False) + try: + sd_cal_no_thrml.walk_once() + except: + pass + sd_cal_no_thrml = sd_cal_no_thrml.to_pydict() + + fuel_energy_mod_cal_no_thrml.append( + sd_cal_no_thrml['veh']['pt_type']['HybridElectricVehicle']['fc']['state']['energy_fuel_joules'] * 1e-6 + ) + df_cal = df_cal[df_cal[time_column] <= + sd_cal_no_thrml['veh']['state']['time_seconds']] + fuel_energy_exp_cal_no_thrml.append( + get_exp_energy_fuel(df_cal) + ) + + fuel_energy_exp_val_no_thrml = [] + fuel_energy_mod_val_no_thrml = [] + for ((key, df_val), (sd_key, sd_val)) in zip(val_mod_obj.dfs.items(), sds_val.items()): + if not isinstance(sd_val, dict): + print(f"skipping {key}") + continue + assert key == sd_key + + sd_val_no_thrml = deepcopy(sd_val) + + sd_val_no_thrml['veh']['hvac'] = 'None' + sd_val_no_thrml['veh']['cabin'] = 'None' + sd_val_no_thrml['veh']['pt_type']['HybridElectricVehicle']['fc']['thrml'] = 'None' + sd_val_no_thrml['veh']['pt_type']['HybridElectricVehicle']['res']['thrml'] = 'None' + res = fsim.ReversibleEnergyStorage.from_pydict( + sd_val_no_thrml['veh']['pt_type']['HybridElectricVehicle']['res'], skip_init=False) + res.set_default_pwr_interp() + sd_val_no_thrml['veh']['pt_type']['HybridElectricVehicle']['res'] = res.to_pydict() + sd_val_no_thrml['veh']['pt_type']['HybridElectricVehicle']['pt_cntrl']['RGWDB']['temp_fc_allowed_off_kelvin'] = None + sd_val_no_thrml['veh']['pt_type']['HybridElectricVehicle']['pt_cntrl']['RGWDB']['temp_fc_forced_on_kelvin'] = None + sd_val_no_thrml = fsim.SimDrive.from_pydict( + sd_val_no_thrml, skip_init=False) + try: + sd_val_no_thrml.walk_once() + except: + pass + sd_val_no_thrml = sd_val_no_thrml.to_pydict() + + fuel_energy_mod_val_no_thrml.append( + sd_val_no_thrml['veh']['pt_type']['HybridElectricVehicle']['fc']['state']['energy_fuel_joules'] * 1e-6 + ) + df_val = df_val[df_val[time_column] <= + sd_val_no_thrml['veh']['state']['time_seconds']] + fuel_energy_exp_val_no_thrml.append( + get_exp_energy_fuel(df_val) + ) + + fig, ax = plt.subplots() + fig.suptitle("Model v. Test Data Without Thermal Effects") + ax.scatter( + fuel_energy_exp_cal, + fuel_energy_mod_cal_no_thrml, + label='cal', + ) + ax.scatter( + fuel_energy_exp_val, + fuel_energy_mod_val_no_thrml, + label='val', + ) + draw_error_zones(ax) + ax.set_xlabel("Test Data Fuel Used [MJ]") + ax.set_ylabel("FASTSim Fuel Used [MJ]") + ax.set_xlim(0, 55) + ax.set_ylim(0, 55) + ax.legend() + plt.savefig(plot_save_path / "scatter without thrml effects.svg") diff --git a/fastsim-core/resources/interpolators/res/default_pwr.yaml b/fastsim-core/resources/interpolators/res/default_pwr.yaml index 6a66c3a8..34438291 100644 --- a/fastsim-core/resources/interpolators/res/default_pwr.yaml +++ b/fastsim-core/resources/interpolators/res/default_pwr.yaml @@ -25,4 +25,4 @@ Interp1D: - 0.927243266086586 - 0.864025853742296 strategy: Linear - extrapolate: Error + extrapolate: Clamp diff --git a/fastsim-core/src/vehicle/powertrain/fuel_converter.rs b/fastsim-core/src/vehicle/powertrain/fuel_converter.rs index 65b08a2a..2f7576fd 100755 --- a/fastsim-core/src/vehicle/powertrain/fuel_converter.rs +++ b/fastsim-core/src/vehicle/powertrain/fuel_converter.rs @@ -935,6 +935,7 @@ pub struct FCTempEffModelExponential { impl Default for FCTempEffModelExponential { fn default() -> Self { Self { + // TODO: update after reasonable calibration offset: 0.0 * uc::KELVIN, lag: 25.0 * uc::KELVIN_INT, minimum: 0.2 * uc::R, diff --git a/python/fastsim/demos/demo_hev_thrml_cs_ca.py b/python/fastsim/demos/demo_hev_thrml_cs_ca.py index 961ed809..33c77c44 100644 --- a/python/fastsim/demos/demo_hev_thrml_cs_ca.py +++ b/python/fastsim/demos/demo_hev_thrml_cs_ca.py @@ -50,7 +50,10 @@ # simulation start time t0 = time.perf_counter() # run simulation -sd.walk() +try: + sd.walk() +except Exception: + pass # simulation end time t1 = time.perf_counter() t_fsim3_si1 = t1 - t0 diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py index 739c4ec3..fecb1693 100644 --- a/python/fastsim/pymoo_api.py +++ b/python/fastsim/pymoo_api.py @@ -186,6 +186,7 @@ def get_errors( objectives: Dict = {} constraint_violations: Dict = {} solved_mods: Dict = {} + unsolved_mods: Dict = {} # loop through all the provided trips for ((key, df_exp), sd) in zip(self.dfs.items(), sim_drives.values()): @@ -197,6 +198,9 @@ def get_errors( # objectives[key] = [1.0e12] * len(self.obj_fns) # continue + if return_mods: + unsolved_mods[key] = sd.to_pydict() + try: t0 = time.perf_counter() sd.walk_once() # type: ignore @@ -270,7 +274,7 @@ def get_errors( # pprint.pp(objectives) # print("") if return_mods: - return objectives, constraint_violations, solved_mods + return objectives, constraint_violations, solved_mods, unsolved_mods else: return objectives, constraint_violations From 892fddb886908764f99dc5d99c162d1ad776729e Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Mon, 3 Feb 2025 08:52:50 -0700 Subject: [PATCH 115/129] propagated variables from hev to bev --- cal_and_val/thermal/cal_bev.py | 10 +++++++++- cal_and_val/thermal/cal_hev.py | 4 +++- 2 files changed, 12 insertions(+), 2 deletions(-) diff --git a/cal_and_val/thermal/cal_bev.py b/cal_and_val/thermal/cal_bev.py index e933df3a..d5ee5281 100644 --- a/cal_and_val/thermal/cal_bev.py +++ b/cal_and_val/thermal/cal_bev.py @@ -15,6 +15,7 @@ import fastsim as fsim from fastsim import pymoo_api +# Unit conversion constants mps_per_mph = 0.447 celsius_to_kelvin_offset = 273.15 @@ -34,6 +35,13 @@ cyc_folder_path = Path(__file__).parent / "dyno_test_data/2020 Chevrolet Bolt EV/Extended Datasets" assert cyc_folder_path.exists(), cyc_folder_path +# Test data columns +time_column = "Time[s]_RawFacilities" +speed_column = "Dyno_Spd[mph]" +cabin_temp_column = "Cabin_Temp[C]" +eng_clnt_temp_column = "engine_coolant_temp_PCAN__C" +cell_temp_column = "Cell_Temp[C]" + # See 2020_Chevrolet_Bolt_TestSummary_201005.xlsm for cycle-level data cyc_files: List[str] = [ # TODO: check for seat heater usage in cold cycles and account for that in model! @@ -77,7 +85,7 @@ def df_to_cyc(df: pd.DataFrame) -> fsim.Cycle: cyc_dict = { "time_seconds": df["Time[s]_RawFacilities"].to_list(), "speed_meters_per_second": (df["Dyno_Spd[mph]"] * mps_per_mph).to_list(), - "temp_amb_air_kelvin": (df["Cell_Temp[C]"] + celsius_to_kelvin_offset).to_list(), + "temp_amb_air_kelvin": (df[cell_temp_column] + celsius_to_kelvin_offset).to_list(), # TODO: pipe solar load from `Cycle` into cabin thermal model # TODO: use something (e.g. regex) to determine solar load # see column J comments in 2021_Hyundai_Sonata_Hybrid_TestSummary_2022-03-01_D3.xlsx diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 56462d96..7b1552fd 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -15,6 +15,7 @@ import fastsim as fsim from fastsim import pymoo_api +# Unit conversion constants mps_per_mph = 0.447 celsius_to_kelvin_offset = 273.15 lhv_btu_per_lbm = 18_575 @@ -37,6 +38,7 @@ cyc_folder_path = Path(__file__).parent / "dyno_test_data/2021 Hyundai Sonata Hybrid/Extended Datasets" assert cyc_folder_path.exists() +# Test data columns time_column = "Time[s]_RawFacilities" speed_column = "Dyno_Spd[mph]" cabin_temp_column = "Cabin_Temp[C]" @@ -401,7 +403,7 @@ def get_mod_pwr_hvac(sd_dict): return np.array(sd_dict['veh']['hvac']['LumpedCabin']['history']['pwr_aux_for_hvac_watts']) def get_exp_pwr_hvac(df): - if df["Cell_Temp[C]"].mean() < 15: + if df[cell_temp_column].mean() < 15: pwr_hvac = [0] * len(df) else: pwr_hvac = df["HVAC_Power_Hioki_P3[W]"] From 7e80639292d7d205b6feec917cd840efc6f94a5c Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Mon, 3 Feb 2025 11:19:32 -0700 Subject: [PATCH 116/129] more organized imports --- cal_and_val/thermal/cal_hev.py | 2 +- cal_and_val/thermal/val_hev.py | 5 ++++- 2 files changed, 5 insertions(+), 2 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 7b1552fd..c340d40b 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -1,5 +1,5 @@ """ -alibration script for 2021_Hyundai_Sonata_Hybrid_Blue +Calibration script for 2021_Hyundai_Sonata_Hybrid_Blue """ import pprint from pathlib import Path diff --git a/cal_and_val/thermal/val_hev.py b/cal_and_val/thermal/val_hev.py index c3b5ab27..6ebe5eda 100644 --- a/cal_and_val/thermal/val_hev.py +++ b/cal_and_val/thermal/val_hev.py @@ -5,7 +5,10 @@ from copy import deepcopy import fastsim as fsim -from cal_hev import cal_mod_obj, val_mod_obj, save_path, time_column, mps_per_mph, speed_column, cyc_files_dict, cell_temp_column, get_exp_energy_fuel +from cal_hev import cal_mod_obj, val_mod_obj, save_path, cyc_files_dict +from cal_hev import time_column, speed_column, cell_temp_column +from cal_hev import mps_per_mph +from cal_hev import get_exp_energy_fuel, get_mod_energy_fuel res_df = pd.read_csv(save_path / "pymoo_res_df.csv") res_df_fuel_energy = res_df.filter(regex="get_mod_energy_fuel") From 0a55c7ee6f4fe6f9de9e58cdda63b1d24b1a1ae1 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Mon, 3 Feb 2025 11:21:50 -0700 Subject: [PATCH 117/129] plot labeling and df trimming --- cal_and_val/thermal/val_hev.py | 9 ++++++--- python/fastsim/pymoo_api.py | 5 ++++- 2 files changed, 10 insertions(+), 4 deletions(-) diff --git a/cal_and_val/thermal/val_hev.py b/cal_and_val/thermal/val_hev.py index 6ebe5eda..a89fe55a 100644 --- a/cal_and_val/thermal/val_hev.py +++ b/cal_and_val/thermal/val_hev.py @@ -50,6 +50,7 @@ print(f"skipping {key}") continue assert key == sd_key + df_cal = df_cal[:len(sd_cal['veh']['history']['time_seconds'])] for obj_fn in cal_mod_obj.obj_fns: fig, ax = plt.subplots(2, 1, sharex=True) @@ -57,7 +58,7 @@ [v[cell_temp_column] for k, v in cyc_files_dict.items() if k.replace(".txt", "") == key] )) - fig.suptitle(f"{key}\ncell temp [*C]: {cell_temp}") + fig.suptitle(f"{key}\ncell temp [*C]: {cell_temp}, calibration") ax[0].plot( sd_cal['veh']['history']['time_seconds'], obj_fn[0](sd_cal), @@ -79,7 +80,7 @@ ax[1].plot( df_cal[time_column], df_cal[speed_column] * mps_per_mph, - label='exp', + label="exp", ) ax[1].legend() ax[1].set_ylabel("Speed [m/s]") @@ -91,13 +92,15 @@ continue assert key == sd_key + df_val = df_val[:len(sd_val['veh']['history']['time_seconds'])] + for obj_fn in val_mod_obj.obj_fns: fig, ax = plt.subplots(2, 1, sharex=True) cell_temp = next(iter( [v[cell_temp_column] for k, v in cyc_files_dict.items() if k.replace(".txt", "") == key] )) - fig.suptitle(f"{key}\ncell temp [*C]: {cell_temp}") + fig.suptitle(f"{key}\ncell temp [*C]: {cell_temp}, validation") ax[0].plot( sd_val['veh']['history']['time_seconds'], obj_fn[0](sd_val), diff --git a/python/fastsim/pymoo_api.py b/python/fastsim/pymoo_api.py index fecb1693..05941ec6 100644 --- a/python/fastsim/pymoo_api.py +++ b/python/fastsim/pymoo_api.py @@ -223,6 +223,9 @@ def get_errors( if return_mods: solved_mods[key] = sd_dict + # trim dataframe to match length of cycle completed by vehicle + df_exp = df_exp[:len(sd_dict['veh']['history']['time_seconds'])] + # loop through the objectives for each trip for i_obj, obj_fn in enumerate(self.obj_fns): i_obj: int @@ -230,7 +233,7 @@ def get_errors( if len(obj_fn) == 2: # objective and reference passed mod_sig = obj_fn[0](sd_dict) - ref_sig = obj_fn[1](df_exp)[:len(sd_dict['veh']['history']['time_seconds'])] + ref_sig = obj_fn[1](df_exp) elif len(obj_fn) == 1: # minimizing scalar objective mod_sig = obj_fn[0](sd_dict) From 18cadab904ba97a9a6b80e0c6eadf50ab2e13f11 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Mon, 3 Feb 2025 11:33:59 -0700 Subject: [PATCH 118/129] fixed `draw_error_zons` --- cal_and_val/thermal/val_hev.py | 374 +++++++++++++++++---------------- 1 file changed, 194 insertions(+), 180 deletions(-) diff --git a/cal_and_val/thermal/val_hev.py b/cal_and_val/thermal/val_hev.py index a89fe55a..728b4b16 100644 --- a/cal_and_val/thermal/val_hev.py +++ b/cal_and_val/thermal/val_hev.py @@ -127,194 +127,208 @@ ax[1].legend() ax[1].set_ylabel("Speed [m/s]") plt.savefig(plot_save_path / f"{key}_{obj_fn[0].__name__}_val.svg") - - # %% - - def draw_error_zones(ax): - """Draw 0%, ±5%, ±10% error regions on MPL Axes object""" - xl, xu = ax.get_xlim() - yl, yu = ax.get_ylim() - l = min(xl, yl) - u = max(xu, yu) - lims = np.array([0, 200]) - - # Plot 0% error diagonalx - ax.plot(lims, lims, linestyle="dotted", color="g", label="0% error") - - # Plot ±5%, ±10% error regions with transparencies - counter = 0 - error_1 = 0 - error_2 = 0 - error_3 = 0 - for err, alpha in zip((0.05, 0.10, 0.15), (0.35, 0.2, 0.15)): - error = ax.fill_between( - lims, - lims * (1 - err), - lims * (1 + err), - alpha=alpha, - color="g", - label=f"±{err*100:.0f}% error", - ) - - ax.set_xlim(left=l, right=u) - ax.set_ylim(bottom=l, top=u) - # ax.legend(loc="lower right", framealpha=0.5, fontsize=8, borderpad=0.25) - - return error - - # %% - # Scatter plots with temperature effects - - fuel_energy_exp_cal = [] - fuel_energy_mod_cal = [] - for ((key, df_cal), (sd_key, sd_cal)) in zip(cal_mod_obj.dfs.items(), sds_cal_solved.items()): - if not isinstance(sd_cal, dict): - print(f"skipping {key}") - continue - assert key == sd_key - - fuel_energy_mod_cal.append( - sd_cal['veh']['pt_type']['HybridElectricVehicle']['fc']['state']['energy_fuel_joules'] * 1e-6 - ) - df_cal = df_cal[df_cal[time_column] <= - sd_cal['veh']['state']['time_seconds']] - fuel_energy_exp_cal.append( - get_exp_energy_fuel(df_cal).iloc[-1] * 1e-6 +# %% +# function for plot formatting +def draw_error_zones(ax): + """Draw 0%, ±5%, ±10% error regions on MPL Axes object""" + xl, xu = ax.get_xlim() + yl, yu = ax.get_ylim() + l = min(xl, yl) + u = max(xu, yu) + lims = np.array([0, u * 1.01]) + + # Plot 0% error diagonalx + ax.plot(lims, lims, linestyle="dotted", color="g", label="0% error") + + # Plot ±5%, ±10% error regions with transparencies + counter = 0 + error_1 = 0 + error_2 = 0 + error_3 = 0 + for err, alpha in zip((0.05, 0.10, 0.15), (0.35, 0.2, 0.15)): + error = ax.fill_between( + lims, + lims * (1 - err), + lims * (1 + err), + alpha=alpha, + color="g", + label=f"±{err*100:.0f}% error", ) - fuel_energy_exp_val = [] - fuel_energy_mod_val = [] + ax.set_xlim(left=l, right=u) + ax.set_ylim(bottom=l, top=u) + # ax.legend(loc="lower right", framealpha=0.5, fontsize=8, borderpad=0.25) - for ((key, df_val), (sd_key, sd_val)) in zip(val_mod_obj.dfs.items(), sds_val_solved.items()): - if not isinstance(sd_val, dict): - print(f"skipping {key}") - continue - assert key == sd_key + return error - fuel_energy_mod_val.append( - sd_val['veh']['pt_type']['HybridElectricVehicle']['fc']['state']['energy_fuel_joules'] * 1e-6 - ) - df_val = df_val[df_val[time_column] <= - sd_val['veh']['state']['time_seconds']] - fuel_energy_exp_val.append( - get_exp_energy_fuel(df_val).iloc[-1] * 1e-6 - ) +# %% +# Scatter plots with temperature effects + +fuel_energy_exp_cal = [] +fuel_energy_mod_cal = [] +for ((key, df_cal), (sd_key, sd_cal)) in zip(cal_mod_obj.dfs.items(), sds_cal_solved.items()): + if not isinstance(sd_cal, dict): + print(f"skipping {key}") + continue + assert key == sd_key + + df_cal = df_cal[:len(sd_cal['veh']['history']['time_seconds'])] + + mod_energy_fuel = get_mod_energy_fuel(sd_cal) + exp_energy_fuel = get_exp_energy_fuel(df_cal) + assert len(mod_energy_fuel) == len(exp_energy_fuel) - fig, ax = plt.subplots() - fig.suptitle("Model v. Test Data With Thermal Effects") - ax.scatter( - fuel_energy_exp_cal, - fuel_energy_mod_cal, - label='cal', + fuel_energy_mod_cal.append( + mod_energy_fuel[-1] ) - ax.scatter( - fuel_energy_exp_val, - fuel_energy_mod_val, - label='val', + fuel_energy_exp_cal.append( + exp_energy_fuel.iloc[-1] ) - draw_error_zones(ax) - ax.set_xlabel("Test Data Fuel Used [MJ]") - ax.set_ylabel("FASTSim Fuel Used [MJ]") - ax.set_xlim(0, 55) - ax.set_ylim(0, 55) - ax.legend() - plt.savefig(plot_save_path / "scatter with thrml effects.svg") - - # %% - - # Scatter plots without temperature effects - - fuel_energy_mod_cal_no_thrml = [] - fuel_energy_exp_cal_no_thrml = [] - for ((key, df_cal), (sd_key, sd_cal)) in zip(cal_mod_obj.dfs.items(), sds_cal.items()): - if not isinstance(sd_cal, dict): - print(f"skipping {key}") - continue - assert key == sd_key - - sd_cal_no_thrml = deepcopy(sd_cal) - - sd_cal_no_thrml['veh']['hvac'] = 'None' - sd_cal_no_thrml['veh']['cabin'] = 'None' - sd_cal_no_thrml['veh']['pt_type']['HybridElectricVehicle']['fc']['thrml'] = 'None' - sd_cal_no_thrml['veh']['pt_type']['HybridElectricVehicle']['res']['thrml'] = 'None' - res = fsim.ReversibleEnergyStorage.from_pydict( - sd_cal_no_thrml['veh']['pt_type']['HybridElectricVehicle']['res'], skip_init=False) - res.set_default_pwr_interp() - sd_cal_no_thrml['veh']['pt_type']['HybridElectricVehicle']['res'] = res.to_pydict() - sd_cal_no_thrml['veh']['pt_type']['HybridElectricVehicle']['pt_cntrl']['RGWDB']['temp_fc_allowed_off_kelvin'] = None - sd_cal_no_thrml['veh']['pt_type']['HybridElectricVehicle']['pt_cntrl']['RGWDB']['temp_fc_forced_on_kelvin'] = None - - sd_cal_no_thrml = fsim.SimDrive.from_pydict( - sd_cal_no_thrml, skip_init=False) - try: - sd_cal_no_thrml.walk_once() - except: - pass - sd_cal_no_thrml = sd_cal_no_thrml.to_pydict() - - fuel_energy_mod_cal_no_thrml.append( - sd_cal_no_thrml['veh']['pt_type']['HybridElectricVehicle']['fc']['state']['energy_fuel_joules'] * 1e-6 - ) - df_cal = df_cal[df_cal[time_column] <= - sd_cal_no_thrml['veh']['state']['time_seconds']] - fuel_energy_exp_cal_no_thrml.append( - get_exp_energy_fuel(df_cal) - ) - fuel_energy_exp_val_no_thrml = [] - fuel_energy_mod_val_no_thrml = [] - for ((key, df_val), (sd_key, sd_val)) in zip(val_mod_obj.dfs.items(), sds_val.items()): - if not isinstance(sd_val, dict): - print(f"skipping {key}") - continue - assert key == sd_key - - sd_val_no_thrml = deepcopy(sd_val) - - sd_val_no_thrml['veh']['hvac'] = 'None' - sd_val_no_thrml['veh']['cabin'] = 'None' - sd_val_no_thrml['veh']['pt_type']['HybridElectricVehicle']['fc']['thrml'] = 'None' - sd_val_no_thrml['veh']['pt_type']['HybridElectricVehicle']['res']['thrml'] = 'None' - res = fsim.ReversibleEnergyStorage.from_pydict( - sd_val_no_thrml['veh']['pt_type']['HybridElectricVehicle']['res'], skip_init=False) - res.set_default_pwr_interp() - sd_val_no_thrml['veh']['pt_type']['HybridElectricVehicle']['res'] = res.to_pydict() - sd_val_no_thrml['veh']['pt_type']['HybridElectricVehicle']['pt_cntrl']['RGWDB']['temp_fc_allowed_off_kelvin'] = None - sd_val_no_thrml['veh']['pt_type']['HybridElectricVehicle']['pt_cntrl']['RGWDB']['temp_fc_forced_on_kelvin'] = None - sd_val_no_thrml = fsim.SimDrive.from_pydict( - sd_val_no_thrml, skip_init=False) - try: - sd_val_no_thrml.walk_once() - except: - pass - sd_val_no_thrml = sd_val_no_thrml.to_pydict() - - fuel_energy_mod_val_no_thrml.append( - sd_val_no_thrml['veh']['pt_type']['HybridElectricVehicle']['fc']['state']['energy_fuel_joules'] * 1e-6 - ) - df_val = df_val[df_val[time_column] <= - sd_val_no_thrml['veh']['state']['time_seconds']] - fuel_energy_exp_val_no_thrml.append( - get_exp_energy_fuel(df_val) - ) +fuel_energy_exp_val = [] +fuel_energy_mod_val = [] + +for ((key, df_val), (sd_key, sd_val)) in zip(val_mod_obj.dfs.items(), sds_val_solved.items()): + if not isinstance(sd_val, dict): + print(f"skipping {key}") + continue + assert key == sd_key + + df_val = df_val[:len(sd_val['veh']['history']['time_seconds'])] + + mod_energy_fuel = get_mod_energy_fuel(sd_val) + exp_energy_fuel = get_exp_energy_fuel(df_val) + assert len(mod_energy_fuel) == len(exp_energy_fuel) + + fuel_energy_mod_val.append( + mod_energy_fuel[-1] + ) + fuel_energy_exp_val.append( + exp_energy_fuel.iloc[-1] + ) + + +fig, ax = plt.subplots() +fig.suptitle("Model v. Test Data With Thermal Effects") +ax.scatter( + fuel_energy_exp_cal, + fuel_energy_mod_cal, + label='cal', +) +ax.scatter( + fuel_energy_exp_val, + fuel_energy_mod_val, + label='val', +) +draw_error_zones(ax) +ax.set_xlabel("Test Data Fuel Used [MJ]") +ax.set_ylabel("FASTSim Fuel Used [MJ]") +ax.legend() +plt.savefig(plot_save_path / "scatter with thrml effects.svg") + +# %% + +# Scatter plots without temperature effects + +fuel_energy_mod_cal_no_thrml = [] +fuel_energy_exp_cal_no_thrml = [] +for ((key, df_cal), (sd_key, sd_cal)) in zip(cal_mod_obj.dfs.items(), sds_cal.items()): + if not isinstance(sd_cal, dict): + print(f"skipping {key}") + continue + assert key == sd_key - fig, ax = plt.subplots() - fig.suptitle("Model v. Test Data Without Thermal Effects") - ax.scatter( - fuel_energy_exp_cal, - fuel_energy_mod_cal_no_thrml, - label='cal', + sd_cal_no_thrml = deepcopy(sd_cal) + + sd_cal_no_thrml['veh']['hvac'] = 'None' + sd_cal_no_thrml['veh']['cabin'] = 'None' + sd_cal_no_thrml['veh']['pt_type']['HybridElectricVehicle']['fc']['thrml'] = 'None' + sd_cal_no_thrml['veh']['pt_type']['HybridElectricVehicle']['res']['thrml'] = 'None' + res = fsim.ReversibleEnergyStorage.from_pydict( + sd_cal_no_thrml['veh']['pt_type']['HybridElectricVehicle']['res'], skip_init=False) + res.set_default_pwr_interp() + sd_cal_no_thrml['veh']['pt_type']['HybridElectricVehicle']['res'] = res.to_pydict() + sd_cal_no_thrml['veh']['pt_type']['HybridElectricVehicle']['pt_cntrl']['RGWDB']['temp_fc_allowed_off_kelvin'] = None + sd_cal_no_thrml['veh']['pt_type']['HybridElectricVehicle']['pt_cntrl']['RGWDB']['temp_fc_forced_on_kelvin'] = None + + sd_cal_no_thrml = fsim.SimDrive.from_pydict( + sd_cal_no_thrml, skip_init=False) + try: + sd_cal_no_thrml.walk_once() + except: + pass + sd_cal_no_thrml = sd_cal_no_thrml.to_pydict() + + df_cal = df_cal[:len(sd_cal_no_thrml['veh']['history']['time_seconds'])] + + mod_energy_fuel = get_mod_energy_fuel(sd_cal_no_thrml) + exp_energy_fuel = get_exp_energy_fuel(df_cal) + assert len(mod_energy_fuel) == len(exp_energy_fuel) + + fuel_energy_mod_cal_no_thrml.append( + mod_energy_fuel[-1] ) - ax.scatter( - fuel_energy_exp_val, - fuel_energy_mod_val_no_thrml, - label='val', + fuel_energy_exp_cal_no_thrml.append( + exp_energy_fuel.iloc[-1] ) - draw_error_zones(ax) - ax.set_xlabel("Test Data Fuel Used [MJ]") - ax.set_ylabel("FASTSim Fuel Used [MJ]") - ax.set_xlim(0, 55) - ax.set_ylim(0, 55) - ax.legend() - plt.savefig(plot_save_path / "scatter without thrml effects.svg") + +fuel_energy_exp_val_no_thrml = [] +fuel_energy_mod_val_no_thrml = [] +for ((key, df_val), (sd_key, sd_val)) in zip(val_mod_obj.dfs.items(), sds_val.items()): + if not isinstance(sd_val, dict): + print(f"skipping {key}") + continue + assert key == sd_key + + sd_val_no_thrml = deepcopy(sd_val) + + sd_val_no_thrml['veh']['hvac'] = 'None' + sd_val_no_thrml['veh']['cabin'] = 'None' + sd_val_no_thrml['veh']['pt_type']['HybridElectricVehicle']['fc']['thrml'] = 'None' + sd_val_no_thrml['veh']['pt_type']['HybridElectricVehicle']['res']['thrml'] = 'None' + res = fsim.ReversibleEnergyStorage.from_pydict( + sd_val_no_thrml['veh']['pt_type']['HybridElectricVehicle']['res'], skip_init=False) + res.set_default_pwr_interp() + sd_val_no_thrml['veh']['pt_type']['HybridElectricVehicle']['res'] = res.to_pydict() + sd_val_no_thrml['veh']['pt_type']['HybridElectricVehicle']['pt_cntrl']['RGWDB']['temp_fc_allowed_off_kelvin'] = None + sd_val_no_thrml['veh']['pt_type']['HybridElectricVehicle']['pt_cntrl']['RGWDB']['temp_fc_forced_on_kelvin'] = None + sd_val_no_thrml = fsim.SimDrive.from_pydict( + sd_val_no_thrml, skip_init=False) + try: + sd_val_no_thrml.walk_once() + except: + pass + sd_val_no_thrml = sd_val_no_thrml.to_pydict() + + df_val = df_val[:len(sd_val_no_thrml['veh']['history']['time_seconds'])] + + mod_energy_fuel = get_mod_energy_fuel(sd_val_no_thrml) + exp_energy_fuel = get_exp_energy_fuel(df_val) + assert len(mod_energy_fuel) == len(exp_energy_fuel) + + fuel_energy_mod_val_no_thrml.append( + mod_energy_fuel[-1] + ) + fuel_energy_exp_val_no_thrml.append( + exp_energy_fuel.iloc[-1] + ) + +fig, ax = plt.subplots() +fig.suptitle("Model v. Test Data Without Thermal Effects") +ax.scatter( + fuel_energy_exp_cal, + fuel_energy_mod_cal_no_thrml, + label='cal', +) +ax.scatter( + fuel_energy_exp_val, + fuel_energy_mod_val_no_thrml, + label='val', +) +draw_error_zones(ax) +ax.set_xlabel("Test Data Fuel Used [MJ]") +ax.set_ylabel("FASTSim Fuel Used [MJ]") +ax.legend() +plt.savefig(plot_save_path / "scatter without thrml effects.svg") + +# %% From 3b5824bbd5b5a8eefb312158ad1a5385defa64d9 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Mon, 3 Feb 2025 11:36:49 -0700 Subject: [PATCH 119/129] addressed warning --- cal_and_val/thermal/val_hev.py | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/cal_and_val/thermal/val_hev.py b/cal_and_val/thermal/val_hev.py index 728b4b16..4bd4ffcf 100644 --- a/cal_and_val/thermal/val_hev.py +++ b/cal_and_val/thermal/val_hev.py @@ -255,7 +255,7 @@ def draw_error_zones(ax): sd_cal_no_thrml, skip_init=False) try: sd_cal_no_thrml.walk_once() - except: + except Exception: pass sd_cal_no_thrml = sd_cal_no_thrml.to_pydict() @@ -296,7 +296,7 @@ def draw_error_zones(ax): sd_val_no_thrml, skip_init=False) try: sd_val_no_thrml.walk_once() - except: + except Exception: pass sd_val_no_thrml = sd_val_no_thrml.to_pydict() From 0807f821c3be217199d27b220f0c5976e4f81643 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Mon, 3 Feb 2025 11:56:13 -0700 Subject: [PATCH 120/129] units in func names --- cal_and_val/thermal/cal_hev.py | 117 +++++++++++++++++---------------- cal_and_val/thermal/val_hev.py | 18 ++--- 2 files changed, 68 insertions(+), 67 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index c340d40b..ac8cbc0c 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -245,23 +245,23 @@ def new_fc_eff_range(sd_dict, new_eff_range) -> Dict: sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc'] = fc.to_pydict() return sd_dict -def new_cab_shell_htc(sd_dict, new_val) -> Dict: +def new_cab_shell_htc_w_per_m2_k(sd_dict, new_val) -> Dict: sd_dict['veh']['cabin']['LumpedCabin']['cab_shell_htc_to_amb_watts_per_square_meter_kelvin'] = new_val return sd_dict -def new_cab_htc_to_amb_stop(sd_dict, new_val) -> Dict: +def new_cab_htc_to_amb_stop_w_per_m2_k(sd_dict, new_val) -> Dict: sd_dict['veh']['cabin']['LumpedCabin']['cab_htc_to_amb_stop_watts_per_square_meter_kelvin'] = new_val return sd_dict -def new_cab_tm(sd_dict, new_val) -> Dict: +def new_cab_tm_j_per_k(sd_dict, new_val) -> Dict: sd_dict['veh']['cabin']['LumpedCabin']['heat_capacitance_joules_per_kelvin'] = new_val return sd_dict -def new_cab_length(sd_dict, new_val) -> Dict: +def new_cab_length_m(sd_dict, new_val) -> Dict: sd_dict['veh']['cabin']['LumpedCabin']['length_meters'] = new_val return sd_dict -def new_speed_soc_disch_buffer_meters_per_second(sd_dict, new_val) -> Dict: +def new_speed_soc_disch_buffer_m_per_s(sd_dict, new_val) -> Dict: sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["pt_cntrl"]["RGWDB"]["speed_soc_disch_buffer_meters_per_second"] = new_val return sd_dict @@ -269,7 +269,7 @@ def new_speed_soc_disch_buffer_coeff(sd_dict, new_val) -> Dict: sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["pt_cntrl"]["RGWDB"]["speed_soc_disch_buffer_coeff"] = new_val return sd_dict -def new_speed_soc_fc_on_buffer_meters_per_second(sd_dict, new_val) -> Dict: +def new_speed_soc_fc_on_buffer_m_per_s(sd_dict, new_val) -> Dict: sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["pt_cntrl"]["RGWDB"]["speed_soc_fc_on_buffer_meters_per_second"] = new_val return sd_dict @@ -277,7 +277,7 @@ def new_speed_soc_fc_on_buffer_coeff(sd_dict, new_val) -> Dict: sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["pt_cntrl"]["RGWDB"]["speed_soc_fc_on_buffer_coeff"] = new_val return sd_dict -def new_fc_min_time_on_seconds(sd_dict, new_val) -> Dict: +def new_fc_min_time_on_s(sd_dict, new_val) -> Dict: sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["pt_cntrl"]["RGWDB"]["fc_min_time_on_seconds"] = new_val return sd_dict @@ -289,11 +289,12 @@ def new_frac_of_most_eff_pwr_to_run_fc(sd_dict, new_val) -> Dict: sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["pt_cntrl"]["RGWDB"]["frac_of_most_eff_pwr_to_run_fc"] = new_val return sd_dict -def new_hvac_p_watts_per_kelvin(sd_dict, new_val) -> Dict: +def new_hvac_p_w_per_k(sd_dict, new_val) -> Dict: sd_dict['veh']['hvac']['LumpedCabin']['p_watts_per_kelvin'] = new_val return sd_dict def new_hvac_i(sd_dict, new_val) -> Dict: + """Set `new_val` for HVAC integral control gain""" sd_dict['veh']['hvac']['LumpedCabin']['i'] = new_val return sd_dict @@ -317,19 +318,19 @@ def new_hvac_frac_of_ideal_cop(sd_dict, new_val) -> Dict: # sd_dict['veh']['hvac']['LumpedCabin']['pwr_aux_for_hvac_max_watts'] = new_val # return sd_dict -def new_fc_thrml_heat_capacitance_joules_per_kelvin(sd_dict, new_val) -> Dict: +def new_fc_thrml_heat_capacitance_j_per_k(sd_dict, new_val) -> Dict: sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["fc"]["thrml"]["FuelConverterThermal"]["heat_capacitance_joules_per_kelvin"] = new_val return sd_dict -def new_fc_thrml_length_for_convection_meters(sd_dict, new_val) -> Dict: +def new_fc_thrml_length_for_convection_m(sd_dict, new_val) -> Dict: sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["fc"]["thrml"]["FuelConverterThermal"]["length_for_convection_meters"] = new_val return sd_dict -def new_fc_thrml_htc_to_amb_stop_watts_per_square_meter_kelvin(sd_dict, new_val) -> Dict: +def new_fc_thrml_htc_to_amb_stop_w_per_m2_k(sd_dict, new_val) -> Dict: sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["fc"]["thrml"]["FuelConverterThermal"]["htc_to_amb_stop_watts_per_square_meter_kelvin"] = new_val return sd_dict -def new_fc_thrml_conductance_from_comb_watts_per_kelvin(sd_dict, new_val) -> Dict: +def new_fc_thrml_conductance_from_comb_w_per_k(sd_dict, new_val) -> Dict: sd_dict["veh"]["pt_type"]["HybridElectricVehicle"]["fc"]["thrml"]["FuelConverterThermal"]["conductance_from_comb_watts_per_kelvin"] = new_val return sd_dict @@ -366,47 +367,47 @@ def get_mod_soc(sd_dict): def get_exp_soc(df): return df['HVBatt_SOC_high_precision_PCAN__per'] / 100 -def get_mod_fc_temp(sd_dict): - return np.array(sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc']['thrml']['FuelConverterThermal']['history']['temperature_kelvin']) +def get_mod_fc_temp_celsius(sd_dict): + return np.array(sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc']['thrml']['FuelConverterThermal']['history']['temperature_kelvin']) - celsius_to_kelvin_offset -def get_exp_fc_temp(df): - return df[eng_clnt_temp_column] + celsius_to_kelvin_offset +def get_exp_fc_temp_celsius(df): + return df[eng_clnt_temp_column] -def get_mod_cab_temp(sd_dict): - return np.array(sd_dict['veh']['cabin']['LumpedCabin']['history']['temperature_kelvin']) +def get_mod_cab_temp_celsius(sd_dict): + return np.array(sd_dict['veh']['cabin']['LumpedCabin']['history']['temperature_kelvin']) - celsius_to_kelvin_offset -def get_exp_cab_temp(df): - return df[cabin_temp_column] + celsius_to_kelvin_offset +def get_exp_cab_temp_celsius(df): + return df[cabin_temp_column] -def get_mod_spd(sd_dict): +def get_mod_speed_m_per_s(sd_dict): return np.array(sd_dict['veh']['history']['speed_ach_meters_per_second']) -def get_exp_spd(df): +def get_exp_speed_m_per_s(df): return df[speed_column] * mps_per_mph -def get_mod_pwr_fuel(sd_dict): - return np.array(sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc']['history']['pwr_fuel_watts']) +def get_mod_pwr_fuel_kw(sd_dict): + return np.array(sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc']['history']['pwr_fuel_watts']) / 1e3 -def get_exp_pwr_fuel(df): - return df[fuel_column] * lhv_joules_per_gram +def get_exp_pwr_fuel_kw(df): + return df[fuel_column] * lhv_joules_per_gram / 1e3 -def get_mod_energy_fuel(sd_dict): - return np.array(sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc']['history']['energy_fuel_joules']) +def get_mod_energy_fuel_megajoules(sd_dict): + return np.array(sd_dict['veh']['pt_type']['HybridElectricVehicle']['fc']['history']['energy_fuel_joules']) / 1e6 -def get_exp_energy_fuel(df): +def get_exp_energy_fuel_megajoules(df): pwr_fuel_watts = df[fuel_column] * lhv_joules_per_gram dt = np.diff(df[time_column], prepend=0) - energy_fuel_joules = np.cumsum(pwr_fuel_watts * dt) + energy_fuel_joules = np.cumsum(pwr_fuel_watts * dt) / 1e6 return energy_fuel_joules -def get_mod_pwr_hvac(sd_dict): - return np.array(sd_dict['veh']['hvac']['LumpedCabin']['history']['pwr_aux_for_hvac_watts']) +def get_mod_pwr_hvac_kw(sd_dict): + return np.array(sd_dict['veh']['hvac']['LumpedCabin']['history']['pwr_aux_for_hvac_watts']) / 1e3 -def get_exp_pwr_hvac(df): +def get_exp_pwr_hvac_kw(df): if df[cell_temp_column].mean() < 15: pwr_hvac = [0] * len(df) else: - pwr_hvac = df["HVAC_Power_Hioki_P3[W]"] + pwr_hvac = df["HVAC_Power_Hioki_P3[W]"] / 1e3 return pwr_hvac ## Constraint functions @@ -430,28 +431,28 @@ def get_fc_temp_too_hot(sd_dict): get_exp_soc ), ( - get_mod_energy_fuel, - get_exp_energy_fuel + get_mod_energy_fuel_megajoules, + get_exp_energy_fuel_megajoules ), ( - get_mod_pwr_fuel, - get_exp_pwr_fuel + get_mod_pwr_fuel_kw, + get_exp_pwr_fuel_kw ), ( - get_mod_cab_temp, - get_exp_cab_temp + get_mod_cab_temp_celsius, + get_exp_cab_temp_celsius ), ( - get_mod_fc_temp, - get_exp_fc_temp + get_mod_fc_temp_celsius, + get_exp_fc_temp_celsius ), ( - get_mod_spd, - get_exp_spd + get_mod_speed_m_per_s, + get_exp_speed_m_per_s ), ( - get_mod_pwr_hvac, - get_exp_pwr_hvac + get_mod_pwr_hvac_kw, + get_exp_pwr_hvac_kw ), ), param_fns=( @@ -459,24 +460,24 @@ def get_fc_temp_too_hot(sd_dict): new_em_eff_range, new_fc_eff_max, # new_fc_eff_range, # range is not working - new_cab_shell_htc, - new_cab_htc_to_amb_stop, - new_cab_tm, - new_cab_length, - new_speed_soc_disch_buffer_meters_per_second, + new_cab_shell_htc_w_per_m2_k, + new_cab_htc_to_amb_stop_w_per_m2_k, + new_cab_tm_j_per_k, + new_cab_length_m, + new_speed_soc_disch_buffer_m_per_s, new_speed_soc_disch_buffer_coeff, - new_speed_soc_fc_on_buffer_meters_per_second, + new_speed_soc_fc_on_buffer_m_per_s, new_speed_soc_fc_on_buffer_coeff, - new_fc_min_time_on_seconds, + new_fc_min_time_on_s, new_frac_pwr_demand_fc_forced_on, new_frac_of_most_eff_pwr_to_run_fc, - new_hvac_p_watts_per_kelvin, + new_hvac_p_w_per_k, new_hvac_i, new_hvac_frac_of_ideal_cop, - new_fc_thrml_heat_capacitance_joules_per_kelvin, - new_fc_thrml_length_for_convection_meters, - new_fc_thrml_htc_to_amb_stop_watts_per_square_meter_kelvin, - new_fc_thrml_conductance_from_comb_watts_per_kelvin, + new_fc_thrml_heat_capacitance_j_per_k, + new_fc_thrml_length_for_convection_m, + new_fc_thrml_htc_to_amb_stop_w_per_m2_k, + new_fc_thrml_conductance_from_comb_w_per_k, # new_fc_thrml_max_frac_from_comb, new_fc_thrml_radiator_effectiveness, new_fc_thrml_fc_eff_model_Exponential_offset, diff --git a/cal_and_val/thermal/val_hev.py b/cal_and_val/thermal/val_hev.py index 4bd4ffcf..c868bf83 100644 --- a/cal_and_val/thermal/val_hev.py +++ b/cal_and_val/thermal/val_hev.py @@ -8,7 +8,7 @@ from cal_hev import cal_mod_obj, val_mod_obj, save_path, cyc_files_dict from cal_hev import time_column, speed_column, cell_temp_column from cal_hev import mps_per_mph -from cal_hev import get_exp_energy_fuel, get_mod_energy_fuel +from cal_hev import get_exp_energy_fuel_megajoules, get_mod_energy_fuel_megajoules res_df = pd.read_csv(save_path / "pymoo_res_df.csv") res_df_fuel_energy = res_df.filter(regex="get_mod_energy_fuel") @@ -174,8 +174,8 @@ def draw_error_zones(ax): df_cal = df_cal[:len(sd_cal['veh']['history']['time_seconds'])] - mod_energy_fuel = get_mod_energy_fuel(sd_cal) - exp_energy_fuel = get_exp_energy_fuel(df_cal) + mod_energy_fuel = get_mod_energy_fuel_megajoules(sd_cal) + exp_energy_fuel = get_exp_energy_fuel_megajoules(df_cal) assert len(mod_energy_fuel) == len(exp_energy_fuel) fuel_energy_mod_cal.append( @@ -196,8 +196,8 @@ def draw_error_zones(ax): df_val = df_val[:len(sd_val['veh']['history']['time_seconds'])] - mod_energy_fuel = get_mod_energy_fuel(sd_val) - exp_energy_fuel = get_exp_energy_fuel(df_val) + mod_energy_fuel = get_mod_energy_fuel_megajoules(sd_val) + exp_energy_fuel = get_exp_energy_fuel_megajoules(df_val) assert len(mod_energy_fuel) == len(exp_energy_fuel) fuel_energy_mod_val.append( @@ -261,8 +261,8 @@ def draw_error_zones(ax): df_cal = df_cal[:len(sd_cal_no_thrml['veh']['history']['time_seconds'])] - mod_energy_fuel = get_mod_energy_fuel(sd_cal_no_thrml) - exp_energy_fuel = get_exp_energy_fuel(df_cal) + mod_energy_fuel = get_mod_energy_fuel_megajoules(sd_cal_no_thrml) + exp_energy_fuel = get_exp_energy_fuel_megajoules(df_cal) assert len(mod_energy_fuel) == len(exp_energy_fuel) fuel_energy_mod_cal_no_thrml.append( @@ -302,8 +302,8 @@ def draw_error_zones(ax): df_val = df_val[:len(sd_val_no_thrml['veh']['history']['time_seconds'])] - mod_energy_fuel = get_mod_energy_fuel(sd_val_no_thrml) - exp_energy_fuel = get_exp_energy_fuel(df_val) + mod_energy_fuel = get_mod_energy_fuel_megajoules(sd_val_no_thrml) + exp_energy_fuel = get_exp_energy_fuel_megajoules(df_val) assert len(mod_energy_fuel) == len(exp_energy_fuel) fuel_energy_mod_val_no_thrml.append( From 7bf9a80208ea016389dac699aebe23311c75a795 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Mon, 3 Feb 2025 13:37:12 -0700 Subject: [PATCH 121/129] cleaner plot labels --- cal_and_val/thermal/val_hev.py | 8 ++++---- 1 file changed, 4 insertions(+), 4 deletions(-) diff --git a/cal_and_val/thermal/val_hev.py b/cal_and_val/thermal/val_hev.py index c868bf83..308e9e03 100644 --- a/cal_and_val/thermal/val_hev.py +++ b/cal_and_val/thermal/val_hev.py @@ -70,7 +70,7 @@ label='exp', ) ax[0].legend() - ax[0].set_ylabel(obj_fn[0].__name__) + ax[0].set_ylabel(obj_fn[0].__name__.replace('get_mod_', '')) ax[1].plot( sd_cal['veh']['history']['time_seconds'], @@ -84,7 +84,7 @@ ) ax[1].legend() ax[1].set_ylabel("Speed [m/s]") - plt.savefig(plot_save_path / f"{key}_{obj_fn[0].__name__}_cal.svg") + plt.savefig(plot_save_path / f"{key}_{obj_fn[0].__name__.replace('get_mod_', '')}_cal.svg") for ((key, df_val), (sd_key, sd_val)) in zip(val_mod_obj.dfs.items(), sds_val_solved.items()): if not isinstance(sd_val, dict): @@ -112,7 +112,7 @@ label='exp', ) ax[0].legend() - ax[0].set_ylabel(obj_fn[0].__name__) + ax[0].set_ylabel(obj_fn[0].__name__.replace('get_mod_', '')) ax[1].plot( sd_val['veh']['history']['time_seconds'], @@ -126,7 +126,7 @@ ) ax[1].legend() ax[1].set_ylabel("Speed [m/s]") - plt.savefig(plot_save_path / f"{key}_{obj_fn[0].__name__}_val.svg") + plt.savefig(plot_save_path / f"{key}_{obj_fn[0].__name__.replace('get_mod_', '')}_val.svg") # %% # function for plot formatting def draw_error_zones(ax): From 610c06f399d3769c50b2737b29d68c891504ee57 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Mon, 3 Feb 2025 14:14:32 -0700 Subject: [PATCH 122/129] params can be perturbed with individual bounds --- cal_and_val/thermal/cal_hev.py | 93 ++++++++++++++++++++-------------- 1 file changed, 56 insertions(+), 37 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index ac8cbc0c..6b69401f 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -533,72 +533,91 @@ def get_fc_temp_too_hot(sd_dict): val_mod_obj.models = sds_for_val def perturb_params(pos_perturb_dec: float = 0.05, neg_perturb_dec: float = 0.1): + """ + # Arguments: + # - `pos_perturb_doc`: perturbation percentage added to all params. Can be overridden invididually + # - `neg_perturb_doc`: perturbation percentage subtracted from all params. Can be overridden invididually + """ em = fsim.ElectricMachine.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['em'], skip_init=False) fc = fsim.FuelConverter.from_pydict(veh_dict['pt_type']['HybridElectricVehicle']['fc'], skip_init=False) - baseline_params = [ - em.eff_fwd_max, - em.eff_fwd_range, - fc.eff_max, - # fc.eff_range, - veh_dict_flat['cabin.LumpedCabin.cab_shell_htc_to_amb_watts_per_square_meter_kelvin'], - veh_dict_flat['cabin.LumpedCabin.cab_htc_to_amb_stop_watts_per_square_meter_kelvin'], - veh_dict_flat['cabin.LumpedCabin.heat_capacitance_joules_per_kelvin'], - veh_dict_flat['cabin.LumpedCabin.length_meters'], - veh_dict_flat['pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.speed_soc_disch_buffer_meters_per_second'], - veh_dict_flat['pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.speed_soc_disch_buffer_coeff'], - veh_dict_flat['pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.speed_soc_fc_on_buffer_meters_per_second'], - veh_dict_flat['pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.speed_soc_fc_on_buffer_coeff'], - veh_dict_flat['pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.fc_min_time_on_seconds'], - veh_dict_flat['pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.frac_pwr_demand_fc_forced_on'], - veh_dict_flat['pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.frac_of_most_eff_pwr_to_run_fc'], - veh_dict_flat['hvac.LumpedCabin.p_watts_per_kelvin'], - veh_dict_flat['hvac.LumpedCabin.i'], - veh_dict_flat['hvac.LumpedCabin.frac_of_ideal_cop'], - veh_dict_flat['pt_type.HybridElectricVehicle.fc.thrml.FuelConverterThermal.heat_capacitance_joules_per_kelvin'], - veh_dict_flat['pt_type.HybridElectricVehicle.fc.thrml.FuelConverterThermal.length_for_convection_meters'], - veh_dict_flat['pt_type.HybridElectricVehicle.fc.thrml.FuelConverterThermal.htc_to_amb_stop_watts_per_square_meter_kelvin'], - veh_dict_flat['pt_type.HybridElectricVehicle.fc.thrml.FuelConverterThermal.conductance_from_comb_watts_per_kelvin'], - # veh_dict_flat['pt_type.HybridElectricVehicle.fc.thrml.FuelConverterThermal.max_frac_from_comb'], - veh_dict_flat['pt_type.HybridElectricVehicle.fc.thrml.FuelConverterThermal.radiator_effectiveness'], - veh_dict_flat['pt_type.HybridElectricVehicle.fc.thrml.FuelConverterThermal.fc_eff_model.Exponential.offset'], - veh_dict_flat['pt_type.HybridElectricVehicle.fc.thrml.FuelConverterThermal.fc_eff_model.Exponential.lag'], - veh_dict_flat['pt_type.HybridElectricVehicle.fc.thrml.FuelConverterThermal.fc_eff_model.Exponential.minimum'] + baseline_params_and_bounds = [ + (em.eff_fwd_max, None), + (em.eff_fwd_range, None), + (fc.eff_max, None), + # (fc.eff_range, None), + (veh_dict_flat['cabin.LumpedCabin.cab_shell_htc_to_amb_watts_per_square_meter_kelvin'], None), + (veh_dict_flat['cabin.LumpedCabin.cab_htc_to_amb_stop_watts_per_square_meter_kelvin'], None), + (veh_dict_flat['cabin.LumpedCabin.heat_capacitance_joules_per_kelvin'], None), + (veh_dict_flat['cabin.LumpedCabin.length_meters'], None), + (veh_dict_flat['pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.speed_soc_disch_buffer_meters_per_second'], None), + (veh_dict_flat['pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.speed_soc_disch_buffer_coeff'], None), + (veh_dict_flat['pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.speed_soc_fc_on_buffer_meters_per_second'], None), + (veh_dict_flat['pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.speed_soc_fc_on_buffer_coeff'], None), + (veh_dict_flat['pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.fc_min_time_on_seconds'], None), + (veh_dict_flat['pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.frac_pwr_demand_fc_forced_on'], None), + (veh_dict_flat['pt_type.HybridElectricVehicle.pt_cntrl.RGWDB.frac_of_most_eff_pwr_to_run_fc'], None), + (veh_dict_flat['hvac.LumpedCabin.p_watts_per_kelvin'], None), + (veh_dict_flat['hvac.LumpedCabin.i'], None), + (veh_dict_flat['hvac.LumpedCabin.frac_of_ideal_cop'], None), + (veh_dict_flat['pt_type.HybridElectricVehicle.fc.thrml.FuelConverterThermal.heat_capacitance_joules_per_kelvin'], None), + (veh_dict_flat['pt_type.HybridElectricVehicle.fc.thrml.FuelConverterThermal.length_for_convection_meters'], None), + (veh_dict_flat['pt_type.HybridElectricVehicle.fc.thrml.FuelConverterThermal.htc_to_amb_stop_watts_per_square_meter_kelvin'], None), + (veh_dict_flat['pt_type.HybridElectricVehicle.fc.thrml.FuelConverterThermal.conductance_from_comb_watts_per_kelvin'], None), + # (veh_dict_flat['pt_type.HybridElectricVehicle.fc.thrml.FuelConverterThermal.max_frac_from_comb'], None), + (veh_dict_flat['pt_type.HybridElectricVehicle.fc.thrml.FuelConverterThermal.radiator_effectiveness'], None), + (veh_dict_flat['pt_type.HybridElectricVehicle.fc.thrml.FuelConverterThermal.fc_eff_model.Exponential.offset'], None), + (veh_dict_flat['pt_type.HybridElectricVehicle.fc.thrml.FuelConverterThermal.fc_eff_model.Exponential.lag'], None), + (veh_dict_flat['pt_type.HybridElectricVehicle.fc.thrml.FuelConverterThermal.fc_eff_model.Exponential.minimum'], None) ] + baseline_params = [bpb[0] for bpb in baseline_params_and_bounds] + print("Verifying that model responds to input parameter changes by individually perturbing parameters") baseline_errors = cal_mod_obj.get_errors( - cal_mod_obj.update_params(baseline_params) + cal_mod_obj.update_params([param for param in baseline_params]) )[0] - for i, param in enumerate(baseline_params): + for i, param_and_bounds in enumerate(baseline_params_and_bounds): + param = param_and_bounds[0] + bounds = param_and_bounds[1] # +5% + if bounds is not None: + param_pos_perturb_dec = bounds[0] + param_neg_perturb_dec = bounds[1] + else: + param_pos_perturb_dec = pos_perturb_dec + param_neg_perturb_dec = neg_perturb_dec + + assert param_pos_perturb_dec >= 0 + assert param_neg_perturb_dec >= 0 + perturbed_params = baseline_params.copy() - perturbed_params[i] = param * (1 + pos_perturb_dec) - perturbed_errors = cal_mod_obj.get_errors(cal_mod_obj.update_params(perturbed_params))[0] + perturbed_params[i] = param * (1 + param_pos_perturb_dec) + perturbed_errors = cal_mod_obj.get_errors(cal_mod_obj.update_params(perturbed_params)) if np.all(perturbed_errors == baseline_errors): print("\nperturbed_errros:") pprint.pp(perturbed_errors) print("baseline_errors") pprint.pp(baseline_errors) print("") - raise Exception(f"+{100 * pos_perturb_dec}% perturbation failed for param {cal_mod_obj.param_fns[i].__name__}") + raise Exception(f"+{100 * param_pos_perturb_dec}% perturbation failed for param {cal_mod_obj.param_fns[i].__name__}") # -5% perturbed_params = baseline_params.copy() - perturbed_params[i] = param * (1 - neg_perturb_dec) - perturbed_errors = cal_mod_obj.get_errors(cal_mod_obj.update_params(perturbed_params))[0] + perturbed_params[i] = param * (1 - param_neg_perturb_dec) + perturbed_errors = cal_mod_obj.get_errors(cal_mod_obj.update_params(perturbed_params)) if np.all(perturbed_errors == baseline_errors): print("\nperturbed_errros:") pprint.pp(perturbed_errors) print("baseline_errors") pprint.pp(baseline_errors) print("") - raise Exception(f"-{100 * neg_perturb_dec}% perturbation failed for param {cal_mod_obj.param_fns[i].__name__}") + raise Exception(f"-{100 * param_neg_perturb_dec}% perturbation failed for param {cal_mod_obj.param_fns[i].__name__}") print("Success!") if __name__ == "__main__": - print("") + print("Params and bounds:") pprint.pp(cal_mod_obj.params_and_bounds()) print("") perturb_params() From ab4d19c1825161d7150bfbc5e7a6f587273eef08 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Mon, 3 Feb 2025 14:48:14 -0700 Subject: [PATCH 123/129] resampling now accounts for rate-dependent cumulative variables --- cal_and_val/thermal/cal_hev.py | 38 ++++++++++++++++------------------ 1 file changed, 18 insertions(+), 20 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index 6b69401f..e055966f 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -138,20 +138,27 @@ def veh_init(cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: return fsim.Vehicle.from_pydict(vd, skip_init=False) +def resample_df(df: pd.DataFrame) -> pd.DataFrame: + # filter out "before" time + df = df[df[time_column] >= 0.0] + dt = np.diff(df[time_column], prepend=1) + df['cumu. fuel [g]'] = (dt * df[fuel_column]).cumsum() + df['cumu. dist [mph*s]'] = (dt * df[speed_column]).cumsum() + init_speed = df[speed_column].iloc[0] + init_fuel = df[fuel_column].iloc[0] + df = df[::10] # convert to ~ Hz + df.reset_index(inplace=True) + dt_new = np.diff(df[time_column]) + df[speed_column] = np.concat(([init_speed], np.diff(df['cumu. dist [mph*s]']) / dt_new)) + df[fuel_column] = np.concat(([init_fuel], np.diff(df['cumu. fuel [g]']) / dt_new)) + + return df + dfs_for_cal: Dict[str, pd.DataFrame] = { # `delimiter="\t"` should work for tab separated variables - cyc_file.stem: pd.read_csv(cyc_file, delimiter="\t") for cyc_file in cyc_files_for_cal + cyc_file.stem: resample_df(pd.read_csv(cyc_file, delimiter="\t")) for cyc_file in cyc_files_for_cal } -for key, df_for_cal in dfs_for_cal.items(): - # filter out "before" time - df_for_cal = df_for_cal[df_for_cal[time_column] >= 0.0] - # TODO: figure out if we should use an integrator for resampling rate vars - # df_for_cal = df_for_cal.set_index(time_column) - # df_for_cal = df_for_cal.resample("1s", origin="start").bfill() - df_for_cal = df_for_cal[::10] - df_for_cal.reset_index(inplace=True) - dfs_for_cal[key] = df_for_cal cycs_for_cal: Dict[str, fsim.Cycle] = {} # populate `cycs_for_cal` @@ -178,17 +185,8 @@ def veh_init(cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: dfs_for_val: Dict[str, pd.DataFrame] = { # `delimiter="\t"` should work for tab separated variables - cyc_file.stem: pd.read_csv(cyc_file, delimiter="\t") for cyc_file in cyc_files_for_val + cyc_file.stem: resample_df(pd.read_csv(cyc_file, delimiter="\t")) for cyc_file in cyc_files_for_val } -for key, df_for_val in dfs_for_val.items(): - # filter out "before" time - df_for_val = df_for_val[df_for_val[time_column] >= 0.0] - # TODO: figure out if we should use an integrator for resampling rate vars - # df_for_val = df_for_val.set_index(time_column) - # df_for_val = df_for_val.resample("1s", origin="start").bfill() - df_for_val = df_for_val[::10] - df_for_val.reset_index(inplace=True) - dfs_for_val[key] = df_for_val cycs_for_val: Dict[str, fsim.Cycle] = {} # populate `cycs_for_val` From 5f53a04fddaf1a1122d747690edf260ead00c8ff Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Mon, 3 Feb 2025 14:48:35 -0700 Subject: [PATCH 124/129] wider bounds higher param values commented unneeded, redundant code --- cal_and_val/thermal/cal_hev.py | 20 +++++++++---------- .../2021_Hyundai_Sonata_Hybrid_Blue.yaml | 8 ++++---- cal_and_val/thermal/val_hev.py | 4 ++-- 3 files changed, 16 insertions(+), 16 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index e055966f..cf847802 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -499,23 +499,23 @@ def get_fc_temp_too_hot(sd_dict): (10, 250), # new_cab_htc_to_amb_stop (100e3, 350e3), # new_cab_tm (1.5, 7), # new_cab_length - (5, 50), # new_speed_soc_disch_buffer_meters_per_second + (5, 100), # new_speed_soc_disch_buffer_meters_per_second (0.25, 5.0), # new_speed_soc_disch_buffer_coeff (5, 100), # new_speed_soc_fc_on_buffer_meters_per_second - (0.25, 2.0), # new_speed_soc_fc_on_buffer_coeff - (5, 30), # new_fc_min_time_on_seconds + (0.25, 5.0), # new_speed_soc_fc_on_buffer_coeff + (3, 30), # new_fc_min_time_on_seconds (0.3, 0.8), # new_frac_pwr_demand_fc_forced_on (0.1, 1.0), # new_frac_of_most_eff_pwr_to_run_fc - (5, 1000), # new_hvac_p_watts_per_kelvin + (5, 1_000), # new_hvac_p_watts_per_kelvin (1, 100), # new_hvac_i - (0.05, 0.25), # new_hvac_frac_of_ideal_cop + (0.05, 0.35), # new_hvac_frac_of_ideal_cop (50e3, 300e3), # new_fc_thrml_heat_capacitance_joules_per_kelvin, - (0.2, 2), # new_fc_thrml_length_for_convection_meters, - (10, 100), # new_fc_thrml_htc_to_amb_stop_watts_per_square_meter_kelvin, - (10, 1000), # new_fc_thrml_conductance_from_comb_watts_per_kelvin, + (0.2, 3), # new_fc_thrml_length_for_convection_meters, + (5, 100), # new_fc_thrml_htc_to_amb_stop_watts_per_square_meter_kelvin, + (5, 5_000), # new_fc_thrml_conductance_from_comb_watts_per_kelvin, # (), # new_fc_thrml_max_frac_from_comb, - (3, 200), # new_fc_thrml_radiator_effectiveness, - (220, 300), # new_fc_thrml_fc_eff_model_Exponential_offset, + (3, 300), # new_fc_thrml_radiator_effectiveness, + (220, 350), # new_fc_thrml_fc_eff_model_Exponential_offset, (10, 60), # new_fc_thrml_fc_eff_model_Exponential_lag, (0.15, 0.35), # new_fc_thrml_fc_eff_model_Exponential_minimum, ), diff --git a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml index 01f659cc..3f8ec9cc 100644 --- a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml +++ b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml @@ -237,15 +237,15 @@ hvac: te_set_kelvin: 295.15 te_deadband_kelvin: 1.5 p_watts_per_kelvin: 100.0 - i: 10.0 + i: 50.0 # TODO: bump this up - pwr_i_max_watts: 5000.0 + pwr_i_max_watts: 10000.0 d: 5.0 - pwr_thrml_max_watts: 10000.0 + pwr_thrml_max_watts: 15000.0 frac_of_ideal_cop: 0.15 heat_source: FuelConverter # TODO: bump this up - pwr_aux_for_hvac_max_watts: 5000.0 + pwr_aux_for_hvac_max_watts: 8000.0 mass_kilograms: 1508.195 pwr_aux_base_watts: 500.0 trans_eff: 0.98 diff --git a/cal_and_val/thermal/val_hev.py b/cal_and_val/thermal/val_hev.py index 308e9e03..3a030cf4 100644 --- a/cal_and_val/thermal/val_hev.py +++ b/cal_and_val/thermal/val_hev.py @@ -19,8 +19,8 @@ best_row_fuel_energy, :len(cal_mod_obj.param_fns)].to_numpy() -res_df['euclidean'] = ( - res_df.iloc[:, len(cal_mod_obj.param_fns):] ** 2).sum(1).pow(1/2) +# res_df['euclidean'] = ( +# res_df.iloc[:, len(cal_mod_obj.param_fns):] ** 2).sum(1).pow(1/2) best_row = res_df["euclidean"].argmin() best_df = res_df.iloc[best_row, :] param_vals_euclidean = res_df.iloc[ From 85c341b350455406823842b3c9e6b48babbfa290 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Mon, 3 Feb 2025 14:58:37 -0700 Subject: [PATCH 125/129] reduced te_deadband --- .../thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml | 2 +- fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs | 2 +- 2 files changed, 2 insertions(+), 2 deletions(-) diff --git a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml index 3f8ec9cc..36ad0c46 100644 --- a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml +++ b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml @@ -235,7 +235,7 @@ cabin: hvac: LumpedCabin: te_set_kelvin: 295.15 - te_deadband_kelvin: 1.5 + te_deadband_kelvin: 0.5 p_watts_per_kelvin: 100.0 i: 50.0 # TODO: bump this up diff --git a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs index 444f52c3..366bbd31 100644 --- a/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs +++ b/fastsim-core/src/vehicle/hvac/hvac_sys_for_lumped_cabin.rs @@ -47,7 +47,7 @@ impl Default for HVACSystemForLumpedCabin { fn default() -> Self { Self { te_set: Some(*TE_STD_AIR), - te_deadband: 1.5 * uc::KELVIN_INT, + te_deadband: 0.5 * uc::KELVIN_INT, p: Default::default(), i: Default::default(), d: Default::default(), From 0f42763dac869ec50b65bee418e11793edf4daf1 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Mon, 3 Feb 2025 16:26:27 -0700 Subject: [PATCH 126/129] reasonably good calibration --- cal_and_val/thermal/cal_hev.py | 12 +- .../pymoo_res/cal_hev/pymoo_res_df.csv | 5001 +++++++++++++++++ cal_and_val/thermal/val_hev.py | 4 +- 3 files changed, 5005 insertions(+), 12 deletions(-) create mode 100644 cal_and_val/thermal/pymoo_res/cal_hev/pymoo_res_df.csv diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index cf847802..fab33bd2 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -48,10 +48,7 @@ # See 2021_Hyundai_Sonata_Hybrid_TestSummary_2022-03-01_D3.xlsx for cycle-level data cyc_files_dict: Dict[str, Dict] = { - # The hot and cold cycles must have HVAC active! - # - wide range of initial and ambient temperatures - # - good signal quality -- somewhat subjective - + # TODO: pipe in solar load # HWYx2, 2 bag in 95°F test cell with solar @850W/m^2, HVAC-ON-AUTO-72°F, ECO drive mode "62202004 Test Data.txt": {cell_temp_column: 35, "solar load [W/m^2]": 850, "set temp [*C]": 22}, @@ -66,6 +63,7 @@ # HWY x2, room temperature ambient "62201014 Test Data.txt": {cell_temp_column: 25, "solar load [W/m^2]": 0, "set temp [*C]": None}, + # TODO: trim this to stop at ~1400 s # UDDSx2, 4 bag (FTP), cold start, in COLD (20°F) test cell, HVAC-AUTO-72°F, ECO drive mode "62202013 Test Data.txt": {cell_temp_column: -6.7, "solar load [W/m^2]": 0, "set temp [*C]": 22}, @@ -106,14 +104,11 @@ def df_to_cyc(df: pd.DataFrame) -> fsim.Cycle: "speed_meters_per_second": (df[speed_column] * mps_per_mph).to_list(), "temp_amb_air_kelvin": (df[cell_temp_column] + celsius_to_kelvin_offset).to_list(), # TODO: pipe solar load from `Cycle` into cabin thermal model - # TODO: use something (e.g. regex) to determine solar load - # see column J comments in 2021_Hyundai_Sonata_Hybrid_TestSummary_2022-03-01_D3.xlsx # "pwr_solar_load_watts": df[], } return fsim.Cycle.from_pydict(cyc_dict, skip_init=False) def veh_init(cyc_file_stem: str, dfs: Dict[str, pd.DataFrame]) -> fsim.Vehicle: - # TODO: turn off HVAC for 22*C ambient vd = deepcopy(veh_dict) # initialize SOC vd['pt_type']['HybridElectricVehicle']['res']['state']['soc'] = \ @@ -146,7 +141,7 @@ def resample_df(df: pd.DataFrame) -> pd.DataFrame: df['cumu. dist [mph*s]'] = (dt * df[speed_column]).cumsum() init_speed = df[speed_column].iloc[0] init_fuel = df[fuel_column].iloc[0] - df = df[::10] # convert to ~ Hz + df = df[::10] # convert to ~1 Hz df.reset_index(inplace=True) dt_new = np.diff(df[time_column]) df[speed_column] = np.concat(([init_speed], np.diff(df['cumu. dist [mph*s]']) / dt_new)) @@ -519,7 +514,6 @@ def get_fc_temp_too_hot(sd_dict): (10, 60), # new_fc_thrml_fc_eff_model_Exponential_lag, (0.15, 0.35), # new_fc_thrml_fc_eff_model_Exponential_minimum, ), - # TODO: make `constr_fns` accept both `sd_dict` and `df` constr_fns=( get_fc_temp_too_hot, ), diff --git a/cal_and_val/thermal/pymoo_res/cal_hev/pymoo_res_df.csv b/cal_and_val/thermal/pymoo_res/cal_hev/pymoo_res_df.csv new file mode 100644 index 00000000..33ac4bdf --- /dev/null +++ b/cal_and_val/thermal/pymoo_res/cal_hev/pymoo_res_df.csv @@ -0,0 +1,5001 @@ +new_em_eff_max,new_em_eff_range,new_fc_eff_max,new_cab_shell_htc_w_per_m2_k,new_cab_htc_to_amb_stop_w_per_m2_k,new_cab_tm_j_per_k,new_cab_length_m,new_speed_soc_disch_buffer_m_per_s,new_speed_soc_disch_buffer_coeff,new_speed_soc_fc_on_buffer_m_per_s,new_speed_soc_fc_on_buffer_coeff,new_fc_min_time_on_s,new_frac_pwr_demand_fc_forced_on,new_frac_of_most_eff_pwr_to_run_fc,new_hvac_p_w_per_k,new_hvac_i,new_hvac_frac_of_ideal_cop,new_fc_thrml_heat_capacitance_j_per_k,new_fc_thrml_length_for_convection_m,new_fc_thrml_htc_to_amb_stop_w_per_m2_k,new_fc_thrml_conductance_from_comb_w_per_k,new_fc_thrml_radiator_effectiveness,new_fc_thrml_fc_eff_model_Exponential_offset,new_fc_thrml_fc_eff_model_Exponential_lag,new_fc_thrml_fc_eff_model_Exponential_minimum,62202004: get_mod_soc,62202004: get_mod_energy_fuel_megajoules,62202004: get_mod_pwr_fuel_kw,62202004: get_mod_cab_temp_celsius,62202004: get_mod_fc_temp_celsius,62202004: get_mod_speed_m_per_s,62202004: get_mod_pwr_hvac_kw,62201013: get_mod_soc,62201013: get_mod_energy_fuel_megajoules,62201013: get_mod_pwr_fuel_kw,62201013: get_mod_cab_temp_celsius,62201013: get_mod_fc_temp_celsius,62201013: get_mod_speed_m_per_s,62201013: get_mod_pwr_hvac_kw,62201014: get_mod_soc,62201014: get_mod_energy_fuel_megajoules,62201014: get_mod_pwr_fuel_kw,62201014: get_mod_cab_temp_celsius,62201014: get_mod_fc_temp_celsius,62201014: get_mod_speed_m_per_s,62201014: get_mod_pwr_hvac_kw,62202013: get_mod_soc,62202013: get_mod_energy_fuel_megajoules,62202013: get_mod_pwr_fuel_kw,62202013: get_mod_cab_temp_celsius,62202013: get_mod_fc_temp_celsius,62202013: get_mod_speed_m_per_s,62202013: get_mod_pwr_hvac_kw,62202016: get_mod_soc,62202016: get_mod_energy_fuel_megajoules,62202016: get_mod_pwr_fuel_kw,62202016: get_mod_cab_temp_celsius,62202016: get_mod_fc_temp_celsius,62202016: get_mod_speed_m_per_s,62202016: get_mod_pwr_hvac_kw,euclidean +0.8424839930254663,0.2338413376725218,0.4121335779739724,24.659353283977254,242.57502963836143,135690.25545542102,4.284193259071586,59.77451173014232,1.8430144270958588,96.95002925267426,1.3638636666001804,7.7618131817826015,0.799554827607805,0.37636519237855226,588.95430976808,4.572518088727806,0.21747578208913104,262904.03019399603,2.115759512769616,39.438566383626295,3836.572028973983,124.31943678547945,309.36728167516554,33.0855113723579,0.3208320507307617,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.15122529523895575,1.2074660909899173,13.712667689878113,0.3259119810413486,3.8560274331847677,1.7192320917169936e-07,0.00011300188961683817,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.15088933921823386,31.381167987564243,24.074294242529756,3.875764389576729,11.645380480636959,1.9907974977412392e-07,0.0,0.2439657622465919,3.8371621937668654,22.654572343666267,4.221778206145132,3.8974013823732174,3.7634525958472066e-05,0.0,3816490534509.4204 +0.8264448800455392,0.1388402013925686,0.3680398153286952,148.00440457077275,139.55663867254086,302094.4607234545,2.7983057544563175,13.107429655483392,3.0941259248981976,5.447913420722166,0.9139070512565384,26.39701837739345,0.37882458666870866,0.406021210827908,84.90694443954425,24.528049756384856,0.05547591643351451,299051.7984502278,2.8263271505067027,43.335621970089115,697.0558708575202,217.60593418333866,349.49830440029643,46.86699746884511,0.17879815562188275,0.20144362147252076,38.270361144858704,48.45380224784124,3.457153444716969,17.084127960774907,0.0,2.2589645909186413,0.1420943277840039,30.384561522073653,54.48962691642152,0.2169184193589124,5.021494299305573,1.6033010066721712e-07,0.0001132097967789073,0.2141496986078967,30.646712125686378,43.39633387420424,0.2429236442418806,11.188189788850291,0.0,0.00014063033626880034,0.12277361293835871,76.48197674293087,53.11190209825697,3.932725480440516,12.110180442662434,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9713622933338413,0.16892513697687161,0.3991823173170688,178.68582877616723,226.79631263390158,232736.4757298337,5.531739320438802,76.4798640461207,3.7182725991331655,23.403995344127758,1.6615332241893048,18.526471316024526,0.3350906175471655,0.8819825394505447,711.4497583414501,78.07456362063276,0.27574025889720927,270291.2049305119,2.545147065406912,6.056812156484256,3227.578467301628,92.99552392845473,324.56066435384,57.97563892883957,0.30810862799343214,0.19357661565002082,13.02459134269884,31.201794132028287,2.844007845963123,7.223793787161592,0.0,0.7214426101779998,0.12859895535394567,6.228884556801303,21.909268848774452,0.8939414352846988,2.987608523206512,1.6033010066721712e-07,0.0001132097967789073,0.2052001976059886,13.747013644246865,30.86225158231212,0.354830496272315,5.069294980189522,0.0,0.00014063033626880034,0.3525982437855673,50.8565213467876,30.618974493679968,3.076586197295164,11.76766063767112,1.9907974977412392e-07,0.0,0.1773487695081129,5.261753492412709,25.03315071724774,4.968346208616092,2.6182661810245498,1.2271723382333819e-05,0.0,85.19268484020168 +0.8453682494556363,0.4916014986428467,0.3540784994048096,239.4754655239681,23.7210210956342,204153.26088341064,3.6631789543834956,57.99326573385398,0.8499134637191246,8.795702028022763,2.9064968919987497,10.550612950959938,0.46865526626180587,0.7784992773053109,471.0360012473093,9.841022777845307,0.19877069291058685,54359.023741121826,1.637503783561251,10.209053504626837,3769.516992414923,52.13423295305639,259.67589852369105,23.161449870303912,0.16063549459355542,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.03943701126280486,8.586922888594339,20.617051326524603,4.450707379118646,8.60458905688611,3.031196230738002e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,5397332674571.765 +0.8170304852288539,0.18618930119122978,0.3446567488273665,205.29236406717962,12.236443664854562,150912.23098438166,2.7962355699084362,43.17998687568685,0.5399718237476832,48.99595868633275,1.976503274300609,4.058117187758963,0.5362433222744581,0.41692259267841086,572.8246791966737,24.727593209242663,0.09275752106921273,103208.58311887344,1.3806276717596968,33.152626277642156,3936.9150327148236,285.20315752083684,337.88200562367734,32.96383759953429,0.3381343463387532,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.14792084597088914,6.264191934761689,18.914745087411664,0.17529415128310688,5.1004188911895225,1.6033010066721712e-07,0.0001132097967789073,0.21590030005019997,5.6992136956835155,25.010306033403122,0.26769738962679146,23.957216432513512,0.0,0.00014063033626880034,0.15466242280127912,17.957694854310827,18.37395735173245,4.714618458456535,16.459967339406205,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8810012905928397,0.2107361245119318,0.38007635416634944,241.87693312878423,173.0194580571772,317872.35765015206,4.811584770860201,74.47288127177885,2.25220683840104,75.55011722774262,0.45385752734586915,29.849992539642948,0.7643413821198664,0.959348261311814,965.7951988299918,95.51026856183874,0.27804660989731894,272405.3828237039,2.928769737430615,91.8666587668332,4998.2727695746635,293.18469699732964,348.38100265923515,56.45249613064015,0.17195532399902422,0.19122039203390961,39.04919487315446,62.53892695062649,2.9611811461429345,17.590898095121773,0.0,0.7031671592573405,0.11373243599371798,38.08285040845496,62.83730103221242,0.5526967270715818,13.418705998241823,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.116288169786903,108.97138091474366,74.55173207773804,2.982047582865351,6.502756178328789,1.9907974977412392e-07,0.0,0.1697043034465387,35.107830040678245,124.62630107750009,4.1872425795881485,15.064445166931062,0.0,0.0,2698666337285.8823 +0.9834647009734377,0.1140556911635312,0.44077888478974026,41.84314064793705,167.68482339334986,194761.49405854248,3.255323305616203,42.135927540364825,4.319532926566235,73.66270296855848,3.4940288134123256,27.41213946402438,0.6738275504313169,0.9957382940963218,726.1492195538162,36.22185919412827,0.3063784940707658,117853.53077374722,0.7057553221375424,72.11324820015064,3395.4772609926217,246.96722396075648,235.67736406156592,35.100631200860775,0.3099636587624096,0.18599540494693437,7.505292565693539,24.411068500051613,2.495914975932426,9.271994447885298,0.0,1.2818911832354651,0.12297603002834769,3.474902671925108,13.11386791265504,0.2035214862910829,3.31613230196452,1.6033010066721712e-07,0.0001132097967789073,0.2001857207631189,5.234530842710329,21.909760471774643,0.24967342634648468,10.312724865465222,0.0,0.00014063033626880034,0.35905093325905113,0.9195031555760526,13.489771677222295,4.449181660472144,43.72936498446089,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9713622933338413,0.16892513697687161,0.3991823173170688,178.68582877616723,226.79631263390158,232736.4757298337,5.531739320438802,87.34494045260178,3.7182725991331655,23.403995344127758,1.6615332241893048,18.526471316024526,0.3350906175471655,0.8819825394505447,711.4497583414501,80.94894302397714,0.27574025889720927,270291.2049305119,2.545147065406912,6.056812156484256,3227.578467301628,92.99552392845473,324.56066435384,57.97563892883957,0.30810862799343214,0.19380222903538238,13.093952506342033,30.82171979055084,2.829797466488206,7.253500491101286,0.0,0.7359514920701722,0.12859895535394567,6.228884556801303,21.909268848774452,0.8939414352846988,2.987608523206512,1.6033010066721712e-07,0.0001132097967789073,0.2052001976059886,13.747013644246865,30.86225158231212,0.354830496272315,5.069294980189522,0.0,0.00014063033626880034,0.35273181852233343,50.87170422490969,30.202306443822692,3.0659411174712083,11.773471644544149,1.9907974977412392e-07,0.0,0.17734876950811296,5.263954583244041,25.03568128285532,4.955172091262046,2.6182763504157323,1.2271723382333819e-05,0.0,84.92758816831586 +0.844307500148512,0.3074458406174688,0.4294006790872234,102.90231632425979,26.71654250739985,218298.53637103626,3.5793360394263956,90.028271769729,1.44108964861989,36.87430792227872,0.6348123944663552,26.109493435227986,0.4926087401279365,0.9473486012123453,184.19754999967145,34.54284156173772,0.2802688050346791,289610.0573208388,1.6407661030797573,20.062091043770035,2340.399885479428,46.174553453841305,318.7743217658286,26.817944060354417,0.32661534936710857,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20384438503453065,3.8143910555580205,25.50429653459221,0.25616016296019123,4.406015541114616,0.0,0.00013639504337903968,0.19598133840629994,39.67030155886027,27.420389936134015,3.9756996710425185,6.7735423291516135,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,4674227208854.957 +0.8948107501845987,0.16875581123576844,0.4384905610675157,123.97140031738624,232.27436286468037,288092.271005701,6.047427109324389,65.54322013739154,4.407149063201963,33.82474561516383,3.871997553169125,25.566855968836986,0.5100421087514527,0.9153698529205907,750.305989346872,88.01405065935336,0.056609849903247744,145226.27707408523,2.870991027910449,99.90133524075564,2261.437888740177,279.2458915624906,344.29083773369956,52.6711700393943,0.3451721286269605,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11182808820253096,12.47846572620134,30.069237900088655,0.6684308858486614,14.377020756857291,1.6033010066721712e-07,0.0001132097967789073,0.18804750239796383,23.612858980166997,47.47392040214901,0.3183134575908584,17.548715442402912,0.0,0.00014063033626880034,0.35158706721927546,38.722102055633734,24.286769484782464,6.695871135399628,39.56969004433545,1.9907974977412392e-07,0.0,0.15010384329632825,25.54992151861887,60.72894016629826,5.561205101882969,24.499991377445046,0.0,0.0,2698666337285.8823 +0.9240326092285418,0.3323465841751211,0.3917957850131137,183.3848493010309,135.96186796823613,245795.6237319162,6.580588183381302,47.5764431579285,4.5269876322906475,98.29751357689919,2.002946141914169,28.813302271163025,0.7239165034680404,0.6502424040494355,906.7399316389234,54.0421992279841,0.23285671187379195,295121.3747718126,0.22283000269920103,55.91404184173049,4646.183532633068,129.65275013529515,335.3237189058415,17.954071237180578,0.22640154182515795,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.14952309701368569,1.7305823465878734,18.673165843628603,0.4603674234643775,2.569204580713642,3.036688908544713e-07,0.00011373295819695407,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.07417355029166475,55.98199372986207,42.407325358402474,2.4670121877433315,7.227174852310698,3.2714214015530956e-05,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,4674227208854.957 +0.8925327926377273,0.2052479169167476,0.41055601589078394,157.25724223356798,208.19298970981578,146207.3156406841,5.235500131635055,46.59728004737735,2.9731038149379967,20.72642868887047,1.8070018632741858,3.165568870878765,0.6806253388054311,0.1494484097871261,431.23364405281376,21.286037923903066,0.053160694588638875,105576.30298893151,2.4269434558067946,6.084758584606872,4646.969928989771,214.23461656265846,263.5294626223978,51.20747872629762,0.24321266354303533,0.18191492965852504,1.693831030931444,20.84748046078895,2.4269528592313088,5.278539531426054,9.215532557558301e-05,3.671429202623472,0.14792723822144804,2.540585336382147,12.048762394108012,1.1871762777903858,3.073213574816638,1.6033010066721712e-07,0.0001132097967789073,0.2159956238987149,3.2783075737468197,23.25326718703343,0.4081757410665049,1.8774777554375033,1.280062746556781e-06,0.00014063033626880034,0.14433367819432472,13.739963478881188,21.075107038547056,3.973096687920936,42.589888849748164,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8102027546494526,0.32764242871723975,0.40065874724399964,164.70892788783792,190.2290695414339,274051.87022536085,5.601567481285489,25.607499270707596,0.9865156644029226,52.851159620127135,4.530888628631221,21.23590792378672,0.3955411661811551,0.7700228882010015,981.23563171601,34.90784022363417,0.22123519167702116,266978.67405740765,1.5213191395320818,77.75144944200387,4955.368907636141,110.55323322626063,334.26622989556523,22.685704487396027,0.20059789872599834,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.1029563115054684,53.05341918210947,52.38298454748367,1.7538950248278222,7.9226977718849145,3.079929333880876e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,5397332674571.765 +0.8785052373423551,0.21121353706156187,0.33245684049972024,228.55775710336962,163.6901093858873,330096.2627039093,4.516753737224643,77.37579047571424,4.4214470545697315,31.459720556049728,2.781000042853741,27.32458683267547,0.793784316277013,0.9721164062654185,974.4715537394356,32.21253645658545,0.10573379795598772,62352.647991538164,2.895001162485866,88.16141984313728,1728.066488519197,123.0099815800092,222.27681173963566,38.61879327416476,0.27956146298055484,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11718156436699996,3.0584456309552217,19.291952735615222,0.4578894232815233,18.076802628744016,1.6033010066721712e-07,0.0001132097967789073,0.16649273746539361,2.717797271721655,28.217340677213375,0.2805650332164928,10.440325181089953,0.0,0.00014410350517884027,0.35157433289135337,10.898007644627047,15.264148945219198,12.569637855812207,52.412412781161365,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9642993360444967,0.17895417224299476,0.34661325220342104,118.93846460394278,113.61400406283738,247253.4636467872,4.144858093733306,16.161561670492176,1.9099714329959279,99.50320597896405,2.1496410158574166,24.2794079348596,0.30148948711647106,0.946687465110095,191.9053446855364,96.33698329909053,0.09545096631674832,226414.70926626978,2.092227342533944,98.44599904862943,3948.4278962070057,67.11490914870905,291.36528220073023,23.87050031667136,0.2723797130076961,0.19250568201039067,4.384206439735149,26.782139620820253,2.961622999767908,4.383697303533071,0.0,1.3140175623180985,0.11783205687609134,0.9020013026095527,14.885540068744474,0.3772610847426047,7.323731981278761,1.6033010066721712e-07,0.0001132097967789073,0.19928893982008594,1.9521137591043463,25.014957267723624,0.27595116976477524,2.788422672133442,0.0,0.00014063033626880034,0.35503122165140943,38.28825274553052,24.920984747037856,3.091971498391437,27.478911970028065,1.9907974977412392e-07,0.0,0.18599385290342466,3.9902407933909303,24.344924083169172,4.711241127204161,12.721505860906245,2.2014623242964507e-05,0.0,72.96834463540277 +0.8436610648352718,0.15766395078004805,0.4002933364533357,18.58824613326449,36.738944548391395,183797.0349164683,2.056967641252155,65.13374509497429,0.9679753368406308,87.40876996872953,1.9141016867579235,26.122053038467065,0.4133182644212193,0.7347482308656172,689.6869761977675,31.574749088146277,0.06933265220849613,55514.61791374731,2.2639642551688093,9.168406857933405,3844.619756008625,34.321523792833254,268.0498583010079,10.804516147116857,0.19658264756538216,0.19713844886587892,2.63484886076404,23.903905598641508,2.381068203668196,2.896289273580398,0.0,1.3335407356997486,0.13514073564236484,1.5377595993202207,14.31743393836876,0.4293494629543631,3.0356001699710893,1.6033010066721712e-07,0.0001132097967789073,0.20887605003319243,2.873668880449449,24.172854163621427,0.23794592449561158,1.7128028662284343,0.0,0.00014063033626880034,0.25335206338087796,2.500713323194376,15.217468369047227,4.354267325028874,9.601055389718766,1.9907974977412392e-07,0.0,0.2096932457358793,5.600390164393815,25.378190884870115,2.736013561369273,5.197612146331898,7.193910243366248e-05,0.0,49.65475858070503 +0.8030661026170325,0.14622102118206842,0.34739132814449347,10.957738963792451,148.56720458391072,100885.72681266943,1.6601441871555012,90.03667233304746,3.7360877208499192,21.51213228578102,1.8885255380829788,19.656539779699933,0.33149548654562994,0.8011649591672317,200.1605595387585,56.820787406271435,0.061887000658382985,94279.02829074101,1.3690354634912092,60.66839080583967,1936.3961348589069,147.88338884425724,333.48239101880586,47.79832224764355,0.2087398553666378,0.19714276901009858,10.573801353046642,25.623468059416336,2.473405860736442,39.23586712470566,0.0,1.4759730105384734,0.13922520652491743,12.43091676950382,29.10730441981644,0.4037881435647989,6.250074040742607,1.6033010066721712e-07,0.0001132097967789073,0.20942637486630836,10.975060387146858,27.29958125868118,0.23775219919209659,35.31103624558663,0.0,0.00014063033626880034,0.15185748991438608,34.0615828063491,34.102336865083934,4.945467930058,20.80486411162418,1.9907974977412392e-07,0.0,0.2084102684300546,5.535794637840314,27.233917541249436,2.5148049543485773,17.372002976126023,4.440642099032074e-05,0.0,96.59618298962681 +0.9797623359289026,0.1095455184125228,0.38143465023810574,129.48697553440695,42.249176669145115,121649.85575964607,2.1032333896442195,11.344598844619517,2.9165859164034282,36.119534122652325,4.525349227293941,20.014118361865403,0.5835697048064934,0.913776122836365,257.12156477433666,31.091037112218714,0.18087218654272996,132479.2100456364,0.9810524380036852,10.858369491018394,2867.232039289916,218.7071374198203,346.51530172860566,17.363369429796023,0.23403581841306997,0.19310237017597537,0.6578596024667754,24.58132487902216,2.666008461732681,23.152416646006337,0.0,1.069663051650565,0.13109840257887817,2.873156881817948,17.921207018021217,0.22884073571552996,3.950840157589112,1.6033010066721712e-07,0.0001132097967789073,0.20377640139684694,1.8074649061503825,25.192659261739674,0.26662887654675055,21.211834955991147,0.0,0.00014063033626880034,0.1350516264856082,13.783978358328302,28.217593788513668,5.234915477136424,18.677594893832303,3.092715030179917e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9837984002931797,0.12562639500664058,0.4433630968572228,96.75479091092808,185.97000672586975,181916.1524185238,6.193332553610414,53.43822596459587,4.041721690758586,26.867565140730264,0.6501302020095445,4.325170265256483,0.3228249692429035,0.30224678092152896,899.7445363840301,32.65937241635874,0.07846512750219127,247719.82684307024,0.9014120374516912,63.37402304028335,282.1776181797866,127.53125352054056,296.72736741937297,20.712304545144953,0.18427371080183313,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.14566285948021598,4.347188879012508,11.103554971982705,0.9276085265942706,4.580496245592408,1.6033010066721712e-07,0.0001132097967789073,0.21494070024682813,6.606861736343026,23.346376193165632,0.3694639833462536,4.001861815117585,0.0,0.00014063033626880034,0.2606350916792298,33.00106337697766,22.638031146144595,3.443760540432504,28.3451345867465,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9881909174639162,0.13859746276148077,0.35267396669401,80.49204347285026,147.27627378377602,152559.17340812992,5.020796670165893,57.70557362733017,4.379484448760725,16.69395676070541,3.095930439247837,8.80178398914053,0.7189588286168872,0.4958396426836036,578.2472503894309,29.206574660079667,0.05301231622238385,50383.22864135936,2.741082651587966,86.99953265208215,1556.5078121280371,152.34790439671877,269.84568692294494,11.865484386472406,0.28668300908659455,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11888881267801762,2.210564314138558,16.56039980001062,0.7938093191548193,22.388761771205804,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.3200776697692444,8.093609198533423,17.32424300601427,8.36537396188734,48.209611138948304,1.9907974977412392e-07,0.0,0.20779998310320535,6.428887957414992,30.524445646769337,5.171138280757291,37.857118717357,0.000284834138224128,0.0,3816490534509.4204 +0.9610969068138294,0.16245088479317443,0.3552894690190516,223.5909352684281,192.3911218953235,311986.64365476323,1.5073013645105582,5.0702019514923435,2.1007533527638547,39.16124035402251,2.645182830492833,13.639723281648028,0.3478282689597677,0.8604258249713641,170.0461231856903,95.23644164105959,0.29235347125421496,55424.93632874171,2.3208662943488143,85.89647048583349,4949.792001262363,122.79616182148013,266.38408052670053,22.66034384599454,0.27833655422974596,0.19282764710033284,3.3972548657638963,24.48923212533683,2.982769807087986,6.39722786723456,0.0,1.2242498786265532,0.13774850613824238,1.9421214629523111,14.846494154854614,0.328145396301766,13.061959834981794,1.6033010066721712e-07,0.0001132097967789073,0.20740690421716548,1.6137463916354473,24.11929149994488,0.23407722848864754,4.4043316745020284,0.0,0.00014063033626880034,0.3519868686066119,11.514117840236068,15.884668656648962,3.4560488495954664,41.24065796123158,1.9907974977412392e-07,0.0,0.15511593049032946,3.598481378326767,33.52073512905817,4.225799704968715,17.122955347894017,0.0,0.0,72.1582753586511 +0.9866381443949298,0.10938189510877704,0.4225762784552523,176.62621402753456,200.68522751842895,335380.94863523316,6.378190612417482,86.59149501749408,3.465729319608811,86.11329547767211,4.42960662084577,27.522825458611013,0.6206626027554099,0.9826653512250838,946.3580667848122,83.25944546549054,0.2421640743589955,150645.73412615602,1.267702861563216,8.004236614986944,3696.72082626567,294.89319790219315,289.44645412554036,47.620419236826585,0.31118672821954724,0.190337877000532,1.3636162460104735,26.46979700420764,3.1707089059649163,10.65184560001248,0.00015070917112158675,0.6478090088424645,0.12489201741358928,1.7058367216587647,13.174352138474966,0.6769924856971311,3.2138825290156774,1.6033010066721712e-07,0.0001132097967789073,0.20039208973730377,1.3927762932523835,21.673878530951992,0.31681052613978855,8.648004215954977,5.6110390100474435e-05,0.00014063033626880034,0.3588564355653684,34.63825059695374,24.26428699961865,4.342070960147335,30.512986371296876,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9237849844783855,0.20112253853659445,0.3308163511962823,224.80354903003976,154.45322730346481,168031.83538409264,1.8857141245930427,74.8238680992804,1.860743373737215,74.86042544496522,2.8148732747116676,3.2687245338283275,0.5381789985667706,0.6183852718551385,638.0385717591029,92.4528977606573,0.09162155258028551,195096.98847620096,1.9708746974118192,70.25564509527779,2488.079666718764,164.01252883567443,281.3971682743082,56.03821373029885,0.18485702578350427,0.18058460135669394,2.545595922951751,22.64495466157904,1.795156456436642,9.010350711209565,2.3640453815287784e-06,1.2480493663172145,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21487066288077275,4.669575168000057,24.249032807997644,0.25804130679451365,5.9186010778137055,0.0001334838554155416,0.00014063033626880034,0.25983346778094013,37.3919215974209,27.3955391499399,4.490353917392342,8.023230191994767,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9765326255459986,0.43320871523218507,0.38391357324115066,210.69285128560696,91.11011923850329,178043.85451117725,6.894348647834795,89.20776205776131,3.942598458175299,79.79034829865897,4.741429795361653,27.76930316688854,0.49333018939229206,0.9760211082675361,499.6040653259674,77.0783299865342,0.20347569783816427,78197.3447564551,2.5763025125426284,84.0100767715335,399.9893273493941,64.32669603440493,258.9221264424632,20.86088114781615,0.26600668912064296,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.13453413038137735,2.127432096295883,16.730118996348107,1.0583657704869585,11.268059631170404,1.6033010066721712e-07,0.0001132097967789073,0.18917139264522714,1.7686509796714749,25.25248841039861,0.35966857609268205,3.770402668485657,3.4147669791019363e-05,0.00014133995752748307,0.3459806433497477,13.792778826496537,16.304495502760457,11.784184093046584,50.88539291153958,1.9907974977412392e-07,0.0,0.07037436769902469,2.333556283698873,35.28553954938672,6.341517516327994,35.52639446342478,0.0,0.0,2698666337285.8823 +0.922296060331624,0.1276944244702532,0.3967135279108735,25.358812795319313,59.12516016462484,170897.59494340676,1.5981389873563419,36.25501019768706,3.150650347757378,86.69911859280585,4.099277375222428,8.55615684315793,0.3460123049290588,0.8753196630313739,618.2114779526615,49.735932804199216,0.1132913829364326,253737.4216501448,2.5793810323344593,52.732374553291166,2955.2623136092516,19.242236479035615,341.46814352512627,16.92033918924158,0.16550065983750925,0.19767283775830677,3.9473254340601827,23.070147147791733,2.3839483822779792,2.74841495250957,0.0,1.3180197541265881,0.14070875594851615,2.936269888381317,16.047891634671153,0.42717827582359125,3.7914166935548224,1.6033010066721712e-07,0.0001132097967789073,0.211192351613232,4.499137521530851,24.507671747417408,0.23737964498189604,2.1626922577120165,0.0,0.00014063033626880034,0.12609047925579617,47.63402907587991,36.78977929674611,4.594077577210577,10.044837966998545,1.9907974977412392e-07,0.0,0.20955486767393006,0.3789377834756739,18.968478769900504,2.6544040517276777,3.154790369413352,0.0,0.0,74.7710131236294 +0.8969958414545754,0.20962250005296193,0.3645728736086329,113.59064826746813,242.48402441164228,184542.88964132572,4.750950315339469,65.12898368705444,0.9679753368406308,90.66739719842452,3.0960264785661327,25.38135156740804,0.6273933989011646,0.7347482308656172,807.2130575957219,52.37173351353894,0.19363746573615453,65671.54964552996,2.873804449367772,8.356462285342214,2070.7525995454344,49.148416532757686,268.1566282746497,12.947663783333333,0.287885631775742,0.18231774223551717,2.353543302378435,23.151410217728934,2.293427582922313,2.585935782528896,0.0,0.7619834944979427,0.13518973665293021,1.5043219884419268,14.808328019583632,0.8059272580461541,3.2414341291886637,1.6033010066721712e-07,0.0001132097967789073,0.2106473713080135,1.646933480375929,23.95955177258693,0.3451789457765679,1.8696336070483028,0.0,0.00014063033626880034,0.33791412830911066,9.197659874652734,15.689427848637084,7.489875339296561,46.39393076470895,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9719674920521671,0.18259024358385303,0.4230758095759748,146.9811369861782,204.4299851555069,134972.96287525218,4.129334199633358,46.7912065108483,0.7379591258635594,87.30679270704552,3.2038808054041246,13.487586827813562,0.49269016948600414,0.7993293468255992,993.2074915452456,76.35124466593818,0.09503853625924309,286222.00360245747,2.3890119653532276,97.63240446383782,2012.3204758639272,235.12047043912096,335.2369097247044,18.9826475027165,0.27143994034622004,0.19940937381195897,5.468383621155609,23.75882855058943,2.717186494764167,4.655712751582389,2.7977974370670333e-05,1.2808201082877495,0.13752486700583424,2.130575838181114,16.265810703394102,1.0168392849863501,7.082040776953168,1.6033010066721712e-07,0.0001132097967789073,0.2100869574938459,3.173684770097267,25.65143163293248,0.38063818308225905,4.180191269653771,0.0,0.00014063033626880034,0.34848715482744363,56.46373748578448,31.987176444047147,4.058099823356179,21.345599316548416,1.9907974977412392e-07,0.0,0.2169459176763018,1.3993229323988492,17.969633830766593,3.785870630385089,6.9760292756680995,3.913105682371919e-05,0.0,81.86969889301706 +0.884899805884963,0.29438028265545807,0.4150096452087948,189.16722759335477,140.113785158084,307193.75377473084,4.781317907720545,43.50564013699906,3.0123762179726072,28.918102101183052,1.8260729941601515,19.534090716528056,0.5127574948349084,0.6952131442226642,275.1934701768203,71.70967210673781,0.16827495183026886,210097.689028074,0.8324579121846707,64.877298619741,63.47350692245021,139.74604530917333,334.1928586290951,21.39237450124472,0.17110493723160966,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20864135979208126,0.6186615543160514,24.926206505483282,0.33376409070834206,9.151862343508874,3.269902243940252e-05,0.00014629446489719338,0.13077496240236464,37.61325794701157,41.41866062291917,2.4322952121004846,8.071390534919422,3.058853155887916e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,4674227208854.957 +0.8969106316038464,0.5748924712075963,0.3609035380521611,88.0857758310057,148.81334737025517,256586.86989091322,5.572523740034045,83.96199046497554,3.270862353165187,88.77302624990622,4.773051490846804,17.225189155677427,0.5149302064855898,0.6859884582035994,388.28448397125703,78.30473103616276,0.07709338318091682,212443.29086929298,2.3892836806496547,71.85272432167957,2374.328667139923,47.39188621119655,308.9297187614675,40.73297002480557,0.2056228910458238,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.08541467586561712,62.149965814520975,46.3929005351685,2.860444734315223,3.72435309403591,2.2767425569533687e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,5397332674571.765 +0.9218255461215535,0.1824016784836181,0.3752890213428858,238.68221282326886,247.95918061553513,245941.67863562697,2.0159897098979394,16.661151580031113,2.1873142519047826,60.493161052338344,0.2744896087984921,21.249375657500767,0.46972582384269584,0.9301756916548527,655.0605324578828,94.49762377590469,0.33542958063409983,64766.778056353505,2.215662209682294,93.47629085053609,3647.4718265842494,246.68888074170047,346.912814358646,52.399179195103606,0.20305460375734768,0.1901287744722789,15.90064111379905,40.79236198001306,2.5186749423931825,32.75383764471847,0.0,1.2521538374555385,0.10407490827991697,30.86213682650565,56.903920446473755,0.2606858301634138,19.325153659900362,1.6033010066721712e-07,0.0001132097967789073,0.2016684612649946,20.080172841568213,43.22641457944658,0.24630804915334872,30.163626123805138,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9487801867007138,0.24612316193982123,0.3531012782347259,201.20191274594794,249.75694372690322,339983.8380013094,3.691440678507946,79.61303654649458,4.291082186699358,74.27629254449185,2.275989159233987,29.424647242279352,0.7185917853468202,0.9593316165078049,931.3703731513789,50.456293101985075,0.2551817510889961,154209.60998705289,2.6209024111968975,34.26426230697375,3112.83237202153,263.4425875755998,223.6043742713709,10.339536382174682,0.24265665380943072,0.19202209996167835,1.438430439225795,23.904942340464096,2.9976294760841875,3.919528039580188,0.0,0.741482718324867,0.1271885818877531,1.3559355959293318,15.80977046359833,0.38006157001353136,5.692957395581165,1.6033010066721712e-07,0.0001132097967789073,0.20263467859425785,1.7888890500138583,24.336579062563384,0.2613353817200532,3.7333124298907108,0.0,0.00014063033626880034,0.35268111624867793,0.7454152641287864,14.187377622202389,14.946097952714643,55.89169995389258,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9832466160472869,0.25673408283021565,0.34889113412226036,248.73677698399501,203.52914436348152,317956.9488462538,3.4676138149936455,11.834279655646315,4.836262318148318,98.18310035029934,4.457362888433204,27.815506700563148,0.603782987197599,0.9680446259843896,924.8444929609026,93.0097230980368,0.25121709630162525,292245.39132222335,2.9571213339172413,82.06918372744441,4239.11280608341,279.525689528483,347.76124756904244,54.35774981638505,0.19256872639312328,0.1898799616039867,37.28649263030373,63.05739966140318,2.8491399794175507,16.25765782892611,3.43042672453674e-05,0.7403352677879943,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20315582482353625,39.96239443840245,70.20996672533634,0.2630925902019556,13.908280816076774,4.181584374112472e-05,0.00014063033626880034,0.18056262432586084,99.65094774702943,65.00033998402704,2.8813267730503083,6.166775760567469,1.9907974977412392e-07,0.0,0.17525907924140488,66.9841114685644,110.61008629905452,4.749868540311277,14.654579227995841,7.116753309263803e-05,0.0,2698666337285.8823 +0.9642917202205182,0.15539960975877048,0.40108927711719766,167.48183554324848,15.705971442501102,169919.1975736876,1.9209798872725292,44.11652368171802,3.111276534906532,18.846625294179724,4.552113431167551,19.283777898797226,0.36385331394276615,0.6580206871745864,696.6395084874185,1.9284567206247658,0.08038956748552566,76191.19900072429,0.6368867951448923,71.64634776438731,4818.81592393074,215.74840053154352,316.07818158782743,47.04420335761111,0.21982012478496019,0.1978358188668222,1.679950431294275,23.81934233972204,3.210461532856691,39.76457075439673,0.0,0.4040920211347718,0.1373090995735565,2.1320227532462157,16.388964129863453,0.31302495600540486,4.392875130775229,1.6033010066721712e-07,0.0001132097967789073,0.2100197605129154,1.5564925942308105,23.849579225678674,0.24261335821742894,34.94012321741539,0.0,0.00014063033626880034,0.14093309162667092,6.157159202840678,19.083750246822103,4.690296927493455,17.587726801156354,1.9907974977412392e-07,0.0,0.22010752981576018,2.794174965318631,23.84074581419695,5.336942393683469,14.210110681182352,0.00020196140064858206,0.0,76.07040327253745 +0.9773354902360476,0.19468966913994074,0.44563709768087484,39.04013343153731,41.02798250467734,334833.34562209726,6.863839008848343,89.54481897275878,4.508223343875068,68.75363502656944,3.2106241485235687,28.82084583356186,0.7929461727225489,0.9670058383071012,930.3592868092496,25.790382742686223,0.19510946700497672,85644.29761995866,2.859608608364251,50.445493351710994,4526.144448320426,246.84046910416507,337.1116672560058,51.5953483074169,0.3285443095928476,0.18807299035762123,14.404290710334868,37.64213407660579,3.124607505837734,12.99683536158973,0.0,0.5495978998316503,0.06468958482101317,11.964819306771114,31.38420946187881,0.19170642221717576,16.419936282818732,1.6033010066721712e-07,0.0001132097967789073,0.1990720058034198,16.484165740096625,40.596383378488724,0.25245610757312115,9.248617629520199,0.0,0.00014063033626880034,0.3319896236912383,35.14421986960061,29.990620339977067,3.4162358626482563,15.096053772312542,1.9907974977412392e-07,0.0,0.15737679454908413,17.976805885313148,51.72813904170839,4.731294447631604,13.91125130496115,9.800580611855111e-05,0.0,103.90270088811948 +0.9891988812930778,0.11805245129392967,0.41377290281172846,201.51767984937592,119.39356934562396,346812.6673960407,3.949441051913588,98.87254251671216,4.073025222197827,81.9513775183924,4.333088179734589,28.217183147408537,0.7062919226903068,0.9845106110878126,86.14008917769758,26.48284996262523,0.34055336921618173,107015.51018509801,2.783595628952627,73.46306261539557,4227.486516575128,297.33706416251874,347.929316121862,58.58994686982093,0.33967742670103807,0.14971909378237322,11.113287141438509,45.40294460471967,3.88251019492963,22.264465164776425,0.0,1.0688793372387957,0.09770880459812101,15.47121426728083,30.996041978770865,0.2599523029248841,19.384877458848184,1.6033010066721712e-07,0.0001132097967789073,0.1810326716967552,22.532756011655717,49.52415632630087,0.25347007405902305,19.968942101413024,8.666527459028654e-05,0.00014063033626880034,0.3526163189037298,36.213910253079966,26.985428012629963,4.985639330236605,25.300775252535477,1.9907974977412392e-07,0.0,0.15526736785122508,24.721617784511533,67.39472368738886,6.065161603526642,27.921466907327353,8.944506683250322e-05,0.0,127.69675333370515 +0.9358521741876289,0.23294529964373412,0.40889490106315407,226.98906423673878,245.80470354427385,183846.55135690552,6.855401192220924,21.34153987129578,4.218503391411434,99.92525149921673,1.22518626468737,6.792551753500048,0.7660971312626979,0.8101408614042126,416.9577273189536,31.588938568744386,0.19229398745783055,126121.70498510975,2.8813874468132066,83.85712989351515,153.13145009980258,27.85657991013526,316.1125483938037,10.393539605422042,0.2207215499296975,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19804993137437954,3.646597795988043,22.99945945087837,0.38513888533830576,3.0083106296904236,0.0,0.00014414060373783881,0.3451382620737591,51.307774345768465,33.319809374363494,7.110546370876233,25.417662396409924,1.9907974977412392e-07,0.0,0.1664217513125252,4.776539947652667,37.188308051808924,8.436613500555005,26.28650776399138,9.429112697762291e-05,0.0,3816490534509.4204 +0.9177078342289954,0.14647791220545445,0.37632051293384583,136.2538110491194,242.86173397166175,204859.7675111156,2.3477481901389368,64.88463746080163,2.261567639521493,52.18381165353628,2.901169832894274,18.73078240954301,0.4271114464506466,0.8121124591805268,789.0712230089943,93.00039762378891,0.2834364354508895,91162.27237536618,2.6174617352033107,98.44212210218546,4891.795851299562,275.69293881504615,348.3501926611067,59.55520943845013,0.1518267170694387,0.19074773623639368,24.633433626604294,49.3809658567118,2.4306398990115317,27.968046143772533,0.0,1.175020024374828,0.08103161945674393,44.75074481246749,72.12179041892911,0.3024361328085678,22.243910429148734,1.6033010066721712e-07,0.0001132097967789073,0.20231915964818298,29.266597880317153,53.01289167961678,0.25590957938032033,26.180022211624927,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9087360766753804,0.11203432391674623,0.4132318410657289,242.16930571665225,219.6217971765425,336824.5886125981,3.91518908582749,78.6257363302166,4.595295817175685,99.0844645022936,1.0193468363549814,25.61715836778376,0.6944788510218887,0.8508748182324141,236.96181971588163,1.732479169017504,0.2606958326127774,69178.91608809787,2.862541843772733,85.40872797097391,6.285573786874238,237.27966453381626,349.20860388368123,48.144175765906645,0.1768319625805193,0.16109863299992533,55.812689530017295,96.67413156380486,5.908437843644439,17.330212198074097,3.446850997105843e-05,1.147695043894937,0.09824157262520866,33.753644510394174,64.75058487877712,0.43921866880895144,19.55926522089606,1.6033010066721712e-07,0.0001132097967789073,0.18759116201910073,64.74585369754251,104.23224856342615,0.27027084614990554,21.583805887081454,2.0402651519669658e-05,0.00014063033626880034,0.35125420050387884,106.69938965760062,55.79617914601661,6.242169483644703,44.79237034137313,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9875528698864733,0.23157254104446395,0.4313052735158074,122.90738435566237,209.19603885722177,312058.9657968959,2.757628884120201,94.91634318966466,3.760698652192837,93.85017427520901,3.362523901656888,28.995474282537753,0.6127255492852786,0.9385230231372911,944.4322280437311,97.19278214390677,0.3143412258825211,223710.2339681035,2.9431529983477094,94.52367776424958,4517.901391662829,272.9327681578036,335.6485685181024,56.845800494293286,0.22416990131150555,0.187999616376374,20.40218017778541,47.56820761088047,2.7160717035683786,9.505531137084944,4.928487726889838e-05,1.106893613716045,0.09976032551108645,18.08657770612818,36.908534693888214,0.22214190419068208,12.71265849120379,1.6033010066721712e-07,0.0001132097967789073,0.19338953968771244,24.294038063809346,51.45057600715499,0.2416762307180334,9.268037977218347,0.0,0.00014063033626880034,0.3311826355210616,68.87861702653947,44.697727944888484,3.3710668014272636,13.740803479153621,1.9907974977412392e-07,0.0,0.15256848244726168,32.39131386977927,76.1481754921114,4.189255459555121,14.58363726357734,3.140267054179641e-05,0.0,148.23224122758245 +0.9723817008367621,0.23497001238314802,0.3980849554425771,208.44760852637756,248.85678203542187,105094.53199420325,6.989175654283091,34.350954712905505,1.8986020120787945,31.606631714795625,4.160092358186659,18.49601004063706,0.7728438417629034,0.8739621860617837,655.823425316375,30.588843744596502,0.19504551385582078,63085.72711713151,2.8671750097594866,47.88104427716428,1502.9343143841334,117.76530771999327,223.9453690273218,29.32216114504326,0.29773293189023703,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.13405573110206664,2.0064050715353945,13.696503081154313,1.891994165349716,10.84463944365099,1.6033010066721712e-07,0.0001132097967789073,0.20747508397740227,3.014194316299444,24.340947314326314,0.5296138763620127,3.380921380006207,2.0142207633159016e-05,0.00014063033626880034,0.35035150251573166,1.1554710210978925,14.27686141506538,17.102901866393644,57.32708977337737,1.9907974977412392e-07,0.0,0.08986877375037097,2.6701548790148917,35.38313430585622,8.112854072124037,48.94091458269623,0.0,0.0,2698666337285.8823 +0.9085391664094937,0.18652196817509428,0.4491022668672212,72.22734554736977,227.11727711415816,242065.9015851734,6.794848644748858,25.940260618850274,2.6227059063200144,35.93729384597739,1.0531392589130057,26.10431994855809,0.6859672028697139,0.14840973685080266,204.89702084386357,5.872642076497847,0.16836312662218975,232375.04650750852,2.688065679136449,93.11887805197851,3309.8651440224608,59.504882578975696,220.54403517710975,11.863295140583205,0.20409736602682338,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21576229316023549,7.034022072687265,23.56398716649717,0.3280872196763337,3.1367873128540107,4.975594584738899e-05,0.00014063033626880034,0.14212005122629456,15.075890064624444,16.00092012162541,20.578550150323853,61.649773989459526,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,4674227208854.957 +0.9206815296260009,0.16137573224196058,0.32840319302342497,160.20508311820055,222.3595817722618,349102.5817924792,6.08872210542331,8.27102735766264,4.004895244974481,81.27009084768254,0.8992059334750455,27.160736520873233,0.4092668984815411,0.9843384001242066,353.215162904902,23.48848815020927,0.31341685320639295,297701.63581408525,2.874468625552154,98.11550802477788,3922.1912882845168,285.5002153707635,349.1106587113589,54.168233118562966,0.15189167244150847,0.18877524785201902,41.259647075560466,67.62803050967827,3.814243418459885,18.5481940442272,0.0,0.8157471387179736,0.12029898910368218,43.00781613501195,75.17190399816319,0.6071042631683221,11.476453474223844,1.6033010066721712e-07,0.0001132097967789073,0.201471724475526,45.03289527465418,76.02077793629368,0.30376588966961093,16.532175289289363,0.0,0.00014063033626880034,0.09938305700832503,118.85695105785761,83.11252561372056,4.548288023721235,9.80197956475255,1.9907974977412392e-07,0.0,0.16549510845973328,95.77896014886633,157.024169736102,7.115346660400856,15.805306378154208,1.752193536378168e-05,0.0,278.62240425071104 +0.808866786342651,0.20380583693462617,0.324706827923661,133.10715092656505,173.4916720727059,225008.19524174475,6.553392000644417,47.60178336544887,3.3277509410547084,82.21613821457312,0.7613492780522748,29.978022539026806,0.7617635732296002,0.9636355518929848,778.3479161140725,4.66762786885549,0.22756501748289015,124439.04194655163,2.6921426422717234,90.58538480896449,4963.374985845211,224.04681864556002,348.149110930674,57.34207171388952,0.1639018865640518,0.19201809440164103,34.80433287779894,59.124354676477,4.194709047251785,32.2152691255752,6.026005515915353e-05,0.6328134952898274,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.18979064846951543,25.235217030567387,66.15437457341147,0.3194709755961772,26.24542027424335,0.0,0.00014414721541408836,0.11517815218093713,156.66061389910976,105.31670047903815,3.6677635807572697,16.350878559940746,1.9907974977412392e-07,0.0,0.1951282347953565,37.54752147853962,120.44057060082004,5.98938013942533,19.344507052284193,0.0001708349924538629,0.0,2698666337285.8823 +0.9890525887550021,0.12608438025952698,0.42250688709642376,214.3523314330339,142.4976985687112,308885.63159963704,6.863188383567005,90.9098425941017,1.8932932228659358,13.834053797072151,2.3210431785220487,28.597126011093756,0.7678940076536649,0.8844772198513103,983.3716047233793,56.01180915298802,0.0659885099141872,63321.01424098487,2.2011246346365585,99.8965675058976,4426.010779595304,122.95799793237298,266.73428588559625,29.836421882493042,0.16236531687586858,0.1780353894047084,3.1137814413158087,25.551148057616693,3.0193795783947714,11.758479865144496,0.0004283837242433114,4.312949098009711,0.12012474279405133,2.7088760467072897,15.578719631396977,0.7499584680227909,17.405547972342635,1.6033010066721712e-07,0.0001132097967789073,0.18997742475622292,4.1316871299608655,24.128869017016942,0.33378647471414635,7.64837358322325,0.0,0.00014063033626880034,0.3550830335504243,17.94575535358374,18.49362753229638,10.458276388280401,48.99548462268317,1.9907974977412392e-07,0.0,0.13250550151701787,2.3012879918734854,33.143976045493666,6.156406263035749,44.95144226330804,0.0,0.0,91.52346673804125 +0.9567275265055591,0.12570841861533325,0.43693938591048137,203.43435277011298,234.7500563464946,345396.0221761307,6.700422287871906,84.46912808151532,3.3164695244487,15.716899842515344,4.939345979722382,24.85436514302267,0.5291822275480614,0.9266051048184405,511.80412786273865,63.51176379947149,0.2625264986741877,117413.2773507111,2.940120370965346,92.07462146719875,4958.184701958161,212.5092083727741,349.1608809317526,55.92067835566937,0.16789064670848994,0.18871476047482258,25.075878161267138,52.1321627820236,3.476051124172054,18.93957191969745,8.307524021497727e-06,0.7152624821011583,0.08262070432801326,26.834908820892874,51.056273696529786,0.7762648024361561,15.89146131973287,1.6033010066721712e-07,0.0001132097967789073,0.17931016574266384,18.173120779600705,54.621970522568375,0.30644347661319,15.515353273476494,0.0,0.00014414060373783881,0.23309383041274617,83.67721678916082,62.46071222895334,6.035578780996635,13.991405368019707,1.9907974977412392e-07,0.0,0.13899532403012124,56.47009171955012,113.89144914101378,8.238126132913656,20.80308205187854,0.0015264013684523716,0.0,196.59304172727494 +0.8961712461584083,0.14881754635652178,0.4367585810840909,211.10036973158088,151.419638251228,220285.41397488306,5.28821687462371,45.14007973294595,1.2557525975331587,23.782611487577544,2.773516668175577,18.821877900791616,0.7845316474442672,0.9027320995670478,814.3915778345649,11.305902997171067,0.20524014656197453,72026.25019393605,2.8868016031063526,95.05337338368955,1914.7126621114517,220.49265937097297,331.3290588090362,43.70565331449675,0.33499485477489044,0.18398529049762824,12.361728135958627,33.04163220077256,3.4441776287869947,13.587452843877173,0.0,0.6409136859062846,0.1004380356757025,7.706836028741701,28.93959653562212,0.5377879093781525,16.261838746571822,2.1826193189641787e-07,0.00011552876858278183,0.19125269943940165,14.382606187121029,36.42514058969356,0.34857754390614365,11.693463631254756,0.0,0.00014063033626880034,0.33948660107928985,38.54569245724239,27.42583612459805,6.3178429977612796,31.871823904309647,1.9907974977412392e-07,0.0,0.16489711997471815,18.06425545703094,47.865075117309345,6.29252579526313,20.862532779644614,0.0,0.0,103.24590472957627 +0.9838875321731472,0.1266930877510965,0.32880667206566083,56.023629877194765,190.35896685775504,336401.3709662306,4.945553898338847,45.893951670304475,4.787823703314965,85.13440661672605,0.8788143045802279,12.827044853752021,0.5934430129920464,0.6676782618517816,758.7923542845781,50.014320120545406,0.29370210616009307,98258.26017275816,2.657148620550058,83.15601863061883,2100.1155839995904,249.81472748344876,346.4523918292846,36.74459689089887,0.2200684127377457,0.19506604315133455,17.34129909695512,39.454948221029454,2.9821015472092,18.899036538953748,0.00011149234274765916,0.9270154360790143,0.1072372023920784,19.293821171508643,39.837698888225475,0.21397210175364592,19.789418114675662,1.6033010066721712e-07,0.0001132097967789073,0.2069966535981958,21.209689478749965,40.946872050984275,0.2492110855853395,16.29013784328421,0.00024797420737763637,0.00014063033626880034,0.11050652724077613,59.47231760209367,53.21079819846713,3.5663366868038664,6.839607797280298,1.9907974977412392e-07,0.0,0.1982407366876885,29.61462461138753,60.891615865860125,4.581100540417618,19.969943783498714,7.677985375091337e-05,0.0,135.6459235582122 +0.9785739456541269,0.14511250649744703,0.4004088149906381,122.92927934610128,209.45372887865707,340097.0673720465,5.293562655527748,44.45439114135923,1.1758048138977137,49.391178846513796,2.7462417938101655,23.897607574603462,0.7062799136911043,0.875024831451388,974.5727827591173,9.179454347973865,0.20528337252775,61147.07823518661,1.0259285983712458,45.54404702475473,2867.044221570044,162.9086190727466,331.2166306553837,39.072941444364986,0.2490278702092642,0.1927975777051119,1.758360374160704,24.036826687397408,3.482602171877969,40.41286930388957,0.00011031840828760331,0.5769027239814275,0.13283274403368722,2.7589308917411426,18.525595500841682,0.44095749994356015,5.864881952844086,0.00015224383659089867,0.0001132097967789073,0.20396428534933606,1.9044620336893872,25.354508516756038,0.27774272771902725,35.51990774942828,0.0,0.00014063033626880034,0.07873965436482111,29.55660407054422,35.91679511960118,3.517296934742868,10.930453272698811,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8527087493989346,0.19010969100821434,0.40139231835699224,135.88919317363838,105.61544287528463,270101.29442557105,6.523365503102937,90.80982089999921,4.926441854840431,71.20429460549899,0.7298797415739756,10.482096987392058,0.33527131602388327,0.23533338158298484,304.65870104547105,82.46121261362573,0.06145658225266445,211524.61835855024,2.1320639071045027,73.88533689235123,862.0264246220236,88.01417821935672,242.67645612827724,35.00134036530738,0.3348046227935044,0.20395055626878705,4.206689841731947,22.64939145777588,3.2312297643574723,3.7594449157699334,3.2056051355824764e-05,3.9796355668201504,0.1476554975861999,2.863044951657459,12.175182144483593,0.6298172153670727,8.545775920679752,1.6033010066721712e-07,0.0001132097967789073,0.2158595989518387,4.741807955957898,23.275711161134257,0.32161899231078117,2.400582235307287,0.0,0.00014063033626880034,0.11543661221708303,5.543222757525768,19.76566816331441,13.837767850397153,54.7268929397236,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8085645236229558,0.2096590410017584,0.3313116708102785,88.0776749797776,174.08757950742694,321039.0846029162,3.4450442714902287,17.608685944039696,4.162779469912782,16.83657548779475,0.5961392000965021,6.541693804383061,0.3202893102208773,0.1676543051814693,522.8179700807088,65.97972381633099,0.05294960333076064,169882.5395968124,0.9534525983258899,25.210227937900353,928.1612875551307,142.56149659255334,260.91433023401953,17.77847759894295,0.2105106206836918,0.18869332112378487,4.747828321533876,23.511513430987073,2.818426314961859,17.83642950871032,0.0,2.9990984398685447,0.14871689723616305,1.6163920838555312,12.535117123701559,0.21400145755572994,2.9790334185125933,1.6033010066721712e-07,0.0001132097967789073,0.2162239171948304,1.916838463022101,23.219704837735428,0.24377081763756564,10.507811189507315,0.00012106688560686974,0.00014063033626880034,0.14693840239800784,4.984605481868697,17.792591937950352,6.597901957598472,47.106693758371556,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9036146997993606,0.1277960208737863,0.3267757189393932,187.17003654141115,90.26213048171921,284549.3735733656,4.416014923982907,73.9293766630767,2.121385326175139,13.608226073224067,2.3898522164148828,13.952621244627561,0.7970228502824139,0.8799796620607867,592.9180805355824,45.38225128321594,0.20479850507390945,250790.30470277747,1.5354504841795376,81.3717790393721,2246.176054600788,286.8645887052792,331.03601801058875,34.72118889907088,0.18164160135445484,0.19687629462744924,12.628360218959726,29.11440738576936,3.027706880619273,13.163691308826946,0.0,0.6249834785401716,0.13751276582346114,7.515842080717881,24.732466999239826,0.3566156369366522,4.290638173102116,1.6033010066721712e-07,0.0001132097967789073,0.20911262451613422,11.544475560869724,28.868280127222082,0.273502341280579,11.944459707992726,7.681852898163284e-05,0.00014063033626880034,0.12777974891467697,49.659979270461974,51.91294662721528,2.9675603570342215,8.373700206013453,7.487832470185539e-05,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8976255621727344,0.25686582248795325,0.42123292606191165,215.26876934381602,135.81197094723484,252246.52107696192,6.388643595093793,24.600834868809233,4.184973991165854,77.42254062863165,3.130131368963962,21.60450003746261,0.34636423916264747,0.6182399873079556,324.3294207867676,1.2130349618409966,0.2237608868556239,254254.43642456166,2.5356599020924953,44.23545456330902,4772.250901064068,253.31123881629802,323.79438704284,25.790354672130128,0.3008778055585166,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.13991742245071967,2.7112234720133728,17.382110999871,0.8424186210752482,4.68503937261657,1.6033010066721712e-07,0.0001132097967789073,0.2054385594993125,1.253864134440881,23.606739261777058,0.31670689420026504,3.4504133611850696,0.0,0.00014724866426907803,0.3204550551456806,53.78911579434345,30.366264763214573,4.724750144589121,19.414675918292605,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9872588579260554,0.15387887673003636,0.33082407797823216,31.467134413125763,148.88341221589846,246503.37698751147,6.026376389424411,74.53778811438445,2.3118296869181827,96.6068545205695,0.5560764917518901,28.772681453353616,0.410615216543345,0.9992532613534596,736.2228038271455,92.86650335836318,0.29728350407786575,57890.35473181246,2.897700292579387,95.71676515776778,4084.054769037308,168.3027188985038,239.21039294488804,46.26714090301186,0.16526283912236706,0.18586417508277867,1.6616858138397772,28.667419498956217,2.600305282895987,4.996798024639129,0.0,1.0394265949029509,0.24263889361773966,8.253009919288704,26.59323446598041,0.2833906978131742,23.34221509770132,1.6033010066721712e-07,0.0001132097967789073,0.1942952000627044,2.753327659922241,26.06896968328969,0.26290294240715933,5.04443889207631,0.0,0.00014063033626880034,0.358165255465486,14.575996549347177,16.444604526613045,5.452888970378917,44.850009899677914,1.9907974977412392e-07,0.0,0.14437359523642343,4.5161708858423,40.77907418378877,4.217325710416019,23.77107406342407,0.0,0.0,87.64092693451165 +0.8014747272597548,0.23261336929576734,0.4080157764436978,215.30810448445493,129.3716992625814,253392.1079336891,5.369273986295017,27.749433920355045,3.3110495583282766,14.507704066793865,1.8977937769804492,3.8778402266906036,0.37727255010592176,0.528780968270252,197.63629552756612,24.89417205339077,0.05458780236085971,117013.49016247218,1.497880252393824,84.04552488307291,3032.7738718160313,113.07279912410927,242.4805025518179,59.82995664532865,0.26743981358658747,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.14820041316874244,1.357136881583408,12.918804926981078,0.6868027966298833,4.391068915040733,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.29041354444105794,21.91544706143976,19.856190731837597,5.711232905545845,43.39944904123295,1.9907974977412392e-07,0.0,0.2480568694208089,4.071512599880246,25.04526786153001,6.270983436573902,16.29643332254874,7.634518270989263e-05,0.0,3816490534509.4204 +0.9865755613311638,0.11278431134654064,0.4146056902098834,212.77954019176116,66.67819257164174,217575.34213027393,5.24996819767844,52.80859089301196,1.494487236240954,79.33144840257381,2.992716803357885,7.351427725822759,0.33631665468057936,0.9999771657485891,371.04001908382384,47.57859099597674,0.34565857611772643,74384.66904249338,0.7623753484455226,93.23070660777788,3432.08915522704,32.81850724661869,225.5174970015712,48.32679481129007,0.15881063693531347,0.19602850016853027,6.129002892161848,23.759968561022518,3.102927261155052,25.285094581262285,0.0,0.9440363267472376,0.13879910528429187,3.5878470852139372,11.9972006390403,0.5778857216609273,3.356486147304848,1.6033010066721712e-07,0.0001132097967789073,0.21102736782283615,4.52559421115831,23.46066583187195,0.3209911285790748,21.256039524034197,0.0,0.00014063033626880034,0.3593057275341521,3.8842115746709243,13.940471193041578,8.922853049514103,48.791323986869585,1.9907974977412392e-07,0.0,0.12183157387355492,6.3254005029658,33.191071970198514,5.133304101287019,21.23919921528346,0.0,0.0,82.04974480084346 +0.9728907542389627,0.20386633683720912,0.3288146899903265,164.93505684063425,106.41076369960794,328432.7427635695,6.931320973915047,88.77009726125347,4.346659513800149,94.28856595356964,2.9894161482559714,26.42667805416982,0.3548325881248902,0.9871772421431321,909.8773124528134,90.97134929896873,0.05114579812381878,180959.78375646065,2.6226141480132044,99.59270320640896,4054.161692926222,247.83059719084048,340.3031730451082,56.007936268630004,0.25576769586471315,0.20023738959480006,45.903259849613825,61.02502910572067,3.5761773677577184,33.097593974396965,0.0,5.48972185548564,0.07974400553246383,24.372472801595535,47.342542425339886,0.5722776458269714,13.810228300357402,1.6033010066721712e-07,0.0001132097967789073,0.20019022096331746,29.48772435767382,58.323155245064115,0.30920154773926334,17.478106067355828,0.0,0.00014063033626880034,0.26641019926884174,80.66291799604902,56.910490736481705,3.3445107053677283,12.747048108096731,1.9907974977412392e-07,0.0,0.14266103690412366,53.86183727751283,102.00440838699114,5.527157673915554,16.01670394423775,1.9763385086029972e-05,0.0,195.15343272882438 +0.8545415553103137,0.14037075997633025,0.3887773524028288,194.97790966438723,27.63721208474061,165261.55715742247,6.424521597139654,14.134900291129995,4.747771644011497,24.40972299460111,0.5046319135827806,5.44418976211149,0.30281044042842375,0.7947690935153786,31.400347613789542,1.1028339847841266,0.10200811612952104,59133.85173360813,1.391549058785499,55.76101622734784,3121.3734529353824,114.58560423639754,231.76590506055064,56.63552949217448,0.3042384543998413,0.2004146196515887,2.4056946396445174,24.238132333000912,8.51081115181071,20.987966025360382,0.0,1.3024989169174455,0.14403508871403664,1.6131441452331081,12.588141825054013,0.6780314834139733,4.943419549966752,1.6033010066721712e-07,0.0001132097967789073,0.2134583100588814,1.5346693557416016,23.729020375144877,0.3551092310410181,15.774906271276397,0.0,0.00014063033626880034,0.34375065448749775,6.666370419555121,15.08669651248059,5.104457248137738,31.863958924633735,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9420469789513075,0.11181243797875637,0.35413255193378845,237.42968471351287,219.80549438320728,286086.7395844041,6.716080857622454,43.96178457307231,1.5410187495404066,20.647675572585065,3.0010924700173573,8.781516849104943,0.3098535469113691,0.7508910500116759,19.509157912765247,1.4358150261857432,0.16103517062473272,67581.77546832818,2.3492365053844995,93.06809965289658,4971.0849235069345,188.1487579747892,250.89359539461262,38.036551171668776,0.2185054536619363,0.19315741952040452,2.1648216176795745,25.981730470371748,7.86548723787275,9.553068608721107,0.0,1.3461185332223178,0.1392267377779605,1.9646143097238422,13.823774940239435,0.9673490603479601,14.384572650102475,1.6033010066721712e-07,0.0001132097967789073,0.2087453107473129,1.528817725707295,24.162801351248646,0.36422463214441697,5.244226957343627,0.0,0.00014063033626880034,0.3469771963452586,12.800998804239683,16.732460653274625,13.896778904944096,47.95660578218011,1.9907974977412392e-07,0.0,0.1914202836495249,4.647513113008261,29.40334685815915,14.363801439993482,21.76816288799292,0.0003628661141649477,0.0,79.71624244160998 +0.8842903782678558,0.1902342600200454,0.3759841794219888,162.80946494937794,175.84696905463815,221522.84555854468,5.086632383651223,86.20736290710717,4.224200532462369,10.547863210626678,0.6066753368355848,28.411061933203303,0.7071565539669596,0.1538949170272313,729.560609328661,1.993088140942013,0.1909487398918458,81646.0888406351,2.79456122036745,82.54171001351229,1783.5328658307585,229.8062317229576,347.6305631693109,58.64367721208921,0.2560372274624822,0.18598169043745702,12.137246049816977,38.21661554106626,4.241679306706087,25.612445127990906,5.904626903965945e-05,0.7887677835136905,0.14498219760232145,18.05030261730663,34.39734178662066,0.7689297109736813,34.45251960691221,3.863611309453091e-05,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.1428713624867108,39.92755160829235,31.945488214594416,5.083986999006686,34.46273160080227,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9157952223446558,0.15637497766004296,0.37564280552278584,245.72555028845616,40.895882250713754,284365.5017464024,3.7672957591055067,64.89725012041535,4.935923926466142,38.58081139994924,4.735559638629166,29.228846338337796,0.3880009852011731,0.9883408770816552,231.65231417937812,49.028207268332096,0.28752360258850207,85384.4774106812,2.799413561235022,83.32053111576485,2511.6959295968854,270.8441574203292,349.19052868359705,52.65181886870543,0.1695556244339376,0.1860013200587399,25.32691021689601,55.95515744001783,3.203772165690763,25.572397348514382,0.0,0.8916236255036388,0.19621319641582846,61.89071475187334,104.32983186639295,0.1896983513135321,25.565430923081085,1.6033010066721712e-07,0.0001132097967789073,0.1970067291978484,30.12963340550117,58.6483411622007,0.25233815609842286,22.870526102961357,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9693826893863461,0.23497001238314802,0.4145733191579964,208.25340543800132,119.24693368623106,252422.04929338634,6.989175654283091,34.350954712905505,2.294823008420358,81.4453467452182,4.160092358186659,18.8806339970255,0.7454851538829392,0.4472586677624866,983.2481088368922,30.588843744596502,0.3218504916071283,56518.35534992601,2.8671750097594866,91.37044226752191,1511.1431452246497,117.76530771999327,228.27327594729448,10.843278794007206,0.29792437291841906,0.200334915876001,6.596330833863632,24.61932443745711,3.2605952753879484,6.021178223124797,0.0,0.7347909002116617,0.10996610719487934,1.9587328228766436,17.548010472264338,0.8633477099208001,25.8349233492403,1.6033010066721712e-07,0.0001132097967789073,0.21345660614030817,5.645290262040633,23.585554694822896,0.3570788728912129,4.813642374542627,0.0,0.00014063033626880034,0.2971102013322164,6.529264922782329,15.858634459248702,19.07264147452593,60.059363339850286,1.9907974977412392e-07,0.0,0.21633892075316105,8.623840905752,30.402450218067084,10.774204158825757,65.77891233506044,0.0001749407651930831,0.0,109.52321498037306 +0.9281029715601871,0.22754234120446137,0.323483890882692,81.06707061529376,105.3387170396235,308776.3068329161,5.683964663907475,97.72580929481633,3.7005770879410766,89.38781207287575,4.965536818650041,29.33914726775147,0.5749324262436971,0.9665404458563798,973.8291855864186,81.20230865812584,0.2659025198447714,105710.47412707811,2.6971057456730874,86.28507516319705,4841.146620401878,270.22826892895466,345.7801894884069,58.55785468746221,0.16740623367905666,0.19080153975585082,31.22515353235755,58.13271355701679,2.905979262840571,31.352205292350515,0.0,0.6918189404079047,0.10834011829383247,54.117117503720095,110.81411909591196,0.3400367359810251,21.879022508425,1.6033010066721712e-07,0.0001132097967789073,0.20278424813033036,33.80805000877843,62.43258645482185,0.2711135992719232,26.617711072489943,0.0,0.00014063033626880034,0.16172961123108362,130.65180233962462,95.38020048730218,3.4608246050505325,16.741992509970732,1.9907974977412392e-07,0.0,0.17357543839804104,76.05322461143096,136.00714162303066,4.832554055778952,27.701858173685466,0.0,0.0,279.8489035808247 +0.8932522270833236,0.149219488492084,0.32561419055024743,56.822457281479956,62.71200443805111,192060.60935029862,3.1317224885600465,97.60249777162227,0.36886443343530084,59.8232366290468,0.4339323098538313,14.135645505705362,0.34930402906822994,0.8560135128880855,301.37583035648515,60.30000842892338,0.19260749741365366,50406.53575582936,0.6464504004278109,71.83940657509932,1591.1964221611659,142.1931204321856,346.97751074853613,51.32205779222189,0.19328517968083284,0.19591161309517469,7.511312205623954,26.42230556092084,2.561066072868958,94.44205005289152,0.0,0.9429964920876873,0.1385598100312433,12.585701385326347,32.55369964798645,0.19427995735856224,14.708274825291003,1.6033010066721712e-07,0.0001132097967789073,0.2091581308759341,8.443357476482985,27.53854258829635,0.251212555544168,91.28950333664999,0.0,0.00014063033626880034,0.15300370163487925,33.63287662954904,37.25906153914519,4.385710316568543,29.57426207165647,1.9907974977412392e-07,0.0,0.2249798839712722,11.324858880015404,32.38351757081083,4.154519422618363,45.71985922353946,0.000133004294212112,0.0,164.24763217947955 +0.8920957322116783,0.18292369179069126,0.3209350883500838,38.47223146577326,119.52609651535782,220068.45798598358,2.0940527400411746,47.79792463377811,0.6467575238857692,62.604042658719635,2.672971637436155,28.17937529592409,0.4329978156885553,0.8135115606305976,688.3626884218179,15.154408155832973,0.06538929138246483,55286.27129455076,0.36696117148923424,94.07772546227396,770.728434988314,291.9191642942576,333.8046025620588,53.745931814722084,0.23757738017013041,0.1956102110961283,10.170823928106914,26.499573023240487,2.5081796877609714,107.89527795939114,0.0,1.1219026865513142,0.13334403098877265,10.653374360720377,27.781323968458043,0.3559143007624452,10.841478071137264,1.6033010066721712e-07,0.0001132097967789073,0.20608316194007184,8.026553837182943,28.02022031802552,0.23582724490994517,90.48180941549592,0.0,0.00014063033626880034,0.14729183095268336,26.32336991360212,31.0387643349645,4.343940971255663,27.21162991388055,1.9907974977412392e-07,0.0,0.20962168443803866,10.01925994179762,32.36657970863093,4.149547544281588,43.19794375301586,0.0001012931966234101,0.0,167.15633314439464 +0.8128448284191131,0.117642138760972,0.4132318410657289,242.16930571665225,162.62198293554036,260602.21651017334,3.91518908582749,98.01089405940242,4.595295817175685,13.119786978972392,1.0193468363549814,27.081628972441152,0.3804842605388444,0.8508748182324141,236.96181971588163,1.732479169017504,0.2606958326127774,95264.68441864585,2.6455053909295816,85.40872797097391,6.285573786874238,254.98148345637992,347.5567991872844,48.144175765906645,0.1768319625805193,0.1661862243313897,49.68573558133866,84.52888518701087,5.83611149512903,14.807893025193009,0.0,1.100870512415455,0.09709860544136145,47.9182808844388,75.04162952241673,0.530137833038522,22.035425733350323,1.6033010066721712e-07,0.0001132097967789073,0.18674076502059103,61.64071386843412,101.34672780664687,0.2922533686081453,14.942533311418666,0.0,0.00014063033626880034,0.34659184336129695,114.04921695063092,58.81068301769405,5.287353975432117,37.43722951010816,1.9907974977412392e-07,0.0,0.19273129123429128,72.11189806455297,124.51422521206571,8.45182387870981,15.527134753157755,0.0,0.0,267.3720181641901 +0.8671296681214878,0.27236345625914865,0.32308147397312814,233.34795501768014,208.2637493800956,344522.23889290757,4.189554695481499,76.80415606767967,3.1381172352660096,37.57070247449707,3.2414939221881687,25.909652640087224,0.33086146196227323,0.9134559696297052,905.3167758496448,72.92308670472468,0.2579192573427443,266312.9189340456,2.9053110719440722,73.32930955366585,4374.375933890292,273.86261401858684,348.37518445343954,58.00363425023396,0.1860711742338494,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.12782351382304868,44.628793062722245,72.82218717184348,0.4468897164518644,13.035092993364627,1.6033010066721712e-07,0.0001132097967789073,0.2057323968475264,45.452347165797235,66.00561134016803,0.2725120926113449,19.683382210763934,0.0,0.00014063033626880034,0.09189823620595139,126.27335136537818,82.19439714063441,3.0465220979042575,8.995296480336359,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8071548152788258,0.23341610790372372,0.3467826611819256,112.85701790605673,249.7433634638102,291339.5305462947,6.261793641320677,60.3768464109521,3.3292410766035614,49.10711285310576,4.8434029426281295,29.925778990330862,0.39196514913445946,0.8840624622194985,774.2724738449381,89.76919802051638,0.3470716308384916,144257.6747866915,2.6995826429293226,83.80737641341884,4336.11880140555,259.25490206454685,348.3551417470862,55.13559519346483,0.1638684214156731,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11372804215055098,58.542233554189025,97.57093037777145,0.6639478854766708,16.725435093091875,1.6033010066721712e-07,0.0001132097967789073,0.20511025329904872,36.777576444870526,60.806002724140875,0.3178979672236772,24.302664883703237,0.0,0.00014063033626880034,0.1088716237325197,135.31315351859078,90.60052171095585,2.9447726225893014,14.423348131540212,1.9907974977412392e-07,0.0,0.18698881942597778,42.83961142315699,118.27236437963037,4.78770062004514,16.784028328542643,0.0,0.0,2698666337285.8823 +0.9512801417878317,0.22620634467325607,0.334345747523227,44.95946813028914,173.76222221171736,205416.47504534372,4.1947482488712735,60.18551013214545,4.857422694516859,37.93290806196215,0.8672099994270553,29.122773037882762,0.7460146886663741,0.9581124448015305,840.2604700768318,57.12808617766832,0.2172640206587644,193360.34181066538,2.859700091325642,64.01450735299701,13.614795620752602,224.82586495999738,344.02270818273007,41.92955990654632,0.16866206714764825,0.19021322527092008,33.223097901500644,54.791023535538216,2.5059347824593634,12.297110677036923,0.0,0.9083668505639926,0.12294804962392687,39.19028824272534,68.83303697746938,0.2978172898486609,11.188365591332989,1.6033010066721712e-07,0.0001132097967789073,0.2043988399920428,37.94651875025996,64.62514957891267,0.26428800291828725,10.408575983096265,0.0,0.00014063033626880034,0.3278718196104014,148.0965437204186,81.42247855807659,4.219971865976289,10.041887875563358,1.9907974977412392e-07,0.0,0.15774130171446785,75.02460815213303,143.23157587482314,4.199213271463415,11.626504791702995,0.00025000475254370087,0.0,267.1439860327099 +0.9643975803588498,0.18461191298165855,0.37436057141069873,244.54018135477085,178.92740299064872,236619.24884668953,6.21291654219777,59.182131540575284,3.357529256906381,96.35502625982164,4.754888204222657,24.77777839508647,0.30408952057277305,0.915242614067322,902.9492163817412,96.43542871546595,0.058610918932486746,206802.07528194843,2.958708844502919,99.8037732287677,3346.5161150672584,274.61085257014804,347.46005730482136,57.771176915048585,0.22468187794471006,0.18111425553019583,33.23310089452574,72.56622893678238,2.614688383529433,24.84052745246659,0.0,4.517267879036095,0.08695381939057234,25.75210087601567,46.94528490436566,1.0034950028173364,15.048523780701911,1.6033010066721712e-07,0.0001132097967789073,0.1909727707194764,35.21942284543563,64.44482440527345,0.3736213223941684,16.67599086405781,0.0,0.00014063033626880034,0.31019374747705986,81.48522650498218,50.998549759893905,4.371134079590937,18.760622087857488,1.9907974977412392e-07,0.0,0.13173107406561357,57.4343098496922,100.40320639885596,6.303706767157127,20.450199079245763,0.00015550696640674122,0.0,198.06630499590773 +0.9818915092260965,0.16079437084155215,0.36658218985468183,234.45672609139203,218.23251409091625,294614.99698182876,5.329684811725011,56.25253758494617,3.2690652297791227,95.66919872673526,4.692787141020669,29.30445316270468,0.6099594168463841,0.9117672591121739,963.196292542987,45.67138504389026,0.08162490649727598,148947.90995656425,2.9371967441249365,99.95353268159899,1125.546678368507,258.71384056694984,348.26368016194493,57.895158548030174,0.15963494773871537,0.19077180502817595,41.47613720071307,64.25518456094906,3.1090033235577796,27.59397221959017,0.0,2.4770449790877787,0.07919520878731574,33.39726444180843,60.21367343488982,0.7456013316448007,17.414854369871485,3.5958107459084034e-05,0.0001132097967789073,0.19793873372806056,35.352570011652624,63.0232351065464,0.3254663294519177,19.1480008134705,0.0,0.00014063033626880034,0.18735184727051676,100.03152334476137,75.17517206300359,3.476825613183946,11.08462288163483,1.9907974977412392e-07,0.0,0.12104251832492567,87.91371261606432,152.11524285660744,6.541492589591222,27.285081324867132,0.0,0.0,254.37657990381726 +0.8634932362388598,0.15164219031301143,0.37518584201253,242.34699204217424,245.0325092395973,284494.3823826482,6.347313957755722,50.82765676297035,4.725112950633892,90.07818433664274,3.925509904017282,29.493448297622653,0.612425835884179,0.981879342130899,599.6691002950479,68.93834022649865,0.20558629287671204,281571.67190140433,2.970900573936697,99.0096502966695,3230.6529904142308,297.9697891490261,348.6186666791572,53.7490327176255,0.16453905168935876,0.18923685115901992,42.30968520280643,69.6057558445125,3.189322249340555,17.11703679568533,0.0,0.781321064683158,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2017312621827024,43.17509443092233,74.05290978696014,0.3625225080556731,14.799739217984666,0.0,0.00014063033626880034,0.1495989234378011,119.42333036168046,80.16013758455945,5.617843890596312,6.408225057574066,1.9907974977412392e-07,0.0,0.15071652691002674,85.0043898477201,154.49660242172064,7.472873159748278,18.47551327973083,0.0,0.0,2698666337285.8823 +0.8218390155556171,0.14683234205632253,0.32768174041693066,68.06483275113288,224.51772068848038,306711.9400437027,4.329666800708747,96.32191700911487,3.7360557899533617,11.363772085108089,2.9014517090665404,29.908328163092328,0.352338048434402,0.8586804689993399,93.48588454791064,37.23758098348085,0.2862705642956827,82570.4346800975,2.0655815245827873,95.95452424356777,4634.317379327072,226.04111247505563,349.3749840354007,58.542013966803665,0.1636309377213655,0.18989090512052983,22.741819387778712,42.46094923411695,3.446434894923686,44.77783088096016,0.0,0.9862884193898659,0.1062813158069122,43.86616319164343,82.05486003094583,0.23990567072351096,19.418645263435177,1.6033010066721712e-07,0.0001132097967789073,0.2044900268278053,25.473997142569036,44.582010335365624,0.25194190008040523,41.861396465008916,0.0,0.00014063033626880034,0.1414325174676381,130.91209017845006,99.02989668231007,3.8943420637795043,19.458696466544115,1.9907974977412392e-07,0.0,0.19222566614188608,60.41306126818699,103.92654080915302,5.020150565534948,28.509912838122997,0.0,0.0,245.7410400997677 +0.9512801417878317,0.1728061880380194,0.334345747523227,49.92111980206712,67.88639216403563,282025.51118873886,5.743922015267391,60.18551013214545,4.857422694516859,38.028949264722314,1.9379244489908174,27.649570941510458,0.7460146886663741,0.9493249528879967,653.2509251843865,57.12808617766832,0.2172640206587644,195228.04973556648,2.859700091325642,64.01450735299701,13.614795620752602,261.0212875459658,344.02002331093115,41.92955990654632,0.16886739165659734,0.18966141986621704,34.494054207952665,58.142110467955575,2.8609708553171544,12.747869189759788,0.0,0.6559858081927208,0.12570312090292507,34.14456240112277,58.45286786429492,0.25223364461168646,10.63768322010098,8.049409000299173e-05,0.0001132097967789073,0.20216657335778218,38.98210939355626,71.9906461276175,0.26101998876133126,10.315116705024082,4.224026122696684e-05,0.00014063033626880034,0.3451724249016773,144.45496886116206,79.86398996951952,3.7312708808491766,11.801211115763582,1.9907974977412392e-07,0.0,0.15119259958831519,78.2571717538192,149.1259068051161,4.461353028252461,13.115084651148237,0.00013737740427619357,0.0,268.6997574718753 +0.985038376612863,0.21888425370126172,0.33856158690562665,141.75080827982038,221.42673112157783,201750.24556416302,6.895954105280593,71.54663033889713,2.9767808868120027,35.01951433130277,2.554628590764085,27.62081724192153,0.6578633572155024,0.9433200354348318,834.4290547620832,56.21322357749988,0.1122614960202938,50282.18854460118,0.5145219541113899,96.29850822122643,3994.374823546269,192.23765060726976,332.7879621454343,52.327402325733104,0.16117748695391484,0.1951594555193046,10.47776355194854,29.101184382922916,2.9631191511754498,104.09781719547306,1.2950275895675265e-05,1.7116344538912107,0.1260250169431239,8.340106072876535,27.317059311761476,1.1169080852330557,8.922493846307741,1.6033010066721712e-07,0.0001132097967789073,0.20271014885431615,5.88536527555191,28.760953558326463,0.3956248343691375,82.89059943469559,0.0,0.00014063033626880034,0.10688313028393827,37.80907363987683,43.31706118991599,3.801127769610594,17.58213456016893,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9324386584575395,0.21851123334590422,0.32410143635024036,239.4599395819166,100.12314933199326,274267.496294569,3.5670698863258865,87.38678445593489,3.372531783523027,33.03458360907972,3.22770380596387,28.00615131641612,0.7538816447455743,0.9644898995930298,892.5586920032293,62.07359780097054,0.11098889432971108,105822.70879062412,2.8784854051497315,86.1030768338452,3893.9732930526293,226.27745143581708,342.54019614101844,57.54935636171766,0.15533030636638673,0.1910914419438079,34.53958165384184,59.79691834102593,2.765327126894962,29.474258629243433,3.857942092925505e-05,1.0514679245844858,0.09654254552808134,48.793644072668194,90.12048515128531,0.30922504583936783,19.166046778791486,1.6033010066721712e-07,0.0001132097967789073,0.19940673211996138,33.624838025505625,62.56948103963129,0.26305274069453305,21.78074458865413,0.0,0.00014063033626880034,0.21030043866621667,135.03509212433352,94.38252790697855,3.4350870108505465,19.881981257673754,1.9907974977412392e-07,0.0,0.15340050141065326,36.63154459642252,133.8661802871171,3.719629990392749,21.507570427436125,0.0003571030330873873,0.0,263.29518126312524 +0.957493800783719,0.28001021092395884,0.3348881205610146,49.234744258685126,70.35849423937027,235406.2103065907,5.976990653026685,60.48941292531509,4.531159305590295,69.55843160034323,4.836040254303192,8.362872376102898,0.7677816336536347,0.9745336511447628,990.9358971385248,63.507675354239325,0.2135230361202453,236926.9801207514,2.8578219761654364,80.24584716268629,22.826228972011222,215.7289654653268,347.596844352791,48.807407162095224,0.17615625371132598,0.19855648948000815,37.21133418856103,58.90978277814566,2.659730287957831,16.930279528784993,0.00013173663745586815,0.6652617739569401,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19605114025766074,26.599081739504644,70.68877911398017,0.2802023463698702,12.492468750459937,0.0,0.00014414060373783881,0.2670443966114351,141.93472140499705,82.93035295746478,4.043746634267445,7.150232706347223,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8711786205056591,0.20648734715758557,0.34508145186079436,240.97771657677595,172.31456450738904,224942.3980211937,5.02307894032267,69.99382339154118,1.8264670103281315,78.11475859408328,0.8884234968061369,29.798858752639553,0.7529961629418096,0.9847303505022416,825.4258297817879,37.719822177406954,0.09566249242118391,58249.11573273453,0.7988979682295387,66.08260498793548,3509.9741665660886,249.4851791363257,346.2271604257591,56.45249613064015,0.1764730396428705,0.19563634892287898,16.469208330252684,30.009626657326937,2.970464493298138,99.91940428919592,0.0,1.7436261413500065,0.12933758844602902,18.685350078557878,40.49990446340244,0.8489279049948254,13.429839613579745,5.280680838895859e-05,0.0001132097967789073,0.20395832271276057,11.522858745598016,32.12289307708624,0.3482655208474648,83.25472793921098,1.813195200041933e-05,0.00014063033626880034,0.12703421507084556,49.285503771658284,60.780820243793634,2.2797105825062713,24.885208685420455,2.7615343999459633e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8985965852227739,0.22302644167129043,0.34242636820161504,216.90248896827393,237.5130224948106,133145.7720139008,6.097503082918517,85.66242328530103,4.207091235589751,26.026204591844653,0.2989570050884436,29.893653525951258,0.43415617917061583,0.9600397934913731,847.2621095000939,87.5358205116348,0.182832697325283,86024.33398050907,2.4007941966868658,79.76144582210053,3160.9621144569624,266.3857676674975,347.551473041487,45.24714253991643,0.16157530262274825,0.19020353545636945,24.380792890052625,45.6354489060747,2.942637134280428,32.589109547466734,0.0,0.8686875985290788,0.07674585874523505,48.5623099039355,72.84923344673413,1.5705840350866855,19.262669525856627,1.6033010066721712e-07,0.0001132097967789073,0.2028785880983048,25.01648188773073,50.300478545625495,0.47495326439769436,26.3837047756315,0.0,0.00014063033626880034,0.2448353906482233,137.2974701320036,91.82217069461689,4.997218988551776,21.36587586934568,1.9907974977412392e-07,0.0,0.1655594104679899,70.49846806317282,125.57918809038716,7.0028107846289265,22.34614460712589,4.4215951378850486e-05,0.0,254.34563241934768 +0.9376925856825561,0.2321717431315904,0.32168358445148393,237.521876670785,168.87496409507133,116376.32741585447,4.1261809595421965,92.10466992853162,1.3784516357581094,62.71504370275056,4.276393530969961,27.70817066162282,0.3151897316292893,0.9889294263071139,793.056190228225,50.528374424486046,0.2972028442492419,188618.7894942262,2.822646766425202,78.92316636448822,4106.6946228282095,242.39292902919922,348.0337042332363,57.82449076987654,0.16065175207066315,0.18944698583042724,34.192174366826485,57.873679875423356,2.9477861709748487,23.874870341842062,0.0,0.9680826048980578,0.10177027202691485,42.82042321776884,77.45911822978259,1.2465596684653635,14.711211678013688,1.6033010066721712e-07,0.0001132097967789073,0.19710583375677246,39.22308950780091,69.73741207920675,0.4178623571159499,21.1869736751453,0.0,0.00014063033626880034,0.21012914039116415,136.34388514584504,83.44222406753359,3.914022451673076,13.140833869339772,1.9907974977412392e-07,0.0,0.14104120374185372,82.26000262835223,140.3011611585475,5.299383171335862,14.981577701278061,7.457061046740184e-06,0.0,269.15509622174017 +0.9894671180150169,0.2048227407918105,0.36028457778212236,215.78993615553233,40.981539237451415,283673.5860014604,3.6415276529590757,94.40308182871375,4.752723448279205,71.24129342404314,1.729177382816691,28.07813851010275,0.5925228201363618,0.9951679975448873,310.5791376624643,48.625849286933025,0.3033012960771707,218267.66722537566,2.9549067156803686,95.02156508731251,3540.2282649235076,259.5830384448622,349.3066897676524,52.6506557022706,0.17013252658482508,0.1843173136330978,33.06269500300855,64.36919270189942,3.10407809678215,17.07563148279465,0.0,0.975902916360898,0.08996592792366549,31.43789181167764,56.58479916592897,0.19669996212052962,15.96777719288967,1.6033010066721712e-07,0.0001132097967789073,0.19885322178472253,37.817058969837234,66.98797819394693,0.25022092686170727,16.010645694685948,0.0,0.00014063033626880034,0.10514567193905679,88.07895383214124,68.32105109757664,3.7203198541685945,8.368342041480508,1.9907974977412392e-07,0.0,0.13431984599975924,80.43119400685761,144.97609665759921,4.699430032026973,19.03960572256952,3.9188729740065695e-05,0.0,237.77993378256483 +0.8953960348545407,0.23210903669063448,0.3389737136725654,225.57607747491042,248.83866503679164,311926.5950327072,5.961087470335741,90.67739464402361,3.1215964504856073,85.55813720642493,4.3525656036157505,26.90881555527906,0.36311096403660753,0.9958717770517047,75.01587125255753,26.18333494801775,0.2816314371260512,85237.39484808707,2.511810670491917,76.35705215061705,2908.539832970393,281.7219338428321,343.67379700890734,54.506390259028166,0.15017138000545574,0.191125859239458,25.437949693979238,52.03696266864026,4.134752687126112,32.52847472093355,0.0,0.8600458869816772,0.09225754094719996,50.47901342839443,94.05622240784832,0.8156394172984968,19.486439541479307,1.6033010066721712e-07,0.0001132097967789073,0.20157912965702124,28.656142606970494,55.67156922474088,0.3361840137450982,27.686675367174534,0.0,0.00014063033626880034,0.17974799396954366,130.62926554600878,97.7751544717752,9.13071717494908,18.99253722605011,1.9907974977412392e-07,0.0,0.18607965329911774,66.97014751075636,115.36456369336132,10.263038166366428,21.569071594161024,0.0,0.0,257.53813065490874 +0.9324386584575395,0.23919280877321875,0.3357787826859863,239.4599395819166,245.8887872035824,276119.1660663411,3.3905205022198106,87.38678445593489,3.378583814297707,35.19255332042502,3.251153709573734,28.00615131641612,0.7538816447455743,0.9644898995930298,889.9149963835245,62.07359780097054,0.10295232354323997,108553.3795627446,2.8784854051497315,92.10580927597076,3923.644860178289,224.7693653716576,342.54019614101844,57.55019209639824,0.15533030636638673,0.19187105488346373,35.08816443834663,59.08769015480384,2.7622123705962665,28.897502257059532,0.0,1.1594893451321833,0.11014458657251518,55.88164691378596,95.80760637987662,0.4994605227282256,20.069488287109074,5.280680838895859e-05,0.0001132097967789073,0.20046847630618753,33.576253298264895,62.98321960261233,0.2796090626793253,21.06881974797468,0.0,0.00014063033626880034,0.1382522454840224,120.71535949200243,88.36872583425543,2.9917329760937013,15.349052892536912,1.9907974977412392e-07,0.0,0.16009920651922757,36.0389763226592,125.81720015977494,4.151212489420957,21.68376951454099,0.0,0.0,253.08455045065503 +0.9139931555728009,0.16996552175925764,0.3223186292483667,137.39141073115806,52.874992935449015,315705.3097080464,4.872618918999635,99.75729762147179,3.970265293733762,96.37939461106501,4.126595645289105,28.325392576947404,0.5261429993435438,0.9947970688906238,781.6704023155062,39.964827596379536,0.3102873737183263,148768.1843964003,2.9298145911206164,97.09166265116355,3495.4561092664935,182.04596007364069,348.8165801384619,52.770316823997035,0.15819505425220476,0.18850957410444108,32.99429936636157,60.95524100938175,3.0703750158905234,23.461881505236736,0.0,0.8405661601210281,0.10360281372133642,43.45694897561503,81.97824703668935,0.22589349320836669,14.844382621426897,1.6033010066721712e-07,0.0001132097967789073,0.19899497290762785,37.36703222533865,67.22458034547974,0.2587839827600896,20.4726744262502,1.3079975453870104e-05,0.00014063033626880034,0.15948576141327928,131.4995506711658,92.64647961479577,3.6763240153143166,13.667565669670633,1.9907974977412392e-07,0.0,0.17348393220651698,72.36235279954258,128.77535613565308,4.765124873304084,16.261713083767823,8.34768085969429e-05,0.0,262.1283176754749 +0.8657801326736307,0.13419197667339453,0.3581490588286639,207.10961648772513,191.8711437857095,302164.9159674101,6.067566363850104,12.9547111053925,2.3871628121468125,57.16188425734602,1.0313280474052584,27.65053389552116,0.47020525455951684,0.7886612012043698,441.20679084747815,57.16938818812033,0.05547591643351451,297136.3465812682,2.8625535409611276,85.95734303267913,833.2598804352888,294.2094186398752,349.5244087043066,53.57572826584891,0.19146731924986835,0.20032790895763994,53.44058505469189,66.8910191536385,3.4024150286742145,24.71473894663857,0.0,4.52970439204661,0.12794198060609044,33.00186283885083,56.73865896033998,0.7538312858531715,12.154116691159778,1.6033010066721712e-07,0.0001132097967789073,0.20535474567686549,40.041152513282896,63.37344416581651,0.3300264391013331,14.955698785055766,0.0,0.00014063033626880034,0.18201578501131488,103.75793241166285,66.29834697807046,4.250966959058425,5.202547552946734,1.9907974977412392e-07,0.0,0.19420806572390906,65.42324048202808,108.65080939593867,6.932155214664787,15.348597211349036,1.183693822339527e-05,0.0,223.26776519152375 +0.8603970012057026,0.16669450165341812,0.37247574616128415,217.63126646893178,134.73381733408755,309038.3265058296,6.650771715008776,24.50652254994115,0.6316282028916804,57.192166338151395,1.6856421389210923,21.303449285236074,0.4386168784440658,0.88169844381739,775.3356695343853,23.044936211042213,0.21671945661336553,55770.38181183748,2.6123668483313143,77.67792821688155,318.77103577835624,110.29759453205946,349.0286613327426,59.1497141949156,0.15217211523404775,0.19465282480532162,21.848039053344145,41.5765307219486,3.5408182914834834,33.09759506934848,0.0,0.6479257516469109,0.12753153190675243,35.067589129761274,62.131050088093666,0.7109232164809712,16.271701641518632,1.6033010066721712e-07,0.0001132097967789073,0.20564801857946755,24.476475114296907,45.62843436638186,0.32788056768226037,27.2106078548863,0.0,0.00014063033626880034,0.17286990511322187,127.92269358519944,91.87574416165666,3.7260666808689815,17.221005515984974,1.9907974977412392e-07,0.0,0.20188966554423238,52.88299939553918,94.03014382427693,6.433459641138094,18.909058764332197,0.0,0.0,221.9108136398616 +0.9541844052543422,0.11515697183942603,0.328666015443293,234.3033942700818,248.30026232088312,284708.55943894346,6.550626461092996,55.11889546735901,4.2491862233858395,93.78072343319016,3.7136410427886712,27.419708276710484,0.4673985833193478,0.9411892977941816,623.2018026889366,93.37500499123686,0.10728656812419415,209644.96860854537,2.9778397186394368,91.66099893175598,4963.374985845211,285.9707750301187,346.439886748648,57.1673012587506,0.1819834434786819,0.1917044874976187,44.58702315974833,69.65614371662794,3.123046682413273,24.150304123600687,3.244927159195157e-05,2.0536787478069374,0.08689661870846,32.7490893969055,57.87173019944046,0.9854942747012767,15.673908923290446,1.6033010066721712e-07,0.0001132097967789073,0.19664560976656054,39.346506822483995,70.59749666112617,0.3660803998045686,17.324914968807246,0.0,0.00014063033626880034,0.210233004535656,103.1925971334828,72.66687022822744,5.7283866205644625,9.9518856507782,1.9907974977412392e-07,0.0,0.12024895749578932,86.82920166942596,151.2249370718253,7.999106154542449,21.74609580157367,0.0,0.0,256.7961547548011 +0.8437669930655459,0.15179855878811155,0.32587599231100367,85.92434087066536,37.59957432352829,283673.5860014604,3.6323140057324803,78.80861638882573,2.5733112594301684,37.816915971306045,4.830559778283039,28.673060834533985,0.3880009852011731,0.980670563994511,310.5791376624643,28.083033596899114,0.19403006101965412,258963.3624532631,2.9549067156803686,93.50727190172861,2528.3787608638495,234.20543198860986,349.23643125760435,52.95413525940335,0.16977771543967068,0.1930939818086859,40.86476762333733,63.762178727312914,3.1192704809169687,20.15820932028469,0.0,0.7269435036462228,0.11603942528708708,46.93678962479923,72.66432246459247,0.2369066398786608,12.584388846390494,1.6033010066721712e-07,0.0001132097967789073,0.20283180807768403,45.14548925811007,72.92939387530421,0.24444320715049989,17.936653021390075,0.0,0.00014063033626880034,0.10680415808610877,119.59961111396608,83.68235052606748,3.804927774650617,11.58077293048047,1.9907974977412392e-07,0.0,0.1910935910592379,83.12329416941482,135.5500949854441,4.672748455549462,14.715533771055698,1.5567476734375503e-05,0.0,261.6286804543455 +0.8355945669691377,0.15493596776068508,0.33388974655775727,235.8704490693555,171.93393706258158,324955.71523277985,4.021574194139137,68.58856883700965,4.553704934749873,8.49774081537474,3.6920506212209814,19.643290172363876,0.3693712472450227,0.9715948420165492,500.7363973677526,57.17921270206107,0.30823465830521385,99134.00976712785,2.944438743653322,94.17666026629539,4918.752118006497,265.67755091049327,340.2922644970116,59.57769833672983,0.16663749968759756,0.18905865522220758,32.00901517275334,60.03277547857351,3.119640371856272,26.111639147694422,0.0,0.8790681201708743,0.0940570670672397,56.751642523378244,94.79762237131929,0.412651833238041,22.023221113439316,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.12653244048406306,99.11531710446857,79.28133500283094,2.836091831920378,15.238224347941577,2.1435442553173806e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9110902381132653,0.14905510780862485,0.3761883364474076,136.31573619053117,242.86173397166175,204859.7675111156,2.3477481901389368,64.88463746080163,2.342287214821819,51.546884131423525,3.0923599645297712,29.486071427814174,0.4938883127548574,0.985649845683275,756.7166585610113,93.00972968898463,0.2866001910549542,90426.20050546438,2.685105849263276,97.32127006596438,4765.7769346325895,260.9548732484612,348.3531877497412,59.00421271795376,0.16211030922557726,0.18218703368895756,26.083314159453494,56.98369875742072,2.4347979752678355,27.747503367468102,6.911922667540839e-06,1.1790847038345091,0.15205569613210448,59.51742129122076,93.13745349645507,0.3025489455363546,24.40879000561078,1.6033010066721712e-07,0.0001132097967789073,0.19689292365709726,31.065707088951157,59.757501825073646,0.2559199633127913,25.738964413570358,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.985038376612863,0.22947574854784597,0.33899950363265613,141.50440844142793,217.3704694391695,274813.88986241526,6.7265442057571185,72.34654495029253,3.0130680765016633,86.0750665976247,4.443612863910596,27.607006055598966,0.6985305732216117,0.9700434534544985,894.2441422279162,56.21322357749988,0.3152974288666019,143610.1909813498,2.8732781805405785,96.29850822122643,3752.519387331511,297.45570579300744,348.750253775312,52.327402325733104,0.16117748695391484,0.18509614205077843,33.44196758563712,65.88311948484557,3.0940820574575985,23.79923461067553,0.0,0.7605269949840856,0.0762471521882482,39.47749512793412,66.93595751588701,0.8221753373328577,15.900030170655715,1.6033010066721712e-07,0.0001132097967789073,0.19560656669863455,37.14063685977572,67.83529193256254,0.3447878955174043,21.48007889692352,0.0,0.00014063033626880034,0.2004384815189597,117.8357589895217,79.53746688155069,3.530946537704692,13.837675004038651,1.9907974977412392e-07,0.0,0.13607649091445845,86.76906030426235,155.3325884765181,7.01062519634694,28.735912549600968,6.834516453927206e-05,0.0,267.80216449984954 +0.8225403391668016,0.20936676847786223,0.3423085554988819,142.10350780435053,149.87732452361604,248181.49526481994,6.614340002126721,72.16822170168459,4.831911035833038,96.12404145221504,2.5495294264659023,13.784713728820629,0.6679575810173926,0.7299122252291402,657.1577654590601,71.11641940248485,0.3247348704345642,143721.8554865791,2.8431755753128027,94.07299635635847,3042.98864437541,229.40118389719228,348.70642838513845,48.475974060336924,0.1615069314066487,0.18331633330203154,19.589509379868048,51.175286748122524,2.691126196462237,20.663969519102363,0.00011609016619965913,0.8923563556175005,0.13044847358947934,41.39298839680489,71.59160906280302,0.8048389830057301,17.215932370339424,1.6033010066721712e-07,0.0001132097967789073,0.21089419887690208,33.87660384949013,54.62825847211,0.34671909224228986,18.931182206983983,4.013515169303125e-05,0.00014063033626880034,0.1237569640220464,133.65889339051546,91.17585508379089,2.912106054272966,11.98119372455949,1.9907974977412392e-07,0.0,0.22465858443403633,21.865685264741522,85.85769607790749,4.823507610089444,17.223279320397356,0.0003043761125458607,0.0,222.62825097129368 +0.9117281857535506,0.280335862309411,0.3348881205610146,49.234744258685126,70.35849423937027,181577.780732496,6.07352728336853,60.48941292531509,4.531159305590295,70.18080695341945,1.9292459264748403,8.362872376102898,0.765185985829625,0.9745336511447628,991.9466498431534,63.68912006105192,0.2135230361202453,236926.9801207514,2.752979049489032,80.24584716268629,22.826228972011222,215.7268517056439,341.88116490010316,42.433927838715576,0.17615625371132598,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19681222261677037,19.52329159578693,57.689582451913445,0.2938429430103452,9.789260854420506,0.0,0.00014405262470233121,0.17305506867087878,144.67516823936342,86.03167413603434,4.376537252798121,5.296507403892827,1.9907974977412392e-07,0.0,0.2143042621991471,21.867625476397844,95.39410338722284,3.2467490952779747,10.397591361047379,0.0,0.0,3816490534509.4204 +0.8029661320126266,0.1663798550170136,0.35387930646064725,51.71901730408027,75.2620814284912,186333.46785658054,4.941721021796969,67.7576845520413,1.4432998450433339,71.3021035069363,0.5230815784221894,24.585382320823168,0.4116517906937469,0.42279831422549374,765.7874651721903,44.53156980192203,0.13402595552538882,55993.43407985974,0.5565361598402208,93.67207804780189,2672.6473495675914,117.57117724410875,346.25698041083916,59.61117864838143,0.15101922213686086,0.20173179765155863,7.05608271018405,25.7840763780451,2.629268283232106,93.85780991577364,4.6570996975608125e-05,0.7893221992999246,0.14345279561679544,14.996498217341125,31.667258497793245,0.41659921773446285,14.275668927736174,1.6033010066721712e-07,0.0001132097967789073,0.2145202690176913,6.729186809169238,26.634256321722848,0.2921564172862471,83.90454244139919,0.0,0.00014063033626880034,0.1565114022057294,44.12313642872963,35.38630606767671,4.447407887632153,29.120693540410972,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8225285566817025,0.17682732711179905,0.3243184581688164,171.6402090097051,139.81886380759386,344677.68368572,3.1683695111466545,68.50903049238967,3.9816675223860143,68.07843989110397,3.2391144562081178,13.26019395218136,0.367179421910631,0.8859898561154622,154.41752344878307,53.940457535638124,0.09868939729418155,58194.17198616789,1.0448592882225713,87.88647526189656,693.6370019438826,56.86810692540611,348.7462527164654,58.47748380388982,0.16298274437800522,0.19969411258340444,17.12705704390483,30.12934792490122,3.400414515102137,96.13796137252103,0.0,1.177790199209528,0.13977370769819994,19.97838046479542,40.19111075460768,0.21375376777975102,15.31263032350544,1.6033010066721712e-07,0.0001132097967789073,0.210547807983119,13.79327492932534,30.387780869450634,0.2436523047054482,81.89402087636111,0.0,0.00014063033626880034,0.15002354465531756,62.036219762006255,51.830829253689,3.5871215146915523,28.757271633699414,1.9907974977412392e-07,0.0,0.21577112695614784,11.199961160969028,38.380480914005155,4.35019699410604,30.99537280544848,0.0,0.0,174.5823660723117 +0.8152999787717614,0.22430263779491055,0.3242387668507017,173.13280992127545,227.89689379945779,317233.6224348869,4.305118234146273,50.88556928334812,1.3058739161656068,41.10467046734284,2.713300701914336,22.867511058965587,0.40383142448435105,0.8882059815987164,358.87010529781446,77.24027541581583,0.23260260469566402,133103.4461068887,2.6550741190090923,82.9704041375252,3068.186839119841,259.4715470279723,345.770642226754,51.12046440153435,0.18531557827734776,0.19637691907291666,30.866159086969972,50.857795341620616,3.158042297629058,27.177268629640622,0.0,0.6743839707740197,0.11687351519116194,51.079384997459464,88.49143387900385,0.46341462371102693,16.678397843429597,1.6033010066721712e-07,0.0001132097967789073,0.20639553324944798,34.22753085244915,55.768349940088235,0.27733799677574084,24.101347661571747,0.0,0.00014063033626880034,0.11479129055663367,124.28408209622401,89.48159735807937,3.1583500694625433,12.983730835910656,1.9907974977412392e-07,0.0,0.2193913689811059,58.32266393427469,100.03180207274939,5.423214234412679,18.619765371360515,0.0,0.0,239.3434189577274 +0.9288376172072892,0.24487257941626134,0.3457485032326941,126.90745271184632,238.73406899019895,289787.64201527083,5.747322714490796,79.88307943143332,4.0759493184178055,88.0357876140492,4.979977709478666,29.502269978517266,0.5800514212653421,0.995210788696837,945.725673952079,80.49025667138297,0.18539058759244811,204796.93532582466,2.677369094175872,92.79968847452193,181.60183950534474,273.2820112845414,345.4713953274665,52.17406484300704,0.15165495322671446,0.19007498670781725,34.32897884023442,57.77111506459359,2.945130602006549,21.601023128142014,0.0,0.6708227382773083,0.11383471489371044,39.50401713565436,75.81493904764885,0.6394746843112153,12.005457860239952,1.6033010066721712e-07,0.0001132097967789073,0.20041784806793203,35.74905285527613,63.79711723593076,0.3124977201695042,17.906736818198247,2.2084711549990404e-05,0.00014063033626880034,0.11251162404616373,124.66217592585319,87.80513437747572,2.8601793062777974,12.536865171829778,1.9907974977412392e-07,0.0,0.1826525797740033,77.6702391248512,132.94727589435803,5.2873644323683395,15.940227896532093,7.347389983225888e-05,0.0,255.96702242018054 +0.976795950508247,0.17030988226180024,0.3403003974710741,133.67555295939852,232.08500045712427,341487.20582479896,5.352407425803049,83.41469037958585,4.333747948512393,84.66894565693337,3.6935831656124285,29.353907498959916,0.5342971670062803,0.9581409976483878,848.9163787752949,99.98335732628183,0.13611099476929484,265735.2209670909,2.966872825899466,86.60057258958261,4843.834728314054,286.595932171556,348.2007096514346,57.88831516934906,0.18506082462490944,0.1904880736887942,42.743195068144935,66.70229119519259,3.044254504812989,20.379819917703184,0.00013114457322792246,1.091074417487873,0.10950931666216096,29.304494664988773,53.42041103842948,0.48633406274145774,12.207979440264896,3.700944572316933e-05,0.0001132097967789073,0.19884702772784787,41.216746144637206,69.68816554291683,0.2836723034511414,15.80734994459017,0.00010934824612661819,0.00014063033626880034,0.21603641100304538,101.71692383578159,68.66200603148818,3.112285278257376,8.51022593276794,1.9907974977412392e-07,0.0,0.13627699122000791,81.43287514505661,144.06649042319268,5.0894202636195205,17.392100326952704,0.0,0.0,245.41163561389956 +0.8032042160280386,0.13231480510494045,0.3305875833678061,134.84477686448966,47.037986819850204,159975.48488602004,1.7354627787913723,12.487358331627803,0.2824746318250011,89.49629362983059,1.796462582603609,29.55086474398292,0.4184171247660631,0.8265071847878726,770.3328686482056,16.094340632603895,0.18535098267425504,106362.76583986581,2.8626895768885996,99.78040096234051,2827.0077091855405,294.99510472508024,348.8319068543659,36.79626005917203,0.18060032063816742,0.187473885206286,27.937978262391745,52.61050437274653,2.565877617383627,22.297284140745592,0.0,1.1478523424832365,0.09406393325802753,59.273894649668,92.74954888237812,0.2535972889785055,24.277829943718093,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,4674227208854.957 +0.9169632062942333,0.22979795085584737,0.3406778974611357,187.27729715152168,204.591755120444,275879.5715915343,6.263316327478114,60.41129815293868,1.73099146369367,87.78909346722287,2.906544862688186,29.68397688440009,0.42295503766872794,0.9905428124513824,578.1219752933667,84.6510376094078,0.1706404742110772,295296.0430694497,2.8827168828721286,94.08406970096893,1538.268990406044,291.5242550982887,346.26395850580894,48.19610800239973,0.15510384666252666,0.1920533802824508,40.86944012793358,62.00192774027071,3.067860787744656,16.97407067736448,0.00010445240785492908,0.8953970470880939,0.12224787267708132,39.63139160580586,69.71424572926759,0.8413722456357963,12.31831875666386,1.6033010066721712e-07,0.0001132097967789073,0.19919410423694253,41.059824232839915,70.90389859043961,0.3458391496588385,13.540619598331936,0.0,0.00014063033626880034,0.10869263288227632,121.00159366563588,85.12005545099805,3.9764484618524354,10.082074707060622,1.9907974977412392e-07,0.0,0.17119427465820933,85.93881935631606,141.26239188973287,6.5062594523617845,14.731507326675146,0.0,0.0,262.482552095996 +0.9078959686363579,0.21940045462777458,0.3691258012144244,230.3585472338694,249.69428417712106,317961.34984691185,6.710784480244403,56.28228468379565,4.7745379154576355,91.0333815458132,4.840831002042649,28.741847789206425,0.6295867749443295,0.9194586174346028,521.4852221802552,49.20956544102562,0.06791386674300413,294713.02513562806,2.8784806187338363,99.71062981989726,4566.41180717514,263.92395356305366,349.41071775627995,49.86124584111498,0.26088180241530107,0.18456701571392128,34.16697787402518,71.69034916727546,3.2398834402951895,19.683164094802336,5.0148983404097515e-05,3.979083594099032,0.12358511436493642,24.484324746637693,45.98278656049729,0.9060783211091936,11.476977126832365,1.6033010066721712e-07,0.0001132097967789073,0.2048645904836149,37.10647835745498,64.23202672294606,0.35175532731921133,13.865833755225522,7.468376064290285e-05,0.00014063033626880034,0.35026152544874767,79.32975273747432,42.32916449161057,6.64127041750037,25.87702721109936,1.9907974977412392e-07,0.0,0.17173022070037552,47.214092520527466,92.83844454831399,8.197678591707163,14.336863488210467,5.238134608687411e-05,0.0,187.5685169398054 +0.8214313179314657,0.112816947664024,0.34983938081059085,130.45923527845633,139.11878895412363,220284.5596724465,1.8386451353089723,97.01129249830211,0.533683001068106,18.45509308560342,1.0162414509908828,26.296361156811898,0.3515017557794287,0.683065039114744,321.63347906333274,14.128754051387844,0.07087832643161562,54989.053409543456,0.5470151515125635,85.72324739736551,352.01415064608716,128.71910065334785,348.61938876675254,48.32091676783215,0.17407362628018364,0.19871194723846516,8.531630556165439,26.08297700191345,2.8629691197050193,97.76277301344554,0.0,1.119108318035003,0.1343869624500167,16.155339971553108,33.61286994656447,0.24829830928701496,13.434140280886508,1.6033010066721712e-07,0.0001132097967789073,0.20976058328901734,6.699831413971129,26.288919611200896,0.23924603182019902,83.49016253013325,0.0,0.00014063033626880034,0.14727490193746165,42.620548955196654,37.3902100380032,4.156048208775143,29.61168667968525,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9497961366648976,0.12136035971515138,0.33068778407392224,224.3332304725874,240.56321577314887,269146.71542010445,3.5196509741896125,60.029693672635055,4.335133649051033,96.00247525150556,0.8201380098648081,28.70973646358092,0.43424773934348815,0.9832087141929247,907.6523118043934,70.99762751925951,0.3154261994017287,93207.05505031551,2.9589821080750602,97.78697775210676,4605.640539081411,170.50521745150684,345.03357323530804,56.00935820337458,0.18724769993286214,0.18472948932204306,26.287704401337667,57.5740282207208,2.7375434172069935,23.37842633774466,0.0,0.967470317862921,0.1413501944448821,45.18040167671394,90.90463846309532,0.5199161337939875,19.523796060549806,1.6033010066721712e-07,0.0001132097967789073,0.19636636772850335,31.062464645824626,61.10282246684395,0.28431510440809127,20.325429182495267,0.0,0.00014063033626880034,0.2200003145176722,95.57722318864234,72.59043781238684,3.1992917512408825,19.02023634213486,1.9907974977412392e-07,0.0,0.14729533495260003,68.65183965011452,124.74302963420334,5.0439261287636326,21.45207305953019,0.0,0.0,236.4209710796112 +0.9305234934710992,0.149219488492084,0.32866411209321866,56.822457281479956,62.71200443805111,293140.96248350176,3.0857078364935115,97.60249777162227,4.803356693639372,59.8232366290468,0.5861150758181402,14.20556356822359,0.34930402906822994,0.9573546211501411,361.80699443387164,60.403378792171665,0.19260749741365366,50406.53575582936,0.6464504004278109,71.83940657509932,1508.0895516689789,137.6881810660584,346.97751074853613,51.32205779222189,0.18048048155923435,0.19508056641611954,7.41103341612074,27.74426708369784,2.8474404783709373,94.29815841633271,0.0,0.8347517296191942,0.13479664102228836,11.483516895472139,29.74214804055934,0.30228419723940814,13.848340762675676,1.6033010066721712e-07,0.0001132097967789073,0.20812080924400556,8.043820892959072,29.576534373425226,0.23809231422111393,89.40621169312895,0.0,0.00014063033626880034,0.14896379418834335,33.685997059101005,37.52502157675154,3.8091959544343963,29.160097101608255,1.9907974977412392e-07,0.0,0.20965667776077324,11.765843203189558,34.45971276736018,4.22858605783903,43.57240904352085,0.00020407940659398555,0.0,162.8408875323292 +0.9512801417878317,0.1728061880380194,0.334345747523227,49.92111980206712,66.54784094573984,320251.8806876798,5.740982748737452,59.6353674267309,4.857422694516859,38.028949264722314,1.9379244489908174,27.649570941510458,0.3102406008293558,0.9493249528879967,651.8870379997963,57.12808617766832,0.2172640206587644,148780.55650896693,2.859700091325642,64.85990609534343,13.614795620752602,261.0212875459658,341.24671931345284,41.96925037327572,0.16778703852447086,0.187569475743606,31.14799068838828,61.18113279304358,2.974962731905562,14.371095749425686,0.0,0.6337646755901424,0.1107839458586298,32.38031717866547,61.68116774153783,0.20399256491021447,11.561904632828476,1.6033010066721712e-07,0.0001132097967789073,0.19544295341025522,34.669085069198076,65.42565026156097,0.25274039288172745,11.995127843586568,0.0,0.00014063033626880034,0.33856642658601144,143.86146690156784,81.14322041715572,3.5856593868260678,10.421403884428655,1.9907974977412392e-07,0.0,0.13106082853208764,61.6728918503895,116.13152300206481,4.516538274243399,10.83365364404644,0.0,0.0,245.70745800040308 +0.9858835004145343,0.20792157622284094,0.36028457778212236,164.1825931162027,50.09649843961201,283673.5860014604,2.6414198876404704,74.64461503033972,4.618389584198196,71.24129342404314,1.729177382816691,26.420473585260808,0.38959282960287867,0.9940158628618891,310.5791376624643,48.94659602165338,0.30198102981398955,217153.2334838487,2.9549067156803686,95.02156508731251,2536.451195118578,285.30164726050594,349.3176840657326,52.65272599090407,0.15982409856602062,0.18456759149515842,33.93688040713614,68.82538948169551,2.9419374563206815,17.498098766968578,0.0,1.1202909650202277,0.10746200946062816,32.264656633074004,56.82888967345739,0.2781108442931941,14.203767042879205,1.6033010066721712e-07,0.0001132097967789073,0.1993807809656153,38.829414938165236,69.77760958747352,0.24019713986844268,16.17039306265869,0.0,0.00014063033626880034,0.09643206118728337,90.16532947063122,71.03126880503717,3.7907562268376402,10.031786021368262,1.9907974977412392e-07,0.0,0.1354898851119551,79.64462469485831,141.54696163557983,4.43794631720954,18.583038735054494,0.0,0.0,239.47745810628257 +0.8607185826298285,0.22430263779491055,0.3242387668507017,159.49414725294886,227.00472814910196,312169.5059595505,4.088373547606979,51.302878735436416,1.3058739161656068,20.985753036405676,4.677528097885042,23.418826688176395,0.6695975738644113,0.8882059815987164,841.0017571312831,78.86408388638229,0.23634135998866912,143504.6773161814,2.6550741190090923,95.92139603804503,3741.526926794625,289.05316371403626,348.7856573106167,49.99391043931389,0.18536905290865416,0.19301928232928528,33.65833724046771,57.013989499232174,2.8858488347253273,27.9740926342716,2.0983250783283902e-05,0.6557390720006419,0.1047462938420094,52.840809884998,76.87988403318812,0.41773156795798494,17.299598775605734,1.6033010066721712e-07,0.0001132097967789073,0.20309916553085502,36.38710952135513,61.17156891001955,0.2706506735598702,24.407708737027182,0.0,0.00014063033626880034,0.11587217253193148,117.92977292705439,86.56450575656929,2.9074834024096736,14.410458606821441,1.9907974977412392e-07,0.0,0.19119017767972377,33.04327926541618,113.79347214117452,3.9160189495492697,22.21228656405877,0.0002381202605368979,0.0,236.6544523464281 +0.9128847816202912,0.1499109803424426,0.3348881205610146,49.234744258685126,70.35849423937027,181577.780732496,6.07673263670279,86.46177127267848,3.7031980416885206,69.82599700291992,3.174411297322017,20.439555662730225,0.7471233396960688,0.9745336511447628,991.9466498431534,63.75941473101591,0.2802497097481678,236926.9801207514,2.860584214403749,80.24584716268629,22.826228972011222,270.6030213016177,341.88116490010316,59.748077096476905,0.17614540569808126,0.19172846532609883,36.647031788415674,62.054100127534056,2.6230851743388657,16.50023220585436,0.0,0.9110261045361763,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2038258346287958,41.084345614934406,71.70084798437183,0.31710007623504116,15.040583996958588,2.5250286128642546e-05,0.00014063033626880034,0.3031611139541428,132.48767840777077,77.83106528697213,4.375986731011988,8.441945916638018,1.9907974977412392e-07,0.0,0.17352308637515013,64.54656044393275,121.84908942483503,4.387553438478746,12.89882108235367,0.00023921165202920057,0.0,2698666337285.8823 +0.8204149239293418,0.1257082320035671,0.3936439482457785,16.34818021119868,228.04728075488043,270548.48322631774,4.585178923643786,78.6265746373623,3.001716115999799,82.86217439468666,2.227288998624316,26.667141699022697,0.42647797702253076,0.8594081100676845,582.8126365206199,65.66036475399511,0.21119194692371632,66868.53896092605,2.8840533596301796,82.73081188005594,914.3297010415149,199.47488868171,348.3384513683046,32.52556189438576,0.15963679828807548,0.19003634310038228,18.24099655032503,39.710047169817834,2.578749575794756,15.506585526601329,0.0,1.058609046168196,0.10331643488485028,43.528116889512866,86.33136129475574,0.32031525351780027,23.166800380816042,1.6033010066721712e-07,0.0001132097967789073,0.20340972241413355,23.758708406756366,46.31611396027094,0.23726313235570537,13.167884747268467,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.18812343353608801,44.2985421607902,81.12977066339226,3.9792729652071412,15.438179946663036,0.0,0.0,2698666337285.8823 +0.9643975803588498,0.18206308508299468,0.33437007042393674,243.22852973240595,177.8108297679354,236619.24884668953,6.21291654219777,59.182131540575284,3.3177425823495286,96.22497430548268,4.754888204222657,25.014275484527474,0.30074297020804264,0.915242614067322,902.9492163817412,96.43542871546595,0.05760651402157907,206802.07528194843,2.9557466567781567,99.8037732287677,3389.4539429563292,125.90398121427393,347.46005730482136,57.771176915048585,0.21057158401312237,0.19841965640237397,51.602886885501846,67.40183588693974,2.913458823215007,30.24132288800885,0.0,4.583770070973962,0.11362982858172058,26.42628060031144,47.90422247366326,0.9997318217659462,10.820311421546375,1.6033010066721712e-07,0.0001132097967789073,0.20084852809366344,35.18130494968304,59.300009705713556,0.37310493643200016,16.969101236119286,0.0,0.00014063033626880034,0.27096719178197926,97.48206963807296,63.032222866538845,3.8471273608871828,13.49784835680641,1.9907974977412392e-07,0.0,0.1742790962723549,57.08598147760487,96.6936569510263,6.236699632187808,10.886426479383383,0.0,0.0,206.74219609799212 +0.9128847816202912,0.1499109803424426,0.3348881205610146,49.234744258685126,70.35849423937027,181577.780732496,6.07673263670279,86.46177127267848,3.5662802615029685,69.82599700291992,1.9292459264748403,21.473399852601776,0.765185985829625,0.9745336511447628,993.4679858552756,63.68912006105192,0.25904353653988654,236926.9801207514,2.730705018748883,80.24584716268629,22.826228972011222,270.6030213016177,341.88116490010316,59.748077096476905,0.17614540569808126,0.1930198329152351,35.480966265100776,58.46775693691321,2.6236209827141095,17.65868751375733,0.00012105251139417543,0.8388027744215116,0.128778855982761,35.49820124074512,62.48210536489418,0.5464927307987638,12.071401905621732,1.6033010066721712e-07,0.0001132097967789073,0.20502026928868117,38.54440928777729,65.65976918332694,0.3171000115982756,15.576916576816213,2.591728445437997e-05,0.00014063033626880034,0.2944265683883906,130.40780063126283,75.34302750888958,4.376588089189909,7.791722173576892,1.9907974977412392e-07,0.0,0.18585034359124597,60.26886319577316,111.39248726644773,4.387423819327512,12.529960512487238,0.00028581461888236523,0.0,235.21540114762894 +0.8787525927295753,0.14542202475048774,0.3874425147816963,216.23447784911744,241.08786269374968,128296.5852650001,2.7552279936830835,57.2147347289197,3.3589381560365292,40.710088344416974,0.32803125525593346,22.45062621232816,0.4198076615456075,0.9475855720559835,651.3783127429892,28.146460447858335,0.09612081354264887,50429.30766052248,0.3802331706364124,78.84245388520209,1748.303263540318,296.5833560618747,349.749887151417,49.98958127886544,0.16621898016198583,0.19507956813545788,6.071640501214683,24.26417740065099,2.818318626651133,97.47245687373375,0.0,0.9336779548569821,0.13345377737070072,11.93750905064309,30.080844554865887,0.8875507295477648,13.555680930262415,1.6033010066721712e-07,0.0001132097967789073,0.20540309752476346,5.68742793442353,27.37734374005502,0.35327076663679857,88.1121164382972,0.0,0.00014063033626880034,0.13300389749544939,43.22697436572706,45.535492841624404,4.380933850443659,27.594147218013102,1.9907974977412392e-07,0.0,0.20943886199075032,10.701507923978616,33.474203334440894,5.031500931514772,40.67945195214311,0.00031776827439859636,0.0,165.9848511403982 +0.9712980975313901,0.21294372059575106,0.330412410803562,141.75080827982038,223.25683032992703,271996.8151914063,5.878876557474671,54.977731523410796,2.7663334604407432,90.60029629912214,4.41761458303584,26.04825290481821,0.4325586780390796,0.9950316200167326,704.4603411880257,57.3179675285048,0.3357832025144435,264372.2521859057,2.8973524718905637,96.0863371259382,3594.513301792588,289.9562336151914,349.9177569658394,56.860078249420695,0.25059911188102374,0.1866967957041508,37.771678108938765,69.73878318049935,3.0543300276596215,18.915228336711266,0.0,0.8475465743686023,0.11327905654933798,26.340013798829595,48.81707389619293,0.7305210807934163,15.798739508044289,1.6033010066721712e-07,0.0001132097967789073,0.20101943393746333,40.51484358496946,71.94357057893804,0.32847160118581137,17.387351221245357,0.0,0.00014063033626880034,0.32649019129245394,85.9075873459354,52.35668320033746,3.1238230016565423,16.183618073019417,1.9907974977412392e-07,0.0,0.1345644730492137,63.42478561547574,116.56521281501728,5.711356965549194,17.09265555325106,0.00010004858364461491,0.0,213.1501171893561 +0.9157952223446558,0.138670252347927,0.34779842595373756,234.96755918223374,40.981539237451415,280509.99788963044,3.7672957591055067,67.1647812012702,4.935923926466142,37.820729179944664,3.8601040250415055,29.228846338337796,0.3880009852011731,0.967148761293668,318.6420010753488,48.526261317333926,0.28752360258850207,218865.6328422397,2.9549067156803686,93.50727190172861,2511.6959295968854,271.0021734339755,349.19052868359705,52.596387830771555,0.1695556244339376,0.1873831605475876,35.61103599480697,66.32527640486445,3.108206652442438,18.519842250777167,0.0,0.905778404139988,0.10143546447927534,41.10509468798647,72.15963949414537,0.18894102535290266,15.13178005153121,1.6033010066721712e-07,0.0001132097967789073,0.19546884832023606,39.97026913764772,70.45735029133732,0.25286115670446574,17.04825190030398,0.0,0.00014063033626880034,0.12813449073306263,101.7251810990789,71.1837825276568,3.741295851724403,10.543008105375616,1.9907974977412392e-07,0.0,0.140967413050539,82.36456447536041,141.24257676677968,4.74025133467328,17.106872484141235,0.0,0.0,250.17551446927393 +0.8684584088516741,0.16895684701872055,0.34925691829063216,239.82898814036938,237.3738404534551,325516.1771835921,6.895522122139564,60.15020004144136,4.146385416609525,94.14383664783571,3.8828347155994356,26.83905595749966,0.42880782634532305,0.9700432370948704,862.051142202033,12.69550339708029,0.29001086867590675,75885.02705935089,2.183331175550152,98.82677017772528,4293.849266644045,252.35074532846218,348.3478599660669,57.47033396818975,0.18781534073777012,0.1913160121478545,22.79798786870057,45.54483439778751,3.770488958898074,41.86660546614497,0.0,0.6771486417062166,0.10840872183698039,51.53600412766284,95.76339121118963,0.9064566154107095,24.073563745337406,1.6033010066721712e-07,0.0001132097967789073,0.2023799057486729,25.36690494779483,51.06942576999143,0.3519551695723717,36.959956811835426,0.0,0.00014063033626880034,0.16458410480197302,102.79092999973786,79.50068649626006,6.339950285452625,17.510671296278538,1.9907974977412392e-07,0.0,0.16212826192309593,64.25429563045333,116.84949556041987,8.708810677473867,28.020609846859603,0.0001149735123805262,0.0,239.29679081988849 +0.8197811471507125,0.15523392058024932,0.37952324625309186,155.82278640334624,184.22653672029648,294498.90952328243,3.1632359398564867,7.3277834259423,2.1076508593087553,93.71371774860597,3.963602492190475,29.3903241244242,0.446814786365196,0.9681803026139073,319.6805307330866,14.522733957646906,0.17852523560645364,99629.35357455268,2.92781507239381,71.8109991053797,1075.4210206144216,253.02411940983458,345.17750430287305,57.86523066086478,0.16933561037196537,0.18818283352288176,29.47471885644375,53.85197419147247,3.40990261883114,24.311723063705507,0.0,0.7080705470608183,0.0918147939485796,51.2490115103184,94.05546068426152,0.26518989337845544,19.056073526072396,1.6033010066721712e-07,0.0001132097967789073,0.2009918981067683,33.51737388285644,59.65509908212824,0.2516592138203609,20.814408789863656,0.0,0.00014063033626880034,0.1211285992536832,121.72982883084721,87.71217236878661,3.253949101861653,15.41758963159972,1.9907974977412392e-07,0.0,0.1795244295257988,68.73244945415102,119.42317206999732,5.835390815916092,25.937100953718506,0.0,0.0,252.53980391185516 +0.9384866789508005,0.23560851609175706,0.3631407679002837,213.14537014976915,143.65983105122044,302096.4225183172,6.531844768023317,63.87700798961491,4.333298399183515,86.94678694127725,1.8636438560419182,27.301740100259693,0.4827041858138735,0.9696009023474712,961.951633004551,99.6033582093526,0.30638777390505517,181626.8759081304,2.9495396479355476,98.26750405382568,3572.4711448005564,212.5649111863913,348.9146515913246,58.203944411681356,0.15398981110686052,0.19053098467841142,35.98052796648709,61.6330443491548,3.07353540218567,21.85807499286952,4.71015133586788e-05,0.706788912855661,0.11435280171757016,39.45255493184206,65.03948137468903,0.7306189998656897,13.402983208929845,3.334187012504273e-05,0.0001132097967789073,0.20113588203814,38.636716684820314,68.87700251194372,0.3304362568942083,18.755843213303905,0.0,0.00014063033626880034,0.1603421879538621,126.75747608118267,85.1494538053976,3.3354370478144433,9.990430271542909,1.9907974977412392e-07,0.0,0.17116640435179042,72.39717144861292,131.00861828294728,6.029608958494914,16.39602358220487,8.218392558489599e-06,0.0,253.52564470506354 +0.815175683471381,0.16153296755743288,0.36182217181302473,12.547661118343228,217.58591217965147,260546.2240123055,3.7830394557562723,77.51102906763181,0.7233211333586056,9.976396189236278,0.7256914964196779,23.835937226507074,0.6357274765025269,0.9760969166579185,363.55715981677474,28.573684666140892,0.14065307725773268,121604.68361931578,2.6421512058692853,97.52840470127896,2787.297472292951,264.11827829768606,348.3667116256856,51.158099943615206,0.17354701382654514,0.1924149629821753,29.207115312614526,55.28043572120075,2.6728397673095428,26.44633738785389,7.183338343353251e-05,1.074126995511697,0.11200445473602047,49.05369552407356,81.58755198739442,0.40525173090878974,17.380781723717245,1.6033010066721712e-07,0.0001132097967789073,0.20247389364292726,33.15261350531976,58.224464744843495,0.2379551270801085,23.677130388803064,6.0571621508281804e-05,0.00014063033626880034,0.10406958402082317,113.68802504772843,81.54531835899553,4.048491157674489,16.972825030572427,1.9907974977412392e-07,0.0,0.18118661698263147,33.09958210864134,113.013967742991,3.2607123118023336,25.925040680622054,0.0002046253483268108,0.0,231.2169369424834 +0.9775106798523306,0.22763618419212356,0.35070206418174815,235.1285298810048,178.44636393154735,284714.1873668582,4.284549023007711,65.47809694163259,1.3011139866822947,52.37743730534311,4.71783559192265,27.5230607678181,0.31772043196548333,0.987908447192177,247.47460202767206,49.17454572293216,0.2850298402606412,219289.49184350227,2.7167756963280456,68.98080266850866,4167.394122310615,242.39292902919922,349.256727023806,57.55792909634558,0.16610423989478976,0.18796558154210913,31.224471462929685,55.59279641954265,3.3013012335391307,21.52516410193447,0.0,0.8343442763956804,0.11141629723168295,34.82396597901228,62.63839546633484,0.5514296768789042,10.90060200522389,1.6033010066721712e-07,0.0001132097967789073,0.20052202415271705,34.36291916098135,57.43697727309028,0.29416541784690775,18.968626746277657,0.0,0.00014063033626880034,0.2665042673532738,122.7728576199544,71.42594049215481,3.2914123722776485,9.013556970260941,1.9907974977412392e-07,0.0,0.1212863387720233,78.80142485159786,130.81271387830697,5.855097055309921,11.01014105088728,0.0,0.0,241.61911599470673 +0.9415893063159742,0.11573916769017575,0.3461808544771475,209.40571441480213,224.7801295382607,264296.8294645599,1.8518650584178742,80.41541703195855,4.0991533349389995,47.54696512095873,4.432071964693792,24.148099600842762,0.5777400589603118,0.9204510026476251,595.2793523759626,70.68808805295443,0.3301193665317204,53395.66253116904,0.4626573837794423,65.32626364833487,4242.381561354194,280.18910191754736,349.6841727828062,57.33971028138651,0.2841867055225895,0.19153504949482256,5.74419836331077,28.24396543451335,2.594545028609218,92.70320462259599,0.0,1.2699192496634386,0.12952501302788444,11.568332656951675,28.373998880603107,0.2312714925778802,13.41324379666443,1.6033010066721712e-07,0.0001132097967789073,0.20357162059077596,7.636467325555704,27.930038445319287,0.23926636047840166,90.62211812343352,2.0142207633159016e-05,0.00014063033626880034,0.12422475937863581,27.11616114287466,35.56960455934364,3.9567316474777092,23.300897117290177,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.953501257430094,0.18273400864600775,0.32886773342406245,121.09499636844153,116.07552696103141,273383.7435227663,5.4472155668722255,48.58014649529893,4.583200048602046,62.74062179399991,3.933146983478623,28.185533006957062,0.340262611571179,0.9464306310951612,882.4846333126322,53.18176243413054,0.23971246238188604,59143.714862517256,0.5658367169276013,99.42688967942061,3979.7419088642446,272.4774025285529,348.3480926129407,53.51214188508229,0.26849518935468214,0.18899107322164158,10.084691266504786,30.367575617446548,2.9436182636517763,89.19197862962913,0.0,0.6413791310514094,0.12590885143156477,15.367798754200855,36.87208466592369,0.49314437678205,10.818448179960109,1.6033010066721712e-07,0.0001132097967789073,0.2014694800892195,9.588057537186225,31.27334080259508,0.29626445868702944,85.52222156744344,0.0,0.00014063033626880034,0.06654020964820835,38.91831130318314,39.316189768988274,3.295271925695306,18.72819279084933,1.9907974977412392e-07,0.0,0.18626201960787214,20.82604021614093,47.08790157481285,4.905689147287034,32.86914309225434,2.90656926889459e-05,0.0,162.05814541643105 +0.9870166511260833,0.20464299492728721,0.3210416445040541,126.25353822542799,155.87600805223252,304291.5576941517,4.189986786044967,60.83324718227941,4.425137126363943,91.87824867971968,4.495601088694267,26.349336975477904,0.45144350616391093,0.9920872260906123,958.663423461781,20.055791339018512,0.2770463662325807,84786.86458001347,2.3084842584119976,89.02233283075677,4845.623158507061,268.96716322457587,348.2174140804727,40.85651859202157,0.16717304163914423,0.18898863868374208,19.38701099190325,46.366880550995646,3.0640157588986234,29.92695582433887,0.0,0.8687545557387791,0.08952316302173852,38.780071309695145,71.21364815990378,0.32794263685874403,19.988336130794394,1.6033010066721712e-07,0.0001132097967789073,0.19930390419425145,22.813156353159066,52.20813495218285,0.262641904303624,26.589962310990334,0.0,0.00014063033626880034,0.28175102955709513,124.06474524341496,82.8063833387138,3.3651240657916164,21.61223367293292,1.9907974977412392e-07,0.0,0.1513013407818075,65.67286922436509,123.80683598466108,5.128623408116603,22.51951579097901,0.00018972071493446755,0.0,239.29416838225023 +0.883420954667653,0.23215841887590327,0.34611958703714985,217.63126646893178,127.93657563288741,308449.9587695664,4.656479722831846,77.81266704149982,0.7804016136179486,87.38695204879085,1.5649952558768945,29.075322764371958,0.5122815220911088,0.8829179620387474,911.6202423266719,28.318117841580914,0.3327608002198096,294593.74906925985,2.61197959315788,84.33396619384531,4524.260338153557,296.82952968612335,349.03006475374593,59.1497141949156,0.1529613435801147,0.19354044619418934,38.38690778141069,58.416864941742006,3.154393610564913,21.152060220919907,0.0,0.8872977879107494,0.1311135488200819,45.066509216952795,78.62356571039996,0.44782804576895324,10.971778119277063,1.6033010066721712e-07,0.0001132097967789073,0.2045299849719067,42.000604399568815,63.378206007337745,0.28186977863031476,19.67411086375421,0.0,0.00014063033626880034,0.11264923435957629,122.60666017583674,89.11998216387545,3.120680408751806,9.915454374214992,1.9907974977412392e-07,0.0,0.21410484573404512,75.86825049232662,124.0323294883367,5.1705057197656,13.980039849932849,0.0002646190473223876,0.0,253.55596162174183 +0.8614285323063312,0.23387129668398052,0.34611958703714985,217.63126646893178,127.93657563288741,308400.01277651824,4.660466747865141,77.81266704149982,0.7804016136179486,87.4273576775125,1.6953925396899518,25.895504312196152,0.5122815220911088,0.8832958618038544,911.6202423266719,30.5796588021439,0.3330227738040192,294593.74906925985,2.61197959315788,84.33396619384531,4524.260338153557,296.82952968612335,349.0291780184711,59.1497141949156,0.15036351431068942,0.1950596956725139,39.07661045827946,58.85973925869219,3.118697813554613,21.53014316654834,4.317049127734176e-05,0.8847507630460608,0.13216494004466947,50.082119642302914,86.10157950879568,0.44847953018869763,10.86699385504318,2.9854153791053544e-05,0.0001132097967789073,0.20716326587609146,42.27974928016348,62.068661754617395,0.28198696006001334,19.801605623230014,2.3706069189849498e-05,0.00014063033626880034,0.12099979438849201,130.95964190077007,91.42553340202825,3.1194705534571794,10.460510444734558,1.9907974977412392e-07,0.0,0.20497637229652627,41.668687911275946,110.73332186463205,4.362180672202136,14.150705979189627,0.0,0.0,247.75706373685568 +0.9264574988775227,0.22997640692148708,0.33483555140313315,130.7822175581556,221.62772400824568,348561.11899050546,5.316321691173303,72.67619532854262,3.2036406289825194,97.96514102925615,3.8047459683650673,28.215601803079586,0.6690627876341337,0.9926181815202069,833.5955234544664,56.1740308004751,0.14680936058377395,108749.28794746351,2.8664069711057127,96.16214943581204,3668.9610024711938,246.37957539729405,349.1432274454945,53.06180014257521,0.18232730002752767,0.17613745984601592,23.2146357745064,63.64668161305779,2.9536954675043727,28.960417014791474,7.469233500476539e-05,0.9624772938677821,0.08744872927188566,50.06915133604737,83.5702509235224,0.4545271181480705,20.214982216649034,1.6033010066721712e-07,0.0001132097967789073,0.19846245673233764,36.0933667333654,66.13755152711794,0.2787310368707264,24.608288552621442,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9775903385295754,0.15179653661191034,0.35388978579498326,246.44792275821666,40.981539237451415,348456.9463165982,6.949196026598296,10.667090649338896,4.8503528772908435,30.088180279323453,1.729177382816691,24.697577099909978,0.3880009852011731,0.9809342344130373,832.4246129009032,48.526261317333926,0.10807162255366527,224453.1114345713,2.9549067156803686,96.39071386313147,2536.451195118578,234.20543198860986,349.3513336949905,59.114014825118105,0.17013252658482508,0.19369362096119,43.80458382512598,65.05792024375855,3.400351283139617,24.18337550208086,2.6549744637152265e-05,2.12271586527678,0.11314726335380104,30.0955507239449,56.25757539608624,0.33727630537542336,15.250364956749253,1.6033010066721712e-07,0.0001132097967789073,0.198662097347121,39.055885825510494,71.82253061019532,0.2854344254543943,16.981133824588557,0.0,0.00014063033626880034,0.17783099421661785,98.97279310117068,68.40156078816091,3.7644054696272686,9.02388017804266,1.9907974977412392e-07,0.0,0.1388207592755533,78.78565383832368,135.15745740920912,5.147978278055439,17.400427527928674,3.3714724346116036e-05,0.0,239.58719623577127 +0.9157952223446558,0.20863890568683255,0.37076328150296295,245.72555028845616,205.18844842056842,286872.3299439552,3.7672957591055067,69.62498322692862,4.730641312145397,37.816915971306045,3.8601040250415055,29.228846338337796,0.6509629393280473,0.9904032849620339,646.8708017539877,58.179239639555114,0.3165639222543103,254678.30312113088,2.9511176870785305,93.50727190172861,4869.033935694574,271.52486577654054,349.19052868359705,57.05039622117694,0.1695556244339376,0.18782051472471262,38.030065290072294,64.89651008305306,2.9207192571225833,17.78022923762883,0.0,0.9410921127766485,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20225268273868285,42.07722063062496,71.94540182913423,0.2830329124292111,16.34204371048712,2.2084711549990404e-05,0.00014063033626880034,0.10743134048684631,104.67212402294417,74.94929515592298,2.837639942256026,7.448140491467931,1.9907974977412392e-07,0.0,0.15290602192799377,39.94874672535309,138.8276916858017,4.241773947915609,17.102437464030196,2.4663890214869266e-05,0.0,2698666337285.8823 +0.9157952223446558,0.15637497766004296,0.37564280552278584,245.72555028845616,40.981539237451415,283673.5860014604,3.7672957591055067,67.1647812012702,4.935923926466142,37.816915971306045,3.8601040250415055,29.228846338337796,0.3880009852011731,0.9883408770816552,309.91173324644615,48.526261317333926,0.28752360258850207,254856.40401161351,2.9549067156803686,93.50727190172861,2511.6959295968854,270.8441574203292,349.19052868359705,52.65181886870543,0.1695556244339376,0.1868500293636367,35.28525011149104,65.55355487928401,3.1267113662047077,15.967107566517166,0.0,0.8940433727175869,0.1007725594206308,33.5706088343566,58.5868952667636,0.18945176868461502,14.976517411315479,1.6033010066721712e-07,0.0001132097967789073,0.19956554580766947,39.428423565598635,69.10635723895284,0.2524854258737099,14.604732748602352,0.0,0.00014063033626880034,0.10984467596652378,94.14446178468869,66.19437376548309,3.6932716140410347,8.354330498044348,1.9907974977412392e-07,0.0,0.1373832686668274,81.0853424093792,138.20999843243018,4.746821374968997,17.84386531214008,0.0,0.0,237.65822685383162 +0.8228315807219351,0.11587591129044715,0.35111140235005966,219.71883755524885,139.11878895412363,220343.7639755858,1.8344627362515062,97.01129249830211,0.533683001068106,18.576121308862746,1.0162414509908828,26.296361156811898,0.36589383971115086,0.8511840764127379,532.5899688938607,15.111047147438612,0.19011004852938976,55472.25036645841,0.5531945588216438,85.72324739736551,204.53248538086427,128.71910065334785,348.61938876675254,48.51991520985164,0.2733469076026294,0.19284385919516214,6.682966537629951,26.47160191893687,2.7202015313977492,89.89374518627758,0.0,0.9800424371984036,0.13166757869758935,14.451650483635365,31.75216325285046,0.2212695267511063,13.427435752822605,1.6033010066721712e-07,0.0001132097967789073,0.20558002702466066,8.341972602693286,28.177725617491454,0.24185847623355586,86.7640089753274,0.0,0.00014063033626880034,0.13560008296950277,35.03922874479131,34.84606766503889,4.191757515593574,27.086727691954632,1.9907974977412392e-07,0.0,0.21528203422368783,12.615506540728642,34.21085268929185,4.712726342481978,41.84075066638122,0.0,0.0,157.85906214019127 +0.9857334253682435,0.20551964461247557,0.33021594576925634,126.25353822542799,148.94009689720187,304291.5576941517,4.191558171242495,54.43548320341543,4.425137126363943,94.92935796906406,4.409745788210227,26.53308130706044,0.4506242422313408,0.8566104741885417,894.0842667116051,20.055791339018512,0.27410753747500105,84773.19221123421,2.3084842584119976,97.30485560288443,1599.6582598573666,295.122260290246,347.5065422205872,55.09129432926735,0.16717304163914423,0.1907430159506908,23.063112165123552,49.428095737067714,3.0811416143302233,35.515869018607575,0.0,0.8618331661736511,0.11892077699316025,44.77587236208922,88.98180693465932,0.32091455137902253,24.136594152548092,1.6033010066721712e-07,0.0001132097967789073,0.19726047607123,26.692447369642977,52.55815481735264,0.2620638195853047,31.971948287319353,0.0,0.00014063033626880034,0.18681609166249394,114.18280587052236,82.06572794385164,3.4759439468323077,17.1001906839862,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8757830013614885,0.21264029881183563,0.35012159595167325,37.45329123422478,172.31456450738904,233845.7401214059,6.452611061009356,72.28297671270502,4.245686112624659,31.770223097136775,2.968518191916837,27.260321225852465,0.3337290124034903,0.9249919944131123,983.6024858307838,3.1999904498287286,0.22535883159533307,161860.7327156455,2.885352691869335,72.94758550211588,4733.912686815441,267.92923791578295,348.7688932558304,54.365031624931675,0.15824387832710857,0.1917165531934149,33.02242605987328,56.647612719382074,3.4577173833299817,22.45846150614729,0.0,0.8408123207420183,0.0939211939604273,51.38048197419541,84.93453257212809,0.41240440954494634,14.256885598161515,1.6033010066721712e-07,0.0001132097967789073,0.20151989433703227,37.66508881846611,64.82602882445812,0.2848778897590991,20.118734052496023,0.0,0.00014063033626880034,0.09737342000391476,117.37678534790777,80.68059644015501,4.597972876989258,13.640469621596546,1.9907974977412392e-07,0.0,0.18756172169950577,72.28934101431543,114.67446844550136,5.92754755783195,18.56283083267272,0.00015093233082316752,0.0,245.25365056994173 +0.8607185826298285,0.22430263779491055,0.3242387668507017,159.49414725294886,226.7157114224499,317233.6224348869,4.088373547606979,50.88556928334812,1.3058739161656068,20.985753036405676,2.7131146060410853,23.418826688176395,0.35834027837642723,0.8882059815987164,361.9484714906438,77.72465634503669,0.23260260469566402,133103.4461068887,2.6550741190090923,90.20874383777269,2859.6113353286223,288.6801756369643,345.770642226754,50.19074243648347,0.18531557827734776,0.19306226338955415,31.450928292126317,54.320628661703395,3.108701555155259,27.040336899964995,0.0,0.6749828109298914,0.0924932375643226,52.42364641582936,80.18929347298918,0.40746878274130227,17.51269475996789,1.6033010066721712e-07,0.0001132097967789073,0.2033699564375377,34.013734158690205,58.25138157365954,0.2689422022012953,23.199427335208664,0.0,0.00014063033626880034,0.10523164155705622,111.34998818997447,81.17062576071808,3.046197414296324,14.795000499845003,1.9907974977412392e-07,0.0,0.1993789398563978,61.309111548255345,110.31510683640761,5.217984393935851,21.823402331624454,0.0,0.0,234.3129836222609 +0.9157952223446558,0.15637497766004296,0.37564280552278584,234.977448191685,40.981539237451415,283673.5860014604,3.7672957591055067,67.1647812012702,4.935923926466142,37.816915971306045,3.8601040250415055,29.228846338337796,0.3880009852011731,0.9809342344130373,309.91173324644615,48.526261317333926,0.28752360258850207,254856.40401161351,2.9549067156803686,93.50727190172861,2511.6959295968854,270.8441574203292,349.19052868359705,52.65181886870543,0.1695556244339376,0.187413398149558,35.17146692505969,65.29581816396367,3.1241280372948332,15.913146096005807,0.0,0.8987269031111904,0.08470811804898594,35.442211613193855,60.23650290754004,0.18986444831980687,14.357272600496039,1.6033010066721712e-07,0.0001132097967789073,0.2003768852581484,39.314712027290746,69.48249376367174,0.25225591761792815,14.580627259116556,0.0,0.00014063033626880034,0.10926321902115423,93.64844071761185,66.49832162732127,3.6927732424011146,8.439362804534873,1.9907974977412392e-07,0.0,0.13844249617372786,80.83389545974126,137.84992094264612,4.738013733409474,17.890171259512474,0.0,0.0,237.90230019932346 +0.8199071176221298,0.15523392058024932,0.3796255360334464,153.08508747287857,191.09227942609067,205524.0235142852,3.1632359398564867,19.8518089931189,2.1076508593087553,40.80568975617442,0.5592654088677533,29.3903241244242,0.44613819209124317,0.9429967333800928,318.74145291602605,15.436686875513477,0.17852523560645364,99629.35357455268,2.92781507239381,71.1724903781506,1075.4210206144216,257.59624073458156,345.17750430287305,58.950843370181516,0.16933561037196537,0.18950504091670253,29.27191535755259,55.033436507990864,3.1575087491650673,24.094631470080984,0.0,0.7769564750994306,0.08162265082289806,49.74232390869693,78.99996196837016,0.4771307313334358,17.87934187590555,1.6033010066721712e-07,0.0001132097967789073,0.202091506428827,33.32512700413076,57.94823719558005,0.2853285373992325,20.80631431090669,0.0,0.00014063033626880034,0.158722487292062,115.66275762810655,77.16280016393956,3.894897143632333,15.365124496853877,1.9907974977412392e-07,0.0,0.17750432006049988,69.10461771626655,119.80954976199062,5.5961045207807585,26.732384750762716,0.0,0.0,240.56697293507068 +0.9709078687271859,0.2491309611894844,0.3272435912852707,249.7908181997988,66.56867469506925,274448.64814713603,3.0497642927018846,97.79092949421329,2.971902702410223,96.52349739672928,0.6963767671135055,28.107797680316587,0.6743020961625601,0.9692175286137029,930.2421156292821,22.86281069757959,0.3128422422053185,131319.20367163097,2.9306152434865576,77.1979332996756,3635.9297131048816,253.44956801282095,349.0647401986087,41.797413832116185,0.15819505425220476,0.18922274296664093,27.890745482441872,56.35570551788612,2.830609804703344,19.764575737664952,2.663239075691991e-06,1.0603704676111094,0.1007308415095516,39.46404526057342,72.29130041652941,0.20001847893299138,14.427878185421868,1.6033010066721712e-07,0.0001132097967789073,0.19962337707527408,33.0453004072009,61.701773626803515,0.24808268925375104,17.39321138028783,4.148828371408834e-05,0.00014063033626880034,0.11180910894992306,115.81372878407404,89.50514771436282,3.9267540764812217,16.487096823512882,1.9907974977412392e-07,0.0,0.15683937058739075,35.3208662889636,122.85364128795325,3.83414202805535,18.17956996601325,0.00020014441766728417,0.0,234.4015854470522 +0.9751010650936304,0.13390813979598973,0.367709267691193,155.68561714676903,141.94581100339647,295800.8297415116,5.603747895894429,99.06618634368797,1.4297073210509745,95.50816014548322,4.274562927951402,27.00608818068441,0.6053121192606224,0.9094105177327685,128.78293398203698,28.675891334315992,0.09405647490173204,260221.80767172592,2.8850483236355617,99.66112580001762,1339.9453748433198,259.5020259074858,349.9118808196328,58.39576282499952,0.159878685111134,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.10152040256567586,30.818814969963793,56.864483323519615,0.5588455586580163,15.793319265555184,1.6033010066721712e-07,0.0001132097967789073,0.19954238657393508,39.56522239541677,70.1238402716619,0.30275216428400664,16.00701309988441,0.0,0.00014063033626880034,0.17067606068395064,100.25432666338827,69.6229865450782,4.049438097670636,7.374575285667346,1.9907974977412392e-07,0.0,0.14187591059368107,80.07924405398181,142.10436635861345,6.387582405084842,17.833447608692083,0.00025290038017707046,0.0,2698666337285.8823 +0.8475736699232143,0.18835569563031354,0.3272435912852707,246.40841425461286,60.80911904526998,305663.14934902947,2.9708116893631042,98.45202509814385,4.382989696899779,63.91661210960048,0.6039128542864345,14.707456736625714,0.779954037930122,0.9692255136398571,756.3983493116026,20.84379714018335,0.21750629168423563,174095.4270489882,2.930709396758556,79.84533083591589,3382.6008807766907,281.43180679839617,341.0041159732032,51.49298198287726,0.1557268281734968,0.1803079735816043,21.2046029167281,58.58520619250516,2.731037540446189,17.582505409094637,0.0,0.7520671017328073,0.1319264649223773,39.54638129955639,74.65892193938846,0.23219605847211763,12.953818217362707,3.227431378588327e-05,0.0001132097967789073,0.2085235937859247,36.186703347587446,65.00710950141828,0.24279230657465758,16.03359868399243,4.606370820805232e-05,0.00014063033626880034,0.11433108794930744,119.09886324689818,88.67568161063906,3.759994257388524,12.828873533769166,1.9907974977412392e-07,0.0,0.22144358856087742,49.16012578241449,95.60941006569263,4.766053022958973,14.541865748112574,0.00016401513983005074,0.0,226.5306616186405 +0.9169632062942333,0.22810644368982125,0.3406778974611357,189.46797308362008,204.591755120444,274644.04684431065,5.791640101044878,60.41129815293868,4.151844164863568,52.43045538303414,2.1641679715189857,24.537474899740126,0.44649613498370005,0.9905428124513824,578.1219752933667,84.79144199083119,0.3281254501653159,295296.0430694497,2.8827168828721286,94.08406970096893,1538.268990406044,291.5242550982887,343.377263402531,57.84859118183329,0.15510384666252666,0.19149762022876732,37.992989016082944,62.13238131784649,3.0432425343290976,16.24172012613226,0.0,0.8238117319334426,0.12206133046464113,41.90794810951185,69.11035743130057,0.785415624868467,13.025176054954574,1.6033010066721712e-07,0.0001132097967789073,0.20263747898712156,42.06543719309657,70.33412570955362,0.33598952600322884,14.479336106847583,0.0,0.00014063033626880034,0.10642231607175158,121.26361425375015,86.59040160004349,3.389392372542578,8.660310502024204,1.9907974977412392e-07,0.0,0.1878402215206357,71.73331895068893,121.1557536503291,6.25748971713098,13.47789450099519,5.516236660508198e-06,0.0,248.07491409352647 +0.8727411149801085,0.23036415374932537,0.3257900797699115,122.88258306193174,127.07276203818114,292912.95521213213,4.306400204357302,16.565408568867348,4.54963042656681,57.912669740111156,1.9055706187725747,29.054805202140304,0.6250672055646976,0.9732500793608483,677.0675827532048,57.47344429679473,0.299543897983669,268975.1241820402,2.9512918449063372,84.68700128712703,4390.623657927779,294.3449318727118,348.8937514660156,55.00033616346472,0.24740714066583175,0.1909675162877738,41.23243043989062,65.35020522908856,2.9112407698101337,19.878107064768017,0.0,0.9068773559728307,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20459372625376027,43.89917108842452,72.9267512426162,0.26494774340413996,17.70822985864601,1.0612192960231158e-05,0.00014063033626880034,0.17014211863265885,93.17052055926774,61.272388541394214,3.3055983517764376,5.957727582368519,1.9907974977412392e-07,0.0,0.1924750426858903,56.3860970702844,101.92342375083801,4.686226274614254,15.012051094119164,0.00011903453804751655,0.0,2698666337285.8823 +0.96748456316509,0.21546449076720536,0.32419496528096425,229.9312446687982,175.87844680626364,277398.79462686053,6.20874516412381,72.61016100349896,3.641551061423003,96.21824403008749,3.8325898788347423,28.013048824278417,0.7617088014340022,0.9859600597628052,819.1375190393793,86.6984538102169,0.33546714291121527,255344.35536763555,2.8026872332342956,91.73094465010044,2954.289882096536,286.7883904987591,347.1443749523464,58.598743081500494,0.18164160135445484,0.19116954820025817,38.12849428384551,64.78330904612105,3.0341379609472927,20.63971981525374,0.0,0.7872551860902537,0.11478963235063068,34.611262601947786,60.90977646034351,0.8434232365457995,12.817065878892848,1.6033010066721712e-07,0.0001132097967789073,0.20193788166519036,41.40854636905843,71.2915774465784,0.3464374897242966,18.222170326203653,0.0,0.00014063033626880034,0.101746447117232,106.22564877000384,76.859236348606,3.809798848266122,7.797070915711816,1.9907974977412392e-07,0.0,0.1521314489458784,39.49622104032824,131.46880073178122,5.198428435015433,15.671684255770588,0.0007707701635641051,0.0,233.820491163045 +0.9834656265582636,0.2371487138507456,0.35975899398877864,225.67598989086582,169.8195833538083,292435.7447294016,6.516783697962085,87.45881385555603,3.770870231022675,87.24119932667244,4.386585450243123,26.3024449021861,0.7934662658678563,0.9714393572624596,974.311087938104,11.251869262920511,0.31522683425733505,283482.1966346804,2.976374284369557,95.47040793556182,2381.003966526096,267.6145030960609,347.82100210395697,59.54294122505954,0.1783107392253756,0.19085755223549328,37.949643322725684,64.75901264558959,3.6133011598945295,16.751223219517787,0.0,0.7281768354921677,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20054516702318753,41.59650690243658,73.08054840240757,0.343303396075108,15.089178702453586,0.0,0.00014063033626880034,0.21776780552391695,111.34490419469793,72.59145041894251,4.40400562798709,7.814607059375392,1.9907974977412392e-07,0.0,0.16935209291869047,64.3075775430848,116.94162985775989,6.381606642184217,14.238611524889127,6.900297684182472e-05,0.0,2698666337285.8823 +0.8071548152788258,0.18693661691641905,0.3450821970334304,112.85701790605673,177.6347403592679,291362.0158070449,6.261793641320677,60.32540237317218,3.3292410766035614,49.10711285310576,2.006781005692157,29.925778990330862,0.39196514913445946,0.8855787401980219,774.2724738449381,89.76919802051638,0.17247678019138485,148919.8240432717,2.6995826429293226,83.80737641341884,4336.11880140555,213.48884353712344,348.3551417470862,55.130379703410966,0.1638684214156731,0.1964861204585959,33.51822398982047,48.4676554274747,2.9833661568809595,28.464074153000496,0.0,0.7892397772800875,0.12115572101036602,48.14967120591873,72.77166921629035,0.6070516021126992,13.516225635858715,1.6033010066721712e-07,0.0001132097967789073,0.20440449863387133,35.298680103811655,59.5506437781311,0.31128953138792115,23.043089850643508,0.0,0.00014063033626880034,0.11696848207597248,121.96721733732326,88.17589014727568,2.9276813768706464,14.838794483097791,1.9907974977412392e-07,0.0,0.21005917844959074,69.5261055466119,114.28342897378256,5.2289241995915745,16.043572162805233,0.0,0.0,241.80995708990014 +0.9821204372392431,0.22507979311865817,0.3412498073823444,200.74702961539452,45.55002544697777,282398.776110686,5.542807381146232,77.11004984195073,3.525799981518548,98.51976443441526,4.505613981839437,19.173197329806662,0.38061806044736984,0.9935000058522717,944.9783315918675,45.38021517972831,0.21659117956940166,58552.815220515186,0.5702929083983654,55.27375541984783,2076.1341804879667,253.3174228394922,344.86359180033395,59.6768629492864,0.2838683892535154,0.19275716334460766,9.720322818658326,28.098427835631657,3.058640480131359,91.18514222805604,0.0,0.6248569426090897,0.1332101185350882,12.306644741274544,31.979447532101016,0.3428362243021826,11.529565349564592,1.6033010066721712e-07,0.0001132097967789073,0.2051660489897151,9.193773156230382,30.128384532141922,0.2852054892159038,85.57881497359499,0.0,0.00014063033626880034,0.12157888091331909,30.363520264677806,38.37593502961904,3.8373368093207496,20.433945451284885,1.9907974977412392e-07,0.0,0.20264785509301084,15.116287572850554,35.72021141872205,4.716744406192253,33.65304276069531,0.0003985848960646706,0.0,155.94235993752443 +0.8056822202975915,0.13425413151594895,0.3675476187214811,170.64972096109796,69.56797418351633,292465.35007141344,4.5695603162338685,70.72585929403839,1.902965379643148,32.92306333486869,3.221395783414202,25.47028338535345,0.41524674626475233,0.31870008734049426,635.2961256760257,94.22921728442492,0.22551352292259563,67472.360315601,2.8572804574684683,83.03410188310798,1534.512492306819,198.69519200250681,347.408063397477,58.66829038320319,0.3199899580831427,0.1857482680739138,12.303217056268,36.03853157982769,2.628907715155502,27.41476508135847,0.0,0.6498146388121602,0.1279479594240788,17.506009069858106,34.5971283460536,0.29415690297155916,33.6825455286181,3.8569444588652225e-05,0.0001132097967789073,0.21402104842318234,23.056201294468842,38.67185409828148,0.2671889158404334,25.34600093976863,0.0,0.00014063033626880034,0.10031463031620252,40.536972708095306,32.72677971025247,3.246685708460332,17.30019004545965,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9428751742644119,0.20497174725477268,0.36911572392605707,130.15276566806196,220.88918474919188,201568.50430543057,6.426288020062909,25.393071246815268,1.8280329824792076,55.685543350535326,2.716641446527218,27.36385534282584,0.4166348431241805,0.9112478484257249,921.1552743982619,91.63864536810172,0.23925525254021157,96267.46575633436,2.602538472532702,90.48491205470377,988.1338594538931,175.62664000939165,348.3528425985696,59.10797008837649,0.15725150885432038,0.19008473327164563,24.745638697997496,48.34605493274992,2.7621867352625293,28.904642016017373,0.0,0.7135681175405324,0.10381469132715766,38.43456573286464,76.71992528699002,1.0212959771208445,17.573848270706684,1.6033010066721712e-07,0.0001132097967789073,0.2007323667386967,27.854833352110564,54.06026907715578,0.38038898323814674,24.672703568451226,0.0,0.00014063033626880034,0.22269639578595288,120.40126538539276,83.8871571556499,3.1846766410027545,15.994759152443153,1.9907974977412392e-07,0.0,0.17084636172223433,65.75418807179328,118.79431061062122,5.709008051234903,19.116322339030603,0.0,0.0,237.50164335010308 +0.9253495992113766,0.21219786629701687,0.3283395870604258,56.822457281479956,63.162872360409146,289203.6736317048,3.0857078364935115,79.05017821126067,4.803356693639372,62.75425478774637,0.5866467557154015,14.20556356822359,0.34930402906822994,0.9774898858768739,42.874197183653706,60.42451536579628,0.19260749741365366,65668.92135634932,0.6902835050828617,71.83940657509932,1508.0895516689789,144.07889090906826,346.97751074853613,51.24146906578591,0.18333260931621295,0.19510084074340997,10.181456951470782,29.565569987301622,3.150111727434499,80.07435852810147,0.0,0.882658687669867,0.13614288335800878,15.487511865262057,36.85225119913248,0.29775913573120827,12.28277202219725,1.6033010066721712e-07,0.0001132097967789073,0.20720858350932161,11.084399130253226,28.936358982587592,0.23839656132916662,77.17842658538802,0.0,0.00014063033626880034,0.15160359262411296,39.25548073708364,41.42090287794694,3.6074830411103793,28.870859092277485,1.9907974977412392e-07,0.0,0.19772122054104352,8.159036887452908,39.00630788917881,3.5776062412307796,28.416812600266997,2.0856237954651356e-05,0.0,150.25911740884303 +0.9206815296260009,0.22606772617246976,0.32840319302342497,166.78619815964208,225.82725915194482,345333.17874141416,5.986563420294016,13.471952634389076,4.004895244974481,81.27009084768254,0.8992059334750455,27.160736520873233,0.4092668984815411,0.9843722225733041,353.215162904902,37.07516991450541,0.31341685320639295,296366.77767344174,2.9650491683272855,98.11550802477788,3822.308641629814,260.4246570381809,349.7768028532277,54.168233118562966,0.246225507406986,0.19161605332072204,40.611635524410005,67.19481823046442,3.6205379855684066,17.947831620828346,0.0,0.7808421983858155,0.10540783109999836,31.266281171158997,54.250319051416156,0.618625282504943,15.05506857548078,1.6033010066721712e-07,0.0001132097967789073,0.20186547421365275,43.74412996013361,72.67360963605813,0.30522278583688633,16.23539406607241,0.0,0.00014063033626880034,0.31399620448169113,97.9658624354287,57.289712728032896,4.539361610390855,14.383932568622003,1.9907974977412392e-07,0.0,0.15146274733025852,67.3709182877863,117.25780049431661,7.016442485904539,15.838896569706872,0.0,0.0,223.16397202623455 +0.8985965852227739,0.24380379054420212,0.40215014885366984,161.6493669552014,240.14782741360688,133145.7720139008,5.958939919371501,85.66242328530103,4.207106944627506,26.026204591844653,0.2989570050884436,29.893653525951258,0.43415617917061583,0.9806770152562729,847.2621095000939,87.5358205116348,0.18457615446529804,86024.33398050907,2.4007941966868658,79.76144582210053,3160.9621144569624,266.08075657066837,347.58491371210226,45.6847956278207,0.1602164717581717,0.1917107173014149,20.700686345741914,41.10266095279837,2.8900749079749923,26.883798280271996,7.608077110058135e-05,0.8330728718104637,0.10011617101794675,41.05975512477579,82.28184186006122,1.4394665161638796,18.64626647277686,1.6033010066721712e-07,0.0001132097967789073,0.20217015676281622,22.476270014335867,47.48962225882401,0.452098750092413,22.164526078510132,0.0,0.00014063033626880034,0.20979498978241515,109.07925556488374,86.33182660971059,4.289072466892278,17.389237977739853,1.9907974977412392e-07,0.0,0.18338297660442351,56.19819736878807,96.54139866577039,6.026380464630919,19.143489327288815,6.956740026269742e-05,0.0,217.85613363246642 +0.8365395305840297,0.1353783005506747,0.4327044901365236,154.74213871335087,167.77313317550085,306211.4341363517,5.36377442041068,74.29013260795402,0.8693043762078887,81.43557796760824,4.274562927951402,28.134366201386346,0.31727965934164737,0.8308698386841062,273.7686938502667,27.792116417225415,0.3456557919496494,89540.5786832335,2.9171561225604368,83.7045679292752,3273.6054243869244,249.32834056187158,348.6784918429608,44.187902195446796,0.15737009472922292,0.18845122190545596,21.97505290774984,43.43282405356602,3.591320342880628,17.650038689715768,0.0,0.9033465750894453,0.09855837215141908,47.95545969304661,85.58727592071266,0.5409802513360492,22.880838425602875,1.6033010066721712e-07,0.0001132097967789073,0.19753529206290726,27.459366010505573,49.34426262783081,0.2968056034367882,16.071402217628794,0.0,0.00014063033626880034,0.17279142830692298,95.22287784546893,70.19780227408228,3.6074761728972127,13.299862044287416,1.9907974977412392e-07,0.0,0.1830978470025437,53.51742212017365,90.59200308652488,6.833626844543878,17.45760421695022,0.0002855160693093861,0.0,204.69050472759997 +0.9514282502557536,0.17427057111662908,0.32845266285041286,234.3033942700818,246.8130099265467,334158.8910325768,6.550626461092996,88.73888645014156,4.249062738557511,49.43543812502005,4.644830230079349,27.836570578027086,0.7798774112719997,0.9445848368369959,993.8786243488005,54.53902862853342,0.2439381380434657,211436.73802579386,2.984354040216997,91.19372282949927,4957.1049533848845,231.93055093691513,348.19277750629186,57.05380864547326,0.1591711950011001,0.1906111041702396,39.18916730801618,64.61400283184614,3.295544328100476,21.622500088219986,0.0,0.6341303774021612,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20061711750520295,40.82464056875701,72.34657284087515,0.3408984370476115,18.019245112848203,0.0,0.00014063033626880034,0.10565720025842071,111.38534989418456,80.76884653027524,5.780413540362994,9.628220273655117,1.9907974977412392e-07,0.0,0.16582847867265552,80.70872210827002,142.434603267619,6.964896746649694,16.802076422440884,0.00011927641968442572,0.0,2698666337285.8823 +0.8937084554666445,0.1872203891465577,0.32837705776686077,240.03016258803592,173.06418315134755,291922.34550767625,4.984666746479141,54.00946406805164,2.597265740713191,60.40263373400499,0.27711992851479056,28.691451434515244,0.4288792399470066,0.9842344734504916,648.0277377516884,39.66509307362934,0.32760622357717234,256971.1614236806,2.9831380292248375,94.20526764172118,4355.469068833524,265.50351634525293,345.04548974737287,56.795491625656936,0.20553062680425505,0.18777586243462047,38.55603304320358,66.27967578077265,3.1725332257929666,17.822017829858364,0.0,0.8198096014990685,0.09557577120149936,35.55280060599268,61.49407655027399,0.6378620827371303,13.33784529451469,1.6033010066721712e-07,0.0001132097967789073,0.20214008285013038,42.10183262790551,71.93645767489075,0.3099217018960711,15.95403706413997,0.0,0.00014063033626880034,0.16627330287085482,108.03258770989811,74.28397389569498,2.9561615230245946,6.630249370579021,1.9907974977412392e-07,0.0,0.14738693864873398,79.38078142386975,134.934305574887,5.8510941915348225,16.64919275482945,0.0,0.0,246.36514944494448 +0.8917474052427461,0.12601560897324474,0.33198103743195784,116.83031392689864,226.7242677479086,306890.77162631095,5.448076426932592,74.25816732737943,3.597457222718429,86.86694757669217,0.6562771407988677,29.037523953314224,0.39518321888055574,0.9755729358384588,663.277901675551,33.24695186579966,0.051455211172398055,143759.85971210475,2.938341658001279,49.628842684880624,3261.720678196708,260.78756560122093,348.81058466937696,59.70428173559588,0.1552170453559701,0.17785895253089717,23.8319669523449,59.29510586161162,3.2327532181058807,38.920289106500874,0.00019721625634969747,4.711343855242975,0.10264312774334193,39.758989218692705,75.21075967904636,0.5247819713617994,12.493369963257365,1.6033010066721712e-07,0.0001132097967789073,0.19678917836304,36.699398635478836,64.11015015778979,0.2930254168746772,21.22164585117011,0.0,0.00014063033626880034,0.09898597866557168,103.37384170510727,81.79258231048681,3.085880770387118,14.355885252140903,1.9907974977412392e-07,0.0,0.1661668260716878,77.36635447656315,133.2972805781555,5.473420731469108,14.187188074173164,1.171705666867059e-05,0.0,245.98651941051403 +0.9638972135291876,0.18801944965053044,0.4079702424790227,249.1405949940933,178.10626833567704,337647.3801940336,6.518362571571443,59.51304976525992,3.411360483806381,90.15309002788288,4.754888204222657,15.793139506129423,0.37010622999391857,0.9180607819923957,907.8893020934499,96.43542871546595,0.05697162303988061,206456.48353728367,2.9499371138726005,99.90542540254371,86.37828305983703,231.22448883955025,347.4979563875194,57.74862549398303,0.1729407294856828,0.20041707284384938,46.71802558052269,62.67176814655487,3.437863860183473,24.839058824556158,0.0,5.019344275155531,0.09940383582810117,27.646997999436294,52.13960623892744,0.7472895496051645,16.743783510430653,1.6033010066721712e-07,0.0001132097967789073,0.20552770833051012,33.537305212360565,60.554063622874715,0.32782578689664615,14.080904394789366,0.0,0.00014063033626880034,0.24675558209908982,96.55805738932497,67.15272853290746,4.711276894145555,11.38100590804318,1.9907974977412392e-07,0.0,0.15899660988029646,49.99721411742989,99.39980897110655,6.561092395417208,15.402866274077452,1.3948125408136118e-05,0.0,205.3368878599701 +0.9708625481696318,0.2363389393684068,0.3272646345687987,249.7908181997988,62.71200443805111,305763.74871832854,4.843390904932427,99.2439405980146,3.2649712942155475,60.474297627040144,0.8085191003901616,28.30316775140505,0.35420468444054964,0.9831607819759383,938.1795259228793,19.585326698015074,0.25130749246105527,174308.60638371314,2.955645977399734,80.9249020254397,3667.5764292578397,178.85627407690762,347.00009955657686,51.70985143302605,0.1574088424514951,0.19123859295865905,31.216657618909704,54.30229098040778,3.254671899116352,20.707855601617922,0.0,0.6256862978061454,0.10975223365500865,35.905279438861015,67.87805647592548,0.3106633320790612,12.395507033072088,1.6033010066721712e-07,0.0001132097967789073,0.19952923739006853,35.31269029497075,63.67042886915707,0.27158211394251297,16.903566939756185,0.0,0.00014063033626880034,0.11370227728192876,109.91582782547488,76.21020520128056,3.792349758039509,12.854082899646716,1.9907974977412392e-07,0.0,0.15589780347036217,75.4259419400492,136.36833995311883,5.11286449896722,13.162105587741195,0.00027411285292719867,0.0,241.9795357862825 +0.883420954667653,0.23215841887590327,0.34611958703714985,217.63126646893178,16.390608555793094,308449.9587695664,4.700678074171727,75.76091417090014,4.726169657601228,48.51016619930704,1.5649952558768945,29.0972648451327,0.5122815220911088,0.8829179620387474,911.6202423266719,28.810875026428814,0.3271527949012512,294593.74906925985,2.61197959315788,84.33396619384531,4524.260338153557,296.5231420202052,349.03006475374593,59.128967326907045,0.1529613435801147,0.19381390198149392,38.57063263905534,57.38326574829741,3.1303069715436433,21.371180505487892,0.0,0.8822345202960297,0.13111221940059814,45.02213114522012,78.54658427173855,0.2018880547901822,10.954604750704727,1.6033010066721712e-07,0.0001132097967789073,0.20452997018920477,41.98600811038323,63.358367130459534,0.25329536695810223,19.668388211099217,0.0,0.00014063033626880034,0.11962790909330762,87.02658248394644,84.86362101420937,3.5957225701006177,10.955257407269274,2.7615343999459633e-07,0.0,0.21511137829339239,74.82576370319138,122.38627990840698,4.675075732315534,13.802104763782438,0.00026660611524558506,0.0,235.42869850259967 +0.9808899231239877,0.13691422342267778,0.3296425748230796,149.11856197024636,154.80996969149473,158859.71488335595,6.244630606348037,86.1380495192358,4.459694222526033,48.8078915609424,0.5486796358255349,20.908371533842136,0.3306306672549511,0.8581971392622821,803.3218987373957,94.54597126559048,0.05539640204863053,270341.1137264593,2.992926447782584,21.825667151773548,4574.6727378346695,99.15073354474276,349.8347030259108,57.517194435144376,0.30190182908770596,0.19949892081962547,50.43627890857494,65.50576015625478,2.7097082807076824,26.011324455512,0.0,4.186929222475072,0.12695580044441224,16.728131156295955,35.91663929225087,1.1674381566333762,3.757556938100821,1.6033010066721712e-07,0.0001132097967789073,0.2058029943431308,34.572755272097034,56.07433201258323,0.4069921781219133,14.236707945501518,0.0,0.00014063033626880034,0.3183970376377301,60.73966690728029,40.373661318237865,3.216537022900674,7.3848623503220265,1.9907974977412392e-07,0.0,0.19933710192541787,33.634255191918776,61.13492950693331,5.352186584334981,6.943073658614525,0.00014897875417267198,0.0,154.90033602551892 +0.8211379523954737,0.18300055352550784,0.3347512315771442,18.661896886974688,229.7589141606169,220068.45798598358,1.8476595397454993,69.99533863178257,0.6339267457023001,17.639951382685283,2.101225203186069,22.546474196944764,0.36360038760175595,0.7318477918365147,694.2278421001183,26.37702017582883,0.18877933283320958,55472.25036645841,0.5531945588216438,74.78757078318185,1054.7241791111885,294.9482123668133,348.2080518094125,39.46372356569517,0.19689364329635292,0.19742085223160055,5.959867687930007,25.5968645746833,2.390486656979544,80.70203470843326,0.0,1.2973094647992232,0.1386705099459634,14.251555182601608,32.50486334931143,0.4637244673271629,12.571123531249777,1.6033010066721712e-07,0.0001132097967789073,0.21068895951434835,7.380268726857027,27.540767448696574,0.24076158608340076,80.15917298720251,0.0,0.00014063033626880034,0.15449320865855362,37.575001012738944,36.27613938844742,4.375799434406905,29.668417902325874,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9826322214717433,0.13691422342267778,0.3296425748230796,149.11856197024636,154.80996969149473,158732.94197705254,6.244630606348037,56.878213590384064,4.326801119667711,48.8078915609424,0.5486796358255349,20.908371533842136,0.34188222495594456,0.8567363954473693,803.3218987373957,94.54597126559048,0.0533368973064407,270341.1137264593,2.992926447782584,23.095198008549453,3830.784021953295,103.1258140450733,349.8347030259108,57.517194435144376,0.3019619894515066,0.1993939206834933,51.26117414261851,65.86725154670542,2.702037674076237,26.331649648140772,0.00011490656578022623,4.401117936670748,0.13166632950712387,16.41552730842904,35.776207674423745,1.1681605343450925,3.726125965758869,1.6033010066721712e-07,0.0001132097967789073,0.2059469340416359,34.53096428891647,56.03115635393337,0.40711224754806585,14.204535993811367,0.0,0.00014063033626880034,0.3199827560714636,60.981259574780395,40.34029878178089,3.216852250040229,7.585324455550879,1.9907974977412392e-07,0.0,0.17894224989476937,17.480338920636015,55.289209416434005,4.678950855962549,5.982650489545279,2.1336838929787398e-05,0.0,150.39618914649873 +0.9218017254840998,0.2371487138507456,0.35975899398877864,164.07503387994547,172.3417174774201,292435.7447294016,6.071821633439514,7.305104123199847,3.770870231022675,81.51272086643661,2.9622230108503023,26.3024449021861,0.41523303558552666,0.9714393572624596,974.311087938104,10.44294160741484,0.2664091895106052,283482.1966346804,2.976374284369557,95.45704333793822,2381.024691764144,267.6145030960609,347.80491133128396,59.54294122505954,0.1783107392253756,0.1929643025893293,40.63575896761969,63.078276906132494,3.512624370454213,17.93290868382277,0.0,0.6572799212035663,0.12284121036988871,37.796366812635426,76.99514531635549,0.6855451465267998,13.730573326520943,1.6033010066721712e-07,0.0001132097967789073,0.20390360415083275,43.824406791438236,72.50733751382357,0.3219766632927758,15.815227448838828,0.0,0.00014063033626880034,0.14216220804570526,113.84474256741713,74.91812659598443,3.2977251215347003,6.013151258196273,1.9907974977412392e-07,0.0,0.16834796163598678,79.55427351530463,127.89234507436616,6.237530349927832,15.94701993178613,0.0,0.0,250.0749945265972 +0.9163823889901404,0.2297483778806334,0.34099095439968025,142.33161901700174,222.31794674637172,204544.98649872938,5.292739501620755,18.30141750512854,4.154370616020369,48.25973046812267,4.452992899155457,28.037587631183754,0.6628074133421906,0.9918216157477477,684.4122423992047,66.11949720371092,0.14619677165511674,148460.57949909364,2.8779305830217017,99.60940487037243,2324.160613723634,292.08078801624765,343.32590233159715,55.15498046184581,0.18319611695577653,0.1897425648177983,36.584901785312866,62.56203775997029,2.7913656551096167,24.748479853625994,2.9960835641270777e-05,0.9452004451975887,0.08205374736908856,37.36907502992561,64.32970882836945,0.8789352660119054,16.402352699991702,1.0581589739502577e-05,0.0001132097967789073,0.19934800433102098,36.418774452093544,65.38356388209066,0.3554749478682409,19.86157405404624,0.00019996897955273102,0.00014063033626880034,0.18265187242984277,114.99406094782456,77.17447427176832,3.179250025230374,13.2246869615137,1.9907974977412392e-07,0.0,0.1437792171219195,80.6305745147528,142.55014408485354,6.242429413005327,29.73862379303846,0.0,0.0,254.52702755056907 +0.9109773212178818,0.20173035009703857,0.40858582199896054,234.01957650352085,238.4574809534901,299264.4759974065,5.305325847966868,98.22486094548606,3.644478816504541,84.95119464482907,4.670340157799231,23.831919841552494,0.598221125580835,0.9343558294348594,739.968497216147,79.91499510226325,0.3444658389729007,149387.95473786938,2.871026928688272,89.77584155647953,4947.112405171601,292.1035609352056,348.17670246158275,59.65663431302087,0.15020651253363826,0.18917558049195274,30.885172485453445,58.765113079243434,3.04901335519138,21.127965517596806,0.0,0.8391156564700326,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20022101693361,35.7878945299297,65.23864071261498,0.3257852085881891,19.381872342945396,0.0,0.00014063033626880034,0.11891090121619315,101.23135683245152,75.3336247487174,3.8360231856977025,9.775629868215967,1.9907974977412392e-07,0.0,0.16372575591991487,74.15265645493777,134.81392040655973,6.387773550267553,24.12623654545501,0.0,0.0,2698666337285.8823 +0.8910760427920725,0.223036947012541,0.3684210136331697,186.7243012193864,180.91659746441172,203392.2390250269,2.6682412736682664,55.41594787862418,4.713943635489902,52.18139208205019,0.40893238792885,28.11028330623756,0.6297815625357912,0.9110349838855464,377.1788476049561,46.348462566256615,0.14513200607808874,154432.71664715576,2.616045016162731,99.61996237939965,950.5062127242242,228.11302553218482,347.73452104254886,49.88221382456115,0.1552132176733503,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.10831840194822091,44.591779020030955,78.34340333279802,0.4087923031623765,13.615288390582826,1.6033010066721712e-07,0.0001132097967789073,0.20203165412377883,31.565143635430566,56.61517178245217,0.27224000769698553,19.730981482024422,6.893328230300084e-05,0.00014063033626880034,0.1218911777911111,116.77462873920919,84.26235548018212,4.041630618375187,13.11643651187795,1.9907974977412392e-07,0.0,0.18046183170578237,31.725274997131347,105.69798139748617,3.7379056979351817,17.70767547516229,0.0,0.0,2698666337285.8823 +0.8965886186424248,0.23929619246519437,0.36375539321450234,162.94335759479458,110.27437863189549,235091.11244240403,6.498476388520629,72.45197298933718,1.3629605597975658,53.87659076123705,0.7626494449565269,28.688320953319455,0.37905093341373614,0.9750927453084921,804.7204403794176,95.62169235742124,0.21535874449529624,155235.50592905306,2.50330875969789,70.34851291892984,568.5770183163852,288.49469606622927,349.5172047435426,57.266859445351976,0.1597222688486052,0.19266208970943732,30.566115388893042,49.58359495240269,2.8763308955243,29.119983853105534,0.0,0.7220282321881437,0.10943806494613537,44.391456337177765,74.96154452232783,0.7850634286451887,15.419443851398219,1.6033010066721712e-07,0.0001132097967789073,0.20213156291047554,32.617338219432675,57.568316977849264,0.3471627015691592,24.48817755879531,0.0,0.00014063033626880034,0.09769481543167381,108.03226747830155,77.9323003146331,2.9979173735718283,13.92238692898635,1.9907974977412392e-07,0.0,0.1672484062599137,76.20337681710672,132.15711807283878,5.336037950070522,17.33092787984573,1.5567476734375503e-05,0.0,242.08313998406166 +0.9751240217764152,0.16137573224196058,0.3828306892844121,160.20508311820055,222.36013269217187,349399.6070418092,6.08872210542331,77.96663040216116,4.004895244974481,81.06476025089145,0.8992059334750455,27.160736520873233,0.5111173196115617,0.9844000060162379,921.01394586025,41.597333704102695,0.31283567053566635,297701.63581408525,2.8743077771102237,98.0082481633979,3944.470296681746,285.2293825709792,349.1106587113589,54.5377419864778,0.15189167244150847,0.19051289196257137,35.58516636803826,63.348593210580106,3.3046570728227858,15.153363063982733,0.0,0.7253307725405627,0.10194667841583867,31.539498204264568,56.51144296459473,0.6064849551088929,15.636149375235487,4.486808842838172e-05,0.0001132097967789073,0.1985999562195984,38.59283559441216,68.56332423101195,0.30364973233085163,13.528232634768768,0.0,0.00014063033626880034,0.22057271743539592,111.75255927391828,74.08030862408891,3.6413299775669246,8.022592278226355,1.9907974977412392e-07,0.0,0.1503673838149551,79.81064112300207,136.9949580413502,5.981751039512231,15.483984782743212,5.1325683854203267e-05,0.0,244.52852346146088 +0.9412814714937394,0.19101639146864596,0.3471643067379197,222.14042697539173,204.69970938838537,322730.98822793824,1.6067394345618187,81.62361916282453,3.9372277085583596,90.92021824894472,4.491534342602893,23.93212108532935,0.552112888283637,0.9461522848064963,105.55616402222967,70.68808805295443,0.3372518966924962,52962.25233016233,0.4626573837794423,85.71130270985869,4271.605541557398,270.28952741143627,333.9616191192639,57.45131106055439,0.2880940604242903,0.19038321183753534,5.2467184156233895,28.170790017161153,3.1365599272383133,82.73841667143722,0.0,1.2775880079512192,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2037652216611653,6.710646713595749,28.574333319463353,0.23419671817864504,82.60214994164063,0.0,0.00014063033626880034,0.1291229271345958,25.064564013741016,34.84856227266249,3.5924035498282363,22.273467395437525,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8980129276631992,0.26036960278745624,0.3887053824786513,210.16691416003584,238.489758556348,314417.50698134705,6.138647722544362,10.323844392193386,4.522644548389088,82.18693020153276,1.6500784576406402,23.614774986573124,0.4709609445704362,0.8418237773556398,740.979384353232,92.20048503528574,0.33459800035307563,167065.37691613258,2.953136383525199,91.46753548851747,3606.0284271221644,296.20747085596935,348.13408873093255,57.114641632350555,0.15003902354045764,0.17864070013245237,22.70520212500964,62.79812821760774,2.9132617089801105,19.253804018135707,0.0,0.8156887565459217,0.11720706701777986,45.669899443508385,79.23259451216785,0.7975124534746462,17.808241340553046,1.6033010066721712e-07,0.0001132097967789073,0.18632712415728617,28.347324862665744,65.89850741920681,0.3148292849561231,17.298560641766024,0.0,0.00014093118384585806,0.14608372882851953,126.61109363941283,85.97935474109775,4.787149279793618,10.17141578835513,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.819829445060186,0.13358356363842933,0.3490361859086765,134.78467364427166,51.776126091674364,269600.38254006836,2.3252275197696215,55.40656171317204,3.931474610148512,73.83077789702193,3.9923922375870124,24.529545982347887,0.33413758645983893,0.9456793298025366,363.09914188571145,49.92089076171254,0.31851043175828436,233384.30764168355,2.8585918120364133,98.30580569242075,3724.832303152295,177.17644941546203,348.12754152250807,59.66068494011569,0.1610219105598507,0.19215359640751684,35.26541752814145,56.82804587956551,2.7857153394367655,20.488808104012513,0.0,1.2205294889359657,0.12363965140765373,44.107452144203975,73.49538302336643,0.3108595854649,12.723460623193876,1.6033010066721712e-07,0.0001132097967789073,0.20278856890829663,40.837831058977066,61.30918509251937,0.23792130665178304,19.52113124304083,0.0,0.00014063033626880034,0.08330309906363774,115.33273118080362,78.516999655196,3.9203110082263173,10.755396898448613,1.9907974977412392e-07,0.0,0.1882432556177716,75.59901121045301,129.58263825119312,4.2525093301116925,14.078709135499434,1.1881802680458608e-05,0.0,246.0482085155962 +0.9046785150408109,0.15243713096061992,0.3724552215550011,245.93944875206836,86.54027240131177,186794.76554651267,6.570663437312034,67.43947555465994,2.405238174249214,99.87742526302851,3.18653546486933,29.001095079910503,0.446661418440618,0.9546784608212442,646.0626839750647,50.695538123975865,0.23084042869197025,63734.41802947667,2.551960110510485,91.43056628591627,4346.647836268314,236.8279650917578,349.431833623217,57.492908742268575,0.21499045661578528,0.1883370849757801,23.242267894883184,46.5553450005276,3.026777212331822,35.00622407837767,0.0,0.7496615657721998,0.18758064576257294,50.30991467305419,86.16083554032477,0.9811346506671279,29.463622831664427,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.15775873352344288,54.84528579880656,66.25217259104008,2.956086033310421,20.60294624890491,2.8267308825724137e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.985038376612863,0.22947574854784597,0.33899950363265613,189.70129657621612,217.3704694391695,274813.88986241526,6.754340738742248,82.47416884536118,3.0130680765016633,87.25705044124564,2.53447989815356,27.62081724192153,0.6688037514517406,0.9090367252208879,826.074817705619,56.21322357749988,0.31698278394508766,223072.48338088847,2.8732781805405785,95.62113211244468,3759.451098521552,290.7333095960538,348.8198466799957,55.789877202571624,0.16117748695391484,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2025594467154611,40.4158823257798,71.03187476708172,0.36005489504877725,18.116758284944808,0.0,0.00014063033626880034,0.1068730187772279,107.67702740436285,78.05406641065971,4.6252694922703395,8.044201804902809,1.9907974977412392e-07,0.0,0.1477363257952085,41.38695792465666,143.33452219176402,5.451164600554253,18.790261809023278,0.00022062337835407174,0.0,3816490534509.4204 +0.9713930088138396,0.2329961176799523,0.3534405779923039,18.010003986634736,91.46761227885614,155169.01337101025,2.64465878297877,97.75596141492639,4.613736165108442,50.60107510208911,0.6727246125867007,28.656481334605406,0.448433311732317,0.5985956788770609,303.98488194670557,87.56912093896854,0.10574118199904117,50021.714695637886,0.5653931525282744,52.27151437262048,1433.1884318704817,292.5704209863238,344.0021481238942,53.68737228947931,0.28167777372181896,0.1978566642165846,4.502232561885396,24.40488323239876,2.3893857823050184,84.35386573045196,3.00295235621903e-05,1.1613851639366144,0.13609155957796276,10.933139250908502,27.714556440506673,0.3112533227492712,11.299619331601553,1.6033010066721712e-07,0.0001132097967789073,0.21040817457939778,5.182281702270245,26.41520403533457,0.23788996095035786,81.09601631040537,0.0,0.00014063033626880034,0.152489213153726,13.887124582796037,27.737124177539435,5.240462054429339,25.86238240710233,3.092715030179917e-07,0.0,0.2255991545216696,7.920199222376358,31.676526707088893,3.7893307643397516,41.613793471781385,0.00021998851766117693,0.0,143.269150175489 +0.8995740883751594,0.22522270862706006,0.37232849409751145,218.31702670030944,238.19613904417398,309038.3265058296,6.769142502144961,77.81266704149982,2.978715578265325,65.76811895317311,1.2478118359732233,29.120491696041512,0.4800945516874475,0.850024498104294,759.0746485670065,80.43270336406229,0.3327524692218487,297341.43808525975,2.9755607748362785,84.65724848677986,4524.260338153557,278.80482130873236,349.49953065259996,57.65541605184185,0.16057226522751605,0.19394706863159117,39.77364657962004,60.276602254104375,3.2040206043512276,17.06443475817886,0.0,0.7329764565538809,0.13126179816886197,39.55666976946497,67.01012247799095,0.9051026995278602,12.056427667535091,1.6033010066721712e-07,0.0001132097967789073,0.20285927640513352,43.62724922816628,69.23416867167823,0.35285453450015714,15.132630682150028,0.0,0.00014063033626880034,0.08901425135747433,114.38121691781252,77.47021219462366,5.606346095299109,5.934202743637779,1.9907974977412392e-07,0.0,0.19219408539336671,77.5482630397909,121.93409395538838,7.268974634770134,15.341748276447714,8.202609814142816e-05,0.0,242.82843301311584 +0.8228315807219351,0.11587591129044715,0.34983938081059085,219.71883755524885,139.11878895412363,219975.85703152945,1.8386451353089723,97.01129249830211,0.533683001068106,18.016734673126727,1.0162414509908828,26.296361156811898,0.35166700359525566,0.851168559437098,321.63347906333274,14.128754051387844,0.18941980044626347,55029.10584914166,0.5531945588216438,85.72324739736551,270.3305427780174,128.71910065334785,348.61938876675254,48.32091676783215,0.17407362628018364,0.19247777414586412,6.750393773072632,26.772044776667983,2.9271150117579476,90.94612389615564,0.0,1.0001157852941527,0.1316728880063491,15.275391254507495,32.84774705510689,0.2206393738019316,13.824252512558356,1.6033010066721712e-07,0.0001132097967789073,0.20544629615107113,8.427853618447624,28.28035693822917,0.24197464628784046,87.7611485699738,0.0,0.00014063033626880034,0.13713749200620368,44.147224591683894,40.197322148033166,4.1670978057159225,29.751412185534754,1.9907974977412392e-07,0.0,0.2151870721198585,13.39625287829817,35.11703500315604,4.917164765201608,42.5044478788166,0.0,0.0,163.79981399161568 +0.9643913729733066,0.1816063836393398,0.33437007042393674,241.41074997996327,171.48686576441182,236619.24884668953,6.21291654219777,59.182131540575284,3.3173427486289304,96.01547056942417,4.77875355695875,25.014275484527474,0.30074297020804264,0.9239457499223452,894.5160591307941,96.43542871546595,0.05760651402157907,202849.65032526536,2.8870067704706703,96.69784841605261,3389.4539429563292,125.4604328887737,345.5991345629358,57.8239585072995,0.21057158401312237,0.19809722144730263,49.363793599541026,64.5529729277042,2.9116342526736783,30.231950932703132,0.0,4.581699526540922,0.11313823057571036,25.762572128407882,47.71976426902052,0.9845349192055777,11.301341629194836,1.6033010066721712e-07,0.0001132097967789073,0.20061302138484494,33.031611575870826,57.59861659289754,0.3710738575259696,16.58329380545127,0.0,0.00014063033626880034,0.2593691813822279,96.00191540762748,64.95811312315487,3.7014466956190644,12.448160141525179,1.9907974977412392e-07,0.0,0.17363208751228082,55.18726106947316,95.54889060742666,6.170929652842151,9.928381868509629,0.0,0.0,203.0206063583033 +0.8132273572837164,0.17292318357869338,0.3434348859047712,14.775918988374173,207.26137016856296,221690.55641411533,4.313012525731198,9.693055602528943,2.9180831266067435,43.21296893833466,4.31380412354321,26.05335706668964,0.38721996997146263,0.9934294638546486,968.2575046026791,99.83313558802833,0.17827740276307394,62807.08989829199,2.951897028619663,92.99317113887258,3132.569229658051,132.29746261896906,341.7857694194027,50.734522721765856,0.16306227705744786,0.1892770266618582,24.92085859340543,50.0935198885977,2.381593895203757,23.866560434933483,0.0,1.1168531014244143,0.10335798823098225,45.56902096551872,82.89890003189541,0.29953260648246033,17.740845548797648,1.6033010066721712e-07,0.0001132097967789073,0.20212183217001764,29.683147560940856,56.72792604904743,0.23812242494568006,19.748729007792953,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.1610513101499741,32.9078938319,114.74012703464469,2.8204090785301386,18.843329957546324,0.0,0.0,2698666337285.8823 +0.892245617582941,0.18292369179069126,0.3206624830571329,43.365590704797995,116.07578391788326,220068.45798598358,2.1461276294804383,47.79792463377811,0.6456912915567543,62.80689935059645,2.672971637436155,28.17937529592409,0.43108873750036136,0.8135115606305976,160.48730379625886,14.58523240584599,0.06606072968980412,55286.27129455076,0.6991127726341817,94.08165038844149,916.2149931599147,221.76966124972645,333.8046025620588,53.745931814722084,0.23757738017013041,0.19703541801921212,11.28314522432726,28.378636006440228,2.898340149175437,92.04927652904296,0.0,1.154010081961582,0.13336423461935284,11.905114152634622,29.970342946760383,0.3342469399821843,10.370472326654882,1.6033010066721712e-07,0.0001132097967789073,0.20611136374502112,8.790410336428144,28.617994911774474,0.23625200954320855,78.87660079351146,0.0,0.00014063033626880034,0.14440336009717586,29.76504615023936,33.46217602545018,4.042264803427917,24.56265735290762,1.9907974977412392e-07,0.0,0.2095910872050787,13.128747442370528,36.74714455937534,4.491335986238451,35.00667136775143,0.00010479724348971925,0.0,151.90379585242266 +0.8607185826298285,0.22430263779491055,0.3242387668507017,159.49414725294886,226.7157114224499,317233.6224348869,3.8399855194800483,50.88556928334812,1.3058739161656068,20.985753036405676,2.7131146060410853,23.418826688176395,0.35834027837642723,0.8882059815987164,361.9484714906438,77.72465634503669,0.23260260469566402,133103.4461068887,2.6550741190090923,90.20874383777269,2859.6113353286223,288.6801756369643,345.770642226754,50.19074243648347,0.18531557827734776,0.19273179059897866,31.40459930125307,54.01100139210536,3.1026356930442973,27.049464772822635,0.0,0.7126951846472779,0.09249320973385955,52.42364629411847,80.18929336379165,0.36917239572361543,17.51269473798084,1.6033010066721712e-07,0.0001132097967789073,0.2033699533862974,34.01373408078662,58.251381265175795,0.2630365381931934,23.199427233268327,0.0,0.00014063033626880034,0.10597704568006668,110.99659782739072,80.77642818098582,2.9610994548360496,14.984219909229965,1.9907974977412392e-07,0.0,0.19971482551275418,61.36313249296755,110.19844298092072,5.058609040792639,22.09776625529681,0.0,0.0,233.92438563675398 +0.8217642128860387,0.11587591129044715,0.3509629556172433,73.768384563544,139.11878895412363,216394.5226231071,1.8344627362515062,97.01129249830211,2.696094096743824,28.351365883244306,0.9622082258300553,26.296361156811898,0.3072487045669779,0.8511840764127379,532.5899688938607,15.762262363032331,0.1968493353059541,55472.25036645841,0.5531945588216438,85.2853743405402,204.53248538086427,128.71910065334785,348.61938876675254,48.51991520985164,0.2733469076026294,0.1909262795204763,6.460873579259903,27.890761867191976,2.600975957766822,89.53456289936092,0.0,1.1250738185157039,0.12795422947417182,14.571757887924628,32.213492763992924,0.3023624363319584,13.837239486158063,1.6033010066721712e-07,0.0001132097967789073,0.20484150814925298,8.090550210731536,27.74981669991933,0.23650558788712886,87.22116273621445,0.0,0.00014063033626880034,0.13283311988798313,30.23482243595868,32.61295285092542,4.3145336507179985,28.02308322900224,1.9907974977412392e-07,0.0,0.21164575679258724,12.083128214771035,33.485745878938175,4.32939983850646,43.43230408360041,0.0,0.0,157.10833640411744 +0.8675568399033308,0.18693661691641905,0.3450821970334304,112.85701790605673,177.6347403592679,291362.0158070449,6.259028101768078,60.32540237317218,2.0411802561334165,49.10711285310576,2.006781005692157,23.716210999254077,0.39196514913445946,0.8855787401980219,917.8404308267828,89.76919802051638,0.17312453366773672,149213.80168791898,2.89279264487745,83.80737641341884,4336.11880140555,213.48884353712344,342.7094978680984,55.130379703410966,0.15801745061204336,0.19531513261110547,32.00658926800148,53.58912345309957,2.9552424986674697,21.980087621484184,0.0,0.7839293813433607,0.11944138941006681,42.647526477728654,77.08628750372705,0.6067368254139689,14.026927561239642,1.6033010066721712e-07,0.0001132097967789073,0.20695697369117905,32.99566142209613,56.63129341497893,0.311233076692843,17.077830483371738,0.0,0.00014063033626880034,0.11995696479299583,113.17850202597674,87.48588547450862,2.898256177332197,13.424029932635474,1.9907974977412392e-07,0.0,0.17583205961405185,31.680752433387152,97.1899448093374,4.403770526114838,12.41138231473727,0.0,0.0,219.56633167311531 +0.9884656904195127,0.13253116974867568,0.42552035248004205,170.84254258018672,245.77949525754698,252783.07525329085,5.945689112314614,74.01173206352411,2.1444336066028984,87.08474364194373,2.089306631890335,25.550737220654312,0.6835836146735961,0.43254063703204426,938.652323153151,55.93718019567096,0.16022911582659,63230.01414938395,2.9242753444359217,98.48390465404782,1500.903304417044,43.23661301940065,241.0084494878412,12.663330716817038,0.28140257781072353,0.20024254871149233,5.441566738129494,24.8675552794226,2.9768273112832206,4.750013827332857,4.22128989617616e-05,0.9155363222189445,0.14130090686712812,1.9849999303435857,17.987631480125483,0.8886478814303715,27.621557792705776,1.6033010066721712e-07,0.0001132097967789073,0.2123328757370265,6.303507294455542,24.12032414950646,0.3531618423702279,4.188834649067531,6.0571621508281804e-05,0.00014063033626880034,0.30685640556176735,7.35466228443033,15.493658311429261,19.267372341444283,60.25348207192798,1.9907974977412392e-07,0.0,0.19907934995485804,9.661370276134136,30.859826990764173,10.441932549902509,65.33708271372178,6.309639713174114e-05,0.0,110.13825570820106 +0.9442560406834529,0.22947574854784597,0.33243828922419905,23.076404921379464,199.9257440922703,274813.88986241526,3.335489020377124,71.3019309871737,3.1881809468050033,85.69930922211378,2.510714117016266,27.06965479771432,0.6688037514517406,0.8320123114704019,788.6652111267094,56.21322357749988,0.14680936058377395,84174.7022297185,2.5493486507145,96.29850822122643,3752.519387331511,203.1352682380617,348.8198466799957,33.53400639051743,0.16192919010745063,0.1914156523327722,19.68843395469759,41.307224936858404,2.5449175854038226,23.293899376675498,0.0,1.009821034237727,0.0936459510860405,38.93479350824382,79.8329958686996,0.3539746619141283,16.91214638475808,1.6033010066721712e-07,0.0001132097967789073,0.2029202371071311,22.671508783188415,43.96522505671174,0.2363055239905746,19.156538773373974,0.0,0.00014063033626880034,0.13903211113016667,115.2948573886974,87.05782409506898,4.007999522200831,17.319120000959188,1.9907974977412392e-07,0.0,0.19220092076937842,51.93098358383162,99.97681659871144,3.992841395108028,21.581060636931117,0.0,0.0,219.07844588706112 +0.8654668916555265,0.11010919078745633,0.34168334710250386,215.26991277666767,121.10496735080332,302851.1612849498,3.055176220593869,36.98896516335613,2.128727203417734,71.97316695516923,1.3080962552766762,26.12580948339198,0.502820382329781,0.9389223465799692,795.9357438343993,20.5476202186611,0.3050918269616936,53062.37380459785,0.7060825269418167,26.344455546144186,4403.537669358908,287.21183815466236,345.818888725224,47.34867146151808,0.17980929104068433,0.19153351587362016,6.65983458115361,27.738861344751193,3.0056519657677785,84.78428635985043,2.4312881158547583e-05,1.0403184689341678,0.13022840853014292,12.568187189117621,30.45698702746555,0.22513718428913534,12.52946473435976,1.6033010066721712e-07,0.0001132097967789073,0.20224107188604587,8.32911575094356,28.27218306551348,0.24806020670255544,81.20766324802325,0.0,0.00014063033626880034,0.1266097721646144,42.00734127310584,44.090276603472674,3.670187709136095,26.13120773180041,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8804090876382045,0.19119290052230628,0.34683037102742714,161.79268802884587,185.19631613636406,332456.50884291175,1.7357396936581004,81.71604407278618,2.344122580749774,89.86896418318679,4.454665390096918,23.793455992808266,0.7947748597153347,0.9458048731642824,132.8606083270048,56.431029651828,0.33697045442653717,60372.41804442524,0.48144090117824057,85.6299194309102,4080.73182525385,268.7347092446574,349.7209377110858,58.294542847522415,0.28916201963481675,0.1921197019904752,8.999197820526291,29.27607546037792,3.1705823102872674,87.56026396153669,5.016818129805894e-05,1.2681565964383352,0.13274616276450216,16.78809391201644,37.08927943486233,0.33743637240380514,13.783119030987315,3.2875801731223015e-05,0.0001132097967789073,0.2057669499325266,11.049621117190737,30.804526090489684,0.23434576857807324,90.78997177791732,6.325515854514776e-05,0.00014063033626880034,0.13959559330777446,36.09315722422847,42.32003141499665,3.5802763029843025,26.143112550976678,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9804380283143014,0.2262415928542955,0.3227636509488476,245.51135978394,246.8331336216158,309448.7131149283,6.934566854813003,60.460794188752985,3.9475455850946095,17.276751258300568,2.1346536027218668,25.301452761168406,0.44321573187023594,0.9463426502615788,693.5752115236323,68.55316939521471,0.3464248064764889,206828.4766718363,2.8214295806017264,82.95081647441076,4972.914291409378,280.77094594473976,349.73866335023075,59.26507096303501,0.19760012288156528,0.19081411620242766,36.943660945490976,63.603211317993036,3.26956613859905,24.095675811961787,0.0,0.7189374874520835,0.12092616459582349,31.6866839895838,65.66569829727892,0.9757201481479715,14.715258188308125,1.6033010066721712e-07,0.0001132097967789073,0.20198715739345352,40.21090069886537,70.34991069733047,0.36363673581286826,21.215878487837315,0.0,0.00014063033626880034,0.14534725316355415,98.56522006930868,73.0493788365448,6.548435302264536,7.86585140409699,1.9907974977412392e-07,0.0,0.15442922506337908,76.33913475177927,134.07218205044654,8.006043098002841,19.192128724194635,1.3041195482669492e-05,0.0,240.7144716082241 +0.9645180323013314,0.13047216196174782,0.4256343634085205,169.33106226646106,84.1184036892348,250711.47596287858,6.044935834198364,50.511666937500685,1.0265479395506256,51.229517397625365,0.9623409442056392,13.785530750824535,0.6781288313495888,0.43254063703204426,781.3103403039822,33.76928436487855,0.12929163932169715,53520.44696821323,2.834258502262071,95.55637835997489,2885.801194347135,39.76674404182133,233.8188526480928,12.069730880555248,0.16224306033453562,0.18602364576300565,4.154741100675228,23.764595260554366,2.7814978153025187,4.020337895368728,6.698020709558778e-06,1.2496828159773432,0.1200362340239829,2.064550564867965,17.576334644669355,0.6113562893452351,27.35701668862533,1.6033010066721712e-07,0.0001132097967789073,0.21356495261463115,6.293505043519597,23.682578806303194,0.3218563381262737,3.581693450641316,0.0,0.00014063033626880034,0.30373422789188403,8.077007309337207,15.40184734473364,18.281639333576642,59.44134342116478,1.9907974977412392e-07,0.0,0.20584590518735826,9.566980641891453,30.64336227208401,9.106164250503921,64.63192808183173,0.00010405218249016707,0.0,108.3687283094953 +0.9541415866837066,0.2079364786572048,0.34982689003376793,240.03016258803592,173.18046165211584,289568.5559660882,4.984666746479141,65.15797237607211,3.4973431758756797,60.216282420694235,0.27711992851479056,28.691522884514836,0.42985111093726047,0.9842344734504916,648.0277377516884,39.66509307362934,0.33033647676578837,254689.36147561588,2.9831380292248375,94.20526764172118,4454.418832186856,269.6748435318111,345.0601347755628,56.79505043179128,0.20516920958073584,0.18546432347950648,35.24480215324713,68.26801126977719,3.16570626833844,15.883313744495293,0.0,0.8248634472235821,0.07360661861613159,32.4844159078766,57.85164294584124,0.6440826183315606,14.019894706656741,1.6033010066721712e-07,0.0001132097967789073,0.19734837268044852,38.453983545074394,67.31348518032732,0.31106386854740603,14.693369885194173,0.0,0.00014063033626880034,0.24213152370890947,99.76870531986064,65.02832770415137,2.940372017082169,9.662427062647213,1.9907974977412392e-07,0.0,0.1308931367197234,74.66306171160592,130.04936895910694,5.848053034912384,17.025929389345873,0.00022968029350705472,0.0,232.5653914205685 +0.9055304677994209,0.14620681545412523,0.3250594341106379,192.20385966543975,183.61783631305352,158472.49246051206,3.4476842119569264,64.79726393223775,4.073959289677054,12.263560347124729,3.9838057428100124,23.396108620089567,0.5258037409455592,0.973343310280884,292.7885592476691,53.986250662577476,0.2793312113518571,56920.899817098005,2.886405360198312,42.78245952512482,1522.9024112062843,253.65410022159523,342.99037693459337,53.82366878860563,0.16403459334871323,0.18944430041965943,22.09613385909286,49.68971715339652,2.741404588816507,25.573393740461654,0.0,1.0140048868656892,0.10994234366213053,36.784932440576185,71.09496298722199,0.7853409313595456,20.036410584434684,1.6033010066721712e-07,0.0001132097967789073,0.2038080612813302,27.07093083491656,54.45539686827393,0.33994950810008456,21.68822316111089,0.0,0.00014063033626880034,0.23562510136381656,108.11982035400268,85.95654299175942,3.699288539256797,19.982793912624558,1.9907974977412392e-07,0.0,0.18586138619373663,52.95499654084295,99.15516098167353,5.27371404912026,17.90422091140263,3.164553242144221e-05,0.0,216.96593915126752 +0.9170277357673381,0.2131815510173251,0.3709690553835641,249.3880758827582,40.60586931515683,336794.0049329797,6.448417870015886,17.329557671414992,3.2007815910770354,96.50343672693546,3.864773407621131,22.17912721417985,0.7645376393253114,0.9604197094807457,933.3943991394526,96.91489664444997,0.2934585606322731,267357.45322665875,2.9539151958689094,99.71750556200584,4639.409642425369,277.94967443896246,349.7801437574232,58.574637521166075,0.18352805100154737,0.1949113335917875,40.032299266877565,68.22979743194693,3.1605500606107233,18.450676294070867,0.0,0.6528189301071213,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20278923905433272,43.39733928547526,72.6392164856758,0.2814040521636788,16.967363620744713,0.0,0.00014063033626880034,0.15703315427687742,103.88516736866057,68.85857235231589,3.6354414754025415,6.179064545373679,1.9907974977412392e-07,0.0,0.18610242344730513,57.40187608355127,106.96060946761853,4.868121434337614,15.55655529905059,0.0,0.0,2698666337285.8823 +0.8903685336253098,0.16204877012636953,0.3686919967897378,238.23999171640932,177.88776731768843,305845.69742757856,5.255974980422888,99.65789157571406,3.2594441190181804,95.07600099804091,4.670285309736009,27.013344029270197,0.6104413964984302,0.9468147824559473,651.9118449275786,45.67138504389026,0.2955985681782494,150164.55456094915,2.9971151120891264,99.7520771562399,1185.0335604077898,259.1018288783767,347.63180996880783,52.57848051177285,0.18524147245056227,0.18670549132841233,32.52700751961242,60.21754240227427,3.211135799286491,20.448446154174775,6.430401743525555e-05,0.7512645193417334,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19383666204368263,37.0587272446956,66.11455744077385,0.3112312204660222,19.013992380810375,0.0,0.00014063033626880034,0.18316558719873322,99.43589225475817,73.06088049990866,3.2235698258574974,9.818770449295126,1.9907974977412392e-07,0.0,0.1297447051783331,80.65616025594993,137.01004075659404,7.144799262903075,32.09010854057995,0.0,0.0,2698666337285.8823 +0.9118292121703027,0.16936882444434215,0.3296094631078429,242.4035203379118,62.71200443805111,323247.0655353634,4.675778117586049,99.36035986483323,4.372638093243157,94.45783014225054,0.6667220822980545,28.240305138619714,0.4560918319090926,0.9863799265648062,778.8843628111413,37.98985618431431,0.0914421117699598,176719.5743331415,2.973002900690778,92.98479507642034,2129.9484935226947,257.5576235103765,345.2578098195118,53.795528611122535,0.15819505425220476,0.1921388319199738,43.04077233892736,67.09389519749762,3.153094288658264,25.2699249766194,0.0,1.8435527254085047,0.10362818348167599,39.523789173688876,68.49914230492614,0.26317531744443806,12.439618939752055,1.6033010066721712e-07,0.0001132097967789073,0.1986798827491211,38.58433148169429,68.391946633037,0.2626422186599579,17.68994752915202,0.0,0.00014063033626880034,0.1412839885081012,119.52470119890475,81.34520628297125,3.6555382697831953,12.813038292492818,1.9907974977412392e-07,0.0,0.16199685613211195,74.26756342770787,132.84239720412424,4.884799868479582,16.4229506747576,3.2270034409555914e-05,0.0,253.83363005046488 +0.9788239060902927,0.18702732602704636,0.3272435912852707,236.99159710392684,66.56283424957266,287163.7375040028,5.833072751466642,99.36035986483323,4.8572594268642355,96.37939461106501,4.338746472354838,28.325392576947404,0.3542771734406005,0.9722418254434172,650.359156566468,12.002851035127186,0.21711929320536213,293228.894425126,2.858878547610854,95.29861706409304,3678.101045332856,224.78439822837302,347.00684643974284,51.636794107404164,0.15814054157990287,0.1895600553162022,36.487463674233645,60.03115574488266,3.686423125098924,16.891191288450205,0.0,0.6295932360119997,0.11807933951072173,32.39409228121157,56.458077226465655,0.4695419442951129,12.326289065980774,1.6033010066721712e-07,0.0001132097967789073,0.19909466843104454,37.95075716985699,63.685138662951026,0.3001615639262048,14.378157477310523,0.0,0.00014063033626880034,0.1245485790657279,111.18896855448641,73.91036553710822,3.442954627163657,9.742549553348343,1.9907974977412392e-07,0.0,0.16299539785023984,78.33981720987683,129.89419014100562,6.023016071175596,10.657976220880178,4.6567942164396186e-05,0.0,237.52563963768236 +0.9301824083699846,0.1456381173697394,0.3341875258333988,201.66599675519356,247.52246973167863,249558.14532341776,2.1299853822351826,47.13428936148037,4.251390902653844,35.830553399719484,3.83605000889255,7.896030261903352,0.4393739533955609,0.7369926051520428,292.85821841749544,54.76971101681878,0.05637604394989207,61842.16889562104,1.0672367131718299,86.50285533477319,167.66020441702403,270.66492774956174,346.3008243048469,58.87380837489943,0.18057043803050246,0.1803538853295509,8.620108003577663,30.549774867468397,2.409845782404585,88.74266591341016,0.00019092976108553932,2.458328560706545,0.14243786612880063,17.27115697955089,38.852495841839584,0.25044731054194996,14.008147934684072,1.6033010066721712e-07,0.0001132097967789073,0.21264866302222582,10.51818667876207,29.83601307077279,0.24612301396489414,65.58751421171125,0.0,0.00014063033626880034,0.14402133643306328,51.68152036257908,47.8496794697573,3.7060826788275003,17.0204886106564,4.6838703263076325e-06,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8161601615517764,0.1593764453180481,0.3484176619138288,152.76717918214078,223.22528281483116,260413.3413747838,3.4587755096498065,87.2377048110797,3.988794756435257,16.10297718897984,3.1864803512081195,29.415257346781974,0.3754220195669329,0.8659255447569988,126.85511680754887,25.33460371804173,0.14658168189846316,91166.42655416921,2.7297344920779096,65.38340449462919,2787.297472292951,264.58662603246313,343.43697745781975,54.36496914430794,0.1767766926474309,0.1939278315061154,26.335472277652716,46.092017177025006,3.375498816109894,26.908700025959686,0.0,0.7321087812004454,0.09779416353146532,49.13201246268477,88.86479560329039,0.4114297870504576,18.519034572169634,1.6033010066721712e-07,0.0001132097967789073,0.2041631040712096,29.104868269902138,51.8247882913375,0.270961275832478,22.448555795924513,0.0,0.00014063033626880034,0.09325849569697325,101.6156112320912,74.81787554117835,3.2215076058867447,16.95642121852971,1.9907974977412392e-07,0.0,0.19758796588574284,60.69175995709188,101.25985942764001,5.75818167152281,23.43355585311023,0.0,0.0,221.32736333999455 +0.8711786205056591,0.20648734715758557,0.3450742623594408,240.97771657677595,172.31456450738904,224942.3980211937,5.02307894032267,70.56538088235551,1.7200390201162754,75.79616803347756,0.9209058269401353,29.798858752639553,0.7529961629418096,0.9847303505022416,825.4258297817879,37.719822177406954,0.09566249242118391,58249.11573273453,1.0813320136053273,92.11380777842544,4986.665469844057,272.0049361057431,342.11400131403354,58.148211793141435,0.17164324761709887,0.19563634892287898,16.923545404199057,30.27601265537005,2.970464493298138,87.94006653176466,0.0,1.7436261413500065,0.12933758844602894,20.98582564578324,44.51015034441616,0.8489279049948254,15.971620964096997,5.280680838895859e-05,0.0001132097967789073,0.20395832271276057,12.293112389712231,32.567197705964126,0.3482655208474648,71.61919774800174,1.813195200041933e-05,0.00014063033626880034,0.16074423490451306,94.76778189253196,71.83535668176174,3.071368346155314,20.211804595026372,1.9907974977412392e-07,0.0,0.18737160409634063,14.52735148606811,66.98933600234948,4.454622901502021,24.135722623238276,1.0111140166751858e-05,0.0,194.4923101206499 +0.9396988891684892,0.14302679981231164,0.3389375952735661,217.12188774481237,208.7345582231357,278542.13207166956,4.42574842745448,85.4042457743879,0.8687856588090961,69.58256242638751,4.552331334196124,27.916799672912063,0.3266265592510231,0.8197161839407746,252.1605055631366,19.486796473114325,0.22418476088839887,83899.59703192564,2.8078546369073747,86.1677520048099,3473.9955578421536,153.709585748506,348.85446072041367,57.90953345525411,0.1594973997563432,0.189432021887314,25.51582770254754,48.1912207514326,3.638821305422915,28.12860619128516,0.0,0.7195867546536449,0.07693348948254189,46.12315833188576,74.9985150944638,0.6137307778092729,18.80644693039266,1.6033010066721712e-07,0.0001132097967789073,0.19880482366754107,29.461568325694167,54.97245580404642,0.3036076658057255,24.031065653539315,0.0,0.00014063033626880034,0.21051746547257044,111.77831676533282,76.66840768189154,3.547476391829762,16.97396872444458,1.9907974977412392e-07,0.0,0.15444152374298473,70.089790345705,120.05139159004675,6.848359377339757,21.769189275692753,0.00012415229006114658,0.0,234.24591638003784 +0.9612814532376474,0.23175649404563886,0.32841223263663794,241.06792321019967,215.47359828041675,234400.86800679556,6.364230694098784,82.58073620484251,1.5010251851541008,88.7349137589728,4.08383771713872,26.216258603772026,0.4762729655539061,0.9782301344140016,961.5322233441457,93.94468863569512,0.15134192647633465,174656.8815214289,2.8360863247494583,87.10585306609327,4391.835715961033,291.2219121538972,348.15272805371615,57.30479925704875,0.23136129010905154,0.19239521351045108,39.22877576360187,63.979250649259804,2.9016941456041883,26.732001160029178,0.0,1.205349513895516,0.08929599656385676,31.087622921839642,57.56623716433388,1.0952461446239254,16.85519162715908,1.6033010066721712e-07,0.0001132097967789073,0.19930362524132764,37.59243358564386,67.28341210763799,0.38733303684069115,21.389536006047663,5.554985580246929e-06,0.00014063033626880034,0.2144154328152038,89.97834723211513,65.86709683034363,4.639188115205204,9.309652225874496,1.9907974977412392e-07,0.0,0.1301242152372069,73.04938187283992,128.38872511519713,6.871982896213759,23.830634931586694,5.7344371500885513e-05,0.0,228.68788949451022 +0.9035292310230969,0.1947541687785652,0.34413665274380145,118.16340066355369,21.868961828345405,185891.85586929278,4.118579015378902,77.27640327582422,0.6473755542562992,32.81445884127721,0.9135996351293163,23.210032422244563,0.3908717522697547,0.8292049878656197,610.3986133694552,49.542081919343694,0.06345214471059799,52656.38011060422,0.8338012287776814,72.74869643219573,1592.9671662905987,141.97532011330634,339.8286054061848,52.76910028512806,0.17093622389063343,0.19923539733147982,13.506860650851582,27.427027685121878,2.6592087131685194,96.79886606724571,0.0,2.194437661901898,0.1342674997676103,11.915742105931752,30.987394773459876,0.2627319785687153,11.225543962719525,1.6033010066721712e-07,0.0001132097967789073,0.20708935688719826,7.606230923973601,27.740408242687494,0.2817836214352153,73.72729652421827,0.0,0.00014063033626880034,0.14357621393692444,34.06681070113921,35.36889139725264,4.502050513282563,25.08554267622881,1.9907974977412392e-07,0.0,0.21632497317204002,12.070071532336755,33.43877697065334,4.405032161224632,31.870020467054232,0.0,0.0,152.21109210381772 +0.985038376612863,0.22947574854784597,0.3382309484445343,141.50440844142793,217.3704694391695,277216.18537664285,6.7265442057571185,71.83843663111514,3.0130680765016633,85.09748086337079,0.4164176685736194,26.83625855503454,0.6985305732216117,0.6808719065121297,894.2441422279162,23.884754849699274,0.3152974288666019,172010.40064066448,2.884196565712121,96.29850822122643,3650.080221360551,297.45570579300744,348.750253775312,52.9029541261923,0.16083089275790413,0.1940264064823023,32.618543701188756,54.685221652431885,3.3620552419944247,20.948416288787204,0.0,0.7830207731353513,0.10163015808502686,34.94298754299363,60.6546546677805,0.8150168090602237,18.474562248764027,1.6033010066721712e-07,0.0001132097967789073,0.2034415237468471,36.587411245975495,59.45476387025605,0.343507788181767,19.56331772755983,0.0,0.00014063033626880034,0.17007989763443515,117.23946747476054,80.0393371080045,3.525394164240471,8.24466783387534,1.9907974977412392e-07,0.0,0.1931417899394444,66.01963186190518,118.12126656320034,6.215394714055799,23.72654301095471,0.00037025710169446267,0.0,232.69780812893313 +0.8846365471531696,0.11414637932757236,0.322077991972402,165.13136040620978,184.53198681485833,318901.9868708932,4.637215800367577,82.35524007914685,1.5459906309547355,90.89510879097958,2.9297246083130624,27.67623188131544,0.3446356800018138,0.8315208061577661,655.2018883014091,66.08673610423554,0.15299196646102067,118084.03135659276,2.833539324012591,84.67145691933803,1766.6928138093938,293.2279268796487,348.4920975128772,48.173271647968924,0.16670577088310334,0.19138746108656376,33.12818824605762,54.97625753297905,3.0379496440637084,27.319694168598247,0.0,0.8117029531040449,0.08188075257316026,43.95725286168799,68.23799040505435,0.4534318852914082,16.114311093955518,1.6033010066721712e-07,0.0001132097967789073,0.19790400130647623,34.60575923175597,60.202635600795645,0.2788088824589136,22.35165082977195,0.0,0.00014063033626880034,0.17997852689635221,120.10916383758908,82.03178908936317,2.9772634061560046,14.508032684102089,1.9907974977412392e-07,0.0,0.15338357822746887,42.70445119187807,135.07883956711285,5.036433284583906,26.109401233032703,0.0002829898842769815,0.0,243.30678194261333 +0.9177078342289954,0.18037162053123768,0.4011524215471754,137.3406482609012,244.5643102317709,209813.9589633165,2.2395680845481682,67.61281914247147,2.6884899736527075,52.18381165353628,3.7140806982390493,28.47585884898498,0.3580909312196363,0.9852864086893685,757.3125647092713,93.64243782003815,0.2968981017183245,96066.42613235282,2.682852073397967,95.37590738946407,2641.118893291814,261.1723099085811,348.12182476889814,59.52581225257899,0.15757859281365494,0.18785643875018573,24.660358077380316,54.21799658967916,2.427328677669746,25.29023651069309,0.0,1.217370470949162,0.08853164928660846,40.116607759510295,82.69082438573223,0.269087913971472,20.387717263084816,1.6033010066721712e-07,0.0001132097967789073,0.1951765349717777,30.320721984205093,59.31421344262809,0.25161612152775403,24.005429826469893,0.0,0.00014063033626880034,0.234221867538194,116.53662889425094,80.81326699520525,3.679933043390868,19.27892861754216,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9598615126089727,0.12266633890864796,0.4271667486881473,40.01544567925191,127.62949689027589,273766.1330258026,4.351226596267905,91.367047333197,4.619890198198439,62.27434868975027,4.978898383290753,27.59556617718271,0.6712330972135753,0.41255619474285676,799.2600017231791,58.78378178350619,0.24668193728515417,98872.86291295181,2.7392733018468007,99.33926679708257,713.4644762481248,299.154712497477,344.485620205803,57.86012936164902,0.3335622492835046,0.19465901284735873,15.10073215816435,32.56370391366245,2.654236694624809,26.889894891987126,2.2323755830825268e-05,0.9671502611668726,0.08513419023473431,13.509932021782191,29.2855284432062,0.20719583493692706,31.561007901265157,1.6033010066721712e-07,0.0001132097967789073,0.20570416787797166,18.362929441519597,34.95674719705707,0.24604815455849555,29.1278504505012,0.0,0.00014063033626880034,0.28598277051467247,30.48899764181486,24.042167516389206,3.4689426185317718,26.493146369183016,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8114521341109953,0.15064589599718142,0.34382033715012095,204.43543068892458,62.47383897980044,192462.44166444248,4.194499000963177,52.83998025804503,4.289768019755566,95.67390040487612,0.3995831636006368,26.846270365675156,0.41430006341652775,0.9107880813897374,192.09233376314154,30.53568217348242,0.205350751376764,130966.13135025659,2.9440670874289165,67.86952889736827,995.9449840488282,252.65430403576482,342.99353980604747,54.19850627835321,0.1698901679898455,0.19214605731646792,30.313151947889164,54.266837417084574,3.179615438029345,21.501127010494077,0.0,0.8058617159534576,0.10914855675416801,46.61942716894024,76.98461767461302,0.48713671677116427,14.643005431036482,1.6033010066721712e-07,0.0001132097967789073,0.20489549027825207,34.05732101371361,57.473086363273495,0.30726781809689063,18.252825300252773,0.0,0.00014063033626880034,0.11064054777011986,110.58870347460169,82.98461995278244,4.341979548068195,15.4199789044591,1.9907974977412392e-07,0.0,0.19942042161838958,59.11292859287576,100.89314095856798,5.297537138588011,15.427777246561366,5.995431809888345e-05,0.0,225.30142699172924 +0.9659700605980609,0.23163475743941886,0.3289514750342238,70.05534792145956,48.773423727828,287092.633584417,5.051501537876801,94.8495054478594,1.8825624042013518,93.80139620138596,0.46248983967343094,23.868542299906636,0.3493984501098382,0.9402483215307584,170.08049452852498,81.02200356765756,0.08544857066231841,162891.270577754,2.9475740608069056,85.00902155624263,102.83194071955722,287.6202138976865,342.1187138713416,58.46053731372858,0.16270502893417613,0.19442641179650944,40.09822384810442,64.01715240701522,3.1780889940730264,25.237645065466378,0.0,1.6386068719704756,0.09219456345807811,38.891278431884956,68.4007204496765,0.2103246834993775,14.318601364096248,1.6033010066721712e-07,0.0001132097967789073,0.19915309414264992,36.91649691030566,66.81831657210851,0.2566460218874155,18.099699792014935,0.0,0.00014063033626880034,0.09529564115607182,94.76439611859894,75.11055043969948,3.6271762939257264,13.594369160681671,1.9907974977412392e-07,0.0,0.16165271529413533,69.27688233641277,127.18622784931266,4.700295598043964,18.8285645205101,1.169228542868214e-05,0.0,234.69006122372946 +0.8133727928223384,0.1238381191853258,0.32369941654483203,27.272437888407485,164.69532120250747,105614.73907067311,2.791168739030852,98.16681553673453,3.7331039090118847,97.44830141954725,1.9826245618361362,27.725369110503276,0.321607797533534,0.9724119897166643,756.7035425876455,61.047497252343476,0.23941818740993476,248624.03043475453,2.9385491504547536,76.97741700869376,1940.7935391137685,171.13839358294396,346.9589035362001,47.830060162288746,0.1602860277311329,0.18837059835508552,33.298497873077196,55.89339166108099,2.6078232127633183,16.361761748610988,0.0,1.3639521080969808,0.123376055812869,43.33304290649798,72.50102242601525,0.2858756655627871,9.726247539612134,1.6033010066721712e-07,0.0001132097967789073,0.20029470723942308,37.448951651248954,57.65877412137697,0.265130518570276,15.330810729782295,0.0,0.00014063033626880034,0.08935713283562342,119.62686587777814,81.05833691224831,4.937385319211957,11.684236468384471,1.9907974977412392e-07,0.0,0.1888595425801288,71.31574757506053,114.59009264151534,3.8937144489452784,11.230681986492279,0.0,0.0,236.8550471406254 +0.8145916127071546,0.21917707534544825,0.3316541050210576,238.05941369075293,166.80090524908286,323169.1927217657,2.3886320883229937,97.94809555576335,0.6786618901217216,79.4246733831511,0.8683137715746123,23.22280052328514,0.43288574400899693,0.9147235716817945,957.1940708437504,61.52984226277921,0.32248128351776606,134298.2342788285,2.3637283435427863,93.19639486367544,4298.569011783172,287.21044415463194,345.0862577689886,59.29894375204239,0.19687656016528313,0.19606581383226634,29.256413788224595,50.21047076970421,2.7768396379132896,32.08654128588845,5.452506087422348e-06,1.125618946855793,0.11944681672864593,47.543464925907124,79.03880304429987,0.227827180461892,16.205979185546664,1.6033010066721712e-07,0.0001132097967789073,0.20513815870607333,33.23915488764485,56.363404679447555,0.2401585643821072,29.896068865521247,0.0,0.00014063033626880034,0.11361343456088922,114.96244907739815,82.20517601138556,3.5408215503979656,14.038620720783527,1.9907974977412392e-07,0.0,0.21376353609826534,57.7533903110805,98.13834637709483,4.355659749699161,21.162432637307052,3.063186606980983e-05,0.0,227.98793483097057 +0.9833022777483729,0.22149514799878986,0.4063903711330735,209.27589715275874,247.66369907480788,340301.1184173819,5.898808664956651,76.76875022111655,3.6480269784815174,81.77490935601143,4.849170240290679,27.97393661847095,0.5811694565307135,0.9839149117445272,762.8007676387288,92.5482458532252,0.336099540156876,293661.48919092724,2.976674279865078,89.6988379534837,4841.271551470038,291.19678819002496,347.7024891762303,57.42475107308143,0.15011549210735484,0.18865434047505078,34.72529529450295,62.91972273673139,3.1835854133394417,14.087362504093935,0.0,0.7617451363063864,0.1096350007286922,31.98839653267638,58.26640895145757,0.712075510057719,13.963671044730697,1.6033010066721712e-07,0.0001132097967789073,0.1991468657034083,38.952919326162544,70.2830867136966,0.31818329469351003,12.541947497311067,0.0,0.00014063033626880034,0.2163275960661536,112.35594328208667,74.58313426767279,4.522029780804461,7.29801663106922,1.9907974977412392e-07,0.0,0.15595654524937264,76.89686280483163,134.06442872881954,6.349123083890251,15.88603274262248,3.97977405471178e-05,0.0,242.98460842097637 +0.9206815296260009,0.16137573224196058,0.33216404526233667,163.91556115144544,222.3595817722618,349102.5817924792,6.08872210542331,8.27102735766264,3.9925500517319046,81.27009084768254,2.8689122786097814,29.099470012479642,0.4092668984815411,0.9843384001242066,379.90854070294233,23.48848815020927,0.266236231173145,297701.63581408525,2.874468625552154,98.1852731035785,3922.1912882845168,285.5002153707635,348.9578430940888,23.81256100131936,0.15189167244150847,0.18672960076515602,27.68061448170639,56.73895556072558,3.787182305697946,8.795264351631282,0.0,0.7629123594886903,0.11459907175885954,31.03261824258178,57.17031260166638,0.614161937693568,10.687162413938315,1.6033010066721712e-07,0.0001132097967789073,0.19927091181421538,30.870051319607335,60.42266781275137,0.3047712552293669,7.628684474551043,0.0,0.00014063033626880034,0.09760457748303603,118.55302624379942,80.24445513822054,4.486592356923169,8.736737278026018,1.9907974977412392e-07,0.0,0.16383472410507585,65.87894276176817,119.26338464913611,7.08062325358695,9.872684389603302,1.635881959486933e-05,0.0,228.88422426119718 +0.9080515245510682,0.1230235259316319,0.3241975178545564,127.42947577036068,173.49441237248476,139370.1664640506,5.509101244125675,29.106168252657827,1.1692532546497136,49.27627575283571,4.820212441092076,24.20309786724481,0.604550812731622,0.9173939627638827,535.9101207045185,41.640367881336026,0.23134447010518844,234529.58223763658,2.9126801628808856,95.38640799075044,1878.4446793444176,241.43815558434537,348.8798801957554,49.09497127445021,0.16430825929858872,0.19278661945349765,35.606433223888374,58.47873240686256,3.021141138626044,18.86576622797836,0.0,0.783787862421174,0.1150611486869318,40.59621662081425,73.59614067872359,1.1507345405881944,13.297393723335869,1.571029442207745e-05,0.0001132097967789073,0.20381601652204168,39.44785809899812,65.60668060745576,0.4048302997061456,16.374192763200252,1.5027984099499263e-05,0.00014063033626880034,0.11745671507047857,107.4637602541577,79.75142691950444,3.7272476859277464,8.278355418205065,1.9907974977412392e-07,0.0,0.17904379619102942,75.80468925570447,126.32017746613182,5.536286918826739,16.34084565167659,0.00014639304494817656,0.0,241.69526219955972 +0.8992800621109703,0.1546486821729291,0.3683901760887545,234.44309107278568,178.48463757182515,203392.2390250269,3.3040136688751236,56.25253758494617,4.718697626297318,53.66035477989428,4.297870678289149,27.74596486348807,0.7601844065692626,0.9868428441591781,822.6610471397839,72.46414957140198,0.14513200607808874,151985.88605523107,2.9895546894285725,99.55882826189229,1118.3919696673202,258.71384056694984,349.43587616602827,55.2758367273191,0.1816147907769469,0.18682295217354128,35.67818472731175,63.49511581879614,2.5702579921666104,22.881620427251317,0.0,0.7599777266316345,0.08012848990618163,36.8087729757336,64.79250444510116,0.6041262463442344,17.28656697951437,1.6033010066721712e-07,0.0001132097967789073,0.19302417155572257,38.03925662863948,69.2179982140514,0.3053283858201896,20.206283062826355,0.0,0.00014063033626880034,0.21499297876760132,104.12024885306222,70.91865871732477,3.6027293260841806,14.52721847977364,1.9907974977412392e-07,0.0,0.1292939361269325,39.943621082947296,138.8003953685414,4.002392644124588,29.32055658559385,0.0,0.0,236.99232808143807 +0.9264574988775227,0.22997640692148708,0.33483555140313315,130.7822175581556,221.62772400824568,348561.11899050546,5.316321691173303,72.67619532854262,3.2036406289825194,97.96514102925615,3.8047459683650673,28.215601803079586,0.6690627876341337,0.9926181815202069,833.5955234544664,56.1740308004751,0.14680936058377395,108749.28794746351,2.8664069711057127,96.16214943581204,3668.9610024711938,246.37957539729405,349.1432274454945,57.98148886491487,0.18232730002752767,0.17613745984601592,24.232827066562283,65.52253378228497,2.9536954675043727,30.73816977802078,7.469233500476539e-05,0.9624772938677821,0.07941685726338181,52.61307209657571,84.61529743938384,0.4545271181480705,19.578223700688827,1.6033010066721712e-07,0.0001132097967789073,0.19838436333553683,37.42574453394698,67.80453087336714,0.2787310368707264,26.370020860896208,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9518853299615018,0.16465491625783618,0.37287273395479775,121.53584219977276,213.1733336886033,328260.2167414558,4.250847110440734,14.24153888823011,1.121072999742558,32.453601511625806,4.720134850031661,16.038469485182933,0.301500931937533,0.9971482996105878,914.1196787526428,85.97170418341354,0.29740858925798064,51391.12450452973,0.5302322375617977,97.3906201777427,1680.8240938696963,292.33327138612225,345.30013760352716,56.578741099267205,0.20717120758266439,0.19303340472786723,5.034193096931271,28.26315291112772,2.900034608782144,85.03844899213732,0.0,0.8508700798763792,0.13078757299792615,11.056017393720868,31.18572199026624,0.3299345557524238,12.788622001916938,1.6033010066721712e-07,0.0001132097967789073,0.20455714012865758,6.0654062907279265,28.04511040637319,0.26013852238578145,81.68729106027294,0.0,0.00014063033626880034,0.10869592175865468,36.350510812945714,39.919658905809975,3.1042899207936046,21.014760860757455,1.9907974977412392e-07,0.0,0.19450611637307788,13.895678542731826,37.059163333719056,4.55760658786351,34.280973441090445,0.0003565310907184549,0.0,151.48673799844093 +0.8839553913778203,0.14484133021796133,0.3201306373167561,208.8107913632839,206.04944210517104,296901.9620450193,6.9834857162749735,59.10200764030592,4.684699839891359,75.2092116462964,4.445528533721195,28.989268021103396,0.46774642394091903,0.984314231009077,593.671791436718,48.51297249816217,0.14965922750668884,189579.84118164578,2.961397836673186,85.31220730088381,1599.8214961681072,261.13779537190766,342.93630514802555,54.25367504302535,0.20263164583851961,0.19129526116454112,38.68549614887139,62.8828815059183,3.3678543497983444,22.040804656965843,3.4087935017949352e-06,1.1828522902636776,0.10638246410679623,32.29470255011395,58.40785369940064,0.9066705967157339,13.798389370702747,1.6033010066721712e-07,0.0001132097967789073,0.20101636235300765,37.18257025189133,65.69255786404149,0.3555801143680103,16.456629942756013,0.0,0.00014063033626880034,0.13099573856258803,102.1788367191619,76.16977371950962,5.353577107289263,9.052479865339032,1.9907974977412392e-07,0.0,0.14822008904614867,76.3922378399311,135.97457067390238,7.6748403896359525,18.904880420271834,0.00011026786724741655,0.0,240.12132124002744 +0.8109765931316332,0.21210058737131737,0.3583000054559898,208.4572137301486,77.53888608551127,304783.4504318524,6.252759243989186,48.98695152861218,4.27358482484034,92.44765738013378,2.1113140583386008,29.59458491148087,0.4704993105461256,0.9120686869907733,856.2615011438954,65.55834813785684,0.17405479596538886,295049.287775039,2.862375456310564,85.78644818471425,4336.11880140555,297.9873150402079,349.7735727291356,53.16770745975458,0.22298399511070305,0.19605964204551435,43.01898138161154,59.99772790288726,3.134028979794377,19.566030105526725,0.0,0.8531845755110669,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20365894676161114,43.16241919085049,67.67780148217115,0.30283619013580615,16.48343588874578,0.0,0.00014063033626880034,0.11378436754320076,102.86202741154631,66.18842500109243,3.1364631126264286,4.999576490343672,1.9907974977412392e-07,0.0,0.19845469533840526,68.26793045444941,110.75568162701825,5.295067649846336,15.821193897643491,0.0,0.0,2698666337285.8823 +0.8898890649187794,0.14947476931869613,0.3335995362558672,234.86672818648208,121.50248911018654,305234.72267987265,1.8109468153174058,56.25253758494617,3.510544840113275,84.3277180226862,3.098308154583606,24.609999838786376,0.3937629159536496,0.9555400227669218,348.36304167094033,34.44824949601746,0.262457194069856,104662.3876164536,2.6596071086092743,99.66607870489715,3490.633984830777,259.86672255565156,346.73427731173405,39.32115767596147,0.1827419691940778,0.18655181844334756,23.421895969116537,50.11605959142854,2.945063130335242,22.15510698374459,0.0,1.1175464995471627,0.07990768556720605,44.433833097169035,78.0233871707684,0.3096345385045089,16.01917898123719,1.6033010066721712e-07,0.0001132097967789073,0.2008496391432435,28.017807066868183,53.92711673684973,0.23488319053393364,19.69495091713039,0.0,0.00014063033626880034,0.13074251048698202,93.66732146146293,74.44457177691098,3.6878705160712264,15.366035804328666,1.9907974977412392e-07,0.0,0.16286207497431288,53.83374906205153,98.77405994866217,4.434855200175687,20.175530477166863,0.0,0.0,208.82357922212685 +0.8437745116007515,0.19952492862979085,0.34413714130289136,234.977448191685,230.09430480143055,281621.59495864395,6.432302416905379,71.15905218269542,3.3125153544437427,37.66231267842683,3.7979758778878665,28.524472102390256,0.3880009852011731,0.9887249242849145,580.2988701854774,48.796874154650574,0.3187354731254549,192359.4148441923,2.9929662798860845,95.58056531603354,2598.5466922311334,233.5734576812973,341.68417628714326,52.11746105804235,0.173670979641101,0.1892902724191828,34.23296671431795,59.72926138956979,3.2893685805674404,17.701100404074246,0.0,0.7312247862217449,0.12091964032465352,38.01257901976221,61.7983871252665,0.9557298537283526,13.014934704212088,1.6033010066721712e-07,0.0001132097967789073,0.20036635249486576,37.70666885183159,64.92597577584847,0.36178532323119134,15.037658073296832,0.0,0.00014063033626880034,0.11995420202275234,121.50744017328275,84.28249357489733,5.432533639126504,11.006363796126116,1.9907974977412392e-07,0.0,0.1787238765059751,72.19104168969054,128.50044381359746,7.546299883169142,16.045238004274946,1.5567476734375503e-05,0.0,245.80193913819298 +0.8887213498266949,0.16204877012636953,0.3686919967897378,238.29563601561722,177.88776731768843,305845.69742757856,5.429620762779571,61.699875711403905,3.288822057974051,95.07600099804091,4.670285309736009,28.06512018984007,0.6104413964984302,0.9468147824559473,651.9118449275786,29.45787298504131,0.29732037883307677,150164.55456094915,2.9971151120891264,99.7520771562399,1185.0335604077898,190.36083838007906,347.63180996880783,51.571480938648264,0.1693965218516353,0.17228006402528057,20.048265835227998,57.44990223190364,3.1187860033234998,18.300394942863583,0.0,0.836093040381514,0.10527405612649547,35.61150712359705,67.67496386306641,0.6731354996765612,15.821689519967968,3.536906610750512e-05,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20437634956055103,116.25432301569383,77.40537640552742,3.4218013094188593,12.669057295843576,1.9907974977412392e-07,0.0,0.16063247751004214,73.95959212353108,130.73395039317234,6.125991323344396,19.28619870427985,7.649789933818362e-06,0.0,2698666337285.8823 +0.8920957322116783,0.18292369179069126,0.3209350883500838,38.47223146577326,119.52609651535782,220068.45798598358,2.0940527400411746,47.79792463377811,0.6467575238857692,62.604042658719635,2.672971637436155,28.17937529592409,0.4329978156885553,0.8135115606305976,688.3626884218179,15.154408155832973,0.06538929138246483,55286.27129455076,0.6991127726341817,94.07772546227396,770.728434988314,291.9191642942576,333.8046025620588,53.745931814722084,0.23757738017013041,0.1956102110961283,11.293500462903857,27.61967171913845,2.5081796877609714,91.2385398059931,0.0,1.1219026865513142,0.13334403098877262,11.873019465701974,29.845222527904887,0.3559143007624452,10.098277872726104,1.6033010066721712e-07,0.0001132097967789073,0.20608316194007184,8.81527147662831,28.676360757252024,0.23582724490994517,78.64021548663561,0.0,0.00014063033626880034,0.14343977565963575,31.25679747136365,34.41934192837621,4.343940971255663,23.637229239238486,1.9907974977412392e-07,0.0,0.20962168443803866,14.377829060191646,38.40916877145527,4.149547544281588,35.221070963173325,0.0001012931966234101,0.0,152.05182838348227 +0.9520185083498897,0.25137001920169305,0.35239366802066385,232.94085090147075,242.74682000406116,339132.262880013,5.103505367513106,76.79919578697502,4.791296481454526,90.29056308560746,3.662290630972663,26.258688612182873,0.5966685939909322,0.9098508539284307,842.362720589836,79.74011814637619,0.33357255735254915,266312.9189340456,2.9053110719440722,98.14142201709804,4776.282008532029,296.4135902593166,348.88686209622824,55.08615172433569,0.18348106565037461,0.19054012293511005,38.76336623667771,64.69363726055678,3.10862290317966,17.92271975693615,0.0,0.8009971568370864,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20170098352240673,41.844268230508305,68.92937107635527,0.30298617496951563,16.76062069416409,0.0,0.00014063033626880034,0.16000316198527892,111.32678170173416,73.97615621196937,3.714894319546912,6.19919040005477,1.9907974977412392e-07,0.0,0.161810199837328,80.89477620898609,133.41319207987647,5.867309728618059,19.265992784484293,0.0,0.0,2698666337285.8823 +0.8524715565606843,0.2078334825443322,0.38087190148620076,179.22820856515997,199.91371673991827,200220.37515740213,6.343430301377583,16.176175560828163,1.335902871862294,88.80448417938786,2.381899934377823,27.343349781483298,0.38525491224290814,0.9973177769671242,671.0971114185899,79.84713524395366,0.20765651482180983,123235.87835287231,2.904486392157279,73.28488089266108,4567.243053279226,263.17294099184136,346.3696832192661,55.43139321865024,0.15870829699782515,0.1916187081937352,31.46427604949207,55.57912085079743,2.8847256530525183,23.329344136375656,6.306924277765185e-06,0.75875247265781,0.10052352758718126,48.76106360059154,75.54308627244589,1.1101355971503093,15.815336397695573,1.6033010066721712e-07,0.0001132097967789073,0.19980158599177839,34.307424244202416,60.33020752183872,0.39341379740522064,19.502207091251268,0.0,0.00014063033626880034,0.12887996206404712,122.75760784549982,83.39323679969304,3.9096084234535877,14.236790179565705,1.9907974977412392e-07,0.0,0.1760670339095201,72.52940562021146,126.85232323676227,6.552431234512995,20.39841800685436,0.0,0.0,249.435762933724 +0.8305326379349137,0.1948816946622527,0.36023305204809103,73.01061675929024,89.74050987280597,242218.46450836209,5.257237153885668,99.66944220117342,1.3028528533905668,31.268627450023615,1.7592920541503354,29.413764706662633,0.34638367906971745,0.9241716396814608,39.6883308869258,80.204177697931,0.2012484377093061,95703.18901678243,2.774252981752664,94.11007775914253,2825.5816374516785,216.9246037204851,347.78205004273354,55.09954764997104,0.22685919896277854,0.188952251259173,28.543029906554104,51.239914239608275,3.181828592595509,28.570258857144676,0.0,0.764494488120889,0.08351239255837674,43.2611660267586,75.89392308523958,0.3940973410635975,19.848183829416715,1.6033010066721712e-07,0.0001132097967789073,0.197610519071954,32.089193994723495,53.324054694565085,0.28427374057028787,25.183976202616474,0.0,0.00014063033626880034,0.13194099346668864,90.12788064681477,59.93738049015379,3.8310779007864686,13.69464058663676,1.9907974977412392e-07,0.0,0.17332843020490313,62.547692600039476,107.23030482806978,5.385326286845788,32.18982053669262,0.0002530986229967929,0.0,212.58838239612163 +0.952170770995401,0.17718038184982973,0.3743818513504785,134.82284618772158,146.3741770334341,263122.3460214034,6.556571000434738,54.416790229891234,2.450556070785897,81.31274036105148,4.727614440077649,23.299563611142876,0.42231618080923516,0.8773838671655293,400.1736831387559,63.05009748040944,0.2985372323038521,63367.334431497846,2.743882469501888,83.32566023908224,2448.000283917395,219.97347103254214,348.7249538571605,51.05260949586021,0.1606825093102809,0.1886740663080372,21.430370959960968,47.2463863641935,3.220576670793441,26.533091213098633,0.0,0.7906438043018572,0.13173090322341852,51.00576661602304,84.45622050017037,0.7305076508564587,25.24433934283336,1.6033010066721712e-07,0.0001132097967789073,0.2004565811638493,25.987242908328405,54.09678809212883,0.33444658872658395,22.690101640145652,0.0,0.00014063033626880034,0.17404193051428127,79.08893053924302,78.77586106583396,2.7466712058583296,18.439227854086436,2.5254265824029183e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9177078342289954,0.14647791220545445,0.3761860637543398,229.3034311251423,242.86173397166175,204859.7675111156,2.3477481901389368,64.88463746080163,3.8568256377284684,98.10023054512646,2.901169832894274,27.770331101026873,0.786591005280449,0.8121124591805268,789.0712230089943,93.77977703125318,0.28670292778403406,91162.27237536618,2.618946180482675,98.44212210218546,4901.152736810506,275.2678332935851,348.40048606074396,59.57793727890767,0.1518267170694387,0.1911551324665268,24.71456971255627,50.79157029064387,2.4514903863764523,28.257000368183512,0.0,1.1350193222768223,0.08550720258865735,47.15874541888535,88.78765453710145,0.43481803395464497,24.25030055771964,1.6033010066721712e-07,0.0001132097967789073,0.19900946160316932,29.728894991494304,53.89839719429107,0.2704093926641957,26.366103809074602,8.570468531558755e-05,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8232815557733031,0.17487242704162134,0.33230082756009555,147.06983595774759,112.91397193929396,194713.9705433897,2.733749990507575,33.846213035137,3.9816675223860143,68.07843989110397,0.4310720576844451,13.831625421409102,0.367179421910631,0.8840107082712124,154.41752344878307,31.594229005474414,0.08871309142928424,56083.29351527676,1.0900656640298805,45.623566343021366,744.4482774750534,59.25200242715913,340.40071519698205,56.35248990918674,0.237696604577675,0.19902461208803007,12.614895452518859,26.953115651052247,2.8791047718525387,87.24939288454578,0.0,1.0701058547187432,0.1399273368499765,13.803807180628052,31.064559250409545,0.30828882991030715,12.751778659243962,1.6033010066721712e-07,0.0001132097967789073,0.21054657033880603,11.286853668807094,28.532505090912426,0.2642303792587481,73.10218949450291,0.0,0.00014063033626880034,0.1505444003713368,38.14033327143253,37.80474047052313,4.1144727797900185,26.765085234884452,1.9907974977412392e-07,0.0,0.21555604710544937,6.485492614000215,26.558788990748912,3.6889974509066303,29.820410376892728,0.0,0.0,146.21525175231213 +0.8851856300185238,0.1584631947174618,0.34978792544675585,115.50250846918578,141.69815039490774,283320.46269935777,3.2099279893174906,64.1491671655931,3.5793840316249472,32.24378672968167,3.912467598926762,25.16673320477941,0.3496459266022893,0.971724273376278,701.1685120118254,99.1730262825166,0.2540671365148449,62151.15455842744,2.5232446510807396,69.76520528071158,2697.7698018958504,272.1759561638674,345.84527190530804,33.69892781805333,0.1564010540962702,0.18997200502224734,16.14937926902904,40.505535229652516,2.6858243259428405,22.232305209818858,0.0,0.9121533694255177,0.09745063066684942,41.114517273979224,84.3120726325039,0.21782802222547515,17.957824099154845,1.6033010066721712e-07,0.0001132097967789073,0.19908751534124428,20.756924702426716,45.635990908786425,0.24813672467776987,19.008504067775704,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8978360597607122,0.22668089286144838,0.32820435658436614,242.20103538448683,114.74505865384724,198825.0668081794,4.073414796194635,98.5569654968159,2.4429301461893083,78.8505620526123,2.165178087324242,22.992168917096972,0.4243977845845137,0.9240417382527905,475.6598707865711,40.8831367138156,0.2019342277287774,54068.51238775099,0.6906890994579346,54.97787811518174,3836.278236656226,269.3871690991589,334.30103497155517,51.031989263249834,0.23063854280027665,0.19496875723359453,8.485941444329006,25.869561625436948,2.880576611105088,84.92201382752856,0.0,0.6889702773704055,0.13441711249856017,10.827761454130254,29.36873967406023,0.6458866848924151,10.861694442874906,1.6033010066721712e-07,0.0001132097967789073,0.2061541698493572,8.610813001044646,27.928757385848897,0.321323067262157,79.57961120566769,0.0,0.00014063033626880034,0.1316843416548049,36.10803253288631,39.02105630486811,3.61481951670916,21.823652251574195,1.9907974977412392e-07,0.0,0.21716829648708447,12.395948608587915,34.12222579072956,5.141913954785119,29.966432402305422,0.0,0.0,147.66668314531552 +0.9409994696378974,0.1605179479783706,0.35852364078899673,17.513523822724125,228.99241291928422,319824.28105977725,4.639488479553108,73.82126763515805,1.902965379643148,34.52682796104716,3.2327864858388837,27.368238881659934,0.5187305772941988,0.31541107505397914,891.4738191495089,94.09904350533276,0.22521622322345863,83966.26100791284,2.88311460173465,83.50736452266042,963.748465301371,197.45661273941573,349.29975318991615,56.80820464901515,0.3189203300227929,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.10850995704987848,15.981039988710878,34.12349440238834,0.3511796057856152,29.656220324652924,1.6033010066721712e-07,0.0001132097967789073,0.2125389468375613,23.746333047873584,40.34628129690151,0.2365579253529903,23.33683069735339,0.0,0.00014063033626880034,0.11702107120985114,35.71971549962,31.33625436337861,3.6784325027494478,14.003422197748977,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9882423565435992,0.2362419021991632,0.332492360346544,233.32179089312007,154.80996969149473,129037.94161265176,3.7342561843249626,94.94129567720636,3.893172755002213,87.26701701598998,0.61512163802414,20.9112189833445,0.35724436610693916,0.9834635971986049,841.1088337812487,94.54597126559048,0.05539640204863053,268128.5773969663,2.995266468224563,18.632687949771626,4549.329868399343,281.3850630404013,349.83300614772907,55.95713241024046,0.20038212518120058,0.19724610926880626,48.67262458853277,64.75071077304153,2.6730463593774942,24.557974098744566,0.0,2.6959003044370133,0.1312543676286753,29.24818860610458,54.95274781161261,1.0257840997062235,5.080251847256357,1.6033010066721712e-07,0.0001132097967789073,0.20266861172005457,39.35082458273047,63.41699147136352,0.3817657376836712,16.54085652668941,0.0,0.00014063033626880034,0.11263709502915312,65.30940712242003,54.80123033774228,4.053236064983479,11.6213516143165,1.9907974977412392e-07,0.0,0.17709844122494564,29.89997437749393,83.05363012006981,3.777320077270456,8.405127804532805,0.0005799430358664953,0.0,179.50544210446185 +0.8534236264673374,0.11375771172250035,0.3257359556158561,64.56421019267222,27.39185765994897,181774.76175715297,2.71700504173469,6.13344202979442,0.4269535016327224,20.68324636859211,0.28880761311331643,23.271793792051298,0.4701766503361272,0.7142070337128004,428.7051217948827,48.39132503889305,0.053010052935243135,59019.24358313074,2.5151865827738344,86.32816561466188,640.9679998657994,219.36184967063318,349.5815966324406,54.08388824167921,0.16410474885080112,0.19706711044556371,28.130544917899,44.63192473804726,2.499214933649378,42.99106320003329,0.00013883270874891077,1.5934272458842593,0.0958604753386086,47.43210389857049,88.49884896252941,0.2299890459028588,28.354116689877532,1.6225146497903992e-05,0.0001132097967789073,0.2061843608166297,26.368498383304924,45.55283197253881,0.24653970301580588,32.22458453054506,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8408461229280522,0.18781174149483615,0.34441699137295645,209.42860004124407,246.25120456673545,301655.502515333,3.5328657237724967,74.84487332637477,2.000799765002225,90.54730508347635,1.24142889531391,25.0177278265842,0.6998889253986836,0.9087715869891329,604.7469623551292,25.239479249266402,0.22493799090298175,262112.762161574,2.9565676468751145,43.105835737731844,4761.919345527843,249.8308077510835,349.4845165222276,57.70518955155667,0.19384760649196298,0.19507180701753865,39.476974585333714,59.4356324912202,3.1183022260653925,20.43011096236586,0.0,0.6911817806432708,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2056834732924859,42.607693648775374,63.88718294052863,0.2697684914843256,18.118684076406836,3.1541365412876215e-05,0.00014063033626880034,0.11107459388672435,95.43539949995319,72.10912327384932,2.973791084791957,9.978845931637906,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8910760427920725,0.22763086894245735,0.3684210136331697,185.7813874960832,208.19019795326003,280080.49296876765,2.923126706272704,55.41594787862418,4.713943635489902,69.52272219629877,0.40893238792885,28.11028330623756,0.6297815625357912,0.9494181411814915,377.83069339180986,46.348462566256615,0.14502448054125408,150777.75407832186,2.5637073660897123,99.61996237939965,869.1749657740463,228.11302553218482,347.73452104254886,49.88221382456115,0.15954018365910055,0.19245169644389162,28.471791933042894,49.1107520799965,2.9429082043576797,23.65623221072802,4.657579847571583e-06,0.6549694255524017,0.11317236468825793,43.766326450035535,77.64819913613152,0.3029651595409523,14.11006579898762,1.6033010066721712e-07,0.0001132097967789073,0.20458225689651863,30.718566790317656,56.952969493067506,0.2542660968708009,20.493700276039007,0.0,0.00014063033626880034,0.10893768270396495,116.13769917762261,81.30618235963507,3.188434874070474,14.067496892451146,1.9907974977412392e-07,0.0,0.17945581513775333,31.554323860727457,106.04942747518669,3.9780217499762687,17.208076199182315,0.0,0.0,222.2687991857881 +0.8713958530615711,0.20553489657423402,0.3401240632165862,241.6351043567367,167.94738530694693,224942.3980211937,5.02307894032267,70.56538088235551,1.81429698970711,75.79616803347756,0.9209058269401353,29.798858752639553,0.7529961629418096,0.9795381221538206,825.4258297817879,74.6453369709734,0.09566249242118391,58249.11573273453,1.0813320136053273,92.11380777842544,1879.0234334985635,272.0049361057431,343.5678378826279,56.45249613064015,0.3058564647933102,0.19670165080767668,17.16213914635888,31.792895291434732,2.8077311475878486,89.9334241517647,6.159441426562882e-05,1.842369510668935,0.12710280638363533,18.77987850819528,41.64442941391963,0.8407682462448375,16.873954623200294,1.6033010066721712e-07,0.0001132097967789073,0.20266493217244372,12.855342796594991,32.502487600105965,0.34726797308872964,70.89842589312934,0.0,0.00014063033626880034,0.10691490898754635,47.8571473899238,46.61068331039544,2.9705277044942435,15.750015724057766,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9518853299615018,0.16465491625783618,0.37287273395479775,121.53584219977276,213.1733336886033,328260.2167414558,4.250847110440734,14.24153888823011,1.121072999742558,32.453601511625806,4.720134850031661,16.038469485182933,0.301500931937533,0.9971482996105878,914.1196787526428,85.97170418341354,0.29740858925798064,51391.12450452973,0.5302322375617977,97.3906201777427,1680.8240938696963,292.33327138612225,345.30013760352716,59.23981314455768,0.20717120758266439,0.1930334047278672,5.357929549344188,28.44160515360816,2.900034608782144,86.86449752250603,0.0,0.8508700798763792,0.13078757299792604,11.484299896933727,31.723845275382878,0.3299345557524238,13.09995539281445,1.6033010066721712e-07,0.0001132097967789073,0.20455714012865756,6.43058016870033,28.290066859871718,0.26013852238578145,83.40948453206106,0.0,0.00014063033626880034,0.11309039054462221,36.37533180832957,40.866368603136934,3.1042899207936046,21.604612248766887,1.9907974977412392e-07,0.0,0.19455585138329878,14.27664216492973,37.3955419071843,4.557606587863528,35.33429865740816,0.0003565310898163334,0.0,154.4098692828928 +0.8646830779562656,0.13419197667339453,0.3581490588286639,194.27357960999336,191.8711437857095,302164.9159674101,6.067566363850104,17.473789545962795,2.396498869175585,57.11796864266134,0.936222285889319,27.645893454714496,0.47020525455951684,0.7886612012043698,441.20679084747815,57.16938818812033,0.05547591643351451,282634.58185946115,2.8643386761608283,85.61241328078194,833.2598804352888,297.6743558985269,343.58369400147654,53.450338281223246,0.32008024395670714,0.20083755729217673,46.214861147121994,59.665026304074274,3.397318718889467,20.61419908466699,9.774675198254022e-05,4.482684058304145,0.11858026499485586,18.791236904449285,36.58175237160308,0.7356551042830101,12.871477938779863,1.6618673909174076e-05,0.0001132097967789073,0.20445954668496336,31.89995106432759,53.92230950326166,0.3274429652473518,12.314234708758097,0.0,0.00014063033626880034,0.34458769501899233,59.84814169600487,33.32132858442581,4.929769102875722,32.63096436542509,1.9907974977412392e-07,0.0,0.1746896600705991,37.46281572029582,74.27610166820223,6.769177605600798,16.9354196427846,1.232689248519336e-05,0.0,158.49701073871984 +0.8049942697298574,0.18137996178309762,0.32742884790845495,14.854131377228157,238.10455160651685,198825.0668081794,4.073414796194635,98.5569654968159,2.4429301461893083,52.06378794024489,4.576201585712425,21.179012556006455,0.4258719527131901,0.8511529929786026,116.48584241256572,34.31852352858136,0.29233009734165816,57477.50556457349,0.6906890994579346,54.835804045874006,3939.5248848367955,269.3871690991589,348.5129055532562,37.66445193212445,0.21190539274507375,0.19586201677727824,7.168634572511839,27.070200246935055,2.652355163353211,76.78644746053388,0.0,1.3782929004570754,0.13571921943811685,16.264568476904405,35.60338123933858,0.2814435877954738,12.64104398311529,1.6033010066721712e-07,0.0001132097967789073,0.20930366971812642,9.263845482606682,28.182150661566094,0.23894871618140479,77.4472631134125,0.0,0.00014063033626880034,0.15255438049617526,40.436721978811995,38.707893063692815,4.138588452752187,28.42571741993599,1.9907974977412392e-07,0.0,0.2107611662850583,6.531245340546574,29.595650983364948,3.088078512302315,32.00556256443649,1.977754637589369e-05,0.0,145.5014693283027 +0.8920957322116783,0.18292369179069126,0.3209350883500838,37.778367146866294,119.52609651535782,217691.1515158364,2.0940527400411746,47.79792463377811,0.5323789630997782,62.604042658719635,2.672971637436155,24.055639015685166,0.4329978156885553,0.8135115606305976,681.6199905424436,9.156487343667429,0.06611241875789296,57550.0685670267,0.6232802352402764,84.0698965037673,767.1986509075463,296.36243773912224,333.8046025620588,53.745931814722084,0.2480800433658063,0.19666958394720718,11.27114873758112,27.37517158796364,2.602437874601412,90.550172340201,9.835722792054463e-06,1.0722223777732338,0.1347634329398259,11.795022853726714,30.86362143284495,0.3554164119799684,10.975489646809738,1.6033010066721712e-07,0.0001132097967789073,0.20774864662905684,8.727877344761783,27.659138626498994,0.23585402576103578,80.3816185567158,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21861895988537555,11.497741494763586,33.08945048975727,4.3683513679600985,35.39645646665023,0.00017613897208374943,0.0,2698666337285.8823 +0.9643913729733066,0.1364692655583133,0.34720176666203734,110.24397508182425,171.48686576441182,236619.24884668953,6.21291654219777,59.182131540575284,3.3173427486289304,96.01547056942417,4.77875355695875,24.983508919870637,0.30074297020804264,0.9239457499223452,880.9031654698301,96.63719078483538,0.05086776954995882,228026.57537994912,2.8870067704706703,96.69784841605261,3389.4539429563292,125.62167001499495,345.5991345629358,56.63766407045634,0.21057158401312237,0.19847880183992636,47.7807233301956,62.76783033265839,2.949432173718124,26.453078504788532,0.0,4.519597251889666,0.11415349668721045,24.69376691904497,47.95944159217891,0.7448440872016924,9.804890241544397,1.6033010066721712e-07,0.0001132097967789073,0.19938915397260082,31.570250316414786,56.42506004563333,0.3372702429500318,14.225552410143736,0.0,0.00014063033626880034,0.2719832143110956,87.75634046027524,59.84604285786511,3.0667705686830424,11.701811444665285,1.9907974977412392e-07,0.0,0.175249594537048,47.32772655643442,82.16039080614703,5.079356831329333,9.062392998333241,2.6592440959125658e-05,0.0,186.73148415290876 +0.9786980628573291,0.1369003387667561,0.3937284910859742,215.46888344270036,139.55663867254086,291350.4500912831,5.153270633460524,12.9547111053925,3.262964298325337,57.27750120485168,1.007577571502184,25.157309229158418,0.4690559054518197,0.8261194113461293,428.7051217948827,57.253597025658415,0.05547591643351451,299847.5425636818,2.9602685535749576,85.95734303267913,833.2598804352888,218.57071176633656,349.5815966324406,58.37679562508692,0.23123478808805165,0.19822472068201513,47.3808907554852,61.15911343317549,3.2462982666935214,20.833612602335474,6.1330336740886e-05,4.086406377023824,0.13048360538323256,18.93116585154297,38.1029939781257,0.5767617452660025,10.115984750459635,1.6033010066721712e-07,0.0001132097967789073,0.2060956901912401,33.90019279660078,56.166259866235215,0.30385924126053626,12.013222183713102,0.0,0.00014063033626880034,0.35111894191987525,76.18650317444198,41.96602817322187,3.3428445209229487,19.32657050063308,1.9907974977412392e-07,0.0,0.17413487128192254,39.83600918249311,78.37440380521024,5.857071227545853,12.51799261861656,0.0,0.0,169.34807806546186 +0.919234660093328,0.22089322292417662,0.3275905685513621,183.9765302475234,244.77321279312469,302705.85842047725,3.015742712209277,47.38550312728708,1.4817328405170387,79.60454938502629,0.4108996011820034,25.356320138644485,0.5033503301541784,0.9607497784093672,283.19931724768867,46.619270418060836,0.2470149207662367,241202.26768584625,2.9783781923702026,85.68525673428803,3584.904991005386,271.54893534741933,347.92132241089354,54.70410182300161,0.20798610738766243,0.19112667083879037,37.960484284432006,62.372827113386364,3.119032406207329,19.50163497314203,0.0,0.8808025846073847,0.12290056003921056,33.924397613821235,60.312807131389725,0.3038804070857477,13.912609909101201,1.6033010066721712e-07,0.0001132097967789073,0.20218256380931468,42.12767428190775,71.60861451329899,0.25298144980041115,17.33394964833227,8.095898431768797e-06,0.00014063033626880034,0.10633098864118219,93.56137668645515,67.74025735507561,2.9958740598321274,6.907678826834728,1.9907974977412392e-07,0.0,0.17358433284700778,72.24792386792164,119.33398463509785,5.02704192248836,18.146756786553244,0.0,0.0,226.1009510078464 +0.8915726627846728,0.20747565032710277,0.35111140235005966,83.24099282582787,173.31579052263245,220068.45798598358,2.581753687172323,69.78483001106844,0.43605066627554434,56.04911435152908,0.4233857835106922,28.429488768129726,0.7941387028880171,0.7352890289041643,686.1271499594253,91.24705334700758,0.21213238208443194,55446.01276414728,0.5531945588216438,73.8540169418601,1048.0267012958845,291.9191642942576,349.1392804502906,58.93594083241822,0.3394144059234227,0.19570758945986919,7.751417377218734,27.414192603717563,2.4472515396914596,88.88644320224574,0.0,0.9810279047173783,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2084276189931337,8.900872807392545,29.352210489751435,0.24634670980922574,87.52940999036188,0.0,0.00014063033626880034,0.13795530881879822,28.090360945008676,32.473411925943225,4.237256290274634,21.408042088381784,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8684584088516741,0.16891782899832228,0.34925691829063216,240.51117483760763,235.84344564088002,111271.09094320332,4.359869529611982,60.1870418096973,3.187262269041412,93.44069647870938,3.8828347155994356,26.83905595749966,0.42899135758395623,0.8725272515466453,862.051142202033,12.69550339708029,0.28824163687507354,75885.02705935089,2.198189866689152,98.93160520961362,1349.1277938169183,252.35074532846218,348.3478599660669,57.21577223322048,0.18561550526044024,0.1905876654954402,21.329483648596003,43.040073087780335,3.27743677689975,38.94262922764856,0.0,0.9467414048206152,0.09256861139028551,41.25702067110555,74.06876053110112,1.4645091696788832,21.86611682324278,1.6033010066721712e-07,0.0001132097967789073,0.2044664776759973,24.76765812067348,47.124327196693166,0.4556356532471725,35.70436438200308,0.0,0.00014063033626880034,0.17076724981950972,109.81525840561656,76.00999394160334,4.601981286777624,19.298611336793346,1.9907974977412392e-07,0.0,0.18294469584688802,57.320522729785715,100.15934840330989,6.776925946534604,30.52055682729477,0.0,0.0,219.4058953476413 +0.9786980628573291,0.1369003387667561,0.3934891361016387,215.80892094688787,139.55663867254086,291350.4500912831,5.14218107685028,12.9547111053925,4.661179907239154,57.27750120485168,1.007577571502184,28.953137985721682,0.4694375277472565,0.8261194113461293,674.9858023428801,55.652769286103016,0.05547591643351451,299847.5425636818,2.9602685535749576,85.95734303267913,833.2598804352888,218.57071176633656,349.5390533103537,59.82168500826858,0.23123478808805165,0.19809245402874864,48.314920119887326,62.149962837370815,3.1704381104851156,21.28928295757166,1.7305409385399113e-05,4.04322211092475,0.12904998137050042,19.101504280858613,38.82848118921377,0.5755554998857917,12.841690583567331,1.6033010066721712e-07,0.0001132097967789073,0.20496716573079193,34.494561216504366,59.462384053797734,0.30363175235596046,12.317863951173209,0.0,0.00014063033626880034,0.35162049684141095,76.10447577210876,42.260157546180615,3.2083420039673105,19.58497084201005,1.9907974977412392e-07,0.0,0.17039045011833467,41.943747574585906,81.90282911830259,5.453802190370368,11.95798103987878,0.0,0.0,173.79248753945944 +0.8437745116007515,0.15174513020418967,0.3753419151513495,234.977448191685,40.981539237451415,283673.5860014604,3.8359226651505316,71.15905218269542,4.8503528772908435,37.816915971306045,3.7251323463715735,28.517422569396505,0.3880009852011731,0.9803363105831734,310.5791376624643,48.526261317333926,0.32273143168201607,256652.83220020187,2.9929662798860845,93.34554090810627,2511.6959295968854,233.5734576812973,349.47202833789015,52.11746105804235,0.17013252658482508,0.18949729505568066,36.23996157177428,58.23253172415785,3.1335572417577513,16.653049507315927,0.0,0.9848122702161641,0.12480015432655389,37.45887124463054,65.72730944780089,0.18861593932309512,11.744909327130387,1.6033010066721712e-07,0.0001132097967789073,0.20289222614079222,41.31667040390509,68.40149608190181,0.25319547856861657,14.928178154058575,0.0,0.00014063033626880034,0.13456309202207883,111.52510015643007,73.63305216048056,3.6914026757324607,8.729515093231464,1.9907974977412392e-07,0.0,0.1790703056358205,76.91033836908248,125.70118710606332,4.760710719053269,16.557123539800077,7.779039319137227e-06,0.0,239.63490197327138 +0.9170108779553345,0.21155542049565526,0.346685608597186,237.61524841674833,206.61409661559424,342413.834149735,6.732580344370165,68.33312134283769,3.7869462262587454,95.66657361771253,3.7091375479342545,27.893459964957618,0.38454910575747203,0.9824173449416058,881.7601706380317,7.117879119033095,0.32190238877460986,257903.17598733233,2.8940596182273834,91.92996417985802,4975.758181785159,266.752422332784,344.190849622547,57.89166525898281,0.17895839847767167,0.19104450795129824,36.06535649386779,60.74850991630229,4.112028279396055,17.52026674590811,0.0,0.7036222073440455,0.12215210781715197,34.27147125815127,59.09993190175194,0.7969716985863927,11.811822332076241,1.6033010066721712e-07,0.0001132097967789073,0.20119263339090684,39.259375247391745,68.11896556447093,0.3345599432221695,14.931185773754974,0.0,0.00014063033626880034,0.14241275887556046,112.90650767892025,77.30484838666193,5.478697546316071,6.93909792482518,1.9907974977412392e-07,0.0,0.16406428368120266,77.65682659005641,130.31673316027045,7.458166712947669,15.41490433008824,1.9973936575591028e-05,0.0,242.1486977207546 +0.9271955155575967,0.21277384061254792,0.3257055447463755,148.45677725877331,128.55929974978116,305974.7736156285,2.8030370576555383,69.27592341834116,4.856269132886209,99.40717823117018,3.755364988240184,29.807579477693153,0.30549474134032334,0.9239394975790978,87.68285013409638,95.96581242427197,0.2936720178882258,56094.53970313142,2.441191962417448,77.35938886633637,2930.90262464684,250.45566141465514,348.3357032120848,58.989076601793464,0.23446014402937917,0.1865797736478037,22.71311667591432,50.02506927855049,3.183858450746799,40.025894823650866,0.0,1.058106167030913,0.16017401398156372,48.44252760710469,84.39963435690491,0.22155569706025816,31.178967696578635,1.6033010066721712e-07,0.0001132097967789073,0.19709451247227813,25.59332599585403,49.79682859645821,0.24227361921108095,36.35762320358436,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9872588579260554,0.19301910218057095,0.33082407797823216,97.56536336765546,230.45460016521787,246503.37698751147,6.026376389424411,74.68140054526083,2.3118296869181827,96.6068545205695,0.5560764917518901,28.820957667400656,0.410615216543345,0.9952629248568206,736.2228038271455,92.86650335836318,0.3385572086933001,87460.01209406556,2.9214908575119236,95.71676515776778,4084.054769037308,198.55526913032523,348.3838097202723,47.505889085971546,0.2199380308914571,0.1834028641258564,25.249631469630096,56.9922107874011,2.808947030083468,24.052962311050077,0.0,0.8793151864718107,0.14765488270628438,40.0015171077095,79.65829454034416,0.6963113005126662,21.27240456208633,1.6033010066721712e-07,0.0001132097967789073,0.19460920619374125,29.7811840407757,59.14904953624589,0.326942794253734,21.058255067487348,0.0,0.00014063033626880034,0.24149251674043412,81.27971703554593,65.2005547178996,3.313298834925905,19.227376643432926,2.1811992659719578e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8644092313206871,0.15052297831922984,0.3335308087060102,233.1276870764348,109.59178559855278,334608.5208625135,4.260834816521456,53.50286612893136,1.7059102676292692,49.58013355786441,0.3736472283301442,17.661951806123913,0.6267325172244473,0.9807259961236289,938.7865278502956,34.57917481099798,0.1847702924054568,215006.24717330557,2.959308766984345,99.51993170904618,962.7689696150371,271.4574744945552,348.6703391626013,56.19548309557318,0.26354091038023536,0.19288093803727074,39.178933866761575,65.91414146490466,3.1043560203281837,21.78483365204105,1.2551842735051586e-05,0.6140174410079038,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20064563763822402,40.63021081350451,70.00922437423229,0.2619766854297228,19.193664718378656,9.077814551927327e-06,0.00014063033626880034,0.26441924186914234,85.14673625054962,57.68787631094392,3.303914267561867,11.559410815135339,1.9907974977412392e-07,0.0,0.17636181152974728,49.712179828804466,95.60666267077907,4.904715152247039,20.76912193294267,3.360790014555738e-05,0.0,2698666337285.8823 +0.9712410680851128,0.13070376055689967,0.32556308153629604,187.21086108361484,90.1097630256002,325561.4923025635,2.681537537471521,69.5716788748573,0.6145857489694753,24.280904057847348,2.382552527921354,27.83654563709702,0.5019027299816803,0.7306470561577509,663.4374550613028,91.03600514972786,0.058572367416998075,57746.05851407179,0.589528203482151,99.85625842530297,2374.0940330045364,280.7857405086714,330.3374275759071,55.94824869705049,0.18164160135445484,0.1973712882446974,14.127370439529319,28.032756829837975,2.867573131538706,96.98389972853097,7.65718920859402e-05,2.2634895819933845,0.13283611912399462,6.610940418169463,21.180226576326657,0.2534422353508139,9.84053566919761,1.6033010066721712e-07,0.0001132097967789073,0.20820113050564004,6.034795360478499,25.626885909145724,0.2393999653518794,72.88246759163123,0.0,0.00014063033626880034,0.13083083977097232,25.860860795645,31.763040761067973,3.6143703847784225,20.57141992943884,1.9907974977412392e-07,0.0,0.19623738254607667,4.305173803303966,32.764610351521355,3.329494064510218,20.65620463568148,0.00022004749389885412,0.0,143.67606458420536 +0.9450278197624572,0.21792509430875845,0.3201306373167561,209.32905941682378,231.6629610473171,333088.2539404957,6.1148471062943806,59.405550511877,4.384147070498372,75.71564072972446,4.715087286022142,27.464792950084764,0.46774642394091903,0.9795069390052404,890.695170030064,75.84441068815948,0.25632867594239933,191021.91036617468,2.930895595807517,96.31007711111378,1749.3108982325375,259.2060341110903,348.05336749823664,54.27179615543216,0.24298554582744222,0.18711435326034156,37.52680121070761,66.70432879456855,3.1934283627770093,22.85286443071979,2.3450181650255223e-05,0.6460003083779465,0.08436978127558366,32.05712120853156,59.33862699641427,0.7389566647781912,17.267464679542655,1.9064583551383884e-05,0.0001132097967789073,0.2004450912160172,38.74828138294779,68.46388241579584,0.3240303699113681,19.550915217664375,0.0,0.00014063033626880034,0.25161152161684247,92.4226711939108,63.21239955674918,4.556248131850692,12.887507962239669,1.9907974977412392e-07,0.0,0.11793741991916601,75.75706967104742,131.12043672989702,6.697807355999393,24.76225339325053,0.0,0.0,232.64482070311016 +0.9300561917516835,0.2473217631574427,0.3457485032326941,129.54652345003262,238.73406899019895,344139.48952784145,5.747322714490796,79.88307943143332,0.5170917858172763,88.32024203454506,4.979977709478666,29.502269978517266,0.5800514212653421,0.995210788696837,943.4694588438139,82.57998605447976,0.07429210272826448,206634.47938107635,2.675691871529238,92.8148483965243,241.2245057082473,270.18952663032763,347.2911604575989,52.174270710517995,0.19039871101837752,0.1767426451564274,22.016645973124902,54.23796565389997,2.9087649934080306,30.701336291166065,0.00012268588238981192,3.35820425654389,0.11234458676433513,35.77887199991995,63.9270527082418,0.5234530922961895,14.13441559489103,1.6033010066721712e-07,0.0001132097967789073,0.20044133597263336,36.02938913530295,63.4079643743,0.2904007459025287,18.814225997200115,2.2084711549990404e-05,0.00014063033626880034,0.12074841525285271,106.06207884938354,76.42309451943515,3.200762454241983,9.108144300012292,1.9907974977412392e-07,0.0,0.1695810478086871,72.92983415542857,126.76426524571072,5.293655621535915,17.840038676792577,0.0,0.0,233.5500198039946 +0.9846884109558915,0.21138523888230107,0.32794302343051995,211.80053526221224,100.42592158904579,233663.8554433492,6.807862358959957,28.990264733861682,4.57905452300234,19.007876457216533,4.01770846522942,21.572189592313645,0.30882108328258057,0.7103714640266319,930.59984677005,29.42625934927742,0.055336257542886215,66303.12696662519,1.0616183534102623,82.75591850954633,4942.397358696038,290.17339746405236,337.13463476438466,47.102939485562125,0.31980909774968114,0.20141236984230892,20.511430736370542,33.34977417221819,3.307378890353643,85.73863030784341,0.0,4.608804185986705,0.1348096116171291,10.06524577952483,28.212432943703874,0.8499126237243206,11.362597664933759,1.6033010066721712e-07,0.0001132097967789073,0.20866816543217642,7.8657922671211,26.221124811604,0.3579983190017849,51.04039141696967,0.0,0.00014063033626880034,0.07721601384303582,34.53632652456166,35.46466525102225,3.1084016737926325,9.329741671142795,1.9907974977412392e-07,0.0,0.20514967438035495,15.786014742422417,37.856148341521624,5.939608711603821,17.68428861011382,0.00014311452369599362,0.0,133.69975411145967 +0.8839553913778203,0.21792509430875845,0.3201306373167561,209.32905941682378,205.9078159832174,312804.9664107023,3.3163422566822125,59.342781102895806,4.684699839891359,75.2092116462964,4.489965952273319,27.464792950084764,0.46774642394091903,0.984314231009077,622.2672783629995,41.651911380309684,0.25635283328503616,189579.84118164578,2.975216906036196,96.35489799945076,1749.3108982325375,259.2060341110903,342.93630514802555,54.27179615543216,0.24298554582744222,0.187724563785212,35.61150526482816,63.59347888274252,2.986911155941177,20.222530745925518,0.0,0.8212797126067782,0.09471405330891514,32.98638690369206,58.39862668808018,0.33589658301606395,16.570693769696348,1.6033010066721712e-07,0.0001132097967789073,0.2008036090832879,39.184742561906866,67.76497095097591,0.2572908798834179,18.051679116676127,4.51273705552944e-06,0.00014063033626880034,0.16073175053014224,92.95643241677571,66.55623597137118,3.0710296094989378,8.344594898292742,1.9907974977412392e-07,0.0,0.1408753906869333,73.6793797172672,126.37847215868992,4.9606722135847425,25.695516153580044,4.620756358941568e-05,0.0,228.45652772636387 +0.938133726085119,0.14386510128790056,0.43996795459460153,125.79526877110405,191.97485410902004,217671.84692557954,6.804535672311372,35.86573749158009,0.6868667611953083,65.26541442176276,4.430559138732141,11.60765028629763,0.6685721670114797,0.6756194386962843,929.9384130800312,54.46273853111944,0.3450157811221001,56251.600253688215,2.8362258905676585,97.62178573595952,250.4246457299687,106.63710082147337,221.55134225338486,36.12169106296161,0.15459851321069865,0.19888882837113334,6.906636248902116,24.432047947730215,2.9204775452811873,5.558342166516843,0.0,0.8229329199463442,0.1360391432543837,2.1818169816048134,20.296540122335426,0.9585548472414804,25.06572092806626,1.6033010066721712e-07,0.0001132097967789073,0.21192482945531402,5.516562133314675,23.989993852420277,0.3711999390767164,4.2897836931117865,0.0,0.00014063033626880034,0.339089961859341,1.4963501332316278,14.690928098327744,17.002972859174605,57.906123136972965,1.9907974977412392e-07,0.0,0.15294093745395154,5.938868596316965,33.7678672020049,8.45293470932672,61.895081541194216,0.00025960098353149135,0.0,106.2716129803154 +0.8633500207871188,0.2370552650752378,0.37247574616128415,197.0613047162873,119.93059700928166,309038.3265058296,6.538562641506212,77.81266704149982,0.7804016136179486,86.59355231152496,1.6618413956393485,19.001511942712952,0.512388626238,0.88169844381739,763.2854617984026,91.86029524084448,0.3327524692218487,281293.9426739136,2.6123668483313143,84.33396619384531,4829.753237037186,296.82952968612335,348.9100154177777,59.13915864317481,0.1509562454328673,0.18195267096198514,25.99737111682917,59.872698104239745,2.9145704294531694,18.01985761622513,0.0,0.8010382142762458,0.13500115385349695,41.81692017046789,72.77223382024823,0.6425451262184694,10.793017985737897,1.6033010066721712e-07,0.0001132097967789073,0.20926166616594183,38.862462918458114,59.14497255921573,0.31869735013214145,18.143634010726657,0.0,0.00014063033626880034,0.1194622140856357,114.68805242892336,82.39694111445645,3.1983105540461483,10.414564360346718,1.9907974977412392e-07,0.0,0.22512118552650376,66.65853350413387,110.81356740644092,5.79990114610168,13.747102770307366,0.0,0.0,232.59537372416708 +0.9533082809428512,0.2038329707524615,0.34978792544675585,115.50250846918578,233.1142505659377,135050.1339820327,5.815560410984315,53.32744323787023,4.5612523516453685,63.45755898094822,4.678390833921858,27.562213335556194,0.4334128240281068,0.8816689831313822,842.8022680607321,83.67611960598438,0.3052520699443845,291326.6382214342,2.934925195841748,94.4468740193668,4429.620997542269,226.60929918031079,346.82699383320914,54.83629494186791,0.15509230609564034,0.1925305190677259,34.849904283722715,56.58013969382642,2.835981763849343,15.202957101386321,0.0,0.8567879108117721,0.12865828327539283,34.54072463354258,58.66213692411793,1.25521911648175,12.086484507798081,1.6033010066721712e-07,0.0001132097967789073,0.20390570038359623,38.64498564996447,62.954470826591596,0.42145440788862304,13.8763311223271,0.0,0.00014063033626880034,0.1014347486197199,107.2117332715041,74.13763370078986,3.4825259488160247,7.000052063205433,1.9907974977412392e-07,0.0,0.1807002305010027,73.35724440322319,127.69310848061866,5.126570757568721,12.228839943240127,0.0,0.0,232.38284106733497 +0.8849304953932541,0.223036947012541,0.3686678978824195,234.86672818648208,178.48463757182515,203392.2390250269,5.3005437980221295,70.29044925090483,4.713943635489902,45.30168139086197,0.4589875526624302,28.11028330623756,0.6297815625357912,0.9450574951359547,186.44454231965386,46.348462566256615,0.14513200607808874,149305.27981228713,2.9895546894285725,95.83303071170349,4318.767546700391,258.73019994000146,346.72782189913846,49.88221382456115,0.18172624572892174,0.19176728408696064,34.63353808313036,59.53824645329052,3.277676238214673,21.47295547310123,0.0,1.0363161423791345,0.08646687003151649,40.86259398813089,67.99093227601679,0.9864580837940792,17.150791377317326,1.6033010066721712e-07,0.0001132097967789073,0.20127228885498044,36.24915292295005,64.46498192318215,0.37165337849368535,17.559810625803905,8.062458879555985e-05,0.00014063033626880034,0.1681154461423648,109.16400940957907,75.99444457924977,4.206674394577969,10.478661033794463,1.9907974977412392e-07,0.0,0.15622227251384377,35.3860147266905,127.45291243922722,6.650067328210086,25.426346346830943,3.976165532863755e-05,0.0,231.49462366684634 +0.8932188825365086,0.1755303567874122,0.34631609415654396,70.91870212178053,201.50856393063984,204331.28237573762,6.1095400900499826,87.1610569062609,1.5320158494977214,17.192548223902833,3.184695728843414,20.668717401061823,0.3920609038113346,0.9852186711528766,826.3661585669556,59.31259058859014,0.23541512103321027,55499.343006234034,0.7984898477874018,93.08117181683257,3247.986254549389,194.6317543482884,343.09456504412833,55.47159139174001,0.16661056856219572,0.1937577476547542,8.860841896011245,27.19426901465339,2.7289472096947693,81.972085725135,0.0,0.7179140720252061,0.13417726541921296,15.38922165009284,37.55335588943524,0.7127309487536372,13.537785605458959,1.6033010066721712e-07,0.0001132097967789073,0.20617298844166967,9.57241794165976,29.382286114296306,0.3350807571760653,79.07683394437765,0.0,0.00014063033626880034,0.12674602293827072,55.99683797494972,52.08947213060283,3.782741000319057,22.460021861677234,1.9907974977412392e-07,0.0,0.20543120139623258,19.362482503423163,43.14416934490872,4.857260184321345,32.62933566041837,0.00013571309942286025,0.0,162.10171792020134 +0.8932382039366711,0.20486317489819733,0.3338069422727702,116.81824339785696,214.3738906869909,273231.3931091525,6.1667402173538175,77.56136057733683,3.488170315282393,71.24691023972088,4.650129196172192,24.994418480246445,0.3541645311720468,0.9838729465042027,343.9216974381145,83.67611960598438,0.2815833889292877,138103.9316741313,2.878868481153569,97.25667897570864,4235.620184311925,232.60218013808066,345.47276102861844,54.48983847694087,0.16723034850501706,0.1911469747566289,32.450920115558525,59.53270110914029,3.149804929452264,23.869403302045818,0.0,0.7496807688295644,0.10346535037531582,45.78240072495901,74.17488511241898,0.6884010289928559,16.753209799173828,1.6033010066721712e-07,0.0001132097967789073,0.202152186697326,36.60053435670683,64.31648336053067,0.32367212878082957,20.885523291228697,0.0,0.00014063033626880034,0.1447998181113718,120.23203159110672,81.74110147099323,3.2163343979762216,13.472078524464305,1.9907974977412392e-07,0.0,0.17055070895319352,72.19706366099331,128.49784502217994,6.194400763928395,19.49779531632591,0.0001450224673078418,0.0,249.8820059727156 +0.9508424192195313,0.21265071969466331,0.3752211065536173,220.9707510962975,172.31456450738904,224793.035829721,6.5416145002827735,72.28297671270502,4.249062738557511,37.72495909743999,2.94031164773525,28.634857603539743,0.7813861245271505,0.9591991164981174,426.6038243850777,60.63299217148116,0.3228649447688732,161860.7327156455,2.994819199239165,90.54253205529265,4790.971353424484,288.6369115460848,342.58082142866584,56.84862672590165,0.15823726797196247,0.18613103396318226,30.619490941453485,61.906068424023154,3.2025099017595586,17.57284775952725,4.5641308230175376e-06,0.7950218748922981,0.09253378985852741,33.02900870587412,58.993529289327086,1.0517123171675142,15.178980913845583,1.6033010066721712e-07,0.0001132097967789073,0.19591660108623013,34.634894044482316,63.93109597929733,0.3831133260473223,15.618795502359438,8.202944152806376e-06,0.00014063033626880034,0.1713589927916375,110.25830768189235,77.76300746852412,4.563813068966814,9.89628483819286,1.9907974977412392e-07,0.0,0.14840764091323957,71.07399375490154,135.78953897636802,7.898817272797922,21.650057198045364,0.0003382794643884588,0.0,240.34855298874893 +0.9206375415924105,0.1988690545969027,0.3321058006567205,215.17495323133855,222.3595817722618,333897.7653182347,5.272766794308757,91.75211766796778,3.5464908310192325,89.52030580634155,1.3587681588281786,29.099470012479642,0.41005980285143206,0.941132799439963,712.3559567649786,22.630166954681126,0.27384203147196745,284299.7969952469,2.990382029576928,97.94054901092463,3922.1912882845168,286.9996688462481,346.3835837580703,23.81256100131936,0.15189167244150847,0.18796275844960045,26.788824538446086,51.83752631459017,3.4554168679301966,7.605079238308744,0.0,0.662241979020305,0.11544092659907387,29.92932703295466,56.45621773881793,0.62267699442996,11.296166468615448,1.6033010066721712e-07,0.0001132097967789073,0.2008227528217565,29.76767161974449,58.41376409041283,0.30342386897611395,6.700055837703625,0.0,0.00014063033626880034,0.10388588000188759,122.14493570567198,81.32244301811973,3.7200102150332124,9.427548271622864,1.9907974977412392e-07,0.0,0.18584527070579487,47.90010089750044,89.39410559204524,6.318261119486306,7.553372271519916,0.0,0.0,209.8751706920918 +0.8839553913778203,0.14445404764319197,0.3201306373167561,209.32905941682378,205.9078159832174,296901.9620450193,3.3163422566822125,59.10200764030592,4.684699839891359,75.2092116462964,4.489965952273319,27.464792950084764,0.46774642394091903,0.984314231009077,462.98076400721413,28.31179316802472,0.14965922750668884,189579.84118164578,2.9747018255645283,85.31220730088381,1599.8214961681072,252.81458667333345,342.93630514802555,54.27179615543216,0.20305460375734768,0.1901143295645102,35.82036972639783,62.158569353971544,3.0972142826719433,20.1992486677701,0.0,0.6911722872295557,0.1139736434101107,32.83915255282842,57.691569073774666,0.3664624473403109,15.159085498045936,3.334187012504273e-05,0.0001132097967789073,0.20003017504314816,36.89645943289274,65.29867692429706,0.2615922057597068,16.370140182061043,0.0,0.00014063033626880034,0.1379883135034192,102.32564465554033,69.29938673598106,3.012720312551823,8.664872765542519,1.9907974977412392e-07,0.0,0.15979595676982974,69.00149934418154,128.0661665939862,5.046384751359206,18.334057223721818,0.00014746774921079678,0.0,230.1647848891121 +0.8711786205056591,0.20662873112630553,0.3450742623594408,241.1014014434288,172.31456450738904,224942.3980211937,5.027894806663272,70.56538088235551,1.7259474443731797,75.79616803347756,0.9209058269401353,29.798858752639553,0.7529961629418096,0.9847303505022416,825.4258297817879,38.95488671436162,0.09489593252667947,247613.5295427441,2.8842780796906893,92.0443770023321,4963.374985845211,245.76554507929941,342.11400131403354,56.45249613064015,0.17164324761709887,0.18022288596776517,29.16436712853636,63.80684267052362,2.5586134700718883,19.317491369948403,0.0,1.7748938598780302,0.12358268930920992,36.112309672760546,60.423337338096154,0.8498570335497063,12.207415811534556,5.280680838895859e-05,0.0001132097967789073,0.20276630069166585,38.15297548419883,66.81116157517906,0.34841969533614325,14.50744573384909,1.813195200041933e-05,0.00014063033626880034,0.12167796855471932,117.77089035791914,84.45875476126714,3.0235737386632175,9.929377505094644,1.9907974977412392e-07,0.0,0.20342269470098545,65.29911923760224,113.57381596160268,5.481623671963019,13.62653051825897,8.145539430538324e-06,0.0,234.5834317119168 +0.8437669930655459,0.15179653661191034,0.35388978579498326,129.39979099306993,40.981539237451415,283673.5860014604,3.6415276529590757,10.667090649338896,4.8503528772908435,30.088180279323453,1.729177382816691,24.697577099909978,0.3880009852011731,0.9809342344130373,310.5791376624643,48.526261317333926,0.10807162255366527,217153.2334838487,2.9549067156803686,83.78592881526448,2536.451195118578,234.20543198860986,349.2366802943468,52.65181886870543,0.17013252658482508,0.19429713627147938,39.428462274763206,58.011360816640895,3.063697197184434,21.783850558544625,0.0,0.9960102173583026,0.12416592725402527,42.67099853497699,74.13655537879053,0.21195401334774905,13.614793855423159,1.6033010066721712e-07,0.0001132097967789073,0.2019142902026603,40.70715797969445,67.69821409839508,0.24741351277249288,17.40826104908297,0.0,0.00014063033626880034,0.11594101464625377,107.54480464569662,84.13801791814033,3.759449041179079,10.885765837430206,1.9907974977412392e-07,0.0,0.19183721309768284,72.59584889599795,122.27355151375285,4.5732586633040295,15.68674413020577,0.0,0.0,242.31457265932062 +0.9157952223446558,0.156469291505636,0.3792723238562542,245.72555028845616,40.981539237451415,283673.5860014604,3.7673793562268947,67.1647812012702,4.935923926466142,72.26577416232307,0.5598107668678969,29.228846338337796,0.4320243839817018,0.9897898660482664,803.1883914043519,48.504477176164144,0.30762692423204163,287720.10441758647,2.9042637049901017,93.50727190172861,2511.6959295968854,259.8971375161957,349.0807216068865,52.65181886870543,0.1695556244339376,0.18825209849916602,34.9343222888862,61.71740563995167,2.8766805368179584,15.205336715700177,0.0,0.9300455054774993,0.11429208714266645,32.52176658808866,57.38403911115435,0.18944985261832353,12.657076737391856,1.6033010066721712e-07,0.0001132097967789073,0.19910589952137436,39.21542204308839,69.07189850993376,0.25248656350457477,13.680288267951738,0.0,0.00014063033626880034,0.10918935882416618,94.92388056134959,64.49173862663976,3.8046491440487897,6.971286731968374,1.9907974977412392e-07,0.0,0.15847856809572838,75.33653059246517,130.3711804032226,4.479935785922956,15.351719680038695,1.6589730973840546e-05,0.0,228.99239790915894 +0.888218792627215,0.223036947012541,0.3684210136331697,234.86672818648208,178.48463757182515,203392.2390250269,5.3005437980221295,56.25253758494617,4.713943635489902,82.2168100919269,0.40893238792885,28.11028330623756,0.6297815625357912,0.9110349838855464,355.1688230523089,46.348462566256615,0.14513200607808874,149305.27981228713,2.9895546894285725,99.61996237939965,1118.3919696673202,258.71384056694984,347.73452104254886,49.88221382456115,0.18172624572892174,0.1755198259368881,22.84553075950468,63.14649551675996,2.753267338811785,21.235153848105444,0.0,0.9662277376057751,0.08327047347076716,40.55934121893339,68.82600059763162,0.9864580837940792,18.68157879661494,1.6033010066721712e-07,0.0001132097967789073,0.19694629964425409,36.75329875359627,64.04906124831314,0.3716550539951789,18.55426840116155,0.0,0.00014063033626880034,0.21261373840493142,116.16971708212334,76.54837631959784,3.7496788771883263,13.366942008120878,1.9907974977412392e-07,0.0,0.15901746116795695,35.52680452700806,131.9180170857985,6.073835277332745,27.226635054357345,0.0,0.0,237.67419037251616 +0.9596637697852214,0.12612650049581553,0.3983192181752104,220.4302925090174,154.10981333917675,224741.96633135533,2.9283976534733442,47.22709441882878,2.1238731917914397,33.919591404619226,0.5127098202419531,27.080796079117945,0.4491321091255379,0.9349085878875039,824.8039036411564,39.20732875993916,0.2985111215713228,52628.44903783054,0.5762622402011626,92.07648173699171,3345.050284585459,185.7369922897566,349.11311513457207,57.215531163398865,0.16873663439428438,0.1879566628907975,3.5961144804034633,26.965672383449622,2.6392536971582463,75.79260886677142,0.0,1.0806907297197825,0.12392523820608707,12.140019190692787,30.207461108139544,0.40243601564306736,12.309096110119812,1.6033010066721712e-07,0.0001132097967789073,0.20149256547291625,5.294143941358644,29.38548554742382,0.2719975597670826,78.30047864303766,0.0,0.00014063033626880034,0.12332842110808698,27.468918003436187,45.765969185744915,3.806103968108882,24.591204443701663,2.7615343999459633e-07,0.0,0.19510722254935686,14.422525329773372,42.22943305983939,4.6456807740932105,34.163083095781985,9.547062130286128e-05,0.0,146.2029734232074 +0.8684584088516741,0.15148613746834022,0.34925691829063216,78.62680522523131,66.8134493206813,110769.27751414031,4.372011386299801,60.43290801879304,3.187262269041412,93.44069647870938,3.8631865061127044,26.83905595749966,0.42899135758395623,0.8737485035930703,818.6803259679178,12.69550339708029,0.28843443049435447,75885.02705935089,2.198189866689152,94.1909342133226,1349.1277938169183,252.35074532846218,347.4442419289082,57.21577223322048,0.1883891747760401,0.18907473181964418,20.30831999528777,42.703602031548115,3.059199879640571,37.71737802171924,0.0,1.1245590024441323,0.10732347875155081,42.11988937339836,86.03332001091019,0.7849125405652924,23.19340481739124,1.6033010066721712e-07,0.0001132097967789073,0.20386044634134506,23.943452676003893,46.32118456248616,0.3599920316226532,34.6317516094794,0.0,0.00014063033626880034,0.10273325581802403,87.30193768498059,72.0619115584365,4.925161692254532,17.38009150166702,1.9907974977412392e-07,0.0,0.18776975094136072,52.623972241136364,91.45585651868505,5.393688016514691,29.595848515471904,8.811875257419559e-05,0.0,206.1104431593535 +0.8134227807229764,0.11404241271472172,0.35802637869577847,191.3177382474396,134.04105487879696,257703.43575590767,3.3757946681443607,58.24970799385866,2.626284773699549,51.7369160434382,2.066584795606553,29.020130605575748,0.4324297065920778,0.8102434471998787,950.7285792495359,24.01418249525781,0.1290688240935579,57202.61578506883,0.9573965887139518,80.06009810544612,220.56141471962133,213.2215705932473,348.0891248128489,57.80121083986179,0.1976239355488542,0.1955213131717438,11.823069529928768,28.69438438030671,2.818632222685218,82.34054928638501,0.0,0.8082888892575885,0.13297208448871756,20.296752902703915,40.765578882346155,0.3497293505811118,13.777335530040212,1.6033010066721712e-07,0.0001132097967789073,0.2062650216101305,10.733398267298123,31.425534632722194,0.26596443042784357,73.67449070802249,0.0,0.00014063033626880034,0.12828089342450177,61.00633045811515,52.87044794848464,3.8112659250611243,24.009146566671976,1.9907974977412392e-07,0.0,0.22116081405952284,24.33658877700172,50.10493359805803,4.843786137316153,34.30216744260435,0.0004540342000122141,0.0,167.20429481379398 +0.8507757419745375,0.2510361159900722,0.44233804464165005,78.31025994253334,40.08928269368464,267656.3153298686,1.813343074557153,68.01033792034671,1.437513715370689,17.615465672718706,4.568856929484098,23.885264076364514,0.7500989749204797,0.5529838869342043,432.81115700775814,67.76264351936892,0.32206335593934815,62350.59538542965,2.703381695603966,85.05563700336002,1158.6297538663546,232.2386221358015,343.86544175437194,47.05978187167497,0.32328768708993566,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.09526402193001626,16.330897925476958,36.532231238941485,0.42068758724098726,33.02744626392064,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.10107064507802538,37.215335883710694,34.27558730350938,4.010951833586322,6.788792310271887,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,4674227208854.957 +0.8920957322116783,0.18292369179069126,0.3250721888715798,39.45038293871171,121.76962983584913,220068.45798598358,2.0940527400411746,47.79792463377811,0.6467575238857692,62.70486838778258,2.763424410727902,20.564818296071408,0.40263408502384435,0.7068818683460868,24.016792227362032,15.154408155832973,0.07138968127418573,50619.27800807399,0.8055057364386968,94.07772546227396,828.2879777066435,291.9191642942576,333.8046025620588,53.745931814722084,0.23757738017013041,0.19844780713712795,9.06913393805332,26.210416525452203,3.0151645421240114,86.36556154639074,0.0,1.0672250626679491,0.13790606222861576,13.135194394073489,33.3647013222844,0.35218899867442205,13.467790755848515,1.6033010066721712e-07,0.0001132097967789073,0.21039749023088627,7.324990744956548,26.53716106494014,0.23586070586044797,75.59484703179177,0.0,0.00014063033626880034,0.1467928035020578,29.43929231116984,34.80432300867698,3.6998833446069312,21.913457347193056,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8903685336253098,0.168277074676967,0.3693933191457734,217.41039094828812,179.09341770480268,220056.04490381278,5.086626425984546,51.45775575554914,3.2353255169529813,96.50304077055998,4.754888204222657,24.688534998678055,0.7777359824943785,0.9153602735878079,902.9492163817412,96.44914441653191,0.14506044113618222,66997.09985138949,2.8464826289020593,99.8037732287677,4639.1772249401565,125.64510334751512,348.34998729697577,56.02086204155405,0.18638107561102385,0.19404127469172155,26.014354398357437,46.3273398333847,2.7198418823939896,29.101900491280514,4.787940921062269e-06,0.9896154502444297,0.08460170591868367,43.73453100940211,75.44881723306345,0.8631486461856348,21.581559538801717,1.6033010066721712e-07,0.0001132097967789073,0.20147056783978495,28.33981056348713,54.30115975659091,0.3510413899506064,22.895553111516215,0.0,0.00014063033626880034,0.21765129756383492,98.78401223991446,78.16313666661763,3.2102778574806927,18.286506960951357,1.9907974977412392e-07,0.0,0.1755791435345851,24.142424857658327,99.5159069070103,4.2948906209708895,18.78953001128996,0.0,0.0,207.59693315990222 +0.9804322441169312,0.1369003387667561,0.3934891361016387,215.80892094688787,139.6189250393474,291350.4500912831,5.14218107685028,12.371874806794079,4.6374462535966785,57.27750120485168,4.254867679930088,28.934016232628906,0.4729075983639464,0.8261194113461293,670.1166553195154,55.652769286103016,0.056050023621630446,297964.7608808195,2.9602685535749576,69.25131279213319,839.1405841999122,243.383544272247,349.5390533103537,57.588239089496085,0.15150274724774745,0.1983877823510778,50.200558816099225,63.94874391623987,3.1598113474527247,21.236542076578196,0.0,3.9906122582137624,0.12877509889382982,27.407827018145756,51.431263927609166,0.5756834861717253,9.417710929760627,2.1852008010743654e-06,0.0001132097967789073,0.2049106082878317,35.83826205225573,60.11665381950947,0.30364620508237183,12.517249805673503,0.0,0.00014063033626880034,0.16545619191372965,95.73572360727229,63.26281575210572,2.9324858241371063,5.792378288151556,1.9907974977412392e-07,0.0,0.1929178425199213,62.30538033647355,106.01889840273782,5.46445680558834,11.079339217230412,0.0,0.0,210.0271388227947 +0.982111116801793,0.23378302911966678,0.3446531840286314,216.44289802669235,40.35204909740409,133525.63380947168,3.3232983527655824,54.34679999188983,1.7237264249267688,72.11466541941999,0.28353553567808154,29.145877456346387,0.4333233976910851,0.9719614400140688,861.528864352191,57.222385824512415,0.3080690019309944,286582.4092368653,2.904171073712581,92.39045615960481,4989.377530281953,259.9345798948633,342.85495081033906,59.01788827895084,0.1586388719819804,0.1882669220927429,33.31088056531514,58.70363097906509,2.7216337265872186,14.548489184717697,0.0,1.1125853492146722,0.11741759040536295,32.19939458418588,58.974425076852725,0.46667702258956156,11.597262097767139,1.6033010066721712e-07,0.0001132097967789073,0.2001999585272187,38.554672350532655,68.38012064667556,0.31543483451291676,13.1735003817752,0.0,0.00014063033626880034,0.10222220604736094,96.94766996474966,73.22242197740282,4.718410940817008,10.579584817577429,1.9907974977412392e-07,0.0,0.1681955024315941,74.65304705689213,131.6028811079452,4.285471904251215,13.340636538382316,2.4850212664634513e-05,0.0,231.82947086605748 +0.8985965852227739,0.24380379054420212,0.40215014885366984,161.6493669552014,240.14782741360688,133145.7720139008,5.958939919371501,85.66242328530103,4.207106944627506,26.026204591844653,0.2989570050884436,29.893653525951258,0.43415617917061583,0.9806770152562729,847.2621095000939,87.5358205116348,0.18457615446529804,86024.33398050907,2.4007941966868658,80.3746564370014,3160.9621144569624,266.08075657066837,347.58491371210226,45.6847956278207,0.1602164717581717,0.1917107173014149,20.744510971714305,41.16666210579611,2.8900749079749923,26.920983778049443,7.60807711005859e-05,0.8330728718104637,0.10249465160057007,39.22025777681472,75.78882938138393,1.4394665161638796,18.13271961842465,1.6033010066721712e-07,0.0001132097967789073,0.20189906091755508,22.53737841777876,47.57338414928155,0.452098750092413,22.191380655255536,0.0,0.00014063033626880034,0.18004816730550818,99.41515168933465,85.55873666579586,4.333333115396412,17.789912309119803,1.9907974977412392e-07,0.0,0.16875885661912382,61.06777039209662,108.56661533313716,6.236783208694665,21.540410721298326,5.339050594058027e-05,0.0,217.47097837848048 +0.8304813942723249,0.2071359168770476,0.3982314121063013,13.825363707036516,13.153221803198406,289067.29946092825,6.867522930252806,83.1438821784875,2.6625682135408146,64.4373913687603,3.794055057010124,28.005088908495104,0.7236590643635527,0.3979347869041895,258.6783563429459,69.83610702511406,0.2940767856856149,72116.17140835947,2.73265042704465,72.02775199951799,3066.124959460085,290.88506780208985,327.2316466740516,58.53954462505844,0.2710984369361169,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11932599720164859,16.898504142559602,36.7487240164719,0.30380219893546884,30.388151344986348,1.6033010066721712e-07,0.0001132097967789073,0.21313418782857874,16.30178436243632,34.268207696336766,0.23955790424439602,16.392130422580074,0.0,0.00014063033626880034,0.119627070625711,46.68842325145268,38.71342430205832,3.7695701340339505,10.011243110423916,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8459968916757645,0.14825072643940584,0.37526710498577803,161.1666965883269,22.275972702901115,281220.7132721068,3.684258555509857,45.86923579636939,4.8503528772908435,15.493139011317478,3.809607641925556,26.94457314374616,0.383433161823868,0.9809342344130373,310.55128505672997,48.18358188573123,0.19403006101965412,106308.38348215171,2.7809821871700406,93.50727190172861,2511.6959295968854,234.20543198860986,349.2366802943468,30.67285091059553,0.17013252658482508,0.18907845912577464,21.899844369391836,46.51715011133138,3.0854257054031367,16.570721352093667,0.0,0.6855781482801079,0.10026763899970019,42.49904175067326,76.37661160567804,0.23439626369925365,15.679425223112892,1.6033010066721712e-07,0.0001132097967789073,0.2007910954276876,26.119760533312306,51.735353967395355,0.2471225744157055,13.928758937722682,0.0,0.00014063033626880034,0.1015046981196861,89.96107213685131,71.50108207921855,3.8335619100088865,15.002104433316234,1.9907974977412392e-07,0.0,0.1644008533377846,56.77439193882981,108.30427967341423,4.60852730156557,20.693354855716397,0.0,0.0,207.8803164696364 +0.8675568399033308,0.23630622399635345,0.3450821970334304,120.83662238782989,117.16699155286557,291362.0158070449,6.259028101768078,60.32540237317218,2.0411802561334165,49.10711285310576,2.006781005692157,23.978693232057065,0.39196514913445946,0.980067624135796,938.3503498316142,90.23618418571583,0.17312453366773672,145195.520915794,2.8766680563883256,83.80737641341884,4336.11880140555,267.8992991331136,342.7094978680984,55.130379703410966,0.179927107420132,0.19398295843393695,34.713230177252846,57.25457941070647,2.9513312110012633,24.070703555176063,0.0,0.7968276080272306,0.11355695253704956,46.06016140692284,70.54685145144997,0.5440170274767044,14.876482111384254,1.6033010066721712e-07,0.0001132097967789073,0.2030337017061193,35.563570507674704,61.48309194278417,0.30502286159196795,18.924177198673483,0.0,0.00014063033626880034,0.12136970504399752,114.40349806371844,86.81967933633389,3.0323508794539027,11.905697346138556,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8074573819210477,0.15064589599718142,0.34382033715012095,204.38143583726108,62.47383897980044,189822.80644959744,4.194499000963177,52.83998025804503,2.41592483231791,60.99357992108277,0.40395005219575164,27.031648300018542,0.41484572272404097,0.7868933124439319,192.09233376314154,30.041592741981514,0.205350751376764,119178.12224451602,2.9440670874289165,72.48134237141414,995.9449840488282,249.15617440924012,342.99353980604747,54.19850627835321,0.1698901679898455,0.1942333434507101,28.824400331359662,48.31135770586548,3.1797008185430524,21.812569477293987,0.0,0.8057576423395041,0.09854560780510048,48.407241785438806,80.11635412571717,0.4962831686833685,16.458740962138407,1.6033010066721712e-07,0.0001132097967789073,0.20449642734133372,33.272957771741964,54.3359263376302,0.3089773363566247,18.47168495534023,0.0,0.00014063033626880034,0.10930805221766055,109.92115652979378,83.93834048580726,4.138054822976236,15.070459906357218,1.9907974977412392e-07,0.0,0.21082494257273657,57.0432587330947,97.54652141306885,5.338976966587513,19.156475583964486,0.00030933851537157586,0.0,222.76134360098413 +0.8635967520788961,0.17369637625483733,0.3242387668507017,166.77953118390246,226.7157114224499,317233.6224348869,3.3894615641168033,50.432624149858405,0.7737649382622573,38.933662560647576,2.8514657050651446,26.799729532904482,0.48059320897193375,0.8882059815987164,342.38172638488,74.64968172399932,0.28162107172924233,134824.64505861662,2.6550741190090923,56.81348936204016,2859.6113353286223,288.9586868861522,345.770642226754,49.3867570549014,0.1855987870869515,0.1935337503978424,25.611770777988664,44.239440296207974,3.072879186100871,24.31762708636154,0.0,0.9033629190467752,0.1166695022299979,40.351964178958724,70.61154540309872,0.30766646490901584,13.093343972002463,2.729778635480693e-05,0.0001132097967789073,0.2056842198283513,30.021150826465806,52.7996744367032,0.2546002430824618,21.216090258394086,0.0,0.00014063033626880034,0.1189869200632138,99.5776908116326,77.37429896796313,2.9792605622932955,14.243682249475508,1.9907974977412392e-07,0.0,0.2080121136076603,53.03887229485542,92.09012474529551,4.884563421084264,15.024232677444735,0.0,0.0,204.44429098978097 +0.919234660093328,0.15021137703782686,0.3252002054306629,212.9560000978718,217.62625873133067,283673.5860014604,3.8037580896822254,41.29278851253722,3.5969706432489854,92.69308954824103,3.7954514073862975,20.171632276899558,0.5270481747840947,0.9809520693884463,661.7385777164333,50.20013151153889,0.08582957175671063,256816.58422850302,2.9188152266480243,70.12317742526879,2511.6959295968854,234.2224478864704,348.742474477794,52.65181886870543,0.15521209711633177,0.1956333892596395,44.22695847132035,62.57943885884858,2.9212532554425104,22.788884239078207,0.00015333283616790282,1.6706568057758193,0.13064018280386858,37.88258648390712,71.2006792318402,0.49972523812719877,9.192842088596592,1.6033010066721712e-07,0.0001132097967789073,0.20494867478866655,39.12712268147994,64.43694899557345,0.2825784383870077,16.652848106065242,0.0,0.00014063033626880034,0.11983922116167442,107.44730965056519,79.34499189331338,2.9263722287230394,10.276020995103917,7.963365850215265e-06,0.0,0.2150385162445658,63.8958577451367,111.61595013197805,5.151815520353259,12.822457545241404,0.00012952862024622014,0.0,231.60166329523804 +0.9718849615066265,0.14090553094382163,0.435266973270943,149.62265821615668,219.86618937433738,136509.56466672278,5.7404479654399765,91.041894588087,4.792385895539636,90.30675900234435,2.7264849037929024,20.74263294358104,0.7993441893147184,0.5596420727964619,262.16846862791385,93.07819691282587,0.293326287011252,51275.41047478845,2.8868089128875822,92.0691850052188,576.7779790914165,278.86934127554133,255.10101800123778,13.144424803278877,0.30051217134572417,0.18936087491267256,7.315785289414964,25.547644743212885,2.834598530552479,11.743043279781892,0.0,0.8555271999075353,0.14679239284009526,2.1379805211612095,18.827417837378974,1.3284375596097926,26.232344791367456,1.6033010066721712e-07,0.0001132097967789073,0.19854975666773766,5.999049703708168,24.881844522230857,0.43294592518680397,10.318251222906385,0.0,0.00014063033626880034,0.3280450198957057,2.9656929810012125,15.323468710667353,16.647630615790476,57.39165884398457,1.9907974977412392e-07,0.0,0.17392901372892672,8.384237463304567,32.7712665691325,9.594463237041811,62.43302100763414,7.949503584604043e-05,0.0,107.76146176964691 +0.9773757496345945,0.2603323016478146,0.33047527435656154,249.91425880952733,139.04676216554708,307234.6181093524,6.181951432320907,75.82430900411227,3.670250216219995,45.831542980388804,3.8593928970706486,28.93443481040759,0.41165873056106583,0.987804495840585,946.0766840350153,22.86281069757959,0.31772955364507305,298319.74414078123,2.9547392216248753,77.1979332996756,4379.114499705909,252.99165107638936,349.75907175449436,51.846174902529185,0.20014343922456082,0.18962285578354046,38.14728200769902,63.72247344770997,3.42154994010929,17.488028318164016,0.0,0.7004756417120978,0.12313239337219262,33.56947210755901,58.4086150278809,0.6985913003599946,11.237457566707846,1.6033010066721712e-07,0.0001132097967789073,0.20256717129716023,41.24168185486572,64.78044940789388,0.3242220594585724,15.376968820994803,0.0,0.00014063033626880034,0.2075129145279514,104.94532267699186,67.76367186719361,3.450784970849068,7.102918004940943,1.9907974977412392e-07,0.0,0.18540848654804573,67.7130522711631,112.73976170233668,6.274002789174185,12.452150130521721,0.00010591572949045489,0.0,223.13824512333957 +0.8785783724991836,0.15486352244595653,0.3459246992850183,246.85222181725283,205.74854317959802,326999.4794372605,4.1117098363911015,46.87650799392402,2.2303560453603093,42.8904574778397,1.8128982599790253,27.914401327113417,0.41648650290825295,0.9328311445353437,385.382311352043,44.21413846573458,0.2016293734215804,80175.58910205941,1.870737929150727,74.03590572768923,3687.197328585712,245.81248626454556,347.2325654279998,55.29995428811435,0.15789290527880123,0.1918622858762109,17.170570376208186,33.79782607111168,3.2962561778349255,45.76586678779127,9.277391372329216e-06,0.6414155278054705,0.09932498883615729,38.23967129113247,74.11208587386895,0.47837810053125807,13.394501294097822,1.6033010066721712e-07,0.0001132097967789073,0.20207407468770675,18.470587528828474,35.51197692783673,0.2776801402916771,40.159482729700414,0.0,0.00014063033626880034,0.11417632539803008,108.77880117486315,85.57013945529911,3.2281657129992225,16.854698278153805,1.9907974977412392e-07,0.0,0.18398690826656292,55.20527515020301,96.76919676359194,5.784424460966311,19.911684181644503,7.207726598102011e-05,0.0,214.90486165954314 +0.9766891302568985,0.2210788071569002,0.37232849409751145,218.31702670030944,238.19613904417398,309038.3265058296,6.769142502144961,77.81266704149982,2.978715578265325,65.76811895317311,1.69343437647065,28.974599951145986,0.48151728426284024,0.88169844381739,759.0746485670065,76.14109167709283,0.3327524692218487,297341.43808525975,2.9755607748362785,84.65724848677986,4524.260338153557,297.230436435706,349.0286613327426,57.65541605184185,0.15241996936526953,0.1923794955694178,37.594474394940534,61.061710451437015,3.2029233723751585,15.903773867836705,0.0,0.7339930037778998,0.11309218496116907,36.61321787924498,65.41097228324229,0.9051026995278602,13.513241971606346,1.6033010066721712e-07,0.0001132097967789073,0.2029178085750663,41.60416808629465,70.83991317210433,0.35285453450015714,14.040131592919506,0.0,0.00014063033626880034,0.14023203576182064,113.71990684892079,76.76251057530888,5.605002051009017,6.400368089023546,1.9907974977412392e-07,0.0,0.17067097077720803,79.72585288435154,130.0408873637352,7.271872750739893,15.243428073492872,0.0,0.0,246.17861670879253 +0.9708625481696318,0.149219488492084,0.3282669896219662,57.7825597933799,238.08411058639416,305663.14934902947,3.479038093357458,42.81326227550941,4.260081788849494,81.36615300821013,4.534371217753891,28.706171423711133,0.47010525716947854,0.4203355959793129,393.6174918197663,22.540696358538046,0.238599303349348,52914.81120723837,0.7724703581252712,49.18894309584651,1475.3630317079953,136.82453398638506,349.00002055915024,50.93087413028768,0.15593496183355654,0.19896376575454755,5.470569257110864,26.637778615024523,3.084988040655222,79.91780134030904,0.0,0.9572237787406489,0.13825117592257868,11.821248983105972,30.622764508324373,0.2306179041265692,12.334482266028601,1.6033010066721712e-07,0.0001132097967789073,0.21261052854693668,6.384385362233797,27.345641715046828,0.24171802806810608,76.79702020931222,0.0,0.00014063033626880034,0.15078151116815686,38.77225747985569,35.67055474276561,3.7168906498918632,26.314254257574763,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9206815296260009,0.2280781015056276,0.33244769702385385,163.91556115144544,221.821504614903,349102.5817924792,6.08872210542331,82.75230839032426,4.155267295016577,88.18185473137315,2.8689122786097814,29.099470012479642,0.4804668340968977,0.9843384001242066,379.90854070294233,92.25656107681107,0.266236231173145,277459.07236418617,2.87427564197251,97.81862068263352,3922.1912882845168,285.5002153707635,348.9578430940888,23.81256100131936,0.15189167244150847,0.18887795891540976,28.729070228044808,55.71677392561723,3.422764559229658,9.38002462707162,0.0,0.7167726000382243,0.11182033105790112,35.37908821899083,65.14087783676011,0.6136395788352113,11.463219958753957,1.6033010066721712e-07,0.0001132097967789073,0.2032875122832841,31.32881375013198,60.092719401091486,0.3047088099565692,8.12057489699826,0.0,0.00014063033626880034,0.10971375648452544,119.34861604916945,82.10598609531915,4.380500217789046,10.813052108466215,1.9907974977412392e-07,0.0,0.17879464961218425,66.87747379895971,119.46482562742723,6.887054781238629,11.850229921848646,6.098713074175111e-06,0.0,233.17252033311857 +0.8425185195485878,0.18729080049235652,0.3564610923613567,248.34440541390046,192.3856900828733,290921.3946924001,4.231489766254946,98.45121900648822,1.82585290022877,83.99225140270454,4.069355376752931,27.6596472691798,0.39241374714912153,0.9295967872142322,758.0076539499172,58.19184021883389,0.07042306881498786,264293.5068999544,2.832305592628236,86.92716661874572,2345.460843456673,129.8930034112341,348.23470913563847,57.09693040841749,0.27341576360084235,0.19973653108994832,45.44559107319087,58.3707553033003,2.943700919731075,24.146723381839433,1.8473716568168855e-06,2.637986305546351,0.1345110847667892,25.13389238756167,46.87935130040626,0.5610558949863101,7.3443904955778825,1.6033010066721712e-07,0.0001132097967789073,0.20458552988733913,37.92816043502023,62.574572033606344,0.2939385230742785,16.39849607049195,0.0,0.00014063033626880034,0.30593061313928244,83.61512767388012,50.36162304332529,2.8062830223206237,14.489518934260333,1.9907974977412392e-07,0.0,0.20911829774340102,42.82906734346131,76.77512431660756,5.321064395681961,9.792121205439448,9.132863505816067e-06,0.0,179.37860848420303 +0.9221928008493663,0.13438166168768942,0.35852364078899673,17.513523822724125,228.57781929348576,246627.25685186067,4.395571297217626,73.6508979827043,1.902965379643148,31.46229520319954,3.223101478459819,21.677922843026014,0.3475419341219982,0.3020407502900812,181.52214023001176,94.09904350533276,0.22521622322345863,66733.43069464268,2.7892297508302226,83.09737329876344,829.7666762402698,198.69519200250681,345.7093057667608,31.59066112488022,0.3199899580831427,0.19948336537126696,11.134915777829109,30.354472924507654,2.711793702757098,16.008647669250244,0.0,1.132024703655883,0.11623415729263821,13.182669671631432,31.27654459775713,0.2917088388640815,30.948881256993207,1.6033010066721712e-07,0.0001132097967789073,0.21314649218154727,15.830439031242385,33.58866878267048,0.23832704780168207,15.486715427994545,0.0,0.00014063033626880034,0.10002403081551756,30.05944694866668,30.02394019259958,3.8500246772631086,11.645472567455986,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8864716036925048,0.23194314099173974,0.32841223263663794,234.0300502344195,184.53198681485833,228652.90722701768,6.364230694098784,82.38435912791343,1.5017994044725453,89.93475941611908,4.140632464254283,26.216258603772026,0.4762729655539061,0.9460408222013443,961.5322233441457,66.6887297146418,0.15189017572427846,174440.95979646422,2.833539324012591,87.10585306609327,2493.1774662728744,291.2219121538972,342.83146709875535,57.30479925704875,0.23134703640560042,0.19453434945336268,38.24227976998894,59.93191496338842,2.951957361484286,25.23370951435513,0.0,1.1481619573207922,0.11656650058758072,32.854681119706584,67.99297139841352,1.0534393293291529,17.60552321154266,1.6033010066721712e-07,0.0001132097967789073,0.2000994806392814,37.31883994525376,65.74461953500354,0.38214081909896824,19.883366135997637,4.4420299479585944e-05,0.00014063033626880034,0.12465786778173336,93.7351726889228,72.10740429088598,4.051216627330785,7.2583627513985105,1.9907974977412392e-07,0.0,0.16384262756001147,68.41311442490922,116.02397488585547,6.336196293258265,22.294490166011723,0.0,0.0,224.8538666912742 +0.8805033221322859,0.16628937678163583,0.3759841794219888,210.99942474453138,197.50804104244835,191462.73186885501,3.7898014534550253,91.53199525093174,4.224200532462369,17.49859815129629,3.8611983249167263,28.54843211991423,0.7139639614073957,0.1357235801491633,728.438078836097,3.8572617052430562,0.19107129007611162,81646.0888406351,2.786122414834018,82.53762258588368,1783.5328658307585,194.539301243968,347.7000363767556,59.22187888413305,0.3288079789678523,0.20167800879867076,18.03078520280905,35.2753251423388,3.7813275861262987,23.82189893242226,7.310004230799435e-05,0.6773163451459873,0.1451077002178478,13.197353046137534,27.694784346239018,0.757957211149687,32.400682040076866,9.580948867061596e-07,0.0001132097967789073,0.20035237916931364,13.050146262557002,37.7898922171045,0.3052343441993351,21.947508684709256,0.0,0.00014414060373783881,0.14639522122878645,22.8642250595704,25.03956348052031,4.535190255019323,32.87992118650626,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.892245617582941,0.18229784308321573,0.3206624830571329,43.365590704797995,116.07578391788326,273017.12874274823,1.9715174526878014,47.79792463377811,0.6455736027451046,62.80689935059645,2.6867825584711498,28.17938271495247,0.4295077279700695,0.8172366279045615,164.86412518313637,14.935503442655033,0.06606072968980412,55286.27129455076,0.7053350345164416,91.58269061705498,1869.5432213635156,220.97824054333347,333.7672682529753,53.745931814722084,0.3440619688143918,0.19512611742792962,11.966187755003347,28.986005167956023,3.0503080466771455,91.87430013940894,3.447904979844434e-05,1.1738624813957728,0.13330723198964603,11.80614359057904,30.059923355035732,0.40962550338758236,10.313256356240048,1.6033010066721712e-07,0.0001132097967789073,0.2055221230202967,8.784301944629988,29.05259629514563,0.2364109067789297,78.74078667389837,0.0,0.00014063033626880034,0.1431094464414463,23.090810572307095,30.834487807159867,3.6974566986949022,23.227087871414504,1.9907974977412392e-07,0.0,0.20905790337537145,13.151740453827223,36.70149922798674,4.473232557722187,34.404497257142346,0.00012783159747788896,0.0,149.8892159621513 +0.8862537606667912,0.2244510610457268,0.32742884790845495,242.20103538448683,114.74505865384724,198825.0668081794,4.073414796194635,98.5569654968159,2.4429301461893083,78.32636735555931,2.165178087324242,19.00619222514012,0.4258719527131901,0.8511529929786026,116.48584241256572,40.8831367138156,0.2019342277287774,54068.51238775099,0.6906890994579346,54.97787811518174,3877.1549075580674,269.3871690991589,334.2993624280876,51.031989263249834,0.23063854280027665,0.19661462327534057,8.406991235745306,26.53927512346981,3.162809186755034,84.86210340806927,0.0,0.7839901005966696,0.13532442975705042,11.500614760628192,29.657285224529993,0.6458866848924151,10.563472774243742,1.6033010066721712e-07,0.0001132097967789073,0.20902635623082885,8.2256229049466,27.632424583961722,0.321323067262157,79.42239072408893,0.0,0.00014063033626880034,0.14044601838111753,34.3724105964687,37.625967754257296,3.0892786122706437,23.000871640735582,1.9907974977412392e-07,0.0,0.20522362140051878,5.588007730940544,30.465273326586054,4.894331562173544,22.91336032473813,0.0,0.0,144.549357618806 +0.8852234838352182,0.18870811876087318,0.3833736235076129,225.31150473638948,175.62682871552195,318098.82864232163,6.390331020606027,59.093445444720565,3.6645342933561458,45.269025367174436,4.014294123972294,24.68308395357082,0.3938845865919896,0.9514875264262042,797.2331276708444,93.33016204081763,0.22194146948193955,259799.56232794776,2.921316181426072,96.12684923125693,4389.828063885958,272.2869159260517,346.05351871922824,55.109061545856534,0.1723932824527556,0.19347826132572812,37.123238703763654,62.66111770563251,3.1490761281248316,16.337483748145928,0.0,0.6826431362368474,0.10652193936411943,33.319621519568486,55.906070641666446,0.7494374927752848,13.868125413913454,1.6033010066721712e-07,0.0001132097967789073,0.2013341553666886,38.92805898182322,67.39519613881745,0.3296115685533386,14.161358324928765,0.0,0.00014063033626880034,0.16528943083053502,110.30279574659494,75.1413051939319,4.168225869577009,6.692325796603813,1.9907974977412392e-07,0.0,0.17289453152549525,65.25820823578091,114.78125763552168,6.387362115788114,14.243638224482869,0.0,0.0,227.64195314796393 +0.8087591657083392,0.1095455184125228,0.381544925004696,129.46586736882892,42.249176669145115,121649.85575964607,2.1032333896442195,11.344598844619517,2.9165859164034282,36.119534122652325,4.535356968065832,20.014118361865403,0.5835697048064934,0.9117115694167193,257.12156477433666,27.300593029213317,0.1794781802749502,94565.64468072624,2.944172323037827,10.858369491018394,2839.6304393818355,216.68008322393592,333.2113830649485,17.363369429796023,0.23351313372858312,0.17982727837830423,1.8961132233971976,21.2388186007751,2.2738740240152606,2.730912501025505,0.0,1.1490359585033203,0.13553114130248223,3.1349768817261467,17.08121043428317,0.22883007799465513,3.7661748440204845,5.423145735093612e-06,0.0001132097967789073,0.20691208722034352,4.669726080185554,24.45234063618604,0.2666261434225153,1.9481414827409658,0.0,0.00014063033626880034,0.14509808153420636,15.997476249183975,25.360380290143315,4.810327925496907,16.054519396860663,2.8605507110931695e-05,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8894323658296549,0.14445708271270125,0.3493479747658599,37.75056872278358,119.72280546878793,220068.45798598358,2.535185297660626,68.8395418622109,1.173647534761138,61.19754621829398,2.672971637436155,28.312243818779866,0.3637840960581086,0.81287964991691,688.3626884218179,99.79752609962587,0.21631354969745656,61980.930596946666,0.6693590159236726,94.5692578927046,772.1699082411121,127.25008033945676,345.05503782062044,53.745931814722084,0.19476598771654202,0.19263080217676096,7.159541696429793,27.578965109418817,2.39514870083739,74.28722726685513,0.0,1.1511948586288492,0.13121891443787806,14.8051833140042,34.75378574559408,0.3024358554331997,10.788116610945222,1.6033010066721712e-07,0.0001132097967789073,0.2042926457130889,8.842667289440334,29.276351728267848,0.23758227430526954,74.19483967177256,0.0,0.00014063033626880034,0.1405632737342838,35.37181549126368,37.62236525761688,4.31752656888471,26.151609645026696,1.9907974977412392e-07,0.0,0.1836705666770525,8.567613202219004,39.75109866420604,2.8686736674517244,29.1168124131014,0.0,0.0,142.12709651551813 +0.8794930796994045,0.1369003387667561,0.36370706588010804,149.656708972561,137.6601815269389,302094.4607234545,6.261199887460618,10.292421666846039,4.435220963276153,68.67280291954565,1.968628183465176,26.226290528149296,0.3300743471371955,0.8557523697281786,99.30237030940253,66.55781271965759,0.06895468823759786,60866.95747676777,2.812014487961207,43.79279508268043,3028.0854874642428,252.9616295839007,342.29761495168196,54.44572403480345,0.15129804892177998,0.1971006006411027,28.955644558899408,45.55909478531052,3.6905797522090085,32.6885772667192,1.749453335196044e-05,3.3654832235898535,0.08469346619033459,39.15027915516204,74.34680538962954,0.604989309281662,22.00800588112648,1.6033010066721712e-07,0.0001132097967789073,0.20369757118603848,24.27455290612884,48.17543683200647,0.3117190829254336,18.520678020866566,0.0,0.00014063033626880034,0.18647920022572884,96.75366053760479,76.28679452614426,4.988595858209165,18.961904926792997,1.9907974977412392e-07,0.0,0.1799303162913799,51.314178729317184,87.87867377612315,7.832438260421487,15.868968520872135,5.707807239628573e-05,0.0,202.58385380262283 +0.9184214012854328,0.14679173559049818,0.37632051293384583,142.4461269389476,179.5033290176658,204859.7675111156,2.2499641283549994,90.74125401154141,2.261474051242452,83.62946002382334,3.862666306347472,29.486071427814174,0.4870681487348251,0.985649845683275,670.423917493163,93.00039762378891,0.2686242149783166,171490.87304855575,2.8240972237920716,97.32127006596438,4761.024440109542,260.9548732484612,348.3412450627286,58.67053594416697,0.16211030922557726,0.1847763969619148,31.088027424180794,62.27640053128446,2.431014589296744,20.566781385025248,1.8176407993901457e-05,1.1566646070695108,0.09331092245066377,34.75458337459581,58.72332839222691,0.2523034949846671,14.605593860430389,1.6033010066721712e-07,0.0001132097967789073,0.19814282160512037,36.13942434775285,64.5684436003625,0.251333116521572,19.319704605883388,4.131114849657413e-05,0.00014063033626880034,0.14304267146006044,97.79187269702777,69.35508532212269,4.303186807745276,10.791711976954728,1.9907974977412392e-07,0.0,0.15039228837886903,65.09375402189254,120.77259685110737,4.097441846317728,17.92325952428102,5.645002583990915e-05,0.0,222.85183477927035 +0.9722899474360409,0.20438013741074235,0.4350817803194338,149.62265821615668,218.72543561288472,247235.99791639415,5.753351169054267,91.041894588087,4.792385895539636,90.30675900234435,3.443717045440484,20.69793287212678,0.7993441893147184,0.5596420727964619,270.61128969914535,93.07819691282587,0.293326287011252,51275.41047478845,2.8868089128875822,92.0691850052188,4786.600232050952,270.2550187659702,253.66160165574047,13.153304113722264,0.30348822993384583,0.19010411853442077,6.932276792413249,25.23905185348425,3.1128011114414944,12.081398564907246,0.0,0.8130684531813791,0.12851166389589602,2.0474420755811247,19.378116263279892,0.8041896359250685,25.98543586405573,1.6033010066721712e-07,0.0001132097967789073,0.20164371938873066,5.869268816655845,24.64553917848684,0.34145856476617753,9.986850408239192,3.6641201757734736e-05,0.00014063033626880034,0.3237571112704895,2.3766360391421015,15.390849833258063,17.039553447509647,58.0215529365676,1.9907974977412392e-07,0.0,0.188054126854097,8.130607300295337,32.32649301677253,9.49170581085955,62.82370856006509,5.4344026208177115e-05,0.0,108.10319887428547 +0.8934519746241353,0.21804832931403237,0.36968896733738815,11.56491350388103,91.39461697389943,201722.48753654084,5.34080767454573,89.66224809479996,1.1444115627116838,35.2437889242516,4.603005219635179,25.372028305279013,0.3566336358764741,0.6676258758442837,426.2498719946732,90.16016637892548,0.1135906022425487,50236.50576486059,0.5646793168461246,76.52015328846439,3967.247743281128,201.45133617975665,332.59099398847366,57.30247943322663,0.19398107343275256,0.1983853684495086,4.677269714166438,24.73328867402579,2.4051179777173344,80.92839580960415,0.0,0.9751248849034994,0.1370488424576873,9.622940578220442,25.943541095902848,0.26120844309555635,9.825719039815889,1.6033010066721712e-07,0.0001132097967789073,0.21074718164324543,4.554620838806651,25.141415915166757,0.240548449308402,75.63734900551154,0.0,0.00014063033626880034,0.15009886475868028,21.71381030733818,26.797936333417237,4.41605201636403,25.991327263281153,1.9907974977412392e-07,0.0,0.21382918611960194,2.358249356848302,25.62437098654953,2.829244855341331,28.501674705201204,5.772241394303524e-05,0.0,133.39151546464467 +0.9385163444356597,0.24419815053761434,0.3482223872801817,209.34732602933857,143.65983105122044,308363.84752778895,6.697819243799183,63.01443228444238,3.946356714303227,91.35331539093899,3.1097295562376304,25.926949862136368,0.5486555091764272,0.9872453908779271,970.9568114953024,49.857778240004855,0.2575088008838651,195649.64535680733,2.683963122743261,98.78249922884828,1842.172863033018,204.26484018572475,343.48778759704766,58.203944411681356,0.1601750017702646,0.1925775153374544,31.25241671671055,52.58043965203738,3.227505682888875,21.650361823132464,0.0,0.6394248897406345,0.1246785972990549,36.23617939892425,65.8764565913024,0.7297147848829032,12.72877547656877,1.6033010066721712e-07,0.0001132097967789073,0.20379274369638148,33.84040707814583,61.37393578799099,0.3303082072362471,18.214969756295854,3.5450717808909853e-05,0.00014063033626880034,0.11557090432283842,116.702203323693,81.86724532159937,3.529358267223761,9.811716188365423,1.9907974977412392e-07,0.0,0.19750920494300167,65.56684006419056,114.361853644923,5.98128933353614,14.135034470158903,1.413715309509764e-05,0.0,230.9196217673926 +0.9164256461844463,0.12018358044390878,0.34149006839943913,197.100309393032,132.0449929777515,275902.25605447165,4.830108299552214,50.21578784841621,1.4901002257316653,38.8277161126442,4.243677537725683,25.896042307156623,0.4576186735944652,0.9282931596448094,590.0179911264154,91.80042182886021,0.3320837764557813,204445.97084825608,2.887121313614725,87.35493303137413,1951.9367594140879,284.6371367677839,347.3150092925461,53.84425222699869,0.20406775533309765,0.1894569053775997,32.69579158136617,60.11620151201697,2.9074702369450187,18.95429708895463,0.0,0.8780509367835101,0.10494927783909867,29.549665300455427,54.65209557007644,0.5371057247723998,15.674119875200056,1.6033010066721712e-07,0.0001132097967789073,0.19699998951037684,36.674358008281246,66.01534794773201,0.2987091062553061,17.27464962947628,0.0,0.00014063033626880034,0.17409030335609277,87.78470429661391,63.49468027137126,2.9033861540563715,8.025001450062039,1.9907974977412392e-07,0.0,0.14080168228495582,70.18618732152318,123.3911350764554,5.152165075780718,20.136123348530603,0.0,0.0,218.06690875554807 +0.8937084554666445,0.18791420244186324,0.32837705776686077,239.7153017552708,216.60623675187054,291922.34550767625,6.5336935913081495,54.00946406805164,3.4186640218079964,80.47691758354823,0.27711992851479056,28.691451434515244,0.4811309146646633,0.9842344734504916,648.0277377516884,58.576747395302526,0.3276830070187752,256971.1614236806,2.9831380292248375,94.32315763529743,4355.469068833524,265.50351634525293,345.04548974737287,56.795491625656936,0.24401802268372355,0.18901576139278584,38.09902617080749,65.83531539437429,3.271502056352731,17.84773548001382,8.667156781125457e-05,0.748416893441012,0.09615982356541011,32.119224409767824,57.77634934973445,0.9244254062484962,15.990268247412088,1.6033010066721712e-07,0.0001132097967789073,0.20121641739742488,41.14594451953043,71.71531977278212,0.35677665031749123,16.058026172108033,0.0,0.00014063033626880034,0.2960418368229674,95.8109398547317,57.72761057487864,5.366721814101684,15.392614981822485,1.9907974977412392e-07,0.0,0.1376278050947005,70.27086233184912,120.73329607512608,7.328881372111482,17.520626563069495,0.0,0.0,224.69831786831938 +0.8305326379349137,0.21122066792046876,0.40123288046347105,227.11387788883167,15.920019589174142,134770.97737353033,2.8868222725227053,84.83808843110575,1.3025598918033585,34.396009624722524,3.7031930786185328,28.148165276685468,0.3012001985326535,0.4561324472348033,124.13663679072828,56.45162044697135,0.15575091826936308,81959.73955868365,2.8329609790985932,94.8629118924242,4175.494094035437,220.049665872259,342.54683334228815,56.54498704888371,0.27008240885942053,0.1985640908129612,19.31979964436402,37.522256307076695,2.6872041102472295,22.988070460292096,0.0,0.811103899011462,0.10481483067166708,21.24180668007944,41.805135034520056,0.23988255712109696,30.478867088452816,1.6033010066721712e-07,0.0001132097967789073,0.21132618569457642,22.47614862487609,38.76840176395618,0.2861245694392155,21.319430838798528,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.23632805332393658,28.09793005662292,55.3323698224567,4.614870470512741,28.13916563716785,0.00043111067733042077,0.0,2698666337285.8823 +0.9385163444356597,0.24522807298891777,0.3576191982045689,209.34732602933857,143.65983105122044,308394.2599162751,6.610400667964024,63.01443228444238,3.946356714303227,74.16638582140637,1.8636438560419182,27.301740100259693,0.5486555091764272,0.9872453908779271,819.5037250375234,49.857778240004855,0.3397152581154333,192780.42030467308,2.8581272050464483,98.55673686165744,2985.989125788803,199.62170595407423,343.48778759704766,58.203944411681356,0.19228073684798525,0.19127735011335728,30.965009743548844,54.66613676403231,3.263025409551677,19.17516743950156,0.0,0.7318330624949416,0.12299316583219473,30.288202640478577,64.09079561771505,0.7196030666740656,13.343037260452396,1.6033010066721712e-07,0.0001132097967789073,0.201189837215675,34.321406333553306,63.40512857643801,0.32853981802798565,16.08128444224552,0.0,0.00014063033626880034,0.16318175186005116,102.70313944024966,74.42279184355415,3.537348779407637,7.8390307066097975,1.9907974977412392e-07,0.0,0.16131565566663014,68.12451900151834,121.05732563448046,6.15270609850929,16.196262247359122,0.00029572591322456454,0.0,225.2627992868549 +0.9713284907393367,0.23154543659131693,0.3792219076872861,233.75819038342206,15.251927444182508,111242.34256251885,5.3782356365965605,75.59211368456134,3.4718082105992027,86.16142415960303,4.64989268921837,28.761892379858036,0.7312685928324087,0.9862870175385453,951.2250016128614,76.66607394873458,0.30413866333233425,265029.42136271676,2.9251256043085645,94.80470067737294,3340.189192281162,261.90954051681933,349.6870038861685,55.308890389976895,0.16218095508272695,0.19107507738810442,35.880447403247956,61.324065532298384,2.972694868616903,16.7848250809643,5.607670955229406e-05,0.8532322173839261,0.1144265557322028,34.73470185251265,61.49111648690093,0.735236737936303,13.47837757990922,1.6033010066721712e-07,0.0001132097967789073,0.20249950136333258,39.79972990052458,69.47127559021695,0.37205040140532114,14.965684049277625,0.0,0.00014063033626880034,0.09087968161328946,90.77246447952865,70.47144592432828,4.949630778524631,8.174500495998034,1.9907974977412392e-07,0.0,0.15367170211432357,36.223750177328114,124.11668942217123,3.1965264618752576,14.962751040193286,9.294000271087039e-05,0.0,217.69730557581687 +0.8437669930655459,0.15179653661191034,0.37526710498577803,234.977448191685,40.981539237451415,283673.5860014604,3.6323140057324803,47.91001590671614,4.8503528772908435,37.816915971306045,3.809607641925556,28.673060834533985,0.3880009852011731,0.9809342344130373,310.5791376624643,48.526261317333926,0.19403006101965412,256652.83220020187,2.9549067156803686,93.50727190172861,2511.6959295968854,234.20543198860986,349.2366802943468,52.65181886870543,0.17013252658482508,0.19028637796531608,37.31663319153207,59.46495452600399,3.1083668744723676,17.53193741375498,0.0,0.689867171390642,0.12622193468134255,36.4086476953206,63.503668834535105,0.19546845372226773,11.747112640080573,1.6033010066721712e-07,0.0001132097967789073,0.202720536256561,40.85713567012169,67.80331650520027,0.2505044755121444,15.140284149987814,0.0,0.00014063033626880034,0.12526562638977187,110.20866890187743,78.42688023785571,3.708186754242186,9.529588173409337,1.9907974977412392e-07,0.0,0.18220291381930404,75.69805102519861,124.86482482466137,4.692675752537158,16.25407442038351,0.000237311619027878,0.0,239.2643118105605 +0.9645180323013314,0.13047216196174782,0.4256427786641958,169.34278716156672,171.70928505552143,233567.0723667912,6.044935834198364,52.58924313464867,2.533268244854554,51.071327746850265,2.089306631890335,13.851501829685633,0.6811461571196533,0.6332255682166369,781.0809815857875,57.61918542562297,0.12929163932169715,57328.29333002311,2.7946755694030117,95.55637835997489,4076.861178571904,90.78425892174258,241.57921005857744,12.069730880555248,0.17589449325317064,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.13822329166739317,2.182073122226401,19.37328180518323,0.8708247514844116,24.931905366362535,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.33721673528109863,5.957823496479928,14.610959423543674,18.495938180384254,59.473170948168885,1.9907974977412392e-07,0.0,0.1532202891714791,8.178375080033108,33.47124136810245,9.630042034794098,63.788657124449145,0.0005653646645700704,0.0,3816490534509.4204 +0.9757928106537664,0.20657250070818128,0.3433916425449967,194.56623134757427,248.28266380799838,253094.18380969728,6.068566684835801,50.07769611144684,4.254451484870186,60.224455573397265,4.744179602385494,21.26071622354073,0.470288441297364,0.933254577677502,369.51712618688725,72.83643486424498,0.32915372556429645,255852.16068426953,2.9371054599253044,97.22500540424019,4969.112069271415,298.163761257718,347.3091453684,56.60097891599463,0.18718181223934183,0.1932635229047491,36.57116791198705,66.56449494987957,3.180483216379965,17.166239373753925,0.0,0.8139827992299815,0.11311527834836911,30.788517630885064,65.738796353607,0.9558982745494672,13.402189179253146,1.6033010066721712e-07,0.0001132097967789073,0.19930514038107575,40.86105509487995,70.5470717694755,0.3632560002541503,16.489817726530127,0.0,0.00014063033626880034,0.20682124155486914,103.95801072979629,72.10900946317348,4.953524655126752,8.002036262709494,1.9907974977412392e-07,0.0,0.15472769531835193,69.0914548528204,126.01479257487706,7.277786358911881,17.174178643461286,2.6776520700845935e-05,0.0,235.66784972072554 +0.9376043718264455,0.2321717431315904,0.35070206418174815,235.1285298810048,177.48702265783965,103476.16498124169,4.21480653970943,65.47809694163259,1.3011139866822947,52.37743730534311,4.199493948973667,27.70817066162282,0.31772043196548333,0.9879186838253206,247.47460202767206,49.17454572293216,0.2850298402606412,186648.1160529756,2.713454707716483,68.98080266850866,4149.695403704461,242.39292902919922,349.01780947565044,57.55792909634558,0.1680961282365987,0.18938422366824323,30.14006527682994,53.87455748944652,3.0823935810246477,23.04750184041908,0.0,0.9545245141426796,0.11040550562153532,37.313276656826055,68.68449293159854,1.3895918337468234,11.261576565274991,1.6033010066721712e-07,0.0001132097967789073,0.2027982135198586,33.695710187308066,56.830807809842675,0.4427751469058768,20.515270542085307,0.0,0.00014063033626880034,0.16214955865428096,112.55563595737463,73.83575959906818,4.012807257102583,11.800056449735806,1.9907974977412392e-07,0.0,0.14798488993907624,69.64912647577354,121.64739500231123,5.989901431323034,13.247149351041871,0.0,0.0,231.3303409545638 +0.8657801326736307,0.1369003387667561,0.3581490588286639,173.8673025633576,139.80313065991047,302164.9159674101,2.7665847394346748,14.045730585459069,3.108656506537429,58.7230026931077,1.0048468504536232,25.102761428669503,0.47020525455951684,0.8261194113461293,428.7051217948827,57.704555246085114,0.056473587963711575,299051.7984502278,2.8625535409611276,85.95734303267913,833.2598804352888,218.57071176633656,349.5815966324406,49.11098926382202,0.19210496182607173,0.19888624768523047,44.97663720759126,56.64085123129282,2.9281948084267566,19.908423708863907,9.371196581706186e-05,2.3740350728075534,0.1320967870078187,32.46739475637594,57.08397599017292,0.21375217701329796,9.371331938216908,1.6033010066721712e-07,0.0001132097967789073,0.20644856011668067,37.035300507606024,56.93552764915231,0.2436591355262192,13.7214548771516,0.0,0.00014063033626880034,0.11278013361866106,91.25718110383119,60.89138912859285,3.5773642559167396,5.094365725382458,1.9907974977412392e-07,0.0,0.2186681495919305,54.94549238702776,92.51084150076674,4.463021736795833,12.681389613555975,8.526093967858381e-05,0.0,196.66308363847756 +0.916713458256081,0.20820303749574123,0.34592063117105415,162.94335759479458,187.29132776006395,100108.58244872192,6.661964126072268,72.45197298933718,1.3629605597975658,53.87659076123705,0.7626494449565269,28.688320953319455,0.37905093341373614,0.9750927453084921,955.8355465022804,92.1192580453889,0.08648661583108831,155235.50592905306,2.50330875969789,74.6146305372065,568.5770183163852,285.561830444787,345.15113259604806,49.64327970108089,0.15885601388467213,0.19470104862419133,33.391281648495806,47.61199678209519,3.0927983959648326,29.480921915413152,0.0,2.413831481624558,0.11164350072162586,34.9852321010698,65.0339658505827,1.7272915602332848,12.318056604347369,1.6033010066721712e-07,0.0001132097967789073,0.20223215594908878,28.532258426173303,54.732747648419114,0.4985511349637785,19.62104255004412,0.0,0.00014063033626880034,0.09772584138822253,101.84100925440568,76.64990135641024,4.566656307583074,14.769311821944388,1.9907974977412392e-07,0.0,0.15982475610464175,66.08196894895406,123.43083939516325,5.88314196953139,14.068314210744054,7.538785994739382e-06,0.0,224.47702464087553 +0.9729818647249142,0.14808611907602945,0.3622401241991676,59.10601759272291,75.40807099583833,334589.31474215735,5.394314079166185,10.27402787723943,3.7612400258363365,21.314088341753006,3.4434910181228857,22.790278266528357,0.5103944039608257,0.7328703584027473,682.8431846008586,54.25757070161276,0.06645475897586475,50066.72949452179,0.5741574591558345,69.87811175392486,4067.956038734638,211.5870544011207,345.7572251432237,28.819671327106757,0.22041198689241306,0.19816349504646905,8.183307504642649,25.921479943633496,3.0342147021683323,85.30507514168552,3.8581922827289644e-05,2.4751203905103947,0.1358630354652473,4.43411789076149,20.10944983351012,0.2012329982762673,8.380880897641147,5.6099257388609815e-05,0.0001132097967789073,0.21012000671666733,1.8366364485546944,25.399433581718615,0.25104036686995673,61.85771419675992,0.0,0.00014063033626880034,0.13180810347928987,23.630900365957434,31.46288929609317,3.6284906010059856,20.274097789929396,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9514282502557536,0.10781938265300581,0.328858018848935,234.3033942700818,248.30026232088312,260423.52348233951,6.537634070892298,88.73888645014156,0.9086046223532362,24.91635294842176,3.7136410427886712,27.494719186030228,0.6234994910998581,0.9445848368369959,446.3643448345182,54.53902862853342,0.12331154363184585,56060.42029236311,2.083530376451073,85.01912795240717,439.47412294223386,178.54480414990886,348.2354087146582,56.9898768315251,0.1591711950011001,0.19061552419881106,21.831923911192252,43.39277033210406,3.3265129457159923,51.13073914517743,0.00018590246674192123,1.5777403946314879,0.09312892965620434,37.71543458613042,68.57476514222633,1.0628619569494802,15.692009962901906,1.6033010066721712e-07,0.0001132097967789073,0.19864356348605577,19.019563120503403,42.84586176407707,0.3800551937130409,38.00691838319639,0.0,0.00014063033626880034,0.2645811893371662,116.00144309597347,81.74582111327183,6.244309175585127,24.321071171846366,1.9907974977412392e-07,0.0,0.16336580738955156,51.80579966981028,105.18590727190661,8.480885867438587,23.643604803532728,0.00011034484463208174,0.0,223.94248957672897 +0.8443601717571353,0.1517347094423679,0.3534443569242119,230.38111941509052,40.981539237451415,283673.5860014604,3.8359226651505316,71.15905218269542,4.8503528772908435,31.86217997100283,3.7497244211644456,27.14288618904346,0.3897589937090233,0.9803363105831734,310.5791376624643,48.526261317333926,0.22518305378001605,256652.83220020187,2.8827897089796597,93.38839366177804,2511.6959295968854,234.0217818218821,349.47202833789015,52.11746105804235,0.1701391371135706,0.1912211096746721,37.38091063676507,59.878616020626076,3.1314931676810818,18.802671637135813,0.0,0.723691782053975,0.12236193377799763,41.83141377292132,71.72286434035598,0.18870505665439913,11.538071881173524,1.6033010066721712e-07,0.0001132097967789073,0.19977607314543555,41.22311066701889,65.76915782116758,0.2530861249368817,16.598892026630523,0.0,0.00014063033626880034,0.10553220924139972,111.27724677374383,80.18576152560628,3.6957474423834573,10.031858133226226,1.9907974977412392e-07,0.0,0.1907126166747956,75.75229413077975,126.19419942333276,4.753258658142514,14.987778629675859,0.00010882050517262966,0.0,243.9503959288254 +0.9385376518069926,0.2433503207380576,0.3932598845921602,230.17425365169092,239.9992388747,274134.3102219832,6.76914144429361,60.40475615294213,4.406156616000474,95.85713860395903,3.5339629321430617,26.631218449558418,0.43876861971010495,0.9866141574761819,905.0685600217279,94.17403522643127,0.28968091192455125,297968.02687703265,2.9495732699294788,77.84550140192293,1988.5727921364462,281.311624256262,348.3527096039483,59.07338907281545,0.16211030922557726,0.1921165019730125,37.90520877045445,61.53441688819041,3.0540277705038297,16.262170469633563,0.0,0.7179024981679449,0.1292776879232133,33.32870131531549,60.89184791741166,1.0303786843994218,10.32313485942243,1.6033010066721712e-07,0.0001132097967789073,0.2015121599394722,40.200038302050096,63.900189476020806,0.37467569841494625,14.33210699876099,0.0,0.00014063033626880034,0.13506622556088996,109.79907033143259,75.36915667501597,5.599939692564426,6.237457670387826,1.9907974977412392e-07,0.0,0.18710051491989724,68.95926230764528,115.12986535921316,7.106406219763532,13.351177477262578,1.2558464038543042e-05,0.0,228.8546355579548 +0.9119465259099131,0.19165805509574815,0.3209350883500838,28.422551895716374,119.52609651535782,225440.78681836475,4.7887753410129426,47.79792463377811,0.7054760818709742,62.604042658719635,2.914538564283589,29.376783502114996,0.43279708028584757,0.8134777553492584,346.9756036692462,15.154408155832973,0.058892834505843164,62581.33085160197,0.6366366893142983,65.7876128955451,313.8111034852184,296.19588023901355,333.94654652190235,51.75638289590332,0.23757738017013041,0.19687473225532975,14.0843092108204,30.237017776649523,3.0159137455892453,89.85879100523431,0.00011284070466077405,1.6335401793250999,0.1308643435793476,11.475124997941021,30.505669193254978,0.20174410192816047,8.87402924151533,3.334187012504273e-05,0.0001132097967789073,0.20550636588557813,8.728395464299531,27.70631807995032,0.2509215670470632,73.79514933063585,0.0,0.00014063033626880034,0.14887050268266647,19.7354319659462,32.44501661307253,4.117368300040695,24.344219721923277,2.7615343999459633e-07,0.0,0.21259519616969813,12.089186318757264,35.44457164117211,4.819415585683852,30.93810825347333,0.00025305294180572323,0.0,145.13604632223502 +0.9194718010762657,0.2379651514969979,0.4295129337287014,237.90473887367733,98.64023652919657,229136.6978329408,6.638126698664133,84.48796854624413,0.5992159837391781,86.57769271139668,1.3594759080047554,23.00661699705055,0.725772973663319,0.5784096392712144,698.1538734659425,77.29541248469924,0.24896222442436672,55424.842317075134,2.904535884923759,97.59315765986942,1452.5980266007507,220.93233821184825,229.964036049267,25.367525675253994,0.3331618115668882,0.19447172502786852,5.140208400214622,26.04231960040478,2.9860107939922056,10.987996386945905,7.704072514350124e-05,0.7269551104116682,0.11906860540393464,2.0972881097062968,19.7518315938539,0.8595920954491245,25.64845414052882,1.6033010066721712e-07,0.0001132097967789073,0.2029851868696001,4.761746294197055,25.446567171312513,0.35943387502566865,9.76609780048113,7.113527888571475e-06,0.00014063033626880034,0.31858699271823654,1.518774141067957,15.646383112954776,17.018036418902202,58.01403029433816,1.9907974977412392e-07,0.0,0.20689669459838575,6.314780857940964,32.22401228635264,9.178167718813967,63.303338092831154,0.0002655678434470667,0.0,108.28683177111756 +0.8915726627846728,0.18219888349765184,0.33330482363482966,50.521940022167435,119.72280546878793,220071.22554566458,2.5802027246981827,69.38535944497437,0.6009684129905764,68.95077029922011,2.6187443777003994,28.869612902896183,0.7983834129755348,0.7244093464673222,601.1128398334185,14.009723299507584,0.21631354969745656,50434.85430674345,0.5531945588216438,94.32193897183129,1054.7566307050797,291.9191642942576,347.9589131419615,39.907635509144754,0.3394144059234227,0.1953296048721026,5.074039301665077,25.421957592065443,2.649290116369185,83.41563700925109,0.0,1.1180221421989733,0.1348605793974755,11.409802421770562,30.34618317794324,0.2548879236650405,10.981997291555201,1.6033010066721712e-07,0.0001132097967789073,0.2080992139407357,6.393787868219742,27.76036320111942,0.2405113703260987,82.872755116878,2.0402651519669658e-05,0.00014063033626880034,0.14279639398263413,24.769197682496987,29.970031797410396,4.310411053305834,22.700004012016393,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9514282502557536,0.24903954751469062,0.32845266285041286,234.3033942700818,248.30026232088312,260423.52348233951,6.550626461092996,88.73888645014156,4.249062738557511,48.70102751701688,3.7136410427886712,27.260321225852465,0.7798774112719997,0.9726475187082717,426.6038243850777,58.56440195515351,0.2439381380434657,211408.17685462307,2.885352691869335,91.83894362758463,4963.374985845211,232.389844678782,342.54019614101844,56.9898768315251,0.15824387832710857,0.1931115310403236,35.28052329701954,57.23019999029989,3.3153019256473346,20.383008369169247,0.0,0.74652889446899,0.1089527877233007,39.0919043631469,69.03839009493623,1.0646145709075423,11.55277193850639,1.6033010066721712e-07,0.0001132097967789073,0.20130534328037128,37.132935636593096,67.64380166564166,0.3803641318979338,16.10580340439446,0.0,0.00014063033626880034,0.11724637667202033,116.20351327466915,89.31090702749509,6.092721242654772,11.079197772628996,1.9907974977412392e-07,0.0,0.17158822095284135,33.265538954369006,117.80891049589205,6.780754356408745,13.634557438229828,0.000245601596193742,0.0,233.33944358133024 +0.9708625481696318,0.1865333004206989,0.32684242691355525,235.10672537233688,62.71200443805111,282276.0329798592,5.766697606241305,99.36035986483323,4.8572594268642355,96.37939461106501,4.338746472354838,28.476764319428597,0.3542771734406005,0.9780429135016848,593.8718656684825,16.995246005000965,0.21855099819167262,195087.88612005019,2.858878547610854,82.73769948138163,3715.6717233216377,266.8706961864525,347.00009955657686,51.636794107404164,0.15819505425220476,0.1882354155698155,33.840257624882014,61.097194833556685,3.5730515641246607,20.290729925932578,7.85491913476802e-05,0.6659553794391024,0.1041172978116529,34.555635842964385,57.45367351684405,0.45639723968753193,11.779922284039197,1.6033010066721712e-07,0.0001132097967789073,0.1959036689743141,36.10599217270083,65.90170896294815,0.2992618149465635,17.129177115428934,0.0,0.00014063033626880034,0.08997448396004039,97.94844293547543,70.37718930080734,3.574381797488956,11.88374543548096,1.9907974977412392e-07,0.0,0.16536832981197944,70.79633252945754,124.31175468274543,5.769541361758878,14.575243277802135,0.0004133816356754458,0.0,226.47151280731805 +0.8706475350628695,0.1518749703010433,0.3252002054306629,212.9560000978718,181.75183780516443,283673.5860014604,3.85876451598228,48.10553070050901,4.856677229432567,92.69308954824103,3.8422155466941827,20.102476524942,0.5144360842200715,0.9809520693884463,661.4222616446957,48.554401557582985,0.23910870713617488,258190.3132432247,2.993502305545184,68.57770271096408,2511.6959295968854,234.02207026866378,348.742474477794,52.65181886870543,0.16924144565149288,0.19320671714391463,38.035128904584994,59.65055322921269,2.9336049874419774,19.077389515231722,0.0,0.7247788748724778,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2071793112231157,41.16415579849267,65.6519245934132,0.2794264403833815,16.732591354216325,0.0,0.00014063033626880034,0.1172544839051766,115.05557471357972,80.43281367235186,2.991506506591409,9.651508727885709,1.9907974977412392e-07,0.0,0.22013675591665474,64.67811261138263,111.09304082597215,5.0801239133508584,13.218987673987929,0.00011169836034343399,0.0,2698666337285.8823 +0.945347658559851,0.17094729464904698,0.3740359539613601,117.27514201673316,228.85732545767692,312592.32647587865,4.6076183895635845,73.6439889491864,1.3102506055365706,32.92306333486869,3.7417962309572044,21.734378654810467,0.6197944674704956,0.3303414164391464,973.2921363017465,87.10455469159129,0.22622590678785964,79299.04845389008,2.7892297508302226,83.49284074276095,4332.833864714042,197.35043368447933,347.408063397477,58.02488904306767,0.3199899580831427,0.18456679250241612,11.464972644794862,35.136456651104815,2.6153074390961066,24.283860482753504,4.507981851419215e-05,0.6208619092290635,0.10905180334654432,14.576344937961137,32.1093888632793,0.40684867655326085,28.98878707997239,1.6033010066721712e-07,0.0001132097967789073,0.21277705621737375,21.266788216825084,37.47180688404591,0.2719079679605772,22.60544003337331,0.0,0.00014063033626880034,0.23236681544792606,41.40373456050545,30.493086997065493,3.3570861135332035,23.658806832456627,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9514282502557536,0.21264029881183563,0.35332354832640844,220.57241795078374,172.31456450738904,224793.035829721,6.5416145002827735,72.28297671270502,4.249062738557511,31.770223097136775,2.9649037225314996,27.260321225852465,0.7813861245271505,0.9591991164981174,426.6038243850777,60.63299217148116,0.22531792148901947,161860.7327156455,2.885352691869335,90.58538480896449,4790.971353424484,289.0894834940251,342.58082142866584,56.84862672590165,0.15824387832710857,0.19116406083641047,32.78691871034733,59.236071574827015,3.202064800006454,20.809205404336904,5.444959544089134e-05,0.7652768940142785,0.09164205400520231,34.57852054812302,61.66912988524273,1.0511941863810161,14.555217527811253,1.6033010066721712e-07,0.0001132097967789073,0.1972932674422467,34.610203300171854,64.63557764848154,0.38303857510001305,17.126073973801343,1.4225264756205983e-05,0.00014063033626880034,0.16965604262732822,118.35774908896393,79.90866503582512,4.581975886456958,11.486560158008082,1.9907974977412392e-07,0.0,0.15022101685831532,35.04495852572528,132.72155072906577,6.401408187838955,19.103793560026038,0.00018991802418036644,0.0,236.0183440807284 +0.939259143705584,0.23189891539272806,0.42165733818718143,181.2696626049959,209.71161355824245,285482.67492926406,6.540090781814023,88.99308735631969,4.0893085924995685,15.133996388122775,0.7774224480899219,13.316377696382833,0.3101465611853607,0.9755141717849375,6.674970084756893,1.2165460519207372,0.20353398661036984,117532.28239153344,2.8950005144870183,87.1252025664519,4489.521342725709,188.1487579747892,342.1381803193971,58.59897811240696,0.21797023914983002,0.19285819174420477,20.681641143334137,46.68944786581058,8.100052837195967,15.969302575070264,0.0,1.3125629016025333,0.11015319424571432,20.663015840647848,43.75519364179118,0.8445128156314509,17.20184381900694,1.6033010066721712e-07,0.0001132097967789073,0.20593613113219153,25.705067321027443,50.84788564220644,0.34623222332633435,13.960432367767387,0.0,0.00014063033626880034,0.21652168147461678,69.74496338002825,57.95647577495673,9.990789718731037,9.267405729488768,1.9907974977412392e-07,0.0,0.17941823067559126,34.06214575708792,66.07610549639067,14.076957335338953,12.803129793390385,1.3138761876981776e-05,0.0,152.6659729977349 +0.9693826893863461,0.23497001238314802,0.4154531736456709,208.25340543800132,79.16960073559444,252422.04929338634,6.989175654283091,34.350954712905505,2.294823008420358,32.41367304743762,4.160092358186659,18.8806339970255,0.7728438417629034,0.4472586677624866,991.2422581829273,30.588843744596502,0.19491185216163298,56550.46794782346,2.8671750097594866,99.04935961089194,1511.1431452246497,117.76530771999327,228.27327594729448,10.843278794007206,0.29756200934264976,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11070457310714459,1.9074375272300192,17.96304051344366,0.7254248034829401,27.03201890212253,1.6033010066721712e-07,0.0001132097967789073,0.2133461654097315,5.664283049277465,23.63421323164017,0.34167783790675066,5.147611287994902,0.0,0.00014063033626880034,0.2971102013322164,6.587756827577432,15.850617819714547,18.62965860345502,59.719963775337725,1.9907974977412392e-07,0.0,0.21563840110612537,8.639977775819116,30.4788807860863,10.100062763470548,65.48891718914193,0.0001749407651919685,0.0,2698666337285.8823 +0.9237777396497068,0.20182117538917424,0.32543553614895027,161.4523691818822,221.42271748798407,332290.0517490604,3.7226161017355963,8.789722939320363,4.533827014363243,67.74728090712327,4.155450389360351,24.350657682672736,0.40482873631729227,0.9820083234342212,365.4413273162262,23.830165212746977,0.27249545291981464,257731.7105369212,2.8249225561644087,95.74408576726273,3145.0037108556085,273.6971549135825,348.5125169377117,54.16223008623486,0.20263787139845252,0.19025343375382175,37.72979843867594,62.561134500932276,3.3817004838639537,20.01383766904942,0.0,0.8568427326062396,0.11856026549324815,33.09970828690694,56.08794206578438,0.32306490651199027,14.41333049641242,1.6033010066721712e-07,0.0001132097967789073,0.2026206597089072,41.52914617890354,69.5795954425033,0.25672604759454065,17.84629411759129,0.0,0.00014063033626880034,0.11662800074629735,97.84693924460078,68.06968567897846,3.175140183347693,6.632414165610878,1.9907974977412392e-07,0.0,0.16009044919664267,76.28922547828553,128.69977481626776,5.448683568085747,17.63783118734886,2.0506850037872895e-05,0.0,232.52992372294506 +0.9421496309573307,0.10853327542713627,0.44055726741156775,113.0262773452545,244.21557890944777,195486.58181054128,6.825652154730063,29.826045702631987,1.3528685743203723,65.59160181545312,0.46561867393710443,4.7274091652790595,0.3501896455363305,0.6833357052406338,625.8131765622022,35.640371124244595,0.13734826871576808,56710.62211159713,2.5699252201601746,81.57062693291306,2776.832162605216,203.58012821614145,259.12653906641424,14.687661571191875,0.24640471437679312,0.19968912722807153,5.238215950352285,23.883596243996966,3.131448691652588,6.079365122336087,0.0,1.1348490580564612,0.12064523682749924,3.033561077210856,16.743491821625362,1.062596985729924,22.494150497559204,1.6033010066721712e-07,0.0001132097967789073,0.21378372071687338,6.456161082857465,23.52405697586073,0.38800212631574366,4.194827216099615,0.0,0.00014063033626880034,0.34188174587972237,1.8000728030344664,14.724591842740793,15.486852569045313,56.10457055592149,1.9907974977412392e-07,0.0,0.13861329842933623,7.218941682207556,33.8899176760581,8.451819944929529,59.39337226486878,0.0,0.0,102.28827909272928 +0.979551998812684,0.23221107493811682,0.37885069582755665,215.7873549452575,164.93430747359426,280173.6032261065,3.012150657333276,53.25103696325814,2.547359096963496,56.98996825757667,4.462529974520355,26.418323258662966,0.34065432386439726,0.937409261968816,964.4992672821977,28.31179316802472,0.31415503246026083,201306.80171825562,2.914713432200306,95.45442498184214,1601.5648927737184,298.73326397633906,346.18755425687414,55.02923806206927,0.1732346253486586,0.18730510876106224,31.256601909908547,62.068851947064495,2.8108408100345206,16.830183770154775,0.0,1.0642512711945624,0.09371375515039061,34.494745551179655,63.30556286329705,0.3024281387852796,16.053101025425196,1.6033010066721712e-07,0.0001132097967789073,0.1984954319857481,35.59941345418983,65.6820684492589,0.25553852576943475,15.358003912346463,0.0,0.00014063033626880034,0.1848768930971746,99.4002448925206,65.47201554464402,3.620371723004375,8.54470906452489,1.9907974977412392e-07,0.0,0.13542759756503397,71.3897460140629,122.99981428713001,4.77178368921993,20.757729781203775,0.0,0.0,226.5542300456807 +0.827641540185175,0.12724398849310203,0.4311077984453376,195.88934943614476,242.81946286387645,204948.92580113656,5.584932508904482,87.501183474716,2.5012292574667723,10.776762791514875,2.956831790138365,28.70069434168112,0.42567616144151915,0.9890847848796915,968.9610425813783,98.3462029442355,0.26709386600950114,88842.06516568981,2.546655580497881,99.89253390911985,4674.167572396068,293.8423973432204,346.4748516288722,36.582043768155486,0.15569798567950113,0.18578480994056484,19.341147448403653,45.07136233430938,2.720062156643913,18.74491490277758,0.0,0.7364088507476184,0.09383080023681663,46.88682250449617,68.96451600613078,1.065953868973824,16.752895709879564,1.6033010066721712e-07,0.0001132097967789073,0.19838583056971132,22.982858102557792,47.99077204206772,0.38325892563700575,16.26901283770113,0.0,0.00014063033626880034,0.241938913861492,102.02456799489832,70.97245231181766,4.1776724057303785,20.419021649140277,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9155824227275414,0.120080784221116,0.36854360581297263,121.43675368209078,49.2217719594953,311116.49428298604,4.304125422574464,10.711448738722767,4.366999801582301,49.626026574425296,4.452227064463636,25.74387409190935,0.5462684847201122,0.9885227501713634,925.6636479442437,46.73229358986509,0.30947101619265255,272271.46427352994,2.8232355434469842,94.02171516837055,463.4782909902667,279.9484444717327,348.9820611548613,52.67848867866923,0.15885803651888408,0.18921384571975433,34.15447610038779,59.08497321803777,2.933164609424471,16.350048198031597,4.758484204255714e-06,0.9354733882310049,0.12319183808713789,33.3733304835166,64.2722558609872,0.1930774908902953,12.1975640700258,4.4137602069363414e-05,0.0001132097967789073,0.2018308711934066,38.318027574103475,69.69656677586593,0.2507514282737606,14.540650213607824,3.66615069901447e-05,0.00014063033626880034,0.0955911877266128,95.7118225350982,76.53003212480243,3.6606203566075846,7.9659835678177515,1.9907974977412392e-07,0.0,0.166639922489751,75.64389347766928,129.4242458551029,4.469311884857355,16.237478188338915,0.00021667368537796956,0.0,233.91474904106883 +0.8711786205056591,0.19288791389625287,0.3450742623594408,239.49125758670252,79.29661637336176,308747.55964262853,4.3807379220866505,70.56538088235551,4.445074127509829,79.55311823899416,0.45385752734586915,29.855676015974883,0.7529961629418096,0.959348261311814,833.3317560402545,38.95488671436162,0.09489593252667947,256333.34042141977,2.8842780796906893,70.82703364752882,4990.065401877801,177.28863237683794,343.22118803684987,56.45249613064015,0.17158292913671638,0.1961924638447721,41.87050565641909,58.6086132824759,3.0503194884823595,20.73166900207888,1.5376205550151962e-05,1.6851402723679063,0.12968886243157932,34.026482141736025,61.764661366383905,0.30234101086383713,8.016439821293428,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11594628640604218,105.3378546274046,77.38143694078128,3.4250171202404713,11.106961149965578,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9118292121703027,0.16936882444434215,0.3296881379807966,246.2264583307765,62.71200443805111,323247.0655353634,4.675778117586049,99.36035986483323,1.0001600265397392,94.45783014225054,0.6667220822980545,29.16115768527702,0.45579425390581013,0.9863799265648062,778.8843628111413,37.81707614170315,0.08910981404279211,176719.5743331415,2.9308112314489043,97.29748468747752,4353.519951648475,223.74491250501788,345.2578098195118,51.70985143302605,0.15819505425220476,0.18003110724985613,28.225420342403723,66.33348594916787,2.9115917958860607,23.50483184008816,0.0,2.0078994055975405,0.10781789552594791,38.137503164365825,66.63785266333494,0.2641453851466293,12.510786498657895,1.6033010066721712e-07,0.0001132097967789073,0.19801436806411268,36.61609426587277,65.6409061176052,0.262798787903221,17.023441580692616,0.0,0.00014063033626880034,0.11925742471856837,113.82854577652152,84.27557890147504,3.645671981885539,13.224377017167633,1.9907974977412392e-07,0.0,0.16472269010300952,70.37466663102515,129.1051013113601,4.87546417734061,15.522546699229608,3.125481218063206e-05,0.0,244.71583256461693 +0.9834656265582636,0.2371487138507456,0.35975899398877864,224.6175841690667,171.36810439246386,292435.7447294016,6.788952990455424,87.45881385555603,3.770870231022675,87.24706867242855,4.386585450243123,28.663035188289562,0.7688298162122948,0.9714393572624596,948.1695089393959,10.707754415810534,0.31522683425733505,282136.3323879492,2.976374284369557,88.49420698006007,4858.8548126942305,267.6145030960609,347.82100210395697,59.54294122505954,0.17831383723077052,0.1915813419215587,37.748088096820325,63.84738074797568,3.6907050231571934,16.838535781368208,4.7273425968092945e-05,0.7214593441238146,0.1164612846061952,32.15412378766954,57.67606050056789,0.8578113852876483,13.522072043684096,1.6033010066721712e-07,0.0001132097967789073,0.20289513375551474,41.17762708898575,70.95513950633936,0.3492371309964705,14.786725931045208,0.0,0.00014063033626880034,0.22698136511086667,108.74069397426243,72.37387816179798,4.7900242884493975,7.590838526581757,1.9907974977412392e-07,0.0,0.16891627360918587,66.27572718021158,119.64881269793922,6.708194932835061,13.452085528327117,8.999346937127986e-05,0.0,231.01861937874136 +0.9329699943324103,0.15506863543369293,0.3287862000785444,234.02875380998302,248.1885190747933,292780.0950326015,3.832123341653376,81.8360995890225,4.8503528772908435,86.10047686573083,3.7960972378464937,28.576708024030097,0.47724158227127933,0.9449591849758775,688.2658462671059,48.526261317333926,0.09068133181371216,182574.79624616873,2.7793105548837698,87.15551795870029,2511.6959295968854,296.9654543452304,348.741270985951,52.675648227209244,0.2308759271024743,0.19166569387244248,39.54668291420264,61.075953263998855,2.9565879132546056,26.473330147420672,0.0,1.570377575559943,0.08233724475104201,30.26611351721795,56.06329831028505,0.5400260871876171,16.48428107981452,1.6033010066721712e-07,0.0001132097967789073,0.19591891984494159,35.71216414608814,64.83296839621798,0.28657822039134323,20.063848305751186,7.86367900419535e-06,0.00014063033626880034,0.18579724534270387,83.16849679764572,59.507149892204346,2.8218453428576806,8.78448803687306,1.9907974977412392e-07,0.0,0.12494702631659119,70.89741220324763,122.73919084542902,5.282651220032687,23.394704975364498,2.0499298070172502e-05,0.0,217.78121169294587 +0.9693756875331957,0.23594248748672153,0.36375539321450234,248.66776749348392,236.21679879171342,258872.07509188162,6.661964126072268,73.15306243824756,1.3629605597975658,86.37697310549397,2.5896417669876435,28.757797809488647,0.37905093341373614,0.9826260355650152,975.5671161522553,92.1192580453889,0.2502226106492362,208006.61050068695,2.9315047841256083,73.79581404447089,3539.5552188714782,284.6956491144231,345.2001094967598,56.86816512506338,0.1597222688486052,0.18902328765811924,33.71332213181731,60.95265796091061,3.0051185726823566,18.129472187214137,0.0,0.6807538749441631,0.11559275584105318,32.01310697480244,58.08210880952638,1.0887248073707758,11.978940598817756,1.6033010066721712e-07,0.0001132097967789073,0.19746061002184284,36.11750506859007,65.99516570877606,0.38466641332060814,15.232487545766045,0.0,0.00014063033626880034,0.09945656144074141,99.73015854922969,74.12834284767503,5.551246033254141,10.04576055643053,1.9907974977412392e-07,0.0,0.15931523869186495,73.59415665669191,127.00334494705722,7.045182052687462,13.668719905285036,2.0025179775585222e-05,0.0,230.1748046790323 +0.8848358043941962,0.21006242053480584,0.34978792544675585,116.81824339785696,133.85042579705328,273065.71324102284,6.32339373611989,76.89635356722721,3.488170315282393,73.5774060521479,4.092056815018004,24.994418480246445,0.3541645311720468,0.9720866566015396,701.1685120118254,83.67611960598438,0.2784370002422931,271189.8542503041,2.8684504294527247,94.86459617258505,4401.153167266847,232.69977529467465,342.9170900180992,53.91567028470979,0.15509230609564034,0.19389839677566495,33.63502372541212,55.656973228752335,2.9755082089235785,15.18597790074015,0.0,0.7158888267163315,0.12847882739154715,37.015314712658316,64.56386175668683,0.6167096393815927,9.565269684899475,1.6033010066721712e-07,0.0001132097967789073,0.20208860623665964,37.491220758089895,62.96834689422978,0.3166595363443357,13.596629636692219,0.0,0.00014063033626880034,0.10396802723576486,118.43221611214707,79.42923618839147,2.9032387471504983,10.325830050084276,1.9907974977412392e-07,0.0,0.19359045181778087,64.13101774230212,109.51172350938032,5.196154022674077,10.5422127889438,0.00030986842569108696,0.0,228.79947214751377 +0.9751010650936304,0.13390813979598973,0.3481638175808939,155.68561714676903,141.94581100339647,295800.8297415116,5.603747895894429,79.52063866856652,1.4297073210509745,95.23089425448646,4.274562927951402,20.362659708989685,0.48461232854882685,0.841395583242619,128.78293398203698,28.675891334315992,0.09405647490173204,268355.6749011865,2.896826298904761,82.69198387036398,1339.9453748433198,248.27049735420889,349.9118808196328,58.42919644455695,0.159878685111134,0.1972640889373794,42.6537424935348,61.41657095135274,3.7897879627647764,21.93875907111484,0.0,1.8812879111525653,0.13090632735191254,30.84053433173864,56.15229185432996,0.5588455586580163,11.308990241274266,1.6033010066721712e-07,0.0001132097967789073,0.208287307554537,38.63075901837255,62.13245506670713,0.3027520767807509,16.14467741742392,6.173389577780418e-06,0.00014063033626880034,0.09723527075649283,93.72113231577453,68.12143692843017,4.049673599333624,6.163471441438115,1.9907974977412392e-07,0.0,0.19703416751040084,60.580113397129246,102.40812666323713,6.387608945031666,14.635211667680498,1.0718157946056995e-05,0.0,209.3503615604012 +0.8995957784352013,0.20159440319495864,0.3887053824786513,210.16691416003584,211.91618922320072,341170.67524454324,6.138647722544362,67.43319885274043,3.330680091643413,81.79056015815439,4.918826137476487,23.91751869658915,0.5967996551637043,0.9512194550755965,739.968497216147,79.74581594950689,0.1979251237781054,150329.29161219834,2.976204570981263,82.25692731856935,3606.0284271221644,298.874745612434,348.8247335794017,41.74934541474134,0.15020651253363826,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.10389816995389028,35.70882494003342,63.32388221164625,0.7000426299986002,15.750646200115671,1.6033010066721712e-07,0.0001132097967789073,0.1995731970110615,33.775503987332776,62.42557575903579,0.3182088504245233,14.666954373899669,1.5802121907111845e-05,0.00014063033626880034,0.11693509332757576,110.01224957201114,80.85509023651437,4.396208671782969,10.667811562201088,1.9907974977412392e-07,0.0,0.17816266049463736,65.60181942061037,120.1892147589994,6.801019850807556,17.958904642491074,0.0,0.0,2698666337285.8823 +0.9417979068131392,0.11678639200088661,0.3471643067379197,240.75896403574345,207.97343038728982,328713.02536470036,3.266331821642624,81.54002239529137,3.945156047809283,90.92021824894472,4.509604742849668,24.355030712861236,0.341109738311434,0.9461522848064963,105.55616402222967,67.70541549644798,0.3340018460067125,290361.4249193718,2.907890575987297,99.3907394276507,4271.605541557398,270.28952741143627,349.02729154544465,57.45131106055439,0.20301561640651872,0.1892879461281604,35.659619758697524,62.12222944112617,3.424058017036706,16.387960998471918,0.0,1.0428776582303683,0.08098888849629314,30.481257713981606,56.20160525722697,0.3293712271976106,15.032409692839087,1.6033010066721712e-07,0.0001132097967789073,0.19648023030331602,41.087691829051515,72.40384841060111,0.25536755670007877,15.581090296944017,0.0,0.00014063033626880034,0.2706912137880678,94.00610861149592,60.9271698476526,3.7095153050537726,9.206063304232217,1.9907974977412392e-07,0.0,0.13648089874495664,68.5609146241666,117.64108749176138,5.240150409328553,15.085989539439405,1.086577041560836e-05,0.0,219.8689194211734 +0.9894671180150169,0.2048227407918105,0.36028457778212236,207.21281167231794,40.981539237451415,283673.5860014604,3.6415276529590757,10.667090649338896,4.752723448279205,71.24129342404314,1.729177382816691,26.420473585260808,0.5992220638889764,0.9951679975448873,310.5791376624643,48.625849286933025,0.30198102981398955,217153.2334838487,2.9549067156803686,95.02156508731251,2536.451195118578,232.73506305468499,349.3176840657326,52.65181886870543,0.17013252658482508,0.18823011065654988,32.527084636186316,63.12404975220727,3.102544589990559,17.083454102420273,2.6127921420424778e-05,0.9753767811943816,0.10615196827063632,29.9199173651828,56.57520888471929,0.19760609178764066,15.474120824327526,1.6033010066721712e-07,0.0001132097967789073,0.2005358758259868,37.22861500993478,68.77615764184932,0.2500254095655229,15.604387557131902,0.0,0.00014063033626880034,0.10287282451430178,87.8379248448469,67.40176666765733,3.7217014051733766,8.08222058512621,1.9907974977412392e-07,0.0,0.14917904119493666,73.5352987399278,131.9569125663774,4.6666927558647995,17.536164218467974,0.0009089351257550649,0.0,226.99639861052864 +0.8950278712833657,0.11289060774560437,0.3326886998210459,139.58736704269648,228.46098871128265,232983.58522491544,6.029182183347214,64.08044637517563,3.8933846607880556,32.056766662357,3.8959446003753673,29.83696070168837,0.5114511302879293,0.9110640147234655,750.4426851764908,61.79516145456609,0.056609849903247744,299365.6306913639,2.856367996266407,90.67014667640385,2205.3564907806704,263.01744390630466,342.462674868746,55.92082292682052,0.33935031387937764,0.18176856256917942,33.47648729205182,67.9365860377135,2.6705624005708355,19.470484259321243,0.00014779375176825462,4.006149255658749,0.12136059641535141,17.36062572380326,38.35837689520358,0.8763016324963019,12.037564879362645,1.6033010066721712e-07,0.0001132097967789073,0.20211687241609985,32.2673991964879,57.23402103297289,0.3544151940879537,12.33691952836023,0.0,0.00014063033626880034,0.35348559891260817,59.42626360629075,33.40870453278058,3.926178292374139,32.56797186400304,1.9907974977412392e-07,0.0,0.14297841248865079,40.16407716635554,85.1230477110049,5.641119084876684,13.121864940067983,7.572771730991653e-05,0.0,165.26657991778598 +0.9645180323013314,0.13047216196174782,0.4256343634085205,169.33106226646106,81.14357697096392,250711.47596287858,6.044935834198364,52.58924313464867,2.533268244854554,51.071327746850265,2.089306631890335,13.745101746817667,0.6781288313495888,0.43254063703204426,781.0809815857875,57.60108174920929,0.12929163932169715,57328.29333002311,2.834258502262071,95.55637835997489,4085.6284966565536,39.76674404182133,241.57921005857744,12.069730880555248,0.16224306033453562,0.18614627478339718,4.075927950648,23.539891390016535,2.6400188087430476,4.050293668396408,5.631670879355063e-05,1.26557532188461,0.11989953348415484,2.0872182257656444,17.547534407573867,0.6014101663414279,27.0239744457666,1.6033010066721712e-07,0.0001132097967789073,0.21356495257066277,6.293064264874911,23.68262189887274,0.32082090224228677,3.539066709993076,0.0,0.00014063033626880034,0.30373422789188403,7.363313490889695,15.473746598545445,17.936647842016576,59.093046600571945,1.9907974977412392e-07,0.0,0.2055591946440039,9.46526012031115,30.661742929492927,8.669555385444594,63.87091092405611,0.00010405217889573473,0.0,107.44173473443519 +0.8204149239293418,0.21767510638701368,0.393741326837577,145.12468936390405,228.04728075488043,270789.54538051924,4.585183775218736,30.480689007290145,2.993776078699931,82.82576316102255,2.2306394805115666,26.72077309744008,0.42647797702253076,0.8685689389004707,581.7611290087821,65.66036475399511,0.07182193086317801,78867.01971013485,2.8840533596301796,77.10279338505595,917.4027316459294,247.0785934748684,348.3307696881393,57.63411016478157,0.191557564599789,0.19730929938904304,35.14041289891844,52.91189497810202,2.9139678439088037,33.391931946900534,2.7508117321452437e-05,2.4345773692983053,0.10209121313654679,45.85288144927796,77.29135857915162,0.5624115413577571,23.160570432024446,1.6033010066721712e-07,0.0001132097967789073,0.20212656397536183,31.919847842684565,53.23882165783741,0.297799837120557,23.99624994722955,0.0,0.00014063033626880034,0.10344747538230958,97.0053729538804,73.77364900250156,2.875859870201343,12.902735575847347,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8437745116007515,0.19952492862979085,0.34413714130289136,234.99121039739632,116.52815120959085,283673.5860014604,4.631790927524882,90.37560692459891,4.8503528772908435,37.66231267842683,3.835253576804746,28.519286041935818,0.3669613844888096,0.9907754866743411,721.9055455081862,48.796874154650574,0.20931934093052415,287930.8042819822,2.9929662798860845,95.39459780665436,2529.627560595775,233.5734576812973,341.68417628714326,52.11746105804235,0.173670979641101,0.19317127183075034,36.76801233384079,57.64236577494723,3.010793640596426,14.509937773544214,0.0,0.6331901237259145,0.12451267503587671,36.89196363582392,65.71613779246725,0.4857737488533032,10.745137992058018,1.6033010066721712e-07,0.0001132097967789073,0.20306049908222,39.08209472735278,66.24106401219005,0.29067546988783727,11.790700827804978,0.0,0.00014063033626880034,0.09964436367316636,118.30091269027989,79.69091615778096,3.083057591686289,9.561658924234345,1.9907974977412392e-07,0.0,0.19230808908852473,67.07593838284409,113.22150968373722,4.969027879780482,11.336252371918548,4.312090072286012e-05,0.0,233.8002606897963 +0.8406775309989315,0.22351264226562545,0.3286096600863755,130.27911506528733,184.62529100002396,340800.3717814698,6.321206485849918,58.47038783337894,4.003091943061537,96.79500546945754,4.060330356087335,27.840237569469707,0.7384595459276333,0.9710304805897473,619.9034654061969,95.21407795070948,0.30254092916631053,212110.19214561305,2.5286620954593366,96.12644419921745,3907.217775229055,76.72475277381389,346.5082226452371,38.413973542793215,0.1759564104625074,0.1931303258706388,27.012380478554615,44.49553689216263,3.200350995079592,18.933225576221332,0.0,0.7088793104919197,0.13397445289148263,32.70796884440079,56.56436762918737,0.5517108239932887,6.246200926057857,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.13301898911588503,119.88386246263084,86.7286182703549,3.4000985012066924,15.516491758797619,1.9907974977412392e-07,0.0,0.217675926292712,20.99471821836661,74.72677148558681,4.899704432261941,8.451278980174992,0.00027655920289055224,0.0,2698666337285.8823 +0.8736177326950996,0.13770105529817528,0.32369941654483203,200.12351332875227,161.97587036808252,151199.91762675703,2.6221079129793186,87.77544863415655,3.6252387630058607,65.93954028363065,4.521375779290121,18.974949148824088,0.4477051573501486,0.9872881708074354,771.7453439384992,58.73382671006242,0.3019362033225981,298099.9309037975,2.844398474800882,84.67206119038912,1945.926747143205,218.06727010301677,348.90544764349755,59.47756202053299,0.24763835728864655,0.1933822259265345,38.36337071219791,64.35122687807082,2.597231095787841,18.9961896475341,0.0,1.1911728563651471,0.13429719182012317,29.42608454622992,54.78531582790912,0.5838948202630271,9.994881376637915,1.6033010066721712e-07,0.0001132097967789073,0.2052716051407902,42.331237849661015,65.89490680309335,0.3062203759573473,17.987189926154702,0.0,0.00014063033626880034,0.17594816694795504,82.71363601286787,55.635764352264694,4.460925154464219,5.361759998212447,1.9907974977412392e-07,0.0,0.21393171485650775,44.934670292645265,80.46862545319176,4.337453216325376,13.479494543078538,0.00037257247817619016,0.0,187.3169998771258 +0.9390260921812321,0.1663798550170136,0.35024851760256664,44.70158753340644,143.21442064590877,313306.11405032076,6.9676969422014965,58.57500201043505,4.150596135765981,62.20997042141815,0.3873842128127023,24.640447501180816,0.3821823773773525,0.9722977816370564,623.0686934508944,56.712545049697894,0.2481096633858252,56145.38953119604,0.7386598162528103,27.176453012891038,4332.111069535592,279.7639531187345,341.74180891324045,47.8292924923092,0.18785564201459037,0.19049554416895298,6.504771528428777,28.66112528483002,3.045807531364059,75.03093412001583,0.0,0.6978074320641345,0.12619268716628648,9.861982718806258,28.343208974097585,0.3265530150521216,9.70860047296473,1.6033010066721712e-07,0.0001132097967789073,0.20068202899255472,6.916013048692799,28.303831116407018,0.2687168487420675,70.14772718471811,0.0,0.00014063033626880034,0.12653837406353508,35.41648958322231,38.91879121122151,3.4980854292937056,22.36537909354583,1.9907974977412392e-07,0.0,0.1945391018199035,12.670186764832284,36.12823248715205,4.774746771766911,27.66610988928168,6.442312809080928e-05,0.0,137.12563081717852 +0.93018601412455,0.2436326636983208,0.37116028617452806,130.30609506178982,43.684232979400335,345407.7024090503,3.699571624778108,12.113265200862955,4.055406520193553,37.816915971306045,3.277703830910103,29.195444904980775,0.39067678100528624,0.929747744031504,203.05520249174776,48.526261317333926,0.3030107444790643,254829.37558890015,2.9549067156803686,93.50727190172861,2515.950639685292,270.40796662423065,347.0058634586242,52.68658702359431,0.1695556244339376,0.19054300576326386,34.061815671420035,59.56380289637648,3.4084125440549884,15.031663635823383,0.0,0.9831628059725641,0.1018627213490261,35.78933489631551,61.632194825654175,0.2558030736371676,12.365857329805541,1.6033010066721712e-07,0.0001132097967789073,0.2036366102669116,38.465489490849635,65.71167595002662,0.2422024985362969,13.791435204127943,0.0,0.00014063033626880034,0.09658322584278649,96.7474746330918,71.6411978669033,3.6866201230084124,8.398773876981679,1.9907974977412392e-07,0.0,0.15847711129891684,79.55668241625331,133.57948714592322,4.75543901421455,18.286542071697742,0.0002043437469579406,0.0,235.1029524415813 +0.9564720392280082,0.24010200605873333,0.36017276833517475,224.1103856867259,146.97952200958844,325395.23812656954,6.56916704851053,98.80039558534976,3.825577188879337,96.86218030916191,4.406352779591766,28.322979108099407,0.7714814865721143,0.9772504879035773,924.8980861050352,78.60696872970829,0.17081172734285505,279484.8338718425,2.9321667729379857,98.2037620713606,4737.438824907589,270.44251077791506,342.20247222913946,58.28890671552351,0.1783107392253756,0.1775580128651839,25.813190543315038,65.67470042591883,2.9786889354050525,15.389695791267526,0.0,0.8980116761741755,0.12092083831889833,30.492484911493996,54.70952228701797,0.6956500352365866,12.189424097256914,1.6033010066721712e-07,0.0001132097967789073,0.1994846513406478,38.11314754385545,67.83170566000956,0.32314490505530913,12.943543763094759,0.0,0.00014063033626880034,0.21354703862987356,112.70193602432285,73.96998006774321,3.6976223938805797,7.508779922565948,1.9907974977412392e-07,0.0,0.1715117270363355,58.53870746276734,112.09711832164848,6.092897981437027,12.348020388585692,0.0002603762805950091,0.0,223.48384963070254 +0.9804322441169312,0.1369003387667561,0.3934891361016387,215.80892094688787,139.6189250393474,291350.4500912831,5.14218107685028,12.371874806794079,4.6374462535966785,57.27750120485168,4.254867679930088,28.934016232628906,0.4729075983639464,0.8261194113461293,670.1166553195154,55.652769286103016,0.056050023621630446,297964.7608808195,2.9602685535749576,69.25131279213319,839.1405841999122,243.383544272247,349.5390533103537,57.588239089496085,0.16588006136702813,0.1983877823510778,49.901495949176514,63.72595015900755,3.1598113474527247,21.119154635696336,0.0,3.9906122582137624,0.12877509889382988,25.868133282507745,49.03853099144228,0.5756834861717253,9.36289385841228,2.185200801087108e-06,0.0001132097967789073,0.20491060828783178,35.495028391794584,59.8250857677293,0.30364620508237183,12.440117797695692,0.0,0.00014063033626880034,0.24075880117949042,92.08820586876402,59.28885841997384,2.932370719273636,6.7617018771415465,1.9907974977412392e-07,0.0,0.19280690294300104,57.1076945515349,96.78402696533347,5.46445680558834,10.999760157760932,0.0,0.0,200.0200348408514 +0.9812328874452046,0.2691155123781004,0.42400785698475263,173.04443291982471,202.84999933427054,222727.11335343696,6.961617532429945,60.39799513015211,3.6625601555187735,44.54573063619286,4.450107699896954,14.847089055848931,0.7106249313939853,0.8911361104287904,959.0262050732053,58.94083173827064,0.2960054250286908,67778.61501258945,2.9366762339973675,96.43459518797023,4253.763508529169,281.0804982342516,247.75508209695815,14.881648311752958,0.21238556326483757,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.13836605899710708,2.4822775071393357,21.667593571389222,1.0884007771219557,23.870443303706402,1.6033010066721712e-07,0.0001132097967789073,0.1941484028395018,3.905487824414501,24.86834157914346,0.3895007948014189,9.269679236680776,0.00012027526972939908,0.00014063033626880034,0.350183532447603,1.0829715061363354,14.21144915225087,18.049830903159755,58.88558053730677,1.9907974977412392e-07,0.0,0.09130163741977501,3.5743160174985147,35.64751393533797,9.019116649960775,59.649900385479455,0.0,0.0,2698666337285.8823 +0.8463544735770545,0.2073476309818245,0.32199565109867795,132.11309011315504,130.14449455673886,294012.70295685914,3.8544788718437144,46.394790020889346,3.549721714192263,81.85364527539247,4.504452786051492,24.128642617635272,0.4472981786246129,0.9101731453325025,919.6806792427589,87.02963150348515,0.179005076802359,125781.49743732414,2.243396804581807,84.07189586004272,1326.5661989171128,234.73691017590207,344.5781881322536,41.05640625014377,0.16118700082249202,0.19719257110555358,21.82725011665478,38.54171019340905,2.7672604684446234,28.583045141379856,0.0,0.6119335119594016,0.12454782294921281,42.426057987907676,69.31168541844671,0.2814580140457317,11.412533823519427,1.6033010066721712e-07,0.0001132097967789073,0.20535069100755185,23.86756316273201,45.41368641087393,0.2576556377496093,23.237871506628935,0.0,0.00014063033626880034,0.11456329721539794,111.98553821859915,81.66229626612233,3.5054118674849595,16.011466322776503,1.9907974977412392e-07,0.0,0.19300686307261672,29.161511844583192,93.1248304217191,3.552147015783954,12.77331536586499,0.0,0.0,204.6219568259023 +0.9708625481696318,0.12170559220056462,0.34430749060127186,243.694345632087,20.76281511458264,154141.37774795006,6.529195063195694,77.3202475304619,4.984988510155963,70.21007326468361,0.6667220822980545,23.946013027933546,0.35770997935593707,0.9884521257187245,740.1397153328755,62.28565621967381,0.23963279331182163,55932.29861468259,0.7432433456256975,80.58197324600204,2341.573968849869,176.99495459183095,347.85344874079834,51.70985143302605,0.17089383082484982,0.18897564845604467,7.552428263975518,27.921548583047286,2.9598453018622903,79.50451017578072,0.0,0.7436356104480778,0.12689908259809193,11.104417067757607,32.682964345932255,0.6899752245097543,11.869969352993245,1.6033010066721712e-07,0.0001132097967789073,0.20160505752044913,7.381970965286307,28.30065405679195,0.3614446271164698,73.96496779327549,0.0,0.00014063033626880034,0.11857554514872967,38.41333376682617,42.55612046276779,4.658623301266857,22.519105188188497,1.9907974977412392e-07,0.0,0.18177681334431295,17.11226078334421,38.40786830996652,4.746050288712388,28.88062359261304,0.00010953951340195887,0.0,145.8297850909112 +0.9023620849764007,0.1419020403923621,0.33019393698895594,33.21069473094028,99.21277335627786,284673.6608882133,5.904979820440536,70.29373338837813,0.47514943639193125,66.25170125051714,1.9202563785081137,9.560331241352438,0.3324840435612645,0.9355014002275088,275.90152916543025,65.37347202290987,0.10979077874035356,55498.46745439984,0.5513645557660918,71.28804943803868,3024.746510196457,222.90011308607973,332.0056543494143,48.06143340809985,0.3153247577654757,0.19838283282026425,8.785134802324865,26.789384815950473,3.0098999443135854,86.69675186487484,0.0,0.9322745920676878,0.14004303104341786,6.68782157801295,21.91126114668214,0.21113191013558813,8.897360458185915,1.6033010066721712e-07,0.0001132097967789073,0.2096482308178474,6.5842153216340344,26.906906657214286,0.25271915448377885,76.19289462689179,0.0,0.00014063033626880034,0.14263853188515868,19.665720294640316,29.07289444912967,3.692706232283764,18.321036660532883,1.9907974977412392e-07,0.0,0.22576318791860003,6.137536042475762,26.277395394781813,4.504178505024132,29.680961973538107,9.567258372349047e-05,0.0,136.77996957906444 +0.819829445060186,0.13358356363842933,0.34901207213929675,134.78467364427166,50.53330385716879,269600.38254006836,2.3252275197696215,55.40656171317204,3.6143808740051457,87.68377560909816,3.960646103031751,24.51762047081097,0.33413758645983893,0.9456793298025366,377.81546050926045,28.803596920370325,0.3183414433325678,233384.30764168355,2.876924108438705,43.083775147438786,3724.832303152295,177.17644941546203,348.12754152250807,59.65436140758916,0.15821682406642074,0.19260140043894228,34.22293202433731,55.50722680058825,2.8781740365176023,20.042379823566336,0.0,1.2264442221543197,0.1285277112278616,40.95836960886754,68.34453465191545,0.3129207767927071,7.369212895797612,1.6033010066721712e-07,0.0001132097967789073,0.2027885683506103,39.45330121523137,59.24105972970399,0.2378726870114157,19.238134385225578,0.0,0.00014063033626880034,0.11820179339279066,102.39562287728451,75.35184824863653,3.938116573007777,14.691924347932089,1.9907974977412392e-07,0.0,0.20649704938241564,59.988311843716815,97.6291023007839,4.391466319909038,11.472455744625185,0.00027167945130584224,0.0,214.89104289435377 +0.8712302479508298,0.1923244542222433,0.34637331838318236,244.1326304161866,225.80056449688527,316376.85379443644,5.027894806663272,69.48670868345548,1.7504777305242127,76.36805054651674,2.7067976021033076,29.798858752639553,0.7466268261348463,0.9836926102167622,891.3040150874797,48.29470434579332,0.09110362230681937,247613.5295427441,2.8898531789153337,83.39413461798546,4963.374985845211,231.61974866316797,342.44650130446684,49.30256539597738,0.16487119603906808,0.19592939039072022,39.06560627573723,55.55271446694406,3.1300335228067184,19.078987697717405,0.0,2.0790671278703416,0.12515612451635066,33.019762564569085,57.08718359999055,0.6670376705848498,10.854581362446185,5.280680838895859e-05,0.0001132097967789073,0.18729941136299733,22.28874751077713,61.264734057336554,0.2964914326814785,11.159727209462007,0.00011507492326194104,0.00014414060373783881,0.12334699125287235,118.19905430797127,83.69404256428174,3.4499074843426807,10.565266599816406,1.9907974977412392e-07,0.0,0.19639579480559685,26.75396607331615,93.5526312921361,4.827052870470508,10.398464925192608,0.0,0.0,211.02448057992996 +0.9514282502557536,0.10847183061039482,0.32845266285041286,234.3033942700818,248.30026232088312,260423.52348233951,6.550626461092996,88.73888645014156,4.249062738557511,48.70102751701688,3.7136410427886712,27.494719186030228,0.7798774112719997,0.9445848368369959,446.3643448345182,54.53902862853342,0.2439381380434657,211408.17685462307,2.9778397186394368,91.66099893175598,4963.374985845211,232.12507227636047,348.19277750629186,56.9898768315251,0.1591711950011001,0.18742605346525634,37.14991304862694,67.74586396538064,3.327975389037876,20.261582239745724,1.0973284110178609e-05,0.74681285592069,0.10041478233843924,34.73630959358954,59.80481557507034,1.0646145709075423,13.66009089801261,1.6033010066721712e-07,0.0001132097967789073,0.19884119661407382,39.42139805789414,68.02452644569192,0.38036370683937776,17.236124039121943,4.3884514563523256e-05,0.00014063033626880034,0.14403149987980005,107.85022707874109,77.88777086576486,6.020424090458514,8.995853447061199,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9744300180808373,0.19480160582888328,0.44083777394812507,227.916479329818,212.6109036466177,324967.2814495156,6.218134310801888,72.82860146598247,4.837854229140159,11.317091607482274,1.1169152965419855,23.370673959538994,0.6054609273199919,0.7013084893611329,955.7087231043351,42.67279390629138,0.3335756765134753,69002.17236741728,2.945834583819218,85.09342072860467,4830.181653628996,297.0502272451254,241.02097759456726,10.088419990251001,0.2474922212319042,0.17077278602333462,6.462687297494538,26.552360936902268,3.286766738128899,15.035026712441603,0.0001603452169005153,0.7536157795875994,0.1396859899524181,2.1685796824314956,19.63905263953769,0.7728397137930115,23.80391496655774,1.6033010066721712e-07,0.0001132097967789073,0.21012918861859367,5.986870205047379,24.569881646627422,0.3305272570382079,5.335980565481905,0.0,0.00014063033626880034,0.3410004392074128,6.6166730061828005,14.183951077080579,19.80310951663011,60.798345650819364,1.9907974977412392e-07,0.0,0.14082225676062068,8.045228037301671,34.36757665104657,10.596019813043538,63.13890795643827,0.0,0.0,110.8530040881547 +0.9514282502557536,0.11515697183942603,0.32845266285041286,234.3033942700818,248.30026232088312,260395.05521510556,6.550626461092996,56.15796327335603,4.2491862233858395,48.70102751701688,3.7136410427886712,27.419708276710484,0.4673985833193478,0.9445848368369959,79.35119856111189,54.53902862853342,0.06397308405487696,211408.17685462307,2.9778397186394368,91.66099893175598,4963.374985845211,97.67758062837294,346.454104883317,56.9898768315251,0.15846742765896332,0.19757166843062496,45.96292040805743,62.977481970246465,3.7359215627720377,27.543871014198157,7.591709122306857e-05,3.86752639834131,0.12299281430246174,31.325710184392875,58.32669093994481,1.0647124687022922,10.085988179435883,1.6033010066721712e-07,0.0001132097967789073,0.20039952707558392,34.20716704811465,59.980725878028686,0.3803818363562065,16.13196426693317,0.0,0.00014063033626880034,0.10514197607000589,99.84237540134545,74.93408937640599,9.277675363539513,9.743610310982804,1.9907974977412392e-07,0.0,0.21035837107050154,60.04510472075617,101.94208353123663,10.436438494367575,10.584454063710218,0.00037722944447476063,0.0,215.32308953500015 +0.9397049233480775,0.22262591952566343,0.3822244606533732,188.81731401123528,126.93030855826449,288326.8088960805,4.083443003681303,57.57694673937433,2.630423082836818,52.44802384834918,2.418691689839584,21.193374033637124,0.4018238283813374,0.9869905661532404,717.4748161467984,78.14216679215473,0.10786100966450679,66617.3609082583,0.6738526725103274,43.68945897238552,4146.676715396841,185.99185555302265,338.45133364115065,59.55315824317101,0.3170281559785385,0.195587519065183,10.451060752023835,28.258498562488917,2.846545500309745,81.87144837459923,0.0,1.2421595580014082,0.13336843110807053,10.324367215752986,28.54608693101228,0.3824319446352907,9.144874922757706,1.6033010066721712e-07,0.0001132097967789073,0.20454879378909502,7.718901559104175,28.881607962896762,0.2718114860961269,66.534593132038,0.0,0.00014063033626880034,0.10397823966647879,26.870280299225335,36.35713917500703,3.200180123885549,15.209065847238566,1.9907974977412392e-07,0.0,0.18537140914382125,6.187065360819361,33.996879018929405,3.9005465837983326,18.923933341208944,3.609186985371219e-05,0.0,133.41363899012134 +0.9376925856825561,0.2321717431315904,0.35041270576835454,235.1285298810048,168.87496409507133,116376.32741585447,4.062991094620106,92.19374571821587,1.3565320748723506,62.71504370275056,1.0696113194069081,27.70817066162282,0.31811422196431527,0.9879186838253206,793.056190228225,49.665950117983016,0.2972028442492419,188618.7894942262,2.822646766425202,69.07230070756987,4155.184407985667,242.39987780802633,345.73571858618413,57.55792909634558,0.16092732029124202,0.18938945545683222,29.731056879882154,52.91129401258396,2.9375614834163506,20.07193610141162,0.0,0.9673793561553018,0.11131568197295229,35.98814391100724,65.85013782214462,1.2295665131343496,12.224136148147505,1.6033010066721712e-07,0.0001132097967789073,0.20003550821892968,33.880271928452714,60.14845172316924,0.41500017195837496,17.21386233295616,0.0,0.00014063033626880034,0.17550213453529787,117.47363875811182,75.7458645715652,3.968827535576425,12.827029352296373,1.9907974977412392e-07,0.0,0.1555419308361652,72.47642066085488,123.6418982959477,5.268853455800384,12.279246899113737,0.0,0.0,235.32344966534347 +0.9892943270682846,0.21173378010982696,0.4399943183634496,243.65307084603933,214.69518203904823,233495.2796988741,6.299053632837398,47.98446696012214,3.3697688376301826,97.10695289744747,1.120963960215399,4.8680762027890285,0.3160661574461774,0.608287741170882,894.0534064146107,98.54169949599624,0.2779414601989716,68288.44884832307,2.7435793843658236,99.45744537957799,4335.480402336003,180.2980506284032,226.26419346740792,16.60373109107129,0.2545913784210951,0.19966626270656498,7.161889743127574,24.444874900856366,2.889403735040017,7.148698134609715,0.0,0.719949109559122,0.13722971954038754,2.3073160647014426,18.92366144030398,1.0917603148331743,24.85819632734918,1.6033010066721712e-07,0.0001132097967789073,0.21442777877734293,6.564911364535231,23.519091821615103,0.3867023678231307,4.844347145253456,0.0,0.00014063033626880034,0.3312522866445264,6.389484329281902,14.888824330893943,19.641747145515904,60.5900710086677,1.9907974977412392e-07,0.0,0.16894330011694464,8.682689953026415,32.88600953736011,11.202756040031021,64.43018229021062,9.537304969887281e-05,0.0,109.83878321473016 +0.8675568399033308,0.18693661691641905,0.40081543237478273,120.39766743976139,226.44039876295284,292164.4338249048,6.259028101768078,74.77481587422396,2.2948700415909844,49.10711285310576,2.006781005692157,23.716210999254077,0.6172657683667856,0.8855787401980219,937.5354991573164,89.89760987552089,0.17312453366773672,298175.26661048597,2.896330320342501,98.17087144337768,4342.005852915478,293.4646762238565,348.49662999484735,55.130379703410966,0.15801745061204336,0.19683686042058426,39.365878321029236,58.06368469879549,2.9658046718790354,16.074362349646574,6.755239702522476e-06,0.797871370523139,0.12459758255642925,37.16366920167566,64.0769424739352,0.6686750980405205,13.449284012156001,1.6033010066721712e-07,0.0001132097967789073,0.20736577441214749,40.555435612887024,65.91931316177084,0.31890610666600844,13.70809180303161,0.0,0.00014063033626880034,0.11328834340442609,113.20291442695574,74.87931908840336,2.91345578303651,5.37684794334804,1.9907974977412392e-07,0.0,0.2042359814779449,57.019564500266135,103.3291390979714,5.31865049751706,13.6049049152396,0.0,0.0,222.79183893855287 +0.8711786205056591,0.21817366951992742,0.3451166932705941,240.97771657677595,172.31456450738904,225086.44089528915,5.02307894032267,16.300751352693556,1.7200390201162754,75.79616803347756,0.9209058269401353,29.55055649267064,0.7529961629418096,0.9631438306835218,835.9580216139407,32.90742860474501,0.09667224049386994,63116.441194802406,1.0813320136053273,92.11380777842544,4986.665469844057,274.0919980620534,342.11400131403354,57.962914300391105,0.17186403845924564,0.1954497361290246,17.55718592496163,31.790636138861387,2.996144430693843,83.98799150541352,0.0001319643822429354,1.737928316744644,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2039680409384725,13.348367167796274,33.0928987053736,0.3481713455373806,68.0019192404953,0.0,0.00014063033626880034,0.11128948399399771,91.45562079326115,75.47706943890702,3.1123633487830817,20.199178264434643,1.9907974977412392e-07,0.0,0.19169367424674164,14.277983089126858,65.37753840225251,4.529437573960511,23.163343077177426,2.486563999406179e-05,0.0,2698666337285.8823 +0.9412814714937394,0.11570730613536619,0.34575838816849136,222.14042697539173,205.66463065002483,309594.6786662705,1.6067394345618187,81.71823115721854,3.811069067609676,90.92021824894472,4.432071964693792,24.253572732803033,0.341109738311434,0.9461522848064963,109.16333625512812,70.97518352554619,0.18195604374552843,53073.49838449086,0.4626573837794423,65.32626364833487,66.41696785582144,270.28952741143627,334.81887041995583,52.11192666748377,0.18065257917672897,0.18922573797610795,4.697451794250122,26.1338323915862,3.074133346329384,82.10777012060088,0.0,0.915628886764474,0.12719858657318797,6.491698477984925,21.491172039711714,0.30091682184432933,10.518070363060149,1.6033010066721712e-07,0.0001132097967789073,0.2008868842168744,5.549020487488631,26.44993771989039,0.2343835218645143,77.76340382812299,0.0,0.00014063033626880034,0.12290885343624484,21.65362018329241,30.940642368368955,3.5108653697347116,23.06405324794948,1.9907974977412392e-07,0.0,0.18627342421118945,7.836898211129879,28.11052861276824,4.346195282278009,33.91434489813057,0.0004107911669162232,0.0,137.2612692863784 +0.8406775309989315,0.22351264226562545,0.3286096600863755,130.27911506528733,184.62529100002396,340800.3717814698,6.321206485849918,58.47038783337894,4.003091943061537,96.79500546945754,4.060330356087335,27.840237569469707,0.7384595459276333,0.9710304805897473,619.9034654061969,95.21407795070948,0.30254092916631053,208919.31962754953,2.5286620954593366,96.12644419921745,3907.217775229055,76.72475277381389,346.5082226452371,38.413973542793215,0.1759564104625074,0.19313032587063883,26.900108174216406,44.391542786150175,3.200350995079592,19.07625505169463,0.0,0.7088793104919197,0.13397445289148266,32.756823226034236,56.64039897452868,0.5517108239932887,6.336240649223739,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.13652607972841857,89.08110463801061,88.85407066698637,2.8171512317744374,15.259624151915263,2.7615343999459633e-07,0.0,0.21755986272797972,20.98786938201766,74.65565864693214,4.899704432261941,8.53762499452453,0.00027655920289055224,0.0,2698666337285.8823 +0.885307836435265,0.22409003927431398,0.3273366316748431,87.76645247716297,124.20884662630213,291083.80003810104,4.114124264960894,50.31455637990899,2.434410487298881,95.60418934881325,2.21004562509779,19.751871190612665,0.42470725287658884,0.9842609859621185,912.6091374351387,94.53316024134529,0.2027999402254102,55474.45891914371,0.7861166662558448,53.11619531370681,3888.67409829926,258.3451253028764,334.8547926796903,50.8942993215167,0.23063368606322246,0.19513743336526618,9.808050756120839,28.8336381492723,2.7278639590908176,84.12094070779462,0.0,0.6333437244235642,0.1348389973648947,12.450114897776858,30.389956043558232,0.242987660194455,9.859657641232623,1.6033010066721712e-07,0.0001132097967789073,0.20695866853887265,9.926589896565767,29.09702724907432,0.25435835587621375,77.76703838873735,0.0,0.00014063033626880034,0.13840720727702513,37.06272093164617,38.82206236817161,3.7336783571624164,22.910415563525135,1.9907974977412392e-07,0.0,0.2141571458979631,13.842384611691168,35.838470774425275,4.242318095476069,30.91542751234272,0.00017349697926691954,0.0,148.4927181309007 +0.8109645411800726,0.21100086794751308,0.35924884356431264,73.54548967091422,10.778908894197713,284921.38419725304,6.512608387385686,58.19134650514753,4.64355920299609,92.33907032805094,2.456584894764576,24.318622289727923,0.44948272300005815,0.6256417346764297,606.2575889607783,90.16016637892548,0.1087794650343874,50186.72226352702,0.7231764476765272,81.92333826519867,3981.840117082344,290.51132461445286,349.2195388629311,35.476861173533685,0.34453805789300795,0.20114867252521149,7.999800485168549,25.605750857420965,2.93864105213602,83.69641523501278,9.29140307547648e-05,1.4263425661229878,0.1403666098660933,12.497784072459345,30.360220507440307,0.18981393961232187,10.875233905420494,1.6033010066721712e-07,0.0001132097967789073,0.21246848541029056,4.7551641737370485,25.533667022919925,0.26609436779699813,69.2667466199226,0.0,0.00014063033626880034,0.14872358022819943,30.38533670491932,30.906987823315134,3.8299470344839968,18.73652160093074,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9408672591582206,0.1876176894109461,0.3460505609333327,208.6330122183448,233.3763058158773,248583.94729044754,6.986775382846851,76.36123026409292,4.598890088573464,64.94340515730018,3.150430122335897,24.877913592009662,0.46045511536241035,0.8804661085898403,919.7687232132705,92.01881265582504,0.3234539435981392,294204.45898177853,2.716529901414594,90.94106984023887,2652.263090397558,275.93855522229904,346.04421052593267,54.813016481522766,0.15046421214635186,0.19297614206879113,33.94403202379795,55.26516973335862,2.9936337879419677,16.38726185597544,0.0,0.7190118821948285,0.1267821342517298,33.568449118742954,59.34134531019035,1.1020785365119348,10.300684731641189,1.6033010066721712e-07,0.0001132097967789073,0.20534483859372377,36.54410746222105,60.883187164052536,0.3887101986962722,14.664709987154342,0.0,0.00014063033626880034,0.09881958101008136,108.99265233002886,77.64266951538207,5.240506325265668,7.540604281870257,1.9907974977412392e-07,0.0,0.1983171280574693,66.17232728448462,114.3701246807312,6.9648727270951865,11.821933894818114,0.0,0.0,223.9135363293808 +0.9083136966880665,0.2110638119780973,0.35418264831362545,55.44199463197814,67.94071094173746,337283.6157642346,6.637598705479523,86.21547908291875,4.889225601120685,46.29751807504415,4.785517165053381,28.73274195430556,0.6338873998219055,0.9354839896620928,524.0563724628896,58.125827559062635,0.2169122616604246,198657.21464328052,2.859700091325642,99.80555311637868,1860.559124525699,245.7401045437951,349.2100045465502,40.52706933882402,0.16363055470806032,0.19066607314333428,31.899484593206342,56.378939050214996,3.1685819968988578,17.136718834365325,4.857888847185879e-05,0.6309943102806188,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20173750348121303,34.067078693948936,62.14413715535532,0.26062004906398506,14.311049465901728,2.960811278586923e-05,0.00014063033626880034,0.11323886029362897,109.58486432636123,80.56966241245132,3.5782197009046808,10.244117178666034,1.9907974977412392e-07,0.0,0.16602330045610375,34.88555948150034,126.5322700323998,3.9429598420576024,16.367098686851076,0.0,0.0,2698666337285.8823 +0.925706508665895,0.14542202475048774,0.3874425147816963,216.25183935572193,241.08786269374968,128296.5852650001,2.7851305166751614,75.86066658669591,3.3589381560365292,40.710088344416974,1.4459415683061028,22.45062621232816,0.4198076615456075,0.9468850583128327,651.3783127429892,92.23892412980437,0.09485314501961874,50429.30766052248,0.3802331706364124,93.49580215022277,1845.250287446421,296.5833560618747,349.749887151417,49.98958127886544,0.1654842532924496,0.1938237285390246,6.2352332484292035,25.841439828604543,2.638713267796092,94.08824012495316,0.0,1.0180525373023221,0.13149171123655992,11.015624899059684,26.757767679263658,0.897014684837268,13.129898971739296,1.6033010066721712e-07,0.0001132097967789073,0.20262543075769282,5.43732957466422,28.69603189103073,0.35490031529155547,85.56552649650591,0.0,0.00014063033626880034,0.12398178998632292,43.299403155208616,46.28993172813222,4.177113686169521,26.035468125930382,1.9907974977412392e-07,0.0,0.1983562065901556,11.327397579875985,36.421850880017075,4.543866230307129,38.48700791538678,3.311119192694069e-05,0.0,162.54902539810885 +0.8921754062001619,0.23195757903221534,0.44493206263403906,166.9253987849373,226.7242677479086,306890.77162631095,5.3599415893358975,74.25816732737943,3.597457222718429,86.86694757669217,3.5378579848310485,28.564807299151767,0.48390163558318183,0.9755729358384588,669.5416467179703,33.24695186579966,0.17691461005230236,143759.85971210475,2.9172824203773953,94.84378377518458,3261.720678196708,260.78756560122093,348.81058466937696,59.70428173559588,0.15721783106427853,0.19296395750197742,32.576153713410854,56.20987603643966,3.25124422045574,21.57288162997449,8.327284675548384e-05,0.720168018178822,0.09676948584114418,40.456667588601015,67.69296234643188,0.6262869514134863,16.540223100246084,1.6033010066721712e-07,0.0001132097967789073,0.19994441140100125,35.048673624339756,63.2875049423928,0.307126888877231,18.431121701919306,0.0,0.00014063033626880034,0.21197047762324642,110.36810141611745,73.27172548586822,3.268971704514509,13.89492180160521,1.9907974977412392e-07,0.0,0.15398683189083157,66.99079722900343,123.76455399240828,6.0656594987541945,25.00851262098035,0.0,0.0,234.48928885324517 +0.957493800783719,0.13857880788079593,0.33322734382564567,49.234744258685126,70.1390528977228,221269.41141195537,2.6081133779601613,70.15992930728736,4.531159305590295,69.55843160034323,2.5390848962991726,28.6958603716845,0.7580791171331424,0.9745336511447628,426.63630912762426,15.053676692104933,0.2135230361202453,50741.74943825158,2.2008963335896734,93.94066831621802,835.9274605411239,215.7289654653268,347.58698363724426,34.52070167244908,0.17355784567478877,0.18348564816006407,12.547848423568176,39.48279851454778,2.74879646139321,29.888989896695247,0.0,1.1119561261100768,0.13380754189394337,42.18095881590948,81.65656118305304,0.2789064672410291,24.570750624240507,1.6033010066721712e-07,0.0001132097967789073,0.19890006809379096,16.070937713285346,41.58196399290141,0.23975644888995726,26.233295131824903,1.115115256580549e-05,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9054327513983933,0.21804832931403237,0.36968896733738815,17.846675394844524,91.39461697389943,201722.48753654084,5.341813867921216,88.81517466087405,1.1444115627116838,35.2437889242516,4.603005219635179,25.372028305279013,0.5947254935542353,0.6676258758442837,337.6839197493415,90.16016637892548,0.1135906022425487,50433.96326426572,0.5646793168461246,76.52015328846439,3981.840117082344,294.27277027417716,348.5529457946148,53.828691659328854,0.19398107343275256,0.1986547404800794,6.414918675848761,26.31375347269323,2.483772418275106,89.52743915565767,3.824346245548083e-05,0.7993963356281253,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21079447008192972,5.865560976433583,27.066125171496445,0.24872344357714884,83.08580304694344,0.00011969403329404226,0.00014063033626880034,0.1509745456568047,40.375906335805745,38.29532120601748,4.350951685808289,26.420531610815587,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.988920432008741,0.10430941790545019,0.3319665458876738,237.9823167885205,155.4646830770883,325084.8150694241,6.427049117676395,35.98471194869589,0.47813816875000925,93.35915968366379,1.3976093064661819,27.253004950639337,0.38176949786109804,0.9318815649899748,489.2467047500191,46.496689622415424,0.05022932433189487,141495.43314842685,2.931591536810033,99.60308734557398,4464.722153549816,243.57503623986509,346.5231805465516,56.171003938360045,0.337814545648025,0.19610628047653292,45.32141710690899,64.53022391675158,3.798352734863093,33.20439152550733,1.7399238946989696e-06,5.36304194744815,0.08953366517777399,19.757935622561707,36.642161061714724,0.7110107877554491,20.00418163954762,1.6033010066721712e-07,0.0001132097967789073,0.18324496722368583,29.077320114823447,56.719178769461145,0.32437817045509393,20.278561725695265,0.0,0.00014063033626880034,0.3546558033304085,52.2671287978265,32.41225421312541,6.45617919986863,31.308388248520234,1.9907974977412392e-07,0.0,0.133750880507878,39.8908260401491,76.06427150320039,7.872599491935334,23.27627584046379,0.0,0.0,163.57512711223632 +0.9304843119123066,0.19141937599228664,0.3753232371291109,234.87915771899912,245.45046892734152,317781.27387640736,6.3655633734787065,49.16748349541016,3.368448275939286,82.49234811191346,3.5473227614193976,29.643046879406192,0.5229644036655339,0.9059880376847512,901.0738686754232,44.34650436458679,0.08790804369754134,252289.2834047177,2.951728409353859,93.20386255036098,1877.0007019108164,285.2103110746195,348.1695423476591,52.27337362507758,0.287627598409854,0.19657033638390498,42.20520085232842,61.332191171561156,3.29484103982489,19.65119264998208,0.0001250690772182114,2.635922659863801,0.09279288384969703,20.777628893852583,39.22859104893262,0.8635336383825567,14.72338193492923,1.6033010066721712e-07,0.0001132097967789073,0.1967950712707543,33.44299683121906,58.89795070760366,0.34428749385354446,14.230254172096668,0.0,0.00014063033626880034,0.35178020648364555,65.51203103481862,35.93909757309465,6.374017121722699,31.84207912130948,1.9907974977412392e-07,0.0,0.1489968460005724,42.53858176633592,88.74000508562877,6.847340327129174,20.3774185888998,0.0,0.0,172.36500499409763 +0.8915726627846728,0.18292369179069126,0.35111140235005966,37.75056872278358,119.72280546878793,220068.45798598358,2.535185297660626,69.78483001106844,0.6467575238857692,79.91775503031305,2.672971637436155,28.312243818779866,0.7605834167172305,0.81287964991691,688.3626884218179,99.79752609962587,0.21631354969745656,55472.25036645841,0.5531945588216438,94.07772546227396,770.728434988314,290.6719668986722,345.05503782062044,53.745931814722084,0.19476598771654202,0.19370302125538805,6.437343278024252,27.32372570304042,2.39514870083739,82.74507262174873,0.0,1.1511948586288492,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2064615913945972,8.084119498320817,28.575504261071096,0.23758227430526954,82.72393698987331,0.0,0.00014063033626880034,0.14438556864751864,39.106615611279565,39.369899360087636,4.3178525761941575,26.17182859055938,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9716079160028624,0.1868036213065462,0.36278652258915906,137.7173377307477,216.00917579439863,305277.3317175152,4.213989267830005,16.271915439662397,3.013998637094464,95.46562009440355,0.8637654919862178,26.20034502004335,0.3464736876951779,0.9429753227538841,833.5679679647035,55.07927659789596,0.2598988827247576,136904.79330774816,2.9374685649715713,71.22557402117822,3752.519387331511,191.78353026719282,349.96960392210656,58.50006955267285,0.15735535747251245,0.1887789774329066,28.89540898462655,54.0888138623518,2.9153235926914243,23.166290083803528,0.0,0.7521246200396701,0.11413665307507205,31.439511726711366,61.086605756207064,0.4026974514589365,14.00158069046861,1.6033010066721712e-07,0.0001132097967789073,0.19989477376085393,33.28059695032239,61.33014477973645,0.2702689127516072,19.211653357382414,0.0,0.00014063033626880034,0.13531980352710768,99.56318021917797,67.32521594933773,3.0238108795476375,12.969773204739504,1.9907974977412392e-07,0.0,0.1481987701990381,69.85289096021368,125.93512862067232,4.852595842730007,15.549034747437494,0.00017425824644309192,0.0,223.8036114604188 +0.9712980975313901,0.20855792049115657,0.33899950363265613,141.75080827982038,223.25683032992703,274234.25803626346,5.878876557474671,54.977731523410796,2.7663334604407432,90.60029629912214,4.39795892275775,27.62081724192153,0.6748309723900551,0.9949453684219144,704.4603411880257,57.3179675285048,0.3283927044151372,268264.8623127777,2.8973524718905637,96.0863371259382,3537.9182242519564,289.9562336151914,349.9177569658394,52.327402325733104,0.2528014842179243,0.19034360311192441,35.60002719399149,66.46691270978957,3.0604177459912667,17.1717367213384,5.425446388280366e-05,0.8327088645818325,0.10417315557366688,25.10205953822496,46.087279403382766,0.7241097038101124,13.821684278633985,1.6033010066721712e-07,0.0001132097967789073,0.1980630171595109,38.69619807462118,68.78369281432494,0.32729434696298254,16.271254106820987,0.0,0.00014063033626880034,0.3373884723514145,83.09872710122643,49.288971916183286,3.2654559365574856,18.03157641510745,1.9907974977412392e-07,0.0,0.14891033397728798,49.6464908025338,103.42302118401854,5.719366091158161,15.083711474806103,8.515642684005576e-05,0.0,196.2688381576175 +0.9450615052388986,0.15538197066562026,0.35852364078899673,17.513523822724125,228.53707718083768,317859.09926116513,4.639488479553108,73.82126763515805,1.902965379643148,34.52682796104716,3.229618154681291,27.08205564422395,0.5187305772941988,0.31541107505397914,535.4600203389332,94.09904350533276,0.22521622322345863,66733.43069464268,2.7892297508302226,83.09737329876344,471.64216284217457,198.69519200250681,347.408063397477,58.89752521366805,0.3199899580831427,0.1987623876099621,17.729447382352976,35.07354008363686,2.7372372498868383,27.605180363096252,4.092656174141325e-05,1.0292065247573445,0.1078475093228617,15.244050286898988,33.527200212304955,0.3495482711211458,32.08453129453558,1.6033010066721712e-07,0.0001132097967789073,0.2124179193000455,21.82878505655918,38.75649557509387,0.23657030034667545,26.186701474771667,0.0,0.00014063033626880034,0.09800727124922844,33.03865817380307,30.55993348437398,3.680513104056543,12.142765693527712,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9883479786531197,0.11573916769017575,0.3471643067379197,223.09638786121317,228.37399996636918,322730.98822793824,2.537687714168052,81.62361916282453,3.9372277085583596,90.37683843263449,4.499806043460368,28.171869969421145,0.7881500033589175,0.9468863551779128,683.5781247088908,67.88422413840098,0.33705233450062744,55463.77925940232,0.4626573837794423,65.68422361759885,4271.605541557398,293.78059645215683,340.57591835991747,57.417587172580575,0.1937851149099139,0.1862844765060936,4.575242441204969,28.839289802857884,2.824572495192218,79.51977500267384,0.0,1.133748374420198,0.12343157266777434,7.4441251712960455,26.63141348516513,0.23305461383312506,10.93422399084154,1.6033010066721712e-07,0.0001132097967789073,0.20098395527999502,6.148186522679081,26.36233607844198,0.24341430825929133,80.74957214978453,0.0,0.00014063033626880034,0.11377845860867886,33.826960723340484,41.70743892860302,3.1935339735787074,21.264563035459084,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8795838411605228,0.1839354952673895,0.327047926168615,166.77953118390246,210.15236580676245,307166.97646744223,4.011478901372163,88.36443946034507,0.8239942445864562,20.985753036405676,0.27432363457630915,28.619774830114658,0.4430230629357691,0.9494834485376215,284.52536797725656,44.63609231159229,0.22123356468519473,246016.57559261913,2.5992047079758476,96.45568920846081,2873.4451626501595,242.24548867936255,349.7520473560713,55.43873826002999,0.187855611072005,0.19153971195546635,37.40707838958826,58.67441234598435,3.2519098255689314,24.075586206409234,0.0,0.698874338082651,0.1251253279426103,39.071842163602554,70.46985584450958,0.4133698335283092,11.440138337718544,1.6033010066721712e-07,0.0001132097967789073,0.20372682962024008,39.78471657814265,61.8403121722887,0.2704504111463568,21.733276171251948,0.0,0.00014063033626880034,0.11211058285297153,104.82376456789663,81.4824738935167,3.1968430982934506,9.527102993384473,1.9907974977412392e-07,0.0,0.2037209674166467,70.193817268167,116.86629645600836,5.3464780083615535,15.45495726649985,0.0003871983495544873,0.0,233.48807059859251 +0.9412814714937394,0.19082383059521832,0.32399502382617545,223.9528853212014,238.63487096986577,318606.0808875665,4.138737535340172,99.71305791915141,2.271991842347082,91.01334492905588,3.80999974375575,29.15123955401337,0.3392775657091995,0.9916914458055481,824.9051653077529,70.68808805295443,0.107699105216467,55283.78380036247,0.7241895006286408,89.24033073469252,808.5398168674747,214.8649425988167,310.00958166930786,57.37648210128689,0.15551370786759267,0.19297752945976573,11.155810498382683,28.570921461148018,2.9704603855118887,85.56555523384257,0.0,1.3456269724992158,0.12035025908278855,6.111943218136521,21.919583471834247,0.5135721365287015,8.65620905897646,1.6033010066721712e-07,0.0001132097967789073,0.1986328356959737,6.700372133036073,28.67090769925193,0.2825947357158129,69.20184361239602,0.0,0.00014063033626880034,0.16700910846771208,32.24611365853004,35.764491665176706,2.8931310830208825,13.064825452462417,1.9907974977412392e-07,0.0,0.16231931456593726,10.94161212508562,34.502250399097186,5.233826620641309,16.142190809358386,2.961001910303944e-05,0.0,136.4476468473425 +0.9813241299509267,0.2131815510173251,0.40691515054936195,243.93489185948573,168.5609128404526,219357.83378494054,6.381721019055444,76.46982850845636,3.172751392560432,95.49699977284757,4.735445662893456,28.330861342496938,0.7794931147981822,0.9906802015487256,948.0533294752634,97.5631889917045,0.2934585606322731,191633.44092778148,2.947303954769548,98.84766314304314,4694.386510934614,246.67635876384608,349.7860401472797,58.574637521166075,0.18335795110555678,0.1888603293380887,32.295844150367046,61.21044554809843,2.8371688040902625,18.59081864090458,0.0,0.7482626096314996,0.07483235593367663,29.615284552255954,54.80039433866228,1.0713791749949824,16.80257675591245,1.6033010066721712e-07,0.0001132097967789073,0.198111870252762,35.596566414757575,64.65758934545299,0.3860973599504143,16.66028395254166,0.0,0.00014063033626880034,0.2601786509318677,90.84574657140905,63.70049853392113,3.8287939895609937,13.708916154987014,1.9907974977412392e-07,0.0,0.1355796581577622,66.41936860043886,129.97964840173324,6.149126156657463,20.219965178156986,0.0006064778336403419,0.0,222.0346561121166 +0.892245617582941,0.18292369179069126,0.3206624830571329,32.61076716265804,116.07578391788326,220068.45798598358,2.1461276294804383,47.79792463377811,0.6456912915567543,62.80689935059645,2.672971637436155,28.17937529592409,0.43108873750036136,0.8135115606305976,157.4506506760186,14.58523240584599,0.06606072968980412,55286.27129455076,0.6991127726341817,94.08165038844149,916.2149931599147,221.76966124972645,333.8046025620588,53.745931814722084,0.23757738017013041,0.19492103795898455,11.239251844225741,28.346711276508778,2.853253483436576,90.56386894333913,3.616161761498905e-05,1.133382160219766,0.1333642084357533,11.905114040197315,29.970342834487546,0.37130885813977416,10.370472275349432,1.6033010066721712e-07,0.0001132097967789073,0.2061113618118713,8.790410259872504,28.617995024611606,0.23589500166926142,78.87660047025203,0.0,0.00014063033626880034,0.14459863123151553,29.31567032431578,33.19235038116999,4.057108008374301,25.15673803908237,1.9907974977412392e-07,0.0,0.2095910872050787,13.087970553136163,36.805521214832545,4.366480693221201,35.13413751940047,0.00010479724348972738,0.0,150.98546197564784 +0.8915726627846728,0.2296700873420076,0.3514106274226198,68.77812444366778,126.08706929645439,220068.45798598358,2.8176912600092203,69.78483001106844,1.9629933577720349,52.84924432109527,4.533973106143823,27.595396108807684,0.7983834129755348,0.7244093464673222,654.4508945986813,62.28464604326706,0.2716602359183073,51015.191940396384,0.42860192330019453,94.07772546227396,1054.7241791111885,291.9191642942576,333.8244997310846,38.93559048011231,0.3394144059234227,0.19597695704658022,2.7622943070931885,25.881014560009117,2.482673915348742,73.50576428448719,1.3258992479742557e-05,1.1625887274705122,0.1360652018028521,7.015559277657913,21.961179531255592,0.20621522256321384,8.567199685244788,1.6033010066721712e-07,0.0001132097967789073,0.20912787884936632,3.91443001496031,25.16052619290399,0.24620300667354478,72.61663287189783,0.0,0.00014063033626880034,0.14154776737486197,20.162163039830766,26.794895902550465,4.229548875744667,21.643405259482495,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8838073212834859,0.23434183219309146,0.3514513539507235,210.63269197024317,244.77456455815064,339422.52931732475,4.245886905586749,12.369821364711502,3.084261263221618,93.87329339422499,4.079244714817028,26.019094860815372,0.4828341980729897,0.9528971135151642,665.1895233446553,55.12263214104314,0.2630143064745458,242719.89036420904,2.8790683663617522,98.81254983366841,4647.160051857758,265.6461212855619,339.8755139489208,58.35792735211806,0.1803344954661464,0.19135371742264135,34.44975053090484,59.238828382384796,3.112778964899971,15.99591825050008,0.0,0.7048718557935657,0.1230215681256408,34.77256390409777,60.836114922504784,0.47776005622609213,13.443416575741727,1.6033010066721712e-07,0.0001132097967789073,0.20249050579165903,37.584068382682496,66.58156923672001,0.27650163768371006,14.240869440246113,0.0,0.00014063033626880034,0.1074369421847757,109.187663128992,75.43062898151119,3.141262643884149,8.657206617442215,1.9907974977412392e-07,0.0,0.18532045038666836,63.88271797841095,112.50980344974853,5.373405527388221,14.714739097230376,0.0,0.0,225.35145311674464 +0.9762591022872666,0.1833333230972185,0.32043954033427274,218.61920367552463,119.65956482687693,223364.34005740078,1.9912572828954684,73.31766986379726,4.77481287221562,21.597932497149475,2.608385869576197,27.545590755767527,0.43128333667485597,0.7453619324291538,740.7350677009998,13.02284091443682,0.06369634572569088,56788.13381289807,0.6329807385969926,92.85326955807818,4930.411414000417,292.0299898837155,333.7214723560215,53.98472222387117,0.29816061955506534,0.19663345556928477,11.362921593301863,27.334386490415618,2.71939121051585,91.53377290742554,3.867312309495592e-05,1.3125925394618334,0.13214157882513247,8.076101373854712,24.73784859318659,0.21604709770963418,10.318078627039736,1.6033010066721712e-07,0.0001132097967789073,0.20648604165763207,6.8747271812587405,26.785488452049197,0.24309939094524435,73.23536021378688,0.0,0.00014063033626880034,0.13108570706500394,23.48092903325839,32.1621660227707,4.17440365896363,20.90199749701555,1.9907974977412392e-07,0.0,0.18082493238564593,5.886051150293228,35.46000288311338,3.934676239354173,22.199110760315047,0.0,0.0,141.4789592797794 +0.9806706855560654,0.20486317489819733,0.3528413827129259,116.81824339785696,214.3738906869909,273231.3931091525,6.325924693112715,76.89635356722721,3.488170315282393,71.54701862550502,0.4039666749244888,24.994418480246445,0.34711068845878673,0.9719292166884232,702.6204626617733,83.67611960598438,0.31841504522546193,253016.8156487802,2.875773532412088,97.118289175702,4258.151610722144,223.00072016862887,345.47276102861844,54.48983847694087,0.15509230609564034,0.1887810198910216,32.181327754887526,57.03702841746374,2.983712980222636,15.931055781946633,0.0,0.7896852666827067,0.11936578492109219,30.015625846671323,54.244665338751616,0.7076289579292874,11.180918643657389,1.6033010066721712e-07,0.0001132097967789073,0.2007545325176174,36.04884957475123,65.95242982788184,0.32707986391791394,13.66887378330485,0.0,0.00014063033626880034,0.2028190828077818,117.61637093445074,74.53439738531281,2.8543506498852866,9.432184094133326,1.9907974977412392e-07,0.0,0.16238567627379427,68.23346032812165,116.78532694198613,5.532071735240969,11.01640728364743,3.9669948568843444e-05,0.0,228.67039368836313 +0.9864950823349761,0.1869932311790122,0.346685608597186,249.00674181565608,206.61409661559424,307131.21537457634,6.5972187143881165,36.7463602081975,3.7955335311799994,96.96304854985797,3.7091375479342545,27.893459964957618,0.371087732856173,0.9824173449416058,969.4798025477738,7.670880388850094,0.3185330369925932,257640.71290555064,2.8940379834397385,91.92996417985802,4975.758181785159,293.35138044319757,344.190849622547,54.11415378340709,0.17895839847767167,0.1850559382900085,33.06879637994935,66.33444593810951,3.855549313492881,14.876478163190425,0.0,0.6988196820258916,0.09410397381166843,29.182136761973855,51.332871533097844,0.8846246922223158,11.721726788543453,1.6033010066721712e-07,0.0001132097967789073,0.19589038526053265,35.933608655128815,65.22003070829817,0.34995046084115594,13.705551552900399,0.0,0.00014063033626880034,0.23796339048048043,106.15306180340626,70.92465907010381,5.419353283199748,9.26158681680495,1.9907974977412392e-07,0.0,0.13674208351289197,73.67700164905436,130.64108347850618,7.147115984743448,13.826160484003939,3.463649719940565e-05,0.0,232.89454895717708 +0.9189465419006547,0.14689373440478232,0.37632051293384583,141.93092802102217,222.73315986741142,206210.20433798296,2.2499641283549994,90.74125401154141,1.3834136135908253,59.56002636841953,3.8590324365290454,29.486071427814174,0.48477109874902413,0.985649845683275,978.7762324887659,93.00039762378891,0.2686242149783166,174024.85820632035,2.8240972237920716,97.32127006596438,4761.024440109542,262.0711092554285,348.3776594766585,58.712825390693055,0.16211030922557726,0.18834501918258942,31.268482042305696,60.597980323521085,2.4252999065553,20.72336349282002,0.0,1.1461382544920333,0.09282155887448251,34.70368438152329,59.12767797896028,0.2748968593114311,14.674861528795702,1.6033010066721712e-07,0.0001132097967789073,0.19808786524052743,36.28145857275395,64.70597956275577,0.2527917610773623,19.228491425968432,3.112718786831058e-05,0.00014063033626880034,0.1499254407426276,98.50706770681755,69.1534681379083,4.3265665967859,10.582800779928688,1.9907974977412392e-07,0.0,0.14389547030710084,69.15461359969296,133.70948479133102,4.056109598582113,20.20187028718944,4.064100887638447e-05,0.0,231.46746866708207 +0.9083072819057012,0.2071359168770476,0.3982314121063013,13.825363707036516,12.755042414820391,289067.29946092825,6.867522930252806,82.77919191203777,2.6625682135408146,81.40288760502372,3.794055057010124,28.005088908495104,0.723048541700204,0.3979347869041895,258.6783563429459,80.03410781858716,0.29408414556075935,72116.17140835947,2.7221128518360103,72.02775199951799,3564.73114880987,290.88506780208985,340.43101663083985,58.53059885918077,0.2870586684647693,0.19820683816412438,14.970121985510335,33.282391255704475,2.87597312124103,23.85711021998738,0.0,1.180344313308167,0.09945330708656634,17.02403138848538,35.80517244725245,0.3047310350777381,32.896451077199146,1.6033010066721712e-07,0.0001132097967789073,0.21156139057454237,19.29807935513471,36.524213354414734,0.2395416327736202,23.383532258767897,0.0,0.00014063033626880034,0.10300039286502502,35.8309415984409,31.379741198634235,3.74596899860755,5.798049740045896,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9709434333507818,0.27381928442622355,0.3743579001387884,247.82391876060143,181.2920430922581,310119.8448807677,5.943461672319467,48.03184274336253,3.8462207682219822,85.80402178092223,2.1582991907443727,28.95393063533271,0.43443268842337485,0.9715310299734295,737.7782030640549,96.02105299765755,0.3444033661592792,234969.41701870674,2.86066780156677,77.58446238537525,4322.715045153727,280.0354956991929,346.5621213280521,58.535455344384246,0.1692332141718941,0.17900184540927203,24.3155522045102,61.00071000445254,2.8973214178404025,16.364985228756247,0.0,0.8037487247882659,0.11557245617468814,34.5236325912457,61.04083623024359,0.747177810378405,12.43016594790104,1.6033010066721712e-07,0.0001132097967789073,0.20203039439165335,36.835629792262054,64.41249002780246,0.32797745578801996,15.448878852539204,0.0,0.00014063033626880034,0.10134596655549111,98.59690932990355,72.39852833052024,3.9757981276114993,7.8612024110524645,1.9907974977412392e-07,0.0,0.16230059202448868,59.17851992788679,121.41325164561319,6.241201766402695,14.482829925823818,0.0,0.0,221.22235789924082 +0.9544967772435968,0.2276285922539103,0.36980849629908,235.58522429022483,243.08689062226702,328342.2050702447,6.196924927255255,75.58853826139979,0.5560018142366028,38.982849329705225,2.606863198462585,28.715215957721053,0.5404557886060547,0.9316502385550987,314.63563438749384,65.13991160191974,0.28785780037269126,267736.55498310353,2.9510797726937437,92.18850989022941,4975.96908926946,170.55947738667322,346.5666498337079,52.260514654891765,0.15088378864688823,0.19142929556982288,31.259445625683764,53.05780615924471,3.58422355770273,14.47384996942386,0.0,0.7554057523313987,0.1285950376398371,34.27716472446899,61.97363840104932,0.8121452009778041,10.597129629115269,1.6033010066721712e-07,0.0001132097967789073,0.20345606940922392,34.85187531125356,59.33066635871591,0.3351681565488366,12.48320831142349,0.0,0.00014063033626880034,0.09965178577922772,112.01415358555013,79.13216360324012,6.541144310683573,7.3547937694868235,1.9907974977412392e-07,0.0,0.1992475688945951,63.64214509259237,109.00380217834271,8.46668543023615,11.252127474651074,0.00014775240281846572,0.0,221.51991407671395 +0.8810012905928397,0.2100593031301222,0.34508711839341794,241.87693312878423,173.0194580571772,317872.35765015206,5.018057571018895,70.56538088235551,1.7259474443731797,77.50706957070405,0.45385752734586915,29.819136291468563,0.7628722214464574,0.959348261311814,965.3516766126753,38.95488671436162,0.09489593252667947,272405.3828237039,2.928769737430615,91.8666587668332,4999.708227784517,293.36767903059365,342.95413267237944,56.45249613064015,0.17167211897308485,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.1250370100026049,37.236008955816445,65.75523097147715,0.5822470091007119,9.93039793607494,1.6033010066721712e-07,0.0001132097967789073,0.20153263297657034,41.01577760541187,69.71980366685555,0.2994463694775939,14.300152591385533,4.447191624099933e-05,0.00014063033626880034,0.10081585272863774,115.45540470649776,86.0045616074901,3.0792434328573948,9.33584554038493,1.9907974977412392e-07,0.0,0.18056766975448987,33.18499627372047,119.67817110292829,4.606637231466287,13.963379022691269,0.0,0.0,2698666337285.8823 +0.9375184865933374,0.13591124940501795,0.3811074210675936,215.72597040735747,148.0764268970561,278996.9634904584,3.012150657333276,35.156025570737995,4.44519599280968,58.06002551794912,1.6409405717413235,26.583272201638476,0.34065432386439726,0.9782582108961098,810.2002723136806,26.68219932697001,0.17178661733765505,200117.41516776217,2.886534829323351,96.38363306085108,1589.3325397095916,252.4193109953947,346.03877995438336,55.03027500252666,0.17322079518664812,0.18535265116171212,31.2354561635624,59.39824478648906,2.8579126655271945,17.08562008309288,0.0,0.6506875437581732,0.08125212645313429,31.95461871801843,55.94122029777428,0.28250402690273124,14.559102173408267,1.6033010066721712e-07,0.0001132097967789073,0.1944372585643294,33.49918590030808,63.75117896524434,0.25428317018166396,14.700706943424661,0.0,0.00014063033626880034,0.24959155292655166,96.3979287552523,60.949902000641224,3.644812613394236,11.392720337936067,1.9907974977412392e-07,0.0,0.13540040885035726,67.90003211430582,120.11587992864432,4.8192759536408865,17.158718009521984,0.0,0.0,216.97013341864312 +0.9117281857535506,0.280335862309411,0.3348881205610146,49.234744258685126,72.08183269969845,181577.780732496,6.07352728336853,60.48941292531509,4.531159305590295,70.18080695341945,1.9292459264748403,8.362872376102898,0.765185985829625,0.9745336511447628,991.9466498431534,63.68912006105192,0.2135230361202453,236926.9801207514,2.752979049489032,80.24584716268629,22.826228972011222,215.7268517056439,341.88116490010316,42.433927838715576,0.17615625371132598,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19681222271744553,19.52329159729526,57.68958245366041,0.29403510031787655,9.78926085537605,0.0,0.00014405262470233121,0.17425446522600418,144.6740999435728,86.08086990305834,4.373581927746961,5.335882828299399,1.9907974977412392e-07,0.0,0.2143425589080206,21.865205778090132,95.40464512031375,3.25243030346106,10.401190668909443,0.0,0.0,3816490534509.4204 +0.9360661718223868,0.11735418961177221,0.4236766315391158,95.81381188306243,46.825390075234296,176777.23963234643,6.04633107530857,78.35443011449965,2.9951548578196787,47.28520354288821,2.184175566781741,13.326505870719284,0.37495799709997973,0.6203885364089148,391.76682553189664,24.79209676176079,0.10869239345381988,58337.98920108084,0.763704040886009,60.382032347829984,2296.095565732843,269.119856780459,319.438093738557,58.774314031089176,0.32808522832395537,0.19988017305717498,2.811859450943495,22.44949368678777,3.215817249658472,53.7342996129819,0.0,1.335970682890545,0.13937822149866227,2.8903316189517727,16.311144247820838,0.6334341571466611,6.31362103469589,1.6033010066721712e-07,0.0001132097967789073,0.2119086493524873,1.6720886036425058,24.689552022997663,0.33830494992268556,44.58585837092581,0.0,0.00014063033626880034,0.09339422746283026,14.513377872008576,23.559444367342333,4.638557723493126,8.102016090064215,1.9907974977412392e-07,0.0,0.2138320826424751,0.7018413044930937,19.849532190227684,4.510295523498616,11.590243100311113,0.00011608532269527343,0.0,87.91255497337886 +0.9715026788389687,0.21262572865286844,0.34986996823353506,34.32458368086954,102.82993961568255,215975.4229117414,1.6844824981097593,33.98821652120942,2.102759060323675,14.793833539467396,0.3239702436135132,24.7682670715942,0.35702039460827784,0.8196327425226658,370.19278681914216,48.67429008470488,0.32928113901163103,55880.8634339121,0.6986395067157107,45.7871481325549,2061.075741825339,208.93187515048012,344.8189494985428,50.710055817644175,0.2414060594567403,0.19151479619062783,4.4777260917851445,26.335620744232703,2.4539840341456736,72.2031601728196,0.0,1.4658501869143512,0.13086417047144344,11.83787926600972,29.656338013919566,0.4219474618915241,10.57431124887227,1.6033010066721712e-07,0.0001132097967789073,0.20507728841503683,7.068839280965667,28.821986480459316,0.23701460239349045,74.44752786700501,0.0,0.00014063033626880034,0.14458129154859592,22.54021749290536,29.809385136567336,4.341048579410071,26.270083626563768,1.9907974977412392e-07,0.0,0.18543112321894495,5.319272810471066,33.32341962684883,2.9312415622659764,28.437292296529673,0.0,0.0,132.48270305267758 +0.9492445116948481,0.16824031297882253,0.34765837065367566,248.37524128094594,235.46039013330414,286728.5092317252,4.373591304293558,90.57617561791324,3.181915568973242,93.1769620625189,4.9215640422291616,25.785249007516036,0.751171470250566,0.8725272515466453,993.310801923559,13.542452350128892,0.28701411184738573,284222.34412150446,2.9707915629359007,97.92763963388137,4401.213357612107,242.02557990830798,348.3111811165902,57.93097377509044,0.18476280630741004,0.19193819639817977,37.02043208690691,59.49229397246721,3.2719767087594778,16.759568312194958,0.0,0.8269070701432688,0.12038937912937589,32.93041334011281,58.55045279836958,0.6533146216887037,14.144819113686347,1.6033010066721712e-07,0.0001132097967789073,0.2045477551436481,40.92057154326403,66.77539557767666,0.3072297036220852,15.056455332938365,0.0,0.00014063033626880034,0.22842280944094565,105.67155350898747,68.18400717007545,3.0754692132231787,8.207660869056129,1.9907974977412392e-07,0.0,0.17422043010515076,25.39598832488628,97.83999924908021,4.961816367733751,12.511607091241833,7.232778603258943e-05,0.0,206.31709572240493 +0.9442560406834529,0.22947574854784597,0.33217708561214143,130.7822175581556,216.6176223317064,274813.88986241526,5.4604870631204125,71.3019309871737,3.1881809468050033,85.69930922211378,2.53447989815356,28.190161922216586,0.6688037514517406,0.8320123114704019,833.5679679647035,56.21322357749988,0.14680936058377395,123845.88477899201,2.8732781805405785,96.29850822122643,3752.519387331511,203.1352682380617,348.8198466799957,52.327402325733104,0.16117748695391484,0.1948850200718141,33.55415245746954,55.116691505648994,2.9623602385560623,27.049327617380527,6.683474209101204e-05,0.9130780610094578,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2022793178307962,34.236972795779124,59.811216760116935,0.31250925509355165,21.372231076836957,6.0571621508281804e-05,0.00014063033626880034,0.1272879532113199,117.66580524725177,84.12343432347276,2.882792591272577,13.647534091088136,1.9907974977412392e-07,0.0,0.16920816189645774,35.3698023267965,125.0492108824015,4.56245894641086,21.12627890204789,0.0,0.0,2698666337285.8823 +0.8983805356789952,0.23575240205382475,0.36375539321450234,162.94335759479458,156.9016941916768,100108.58244872192,6.619962173343205,72.45197298933718,1.3629605597975658,78.45057095358807,3.9850774452682236,28.688320953319455,0.3793901662941549,0.9762012374029401,951.9442620870612,92.1192580453889,0.21535874449529624,155235.50592905306,2.6827601453220433,73.77451854428479,3207.5717544559784,290.9840502083753,345.0992983916167,49.64327970108089,0.1597222688486052,0.18956290890327288,28.8386212683948,52.739240266124554,3.083638478271025,21.218761628496907,0.0,0.7913002429691284,0.1123834379799248,38.94282291825062,72.30090228865485,1.6696965000989101,12.804390494177268,1.6033010066721712e-07,0.0001132097967789073,0.20257069762679664,30.83155987246956,56.16361168001287,0.48830912371637636,17.657771720677573,0.0,0.00014063033626880034,0.1022446425900094,105.79145705738978,79.37378134061366,4.169595237329209,14.234032154265668,1.9907974977412392e-07,0.0,0.1863413492887956,59.326273914634655,107.79653393531292,5.602505874430204,14.316956965794684,0.0,0.0,220.20299876326243 +0.9864950823349761,0.1869932311790122,0.346685608597186,249.00674181565608,206.61409661559424,307131.21537457634,6.5972187143881165,26.146700202464928,3.7962711697672256,96.96304854985797,3.7091375479342545,27.893459964957618,0.371087732856173,0.9824173449416058,969.4798025477738,7.670880388850094,0.3185330369925932,257640.71290555064,2.8940379834397385,91.92996417985802,4975.758181785159,293.35138044319757,344.190849622547,54.11415378340709,0.18580986620564519,0.18505593829000838,32.937048446811886,66.10188730277119,3.855549313492881,14.864743872375396,0.0,0.6988196820258916,0.11265197227076162,27.001584540314198,50.94983954338893,0.8846246922223158,12.455579783954107,1.6033010066721712e-07,0.0001132097967789073,0.19545014759643392,35.75670248450163,65.04627618160579,0.34995046084115594,13.7471700361195,0.0,0.00014063033626880034,0.2527677608537749,103.73676515168162,68.37410632722818,5.419885306595749,9.914574871374723,1.9907974977412392e-07,0.0,0.135123668858039,70.85727174420299,125.72433173012273,7.1471024275191875,14.51132015787084,0.00015598139186566204,0.0,226.98762461988272 +0.8254821946660997,0.17682732711179905,0.33230082756009555,171.6402090097051,112.91397193929396,193266.5694139729,2.733749990507575,53.30063465475036,3.9816675223860143,68.07843989110397,0.4310720576844451,13.335221867917976,0.367179421910631,0.8859898561154622,154.41752344878307,38.69281523889835,0.08871309142928424,54727.28887897626,1.0660070089882732,47.27959394190229,687.7504413249762,59.25200242715913,340.40071519698205,56.37390379162085,0.237696604577675,0.1991095605760229,12.423987288719868,26.225713636480943,2.8355127551454684,89.01615603101133,4.6160181670208355e-05,1.105801711474866,0.13978660859342534,13.666757156063417,30.908585454424006,0.33669479822766885,13.010939909305186,1.6033010066721712e-07,0.0001132097967789073,0.2104323350190696,11.082354466343686,28.29708510527615,0.2682274930006252,75.07431166279673,0.0,0.00014063033626880034,0.14910638422128644,38.3569332351303,38.12349885800114,4.204612052535151,26.70491906721377,1.9907974977412392e-07,0.0,0.22016752030750952,6.2184746823184724,26.208074381315356,3.8843009346677366,29.82566049614413,0.0,0.0,148.09598464877223 +0.8459968916757645,0.20949496175052112,0.37526710498577803,194.33466232550154,120.40369262125401,281220.7132721068,3.684258555509857,47.73281135352212,4.8503528772908435,18.713626265305244,3.809607641925556,26.964001474227924,0.383433161823868,0.9809342344130373,688.694473979476,39.82827502879686,0.19403006101965412,105352.28773536808,2.7809821871700406,93.50727190172861,2511.6959295968854,234.20543198860986,349.2366802943468,30.75037224458952,0.17450921426700372,0.18938243595160026,23.323553275166905,46.13816341039181,2.9181658713933585,17.761904900738575,0.0,0.604678719587898,0.10231534442358754,45.16091032048848,79.99408787498771,0.32899210023813213,15.977933132991529,1.6033010066721712e-07,0.0001132097967789073,0.20036432411626437,26.881790744103494,52.859750658746606,0.26392072903113256,14.503544485354865,0.0,0.00014063033626880034,0.11840258079212831,102.70787528649046,74.24906743521672,3.480272685058065,13.888676133872929,1.9907974977412392e-07,0.0,0.1803697404910381,54.62207321419521,101.35165455738941,4.895662920325837,19.234376357551028,0.0,0.0,212.91990407771672 +0.9708625481696318,0.1865333004206989,0.3272435912852707,249.7908181997988,62.71200443805111,305663.14934902947,4.900491238960253,99.36035986483323,4.98439085176589,96.37939461106501,0.6667220822980545,28.325392576947404,0.3542771734406005,0.9692255136398571,756.3983493116026,20.400827316371014,0.25130749246105527,174308.60638371314,2.9306152434865576,80.9249020254397,3667.5764292578397,178.85627407690762,347.00009955657686,51.70985143302605,0.15819505425220476,0.18760130913247314,30.07615822855348,55.96197333591376,3.3220127013313228,20.405283049852567,0.0,0.6411985576542791,0.10548236344995025,33.68123890672375,60.76159281821424,0.31711208476583186,13.406268311714985,1.6033010066721712e-07,0.0001132097967789073,0.19672338611212883,34.06943649371525,61.414507238102566,0.27279210515542135,16.319668123979366,0.0,0.00014063033626880034,0.11511807693310429,103.19456558742556,72.51077704250073,3.761085569612749,12.209671512723915,1.9907974977412392e-07,0.0,0.1461660191594076,74.5031776566751,133.19884738667133,5.254171469219603,12.50820852152443,0.0002317115384764328,0.0,232.84379030724048 +0.9355882277588589,0.20703867062968426,0.3469429315602358,179.89093067353497,131.5783622934574,310068.73918952286,6.665100700604639,81.53254364146335,4.721358909481381,58.127373132707746,3.103379700529378,21.95330830927492,0.44894233812507583,0.9211724197547629,168.80420391190037,80.96458338181168,0.2575881546327051,200690.37555333975,2.9283653040685733,89.96551646318115,4374.4912146140705,225.08587540583738,348.749276967342,52.43689818080927,0.15484276797991306,0.19318258329928115,33.6314988748397,56.82750548045482,3.661126947338201,19.546394598033597,0.0,0.7978073367492337,0.11948124866846349,39.54660807866782,64.17578465060787,0.6617655818844429,13.932677799973344,1.6033010066721712e-07,0.0001132097967789073,0.20442987569016013,37.715825381708854,64.89961638073753,0.3210073824969096,17.195760844690547,0.0,0.00014063033626880034,0.12031151018124617,108.57450158598643,80.81038587215934,5.109553462710225,9.623437403679217,1.9907974977412392e-07,0.0,0.1886354521130594,69.11114561522984,120.23006932486005,7.837000650683979,14.590793177450273,1.3239238203571076e-05,0.0,233.46807305017452 +0.9698980334903613,0.1908368883796051,0.3693341229623203,150.8141693856644,167.27412929947332,203080.51059651712,2.6997203240738985,43.22173097440086,3.5828650425405124,33.94744085531475,3.905050173663877,26.955428722960537,0.4435533414592446,0.9121888827464192,638.4210572289115,31.062115399939955,0.14397252433753877,52961.36444508747,0.42680688937873756,99.67429865364824,2793.6168225032784,178.60122553432973,347.3651611325664,34.45962063173209,0.15508014692727548,0.1923780190285611,2.9400279784177226,25.344562997796103,2.624491348468164,78.8221599864893,0.0,0.738581662906759,0.12899276023206066,7.546948400796062,23.26802644807431,0.3546563391139944,9.515351280634645,1.6033010066721712e-07,0.0001132097967789073,0.2043138986088788,3.162551421984924,27.61362246857072,0.26615902207213943,69.12195684640838,0.0,0.00014063033626880034,0.12668779566187735,30.104658597949072,35.3837415606517,4.321793269912316,24.736248041107498,2.1558945443110878e-05,0.0,0.20296040651283961,6.676945235169359,32.422610148764804,4.636890529104388,29.981129176980243,0.0005163833627180237,0.0,133.85066326329815 +0.9893912228669614,0.21167002530676948,0.4399943183634496,243.65307084603933,93.52649265235534,233495.2796988741,6.299053632837398,80.77785831180806,3.3697688376301826,97.10695289744747,1.0896564543899423,5.105946540300403,0.7702801945977719,0.578089986494437,936.0344312377772,98.54169949599624,0.2779414601989716,69616.0223292959,2.7435793843658236,99.57273351896065,4790.279901005957,180.2980506284032,226.26419346740792,16.60373109107129,0.25457737139405845,0.1988535265513379,7.105955719653685,25.085497385651173,2.8534879665214925,7.4611755993470394,0.0,0.7167893703820624,0.13405934624084961,2.2918140593053757,18.57746096053967,0.7866091302664058,25.040345592065073,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.3273224019770724,6.561054882546769,15.006936367487874,18.60522127129353,59.59334926273754,1.9907974977412392e-07,0.0,0.1808127156391609,8.956600528193048,32.55644572852057,9.336797320690675,62.53487218264906,0.00032791682444317316,0.0,2698666337285.8823 +0.8817838564775771,0.20161231558213116,0.34661730084733855,17.846675394844524,89.92348019058119,156607.62052432826,2.0389910475488806,86.85866238454,4.464534850742034,52.70663490268017,0.7006426356742634,25.4881640971619,0.34621914400753384,0.6421823488540883,315.4403525657957,72.79938057768524,0.09755838411377092,53220.810227296795,0.463975419971043,64.84991806113241,4280.613937603939,230.78202268702643,328.9937047779062,57.437925957787066,0.196466194732736,0.198716246431656,4.158677913281974,23.845407716218418,2.382321979606844,86.48350214076652,0.0,1.2683605239493125,0.13789213355547264,9.06347330830982,24.412611352098853,0.38701850059290244,10.296927568041449,1.6033010066721712e-07,0.0001132097967789073,0.21123581183456108,5.005525888950731,25.030796126517334,0.23668248961359337,80.20838372195567,0.0,0.00014063033626880034,0.1485105260451662,19.066893317319202,24.71590460312813,4.680657661957962,28.70834637194716,1.1063762023256015e-05,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8298313573543697,0.1511996364489986,0.35372207705062136,126.85941096423942,231.68895998252322,324776.79795183707,5.505172540468776,37.14426020281283,3.1832338268294356,95.531098080408,3.155571028030905,27.940405820866033,0.4006206753947054,0.9834198959031587,819.2911862927126,42.43273754887685,0.1138740407474017,192223.21881403547,2.955661871407719,85.3991355303237,4704.387041897737,217.41656695291493,346.6223440786751,57.905820091137436,0.19646512831151053,0.1960752459478181,40.049445168924834,57.762163694029944,3.1481359299720615,23.896762501034882,0.0,1.3850955853696083,0.1161409614726376,39.09125166688829,65.15679340177815,0.5225621939062651,16.51384973820603,1.6033010066721712e-07,0.0001132097967789073,0.2016121969515388,39.00722106560938,64.5092388878638,0.291110731025471,18.116335185899054,0.0,0.00014063033626880034,0.12662835541087136,103.71404611224906,73.73548073264533,3.1219206340738155,9.246253462405125,1.9907974977412392e-07,0.0,0.17493915358010986,71.59296050939727,119.61878961101185,5.403300084197183,17.43439753732278,0.00016046131995865084,0.0,231.59745170202802 +0.9715043846705931,0.11841107642276143,0.32833565553913063,221.05489037525265,184.37438478817313,323275.5200495709,6.101704372863656,64.35866576452015,2.7582070908604597,96.28432714818871,4.140632464254283,29.222471509353177,0.4773771271397364,0.9748282716002157,769.0202306418803,90.54671647267281,0.15175680856368234,174440.95979646422,2.830968849273759,75.52908043586592,4062.402932531896,293.51229938767506,348.85776505984387,59.74322096590076,0.18589006461132676,0.1903388146170633,37.986571498074895,62.1569341249629,3.149788856793724,26.570982821997813,0.0,1.0863858128080204,0.07909079608134495,29.017108018556762,50.287435364688974,0.7110525344516534,14.170327102635968,1.6033010066721712e-07,0.0001132097967789073,0.19615170547958186,36.47431752866898,66.9574577490535,0.32212146059716534,20.839813466706914,0.0,0.00014063033626880034,0.15883668371009235,89.0742418837998,67.8185285565153,3.9395860208847573,9.885357969906774,1.9907974977412392e-07,0.0,0.13765082131634557,68.73541181161853,129.1161992303367,6.255594772973136,16.495291839795062,0.00014325784642286765,0.0,224.04798521584743 +0.8914014606288977,0.18130176529357758,0.32069682862004506,42.04010983831439,112.63588174528924,220627.36087865973,3.605211358894582,48.31697498998986,4.329138731333269,60.847402709563255,3.1958505037671068,28.15895010227666,0.4306340907071619,0.8168829955357569,164.86412518313637,14.935503442655033,0.06606072968980412,60608.84746836909,0.6442252724107886,91.58269061705498,2427.865798544772,214.63979835460535,333.7672682529753,45.78557152294147,0.2847495507915354,0.19671064930473367,11.812198827978508,28.387068393532733,3.1453148260795336,85.08693503349917,0.0,1.3808109554794497,0.13322149383029397,9.834511666313283,27.04988255688218,0.20047086779563553,8.526542902905579,1.6033010066721712e-07,0.0001132097967789073,0.20559639858532647,7.941961098757286,28.477326090577368,0.24788849437803864,70.35935172238139,0.0,0.00014063033626880034,0.1413353301775665,25.21494964109483,32.27795746834962,4.007777055646759,23.028390805901438,1.9907974977412392e-07,0.0,0.20915797592028523,11.354797116920027,34.713380189748776,4.9235233100640325,28.964800947952323,0.00013252079319898502,0.0,139.08260526435438 +0.8232867244050638,0.17484376067707894,0.32399361190778636,39.538282982033635,83.71274977362596,220068.45798598358,2.1016666644698305,47.01267380417742,0.6319829398175205,10.014697612587113,2.7599436647272624,17.573792890345814,0.35806842970783875,0.3051030694516479,30.874402997713673,20.647530372299197,0.052189333376017506,54261.61445170998,0.8055057364386968,80.93232891552498,794.5074674062957,112.85416066992613,333.8046025620588,48.62722078265742,0.237975379926383,0.2022345627093565,8.84669880110017,25.59149319250757,2.9340507010702432,81.51795052537456,4.24673280659466e-05,1.357874280763402,0.14674956378507562,7.242729664907274,21.019713351184336,0.3617626698426172,9.174143610022444,1.6033010066721712e-07,0.0001132097967789073,0.21545386539008926,4.996463166277816,25.04232586935354,0.23584491371886196,65.96580060686894,0.0,0.00014063033626880034,0.16191155957060216,19.32591407758217,20.153418039275948,3.758953854069696,23.574192379426687,1.9907974977412392e-07,0.0,0.23805861250226618,2.058085740197315,24.883565184856835,3.3638423759800813,29.75872328347426,0.0002216936651425901,0.0,125.8612872206948 +0.8852525540037063,0.14270216698268812,0.3799556903486737,199.77303771397388,187.5058588983707,133495.91030868544,4.796509216472411,59.27251764778586,2.0847165564061703,93.13478750556845,0.25821585204638214,20.822182666136086,0.47279329338271847,0.9307292649641736,280.2230620304926,92.71046386475258,0.22333327432243621,115328.69080243012,2.8821714820341526,84.08055725032548,4396.220435546151,252.29563368594594,349.4122839103077,53.59984593695557,0.15703384619698257,0.19109222079618796,28.82138425861542,54.3531897470215,2.7888349458961024,23.09611993739884,0.0,0.8052506475601579,0.09602645728068007,43.51185840746535,73.55257454137308,1.2434822130123546,18.282758777626224,1.6033010066721712e-07,0.0001132097967789073,0.20120262527562788,32.92263590202709,59.41726026564161,0.41719638082064275,19.977381884596923,2.594878894733251e-05,0.00014063033626880034,0.13895719232792458,105.54772397615078,75.68027800211688,3.8601816948593743,12.690758776717502,1.9907974977412392e-07,0.0,0.1697801671699763,64.65156974934732,119.38748623546041,6.173470417076411,22.530173619138008,0.0,0.0,230.2222456995571 +0.8126364322554747,0.20477504004997438,0.35800737240522096,27.4508344406824,229.33007882449772,320292.19906468166,5.313109676378641,56.42502600604803,3.0637930130976416,52.353181981430936,1.156419035037095,26.45027240634709,0.43342395070432765,0.882377151192222,829.889639424431,46.01697028783862,0.29672383632871097,158523.93427506142,2.9815603018653585,89.30860445400432,1681.98797776931,207.41269548911836,344.6050915517822,46.54226325118239,0.18837159098360817,0.19319270481297415,28.74503979947173,50.251822942221494,2.8118765880926673,16.96757766389388,0.0,1.077330441886859,0.10691521284585366,40.31346862714674,69.7188672199509,0.23397768105959474,14.700582335192246,1.6033010066721712e-07,0.0001132097967789073,0.20358707797168987,34.02700994643654,55.317332884944484,0.24230606462709373,14.862738113675862,0.0,0.00014063033626880034,0.12049288407251231,113.3628476387641,80.50011843066389,3.6735872624773944,11.350215077619747,1.9907974977412392e-07,0.0,0.20677096740580245,57.803159834434084,103.2908691232908,4.29382697142682,17.53691731556394,0.0,0.0,220.45275056792804 +0.9761020638864496,0.23568196875492584,0.3210416445040541,227.92486672546565,183.93780817756442,178868.66270345243,4.194347881703988,49.84737548556893,2.814387693547218,21.81335579573398,2.346758462477249,26.18052474913239,0.41318246948658605,0.914105606413975,552.3279647945199,97.7662775732204,0.06344549528157943,50075.18733315528,0.5792071780372403,98.18364463166697,4616.301766916469,296.86371420735367,259.7641282494638,42.347329821734874,0.23759347010129422,0.1977964369240803,10.28124763179058,26.411407676543245,2.607730711332734,87.90766064208529,1.9628241494190238e-05,2.746356843079507,0.13265242458992,1.5877856963774803,14.799582338665857,0.8979254393202009,7.122416210901778,1.6033010066721712e-07,0.0001132097967789073,0.2036501130354321,2.9279430835494082,24.663112695772423,0.35704532607461814,57.743515425102125,0.0,0.00014063033626880034,0.3511000343775438,17.177316288603567,18.005443026343944,4.105519398581823,27.085844360634525,1.9907974977412392e-07,0.0,0.18575568549521596,1.5077710272635645,28.96475230042396,5.134971109314155,12.585611255747358,7.309993949115325e-05,0.0,123.14925515936518 +0.9850374415395395,0.22947574854784597,0.33899950363265613,142.22589667980367,217.3704694391695,275677.46688788146,4.0114534699403634,72.9675179644127,3.3480997579464926,93.40150705306164,2.53447989815356,27.62081724192153,0.6688037514517406,0.9433200354348318,833.5679679647035,56.21322357749988,0.2793826387314226,143610.1909813498,2.8732781805405785,96.29850822122643,1302.3387446582021,192.23765060726976,348.3589499750222,52.39923278862703,0.1535593315726259,0.18720882294987992,29.93358913514769,59.571913777644795,2.812155857920015,21.95697995268771,5.529836725569949e-05,0.8516504780711553,0.10927469763346041,37.35215422994075,65.63908253207995,0.44574647551588537,15.073372769371554,1.6033010066721712e-07,0.0001132097967789073,0.2012950128317277,33.882398580074685,64.09177939522037,0.2775741388456375,19.320129656513704,2.2084711549990404e-05,0.00014063033626880034,0.12148617777359363,110.70976424835328,81.21779370956713,3.216017031803207,13.818490895350537,1.9907974977412392e-07,0.0,0.16140289096143565,34.35785825248263,118.49107746009467,3.8698016677482645,16.862890923036307,0.00017533389605463732,0.0,225.98695667566008 +0.9377476751786246,0.2321717431315904,0.3504127293987894,235.14294495108302,144.86118375617383,116376.32741585447,4.1928096732741995,62.58468075338778,1.3688039360686148,54.03639501993142,4.29583598604848,28.080081187320655,0.3167331433247915,0.9093288251253605,181.95731396922156,49.93840020134933,0.2972028442492419,65862.7415675905,2.829652504044775,68.98080266850866,4090.4259615826177,102.43959137939338,345.6106870966298,57.55792909634558,0.16356493588443533,0.1877036184148313,20.97986626455337,44.1208585130225,2.9907211096906945,25.67700534875832,0.0,0.9764129618363199,0.08654184800226934,42.308362869636944,69.90339555298108,1.199874742096905,12.67013683283501,1.6033010066721712e-07,0.0001132097967789073,0.20183683502668096,26.021936372913142,51.718228992012875,0.41124017562987564,21.17897012497093,0.0,0.00014063033626880034,0.24978751286093157,113.45118994269805,76.92071677922091,3.6367046966962238,18.94556839227119,1.9907974977412392e-07,0.0,0.17135376656092768,58.024704157295275,99.79735927810842,5.8322758294582515,15.053778005868988,1.2012335427119988e-05,0.0,215.50502411392338 +0.919234660093328,0.1518749703010433,0.3287862000785444,234.977448191685,245.7756433551056,292822.676294029,3.832123341653376,81.8360995890225,4.8503528772908435,86.10047686573083,3.7963765989868485,26.091719565238368,0.47724158227127933,0.9449591849758775,688.2658462671059,48.526261317333926,0.09068133181371216,182813.21430737374,2.8351247468236167,87.15551795870029,2511.6959295968854,294.7006247835233,348.742474477794,52.675648227209244,0.2308759271024743,0.1928251291511124,39.97944946416856,62.12731685284426,2.956493292488437,25.980550237233594,0.0,1.5695549016017836,0.08538708277975923,30.305718541350995,56.24772127684167,0.5385847519099951,16.774778547709307,1.6033010066721712e-07,0.0001132097967789073,0.19748400354276363,36.81515347288803,66.27821050024973,0.28642146933818247,19.990955146327707,2.901303091229361e-05,0.00014063033626880034,0.19443847319231908,84.2199400288987,61.16551596988088,2.821208361317372,8.810370006971983,1.9907974977412392e-07,0.0,0.13447895819402123,70.24760958659975,122.99560164753872,5.331006778312152,23.726250694014606,0.00021737158696132208,0.0,219.61351365620956 +0.8225403391668016,0.20936676847786223,0.3423085554988819,21.466540024092687,149.87732452361604,248181.49526481994,4.318454870211421,72.16822170168459,1.4969110358402646,95.87168258756903,2.5364462932804615,13.784713728820629,0.6679575810173926,0.8545670450148053,839.4196811821702,5.717136907932778,0.15889420654958514,143721.8554865791,2.600196193203315,81.94641278303165,2226.767374686975,229.40118389719228,348.70642838513845,51.79708724630828,0.1615069314066487,0.1985879790664154,28.378706413827054,44.74155725229353,2.8957143985877933,26.547134942843567,4.0813664452694536e-05,0.9349502682455811,0.13483234564000385,39.436394679864556,75.68848824958076,0.2635487176990517,14.795696828214133,1.6033010066721712e-07,0.0001132097967789073,0.19529297734650222,21.546747851865057,56.49269894693982,0.2900548665142619,21.342431885638806,0.0,0.00014410350517884027,0.1274629546616794,116.20176145044482,86.82914113153562,4.200301158610066,13.619703458344622,1.346904651659312e-05,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9169063162347693,0.1607241374970904,0.3231072246999555,185.9681102837296,79.0240496947581,178416.63678953925,1.9719356151439333,66.37075019694642,3.0244451020978174,95.15549390571223,4.252174674753747,26.05087516747491,0.34400690212235013,0.9501480320872642,826.166926266978,89.68961561131903,0.06684466552973506,82289.45001788854,0.5864832166216214,81.259798540985,2595.1080584218853,195.26526170856764,348.30553502728577,51.79245705320082,0.21261045847341167,0.19220402392120023,16.31299259017971,31.37715340426209,2.4186619523989785,83.03876066845464,0.0,1.183487937189109,0.12993314621383087,17.22881492884747,34.144668777057255,0.20300828047837402,11.15566631447109,1.6033010066721712e-07,0.0001132097967789073,0.20139879382697834,12.939024243228847,31.201911283121824,0.2473511925556685,70.00903974277985,0.0,0.00014063033626880034,0.12709178954944483,38.801667658621184,41.40403162183068,4.509768349764439,27.03715637015737,1.9907974977412392e-07,0.0,0.19457999583457813,19.769903169968213,44.126272189366894,3.940827707420259,35.20317675470395,1.1888579273417832e-05,0.0,152.7970519069253 +0.9118292121703027,0.16940632619287702,0.3296881379807966,246.2264583307765,61.70613986330258,323247.0655353634,4.675778117586049,99.36035986483323,1.0983900154295065,94.45783014225054,0.6667220822980545,15.49207082522399,0.44667496659025224,0.9863799265648062,778.8843628111413,37.81707614170315,0.08910981404279211,176719.5743331415,2.5633904061313797,97.29748468747752,4353.519951648475,223.74491250501788,349.0882472368833,51.64935380031331,0.15819505425220476,0.19847479701195542,37.42502852240132,54.19116341585948,3.1552691655359473,30.40721706734941,5.1294433164785345e-05,1.923714384687282,0.12551294622111922,39.8349273087885,69.5195067828833,0.26099303618149333,13.920898106618179,1.6033010066721712e-07,0.0001132097967789073,0.20699801290928163,33.40601165563799,59.24954062858741,0.2625232722308882,21.982443235099527,0.0,0.00014063033626880034,0.12093288963251123,102.48978540267782,77.77664405209035,3.658255293730801,12.179680271810328,1.9907974977412392e-07,0.0,0.18501729626172445,31.396721488495885,96.24326275125777,4.074022485045094,12.989501854928186,3.902442693899052e-05,0.0,210.1143991205331 +0.8695501050861505,0.18206308508299468,0.33496855019778904,243.22852973240595,133.89080212917244,236619.24884668953,3.4863924862960634,59.182131540575284,3.3374344412477397,96.22497430548268,4.754888204222657,25.014275484527474,0.30074297020804264,0.70290927531263,902.9492163817412,96.43542871546595,0.05760651402157907,206802.07528194843,2.9557466567781567,99.8037732287677,3389.4539429563292,125.90398121427393,347.46005730482136,57.771176915048585,0.21057158401312237,0.20088153119643073,45.30437060617814,57.47575300090841,2.6826306188910527,26.53785058601352,0.0,2.729425382117993,0.13076448573111343,31.840787243768695,56.87029297275129,0.4622982357828312,10.61028997177442,1.6033010066721712e-07,0.0001132097967789073,0.21063513553710314,35.63913504134785,51.506583733349395,0.2842483941405069,17.218207597156873,0.0,0.00014063033626880034,0.1413256517181863,94.8429053027641,63.745405612243154,3.5871434988935174,5.495565607218744,1.9907974977412392e-07,0.0,0.2228595567477419,51.402558982354186,86.22161920340247,4.491548729621329,12.740260975312548,9.111666348916788e-05,0.0,194.97719390966736 +0.9177078342289954,0.14905510780862485,0.4019483182216961,136.38647246739265,242.86173397166175,204859.7675111156,2.483542160653802,65.20753705082782,2.2852777205406123,10.069649389667308,4.315207901259659,29.486071427814174,0.5009781428632364,0.9849211081056852,761.6744185754819,93.00039762378891,0.28550575092743585,180949.29632786484,2.6685401080235818,97.32127006596438,4893.571457370855,219.64674009026774,348.28824286423804,59.99665983874292,0.16133828370807257,0.18740721988130857,26.872046988843405,51.9899963211262,2.4460416216362297,20.066894785917565,0.0,1.1518575168004446,0.10627809209445632,32.539876404938084,55.150132030896245,0.33532063724195976,14.2747501884926,1.6033010066721712e-07,0.0001132097967789073,0.19972653517211378,32.23858318363518,59.20389250284647,0.26027176167407134,18.330875409065566,0.0,0.00014063033626880034,0.11167830245509199,84.67601111858593,65.29058412133412,4.294613457138123,10.272478015886302,1.9907974977412392e-07,0.0,0.16334516162821267,65.8240188835329,115.5293373913056,4.151261758839771,15.586073173752599,0.0003892035952387897,0.0,206.19602887590446 +0.8197728036743963,0.11661490819983486,0.34235162523153956,12.64573078207184,206.8963725064823,272596.87429057114,4.3090851238188295,69.74535339209802,2.841411074041319,16.086295519995534,2.526257290574606,29.078215991954295,0.39953340419742345,0.9074748706036732,62.13021593347156,2.875562503879472,0.05241494440794453,150329.6890901283,2.735908005835264,71.82189299715232,2647.4818991813486,205.2565735491895,347.5097922622625,52.48651778528922,0.18145568944736473,0.19355791917019308,32.36939635218162,48.63992575688697,4.2691644878894355,27.04115942030218,0.0,1.6016515642953535,0.11156399376817473,39.851797031000444,67.32583444476178,0.3846085216077476,13.054420766808644,1.6033010066721712e-07,0.0001132097967789073,0.20003998272600296,32.41043295551968,54.16809557047127,0.23724618991269206,20.48495182411871,0.0,0.00014063033626880034,0.09459847498745921,97.03332932032336,73.41322061406842,3.8497670853711004,14.10450800854398,1.9907974977412392e-07,0.0,0.1806385500395456,62.968208154595565,106.577059031438,5.8251299242046874,16.25103989652259,0.0,0.0,213.31196373819782 +0.8980790337981684,0.20967399743849938,0.3339715721068214,73.21923634858948,43.09320734245543,267337.7327606394,2.335910641768881,76.59782575912513,4.858770667856545,6.116108620072588,3.1765425524363886,29.082950188555714,0.31427390281639045,0.9850525684792061,426.68516093859057,1.5679135213909774,0.3050201489269274,256133.98976824054,2.8951288453822985,93.56121549512646,2153.5903111552097,176.39573378644883,341.10103422102844,53.96592269544328,0.1703881485417838,0.18613303250104665,29.818960566612205,55.73435717892266,4.331843896594421,14.721299681387308,0.0,1.3137217130733103,0.10893149718096368,34.35536841322376,59.72293336436004,0.35714037026928924,10.015056409085043,1.6033010066721712e-07,0.0001132097967789073,0.1981984701879489,34.868470205009324,60.548107314349124,0.23615754144966308,13.380484291151463,0.0,0.00014063033626880034,0.15112643202629655,113.64106624936066,71.62710624788184,4.103474040960611,11.342638293695016,1.9907974977412392e-07,0.0,0.17654019617933464,61.51848157704565,104.21866682784471,6.144425879300866,9.712177632976386,0.0,0.0,217.04774710093187 +0.9368537401897926,0.20841158061338155,0.41374389387381283,192.2412378528552,238.00875797485398,327719.24013303535,6.519666997456748,83.34887415058832,4.324354958495075,31.793889224652133,2.971534831473755,29.674272116632658,0.406822137700469,0.9425354888016585,597.8568458151337,55.383748447376846,0.24917636745579724,298845.90201533085,2.831977830895966,98.87447826483567,82.87550896278344,85.03217256555548,348.86667769581817,57.35587127125882,0.15092818580974238,0.19357015541978215,33.74862944492032,54.92222887384493,3.3705880660921475,15.493823782506169,0.0,0.6690825842284618,0.12589956023293725,33.00295178516144,59.73667991675125,0.7819402745474047,6.36394311511836,1.6033010066721712e-07,0.0001132097967789073,0.2015395192777176,35.283148562245714,58.671498088453006,0.3323611500916043,13.383914112753413,0.0,0.00014063033626880034,0.19861387518312948,114.60405128733305,74.20758336716213,5.046168190051786,6.867310944703735,1.9907974977412392e-07,0.0,0.19048498487030566,57.41521570193742,99.85953025874969,7.178417876646249,7.982770614324689,9.473173704098541e-05,0.0,214.63896359722213 +0.9375982087873428,0.1604021544633629,0.3811074210675936,215.7873549452575,114.25859225299052,279988.52558398456,2.572454544206296,69.96317980245405,1.4981143169128917,48.742971523253665,1.6409405717413235,28.447732811605274,0.7773824550837123,0.9377879431846704,506.0626117694885,82.52609852058502,0.1446111892942289,64126.19011797356,0.4520471053416333,94.30392977179052,1601.5648927737184,251.71930501061973,348.4142730677983,59.76673132327684,0.25657636274075496,0.19056904532676971,8.633006150010806,29.58217545330425,2.7284978626351357,81.17906975049081,9.007030052842671e-05,0.685348665591862,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20159877092433728,7.986421068582533,29.39067370618316,0.2439065254898526,75.72522121688277,2.2084711549990404e-05,0.00014063033626880034,0.11897424248396603,29.044618012787645,38.527517619288254,3.856582254089954,22.042659746572056,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9178773609960028,0.11559617300384203,0.37089688529045517,165.14033420537052,184.1971203701836,309399.49201473396,4.026049690023097,53.62835782455667,2.126817184005913,94.84806156879635,1.5250287726689704,25.947439496278104,0.359902386014888,0.9936014739986563,695.3286612545747,89.53822933617393,0.2983505863643361,55377.347501302815,0.8983208236425184,30.44544585345075,3333.885785951795,219.92503779107435,348.5025339529119,56.25373511959236,0.17410614102565258,0.18663713728733813,7.399323791376326,30.247031612099878,2.885630763426933,74.56606215532891,0.0,0.8696869372616381,0.12501916265947696,14.19728872402502,33.16731962915497,0.38363036628357644,11.120402760598319,1.6033010066721712e-07,0.0001132097967789073,0.20139627935092289,8.11018180230892,30.114890690443637,0.2673097442843591,72.46535297203883,0.0,0.00014063033626880034,0.11036510235320877,47.60275848016451,46.240076308845865,2.9695971922679485,21.983513945829692,1.9907974977412392e-07,0.0,0.1866267171189069,18.95450341592971,44.386550609669804,4.705600341672622,30.557072323044018,0.00011594156438626683,0.0,149.5658852504177 +0.8969901248644687,0.15900105217923222,0.34671698545746754,158.74007973084505,222.66306953674172,204323.89502212973,6.1811546747069785,87.29010403753101,1.4806977440244085,16.099784525503257,3.184695728843414,9.838180462591488,0.6846825900041799,0.9339147604873176,838.6032330726404,87.16703107961303,0.06321487445011428,76155.76509598896,0.7984898477874018,31.062918007365816,1542.5438931235697,296.48283985186646,343.09456504412833,54.36822260914718,0.1667424384723153,0.2006898779239318,20.792088905312884,34.22272067274516,2.7850883746290185,89.35726258663227,0.00027283104375375167,3.718575383284047,0.1405442387045922,13.274927961613878,30.82605162697884,1.0548112470114515,9.258630309828716,1.6033010066721712e-07,0.0001132097967789073,0.21052397684335186,10.521123302233754,29.900554235529018,0.38405746902928833,63.01779593331976,7.754799423711827e-05,0.00014063033626880034,0.14498282792168332,31.407754276956158,47.036437832168914,2.4770455059642478,22.333519594213588,3.087019417144951e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.869179177338618,0.160762409033151,0.36658218985468183,234.86672818648208,178.58526572921113,203392.2390250269,5.331717521831697,56.25253758494617,3.2690652297791227,82.2168196605232,4.670285309736009,29.30445316270468,0.6099594168463841,0.9117672591121739,814.2972326643485,45.67138504389026,0.08162490649727598,148947.90995656425,2.9895546894285725,99.61996237939965,1125.546678368507,258.71384056694984,348.139945693315,29.79168525688539,0.15963494773871537,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.10196566295918238,36.267269325847906,62.13268186119034,0.9917534672172316,14.520108424954973,1.6033010066721712e-07,0.0001132097967789073,0.20006551186655525,30.09956120331045,57.1566763036938,0.37253870575553155,11.085216002268934,0.0,0.00014063033626880034,0.14719964131089985,113.8067252371578,80.1314131294649,3.4305510120762865,10.84395079917879,1.9907974977412392e-07,0.0,0.16968504769625656,65.51614205012473,121.69597944206328,5.92977898454571,18.75532196942806,8.888066137900822e-05,0.0,2698666337285.8823 +0.8920957322116783,0.18292369179069126,0.3200312006171793,38.90004146221223,110.67188732248373,219837.26181008547,2.0621986112145203,35.553045133213985,0.6291655248022268,53.380347814962455,2.7544278420781705,28.17937529592409,0.46862004361634946,0.8135115606305976,677.2229829956855,15.154408155832973,0.06538929138246483,55286.27129455076,0.6991127726341817,94.07772546227396,861.3427119498953,268.1119568899018,333.8046025620588,53.745931814722084,0.17874580196155251,0.19568188014274526,11.273555603260178,27.68579151590786,2.5091539332459845,91.66084950115636,9.780957746997042e-06,1.1235748484387602,0.13334402719916044,11.865984703281178,29.870716385036665,0.36042900911703274,10.33313082829776,1.6033010066721712e-07,0.0001132097967789073,0.20650915325517294,8.912057145263896,28.318220805141465,0.2357719827976123,78.72519289482166,0.0,0.00014063033626880034,0.14540340928870302,30.788312474507187,34.48922083062139,4.352902436907918,24.471262096960423,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9882491869762222,0.14263660223762062,0.33015572514077546,233.32179089312007,154.80996969149473,158859.71488335595,4.683221506208514,86.14599572754433,1.7220091155671917,48.50111933852344,0.5549108396286491,20.9112189833445,0.35724436610693916,0.9836921587183034,803.3218987373957,94.54597126559048,0.05539640204863053,270341.1137264593,2.992926447782584,21.40543192568968,4574.6727378346695,99.15073354474276,349.83300614772907,57.517194435144376,0.31572821696696823,0.19724324250067474,48.44277495892366,65.38143720678839,2.6264928429167167,24.97020929909745,0.0,3.5312399922756588,0.12846264577652086,15.421326171475036,35.26378347205373,1.0426671895535464,3.9950231333429485,1.6033010066721712e-07,0.0001132097967789073,0.20344709568774574,34.495052394299734,60.6334082106234,0.38374659517068227,14.344006544506572,0.0,0.00014063033626880034,0.32584619087666983,57.76418482237801,37.14377158653445,3.318413961012146,7.293659213019182,1.9907974977412392e-07,0.0,0.19198432394019965,33.09036192152263,63.4906625697182,5.055196334294135,6.763913305110652,0.00010758798325566379,0.0,154.3148786055563 +0.91685449843173,0.15251582114616843,0.327754117950511,110.0159236225978,215.93875207197306,148847.45737684812,3.8277870860680254,70.52036459598799,4.820531501349413,48.70695758654827,0.49687100868029743,24.118305959343886,0.5037194596289124,0.8881611731182032,271.99172165353013,48.107370336219134,0.3190782914624436,299288.402195238,2.5099225979211717,92.46119311946083,592.6737808967073,261.62765022951646,347.0580752079751,52.77298800726468,0.15495517111419166,0.1916017086728574,32.72230497278265,55.27429657545487,2.777723761068409,17.729589891030457,3.164930456444737e-05,1.1421210955110097,0.12800026039178902,38.48625617609991,68.27192954816975,0.7729203056863831,8.598986881031843,1.6033010066721712e-07,0.0001132097967789073,0.20482517907137957,35.47684433873996,58.64279116561617,0.3419209473948902,16.834788748299125,0.0,0.00014063033626880034,0.11377010063583783,104.97943606401014,77.37973528452358,3.988335081483976,10.842806589210738,1.9907974977412392e-07,0.0,0.21133611308850817,63.974791430567784,108.3848795827421,4.918877112452255,12.13529488975507,0.0,0.0,220.9088104280862 +0.849466071122997,0.16228126835932827,0.3325175008726012,127.82818357670166,247.8033461348341,320236.23779409187,3.000527888647497,95.55146124446212,3.5936102826868686,34.90949733194244,1.1016524951352595,27.431326482317722,0.32814234888375915,0.815558809392217,549.583655145494,53.27954543403266,0.3192634959822985,59173.840731274686,1.188390457144218,92.43535314867557,3105.440681924256,228.83717031412067,342.4018105311398,54.97420106248576,0.3434882662848917,0.1935640136401285,9.851536297392315,27.873270845163326,2.9141258425168055,65.09927898399987,0.0,1.081227066601959,0.13005595205896073,16.57870054255984,36.67632274712381,0.22182867832848802,13.46687625942157,1.6033010066721712e-07,0.0001132097967789073,0.20622421844284114,11.301005273152875,30.485985838925746,0.24445178977176205,63.555471345910256,0.0,0.00014063033626880034,0.07606991348009859,38.47587997821925,37.898151991889506,3.2686299994180485,13.530361086835404,1.9907974977412392e-07,0.0,0.20830574683513958,21.93036522439036,45.71301348709423,4.5234165711780525,27.587047781157437,0.0005000096187559064,0.0,135.9489535222388 +0.9667763871455503,0.14906834917329098,0.342359889595116,238.16071085776102,209.8537119987045,341629.04265064845,6.670936498083863,43.21252107980089,4.346984353494671,62.449537547792715,3.7821739514296073,23.7498710451717,0.4197115278435397,0.9497093575888911,593.4846813384133,86.00787689352099,0.3082226337782784,51037.83483158796,0.5402101772682176,87.5092167807037,2923.7852290213914,155.99763195006804,344.3910076645191,39.11656235437154,0.3248073438825469,0.19263166636886359,4.514203403064141,27.603932493304008,3.3627548512978183,81.57714953732759,0.0,0.6812371562196305,0.12390535241336557,8.027314891385313,25.98225412064893,0.7970511280942894,9.500458574480568,1.6033010066721712e-07,0.0001132097967789073,0.20199243139737708,4.623036671444677,26.289858495762505,0.33432714519072254,75.16180784246974,1.1630803283907214e-05,0.00014063033626880034,0.1227148519399481,34.603831635098594,40.14887907038185,5.785725883041115,13.709606837648698,1.9907974977412392e-07,0.0,0.1862035139263166,11.695540471360712,35.973166718375424,7.685056999259255,21.48372463962979,0.00010384767860581753,0.0,140.0846163412973 +0.9109495797961561,0.14903935393942258,0.3986575559902873,136.31573619053117,243.02871826155186,204859.7675111156,4.334182147455094,65.58761487551462,4.49070866233295,51.13192500293998,1.228463476807572,29.491439156108395,0.4938883127548574,0.9861149362389624,653.3952771606273,79.62413901664452,0.31717459404097553,161489.91763089248,2.6907336017396517,97.32127006596438,4762.691207546042,260.9548732484612,348.3170472443023,56.00989544649653,0.1578437484500708,0.18498205429291215,28.159691156896944,55.36814884579466,2.646457129613163,20.684930515218692,0.0,0.9808771709276827,0.08793035235366135,34.11804348105582,58.46342579064092,0.7189173633126813,14.38427547290775,1.6033010066721712e-07,0.0001132097967789073,0.1994772907611909,31.904216751414243,58.33507538855687,0.32728505902446897,18.593950767170746,0.0,0.00014063033626880034,0.1662219845809844,103.29098207896062,71.90871053100325,3.3368760268177864,11.462059622176776,1.9907974977412392e-07,0.0,0.150436604762857,62.804778746824226,117.47791243980191,4.953651942604523,17.03671035269619,8.812426310475048e-05,0.0,218.84559687366882 +0.806932659115881,0.21198949016271829,0.32441924955729856,129.8867596271564,249.44661854506623,297408.6467732724,6.324091462112799,61.005476345063485,1.0188280668756062,50.48653070374357,2.569414478187955,22.562822042300514,0.595035138755044,0.8885029936086605,535.731773154759,41.636437392348206,0.1703079966281531,286248.0580520993,2.9126801628808856,95.38640799075044,1931.767476577065,222.1316177732926,346.6622252451797,41.65445319307153,0.18426284522107403,0.18322008778376395,26.351840443677553,58.78064052376431,3.051934624467324,15.02681134522608,0.0,0.7757300146701371,0.1330882022390195,39.13123432889253,69.02167316081787,0.7071176529326311,10.765012038661238,1.6033010066721712e-07,0.0001132097967789073,0.19300494308522778,26.022031824234165,63.71621341082531,0.30151376771630767,11.826680570753284,0.0,0.00014410350517884027,0.11361551585507376,120.69924667808375,84.71665193698632,3.4260163307423253,9.04087327865178,1.9907974977412392e-07,0.0,0.22994466773703073,63.61007880766428,106.4724133649962,6.421919003420817,11.746334565767034,0.0,0.0,230.37899398222527 +0.8930219619511794,0.13652142296861103,0.34601297358474936,137.4755621212816,237.33622621989565,119106.67559214673,5.201281679759382,46.93911002252793,2.8919858107529417,87.32290094044127,3.853883642377384,22.90260799037182,0.313501547943677,0.9544275062450834,879.9550935500114,29.851615258074816,0.22293798075806903,64637.42487721951,2.285799105130839,94.01363193518223,3627.9576756040924,267.9700009988227,347.50787411444026,40.849660123814196,0.18372122393712775,0.186664031721874,18.89833998764041,43.99224202001335,3.113677570356044,32.01927882985594,0.0,0.7227736019587837,0.07376621086668654,45.435583753969965,72.45444093996909,1.3479244996575865,24.022534917963053,1.6033010066721712e-07,0.0001132097967789073,0.19657226708315176,21.19268910712486,44.37816397923405,0.4367820649833867,27.728147972705965,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8679102321953491,0.20501608007365665,0.3452103603313071,116.74581894898361,134.20929746484234,215465.5910214057,5.654105742478766,46.78994004351199,0.7707982186044919,99.96364454898276,4.207586922196225,27.193648759734526,0.37554101984209015,0.8661753063341595,202.8807821353422,59.26828969493792,0.08384516035589148,84044.36668405487,2.5509600121585914,94.77542786531906,955.4470874328015,168.2117042455367,339.6626576273279,54.59989978919631,0.1530011128235806,0.19709548281032588,27.68228432430226,44.77600998278596,3.1463856163288604,33.71522860430141,0.0,2.060592139241341,0.10668352371516533,40.39346401691434,74.94423261212422,0.7127806459022286,14.717419422173032,1.6033010066721712e-07,0.0001132097967789073,0.20413820391555124,24.974018955103606,48.073726870123295,0.33464002312857966,22.82893796508914,0.0,0.00014063033626880034,0.09744158635244085,96.97510878444375,76.912964737802,3.0387740655643216,16.881925579756594,1.9907974977412392e-07,0.0,0.1986489625388916,54.060679237733055,96.43399070267782,5.672839071234811,17.5437440260917,0.0,0.0,207.41187516716008 +0.9177078342289954,0.17933737753033208,0.37632051293384583,136.31573619053117,242.86173397166175,336480.9895037913,2.2395680845481682,67.61281914247147,3.9117422476584576,52.18381165353628,4.6032017420762985,29.44589050514516,0.4938883127548574,0.985649845683275,757.3125647092713,93.64243782003815,0.2968981017183245,186070.36728708673,2.682852073397967,85.39956782159976,4760.751885559425,260.9548732484612,348.12182476889814,59.52581225257899,0.16211030922557726,0.18829696112245417,29.254618108772068,53.05967388525921,2.78271904813108,21.458349692071394,0.0,1.1152175642610067,0.1073444799879142,36.940580248654214,65.4300655592475,0.26690047203280576,12.948472075563844,1.6033010066721712e-07,0.0001132097967789073,0.2014809986109257,34.507609489601535,62.24398584148277,0.23615918357223412,19.63107562289887,0.0,0.00014063033626880034,0.1053600688745479,96.75373157258052,73.2619457403271,3.647627563835566,11.865235369835718,1.9907974977412392e-07,0.0,0.16928468946208197,74.25245941570152,128.55028949295354,4.195308480068384,15.530701110727735,0.0004158144831147558,0.0,229.3137351421345 +0.9685771184620958,0.1445721655290703,0.35836682526770003,29.36066306691872,185.6874629179239,251690.9377546399,3.5282381797376168,69.70083561599462,2.5911645234074374,96.25899817540657,3.2282172697274123,25.299650798025787,0.7634200773424794,0.9905108335723419,894.2869584984497,64.4542703057654,0.0647433748534576,202722.01012131386,2.886231041126931,99.9948311222102,1562.5522384355431,268.8504067137475,347.3754699640755,57.93839395690314,0.19712690689591242,0.189825242816501,39.1180453598251,63.89711401271129,2.510168844913792,22.228129413848386,0.0,1.2585243989594899,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19491241649647362,35.719531862466795,66.73017211943625,0.2392192821474472,17.350495262182477,4.4646449768960085e-05,0.00014063033626880034,0.1435744076547836,77.20955674150653,58.13902901741265,4.08572975012443,7.3119250524574255,1.9907974977412392e-07,0.0,0.1386846633324391,27.67898453510959,115.3036436640604,2.891550547014894,18.89106757726366,0.00015227216812684164,0.0,2698666337285.8823 +0.8857075278655548,0.17921545717160575,0.3511018112399023,37.75056872278358,21.804663772614603,220068.45798598358,2.1718111591776035,69.72304030226248,0.6467575238857692,62.604042658719635,1.0459914825711767,28.312243818779866,0.4943997825802998,0.8215653854724563,688.3626884218179,15.154408155832973,0.2157328850712193,53235.01159554372,0.5531945588216438,75.97842713014947,770.728434988314,291.9191642942576,333.8046025620588,53.745931814722084,0.19476598771654202,0.19425807454922964,4.999250225735699,25.62964789901491,2.5110391157681766,79.61817036753133,0.0,1.2168469980602488,0.13343147865545218,9.771019787807512,26.93124638667938,0.4052972926768911,9.499021307246291,1.6033010066721712e-07,0.0001132097967789073,0.20631337506560915,6.5377860068233336,27.404131205096025,0.23603639172082894,77.91324120064206,0.0,0.00014063033626880034,0.15046470588277036,16.807652881368075,29.445573097166545,4.771422920406725,26.186911109220766,3.095570725365397e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8824458311639517,0.21855986453699422,0.34449064193834744,138.27193054592988,118.01836742891487,204049.59647443157,6.811377421338163,65.33843295707695,2.849480836365605,92.67433325519795,0.2762067997213538,24.911594339575842,0.3518331180162994,0.8069784388290177,847.6129567189691,93.54941836034995,0.08920699195380859,253587.20540042353,2.9871822397704304,42.22810122548508,2181.9684390630055,179.95309374948636,346.8392654407589,55.55743152368792,0.17244766163975733,0.19977448622241292,44.340736802663216,57.81905768795843,2.7894727408385678,22.22959884567112,0.0,2.4268795021674188,0.1351084246716322,34.12918283289425,61.171750569139846,0.9205603724570277,6.886173918713055,1.6033010066721712e-07,0.0001132097967789073,0.20808047483160697,37.22392753074548,55.87620260223878,0.3697643047756851,14.728352403305854,0.0,0.00014063033626880034,0.11771904352706011,96.6952863167788,71.73556617345682,3.1462583475512416,11.947396663799957,1.9907974977412392e-07,0.0,0.22207842009086926,53.493227315928955,89.31654723359408,5.249997426383468,9.42345350681922,2.1204362324760427e-05,0.0,202.7337216227513 +0.8545415553103137,0.13873762856005425,0.3893550605911923,139.33109223948333,55.13663830390858,165261.55715742247,6.424521597139654,16.146981021374422,4.415802411879231,23.938736680585524,0.5046319135827806,5.44418976211149,0.30281044042842375,0.7947690935153786,54.789766625809506,1.1028339847841266,0.10200811612952104,59133.85173360813,1.3025455427393375,53.87209883882767,3121.3734529353824,112.44943231889745,231.76590506055064,56.63552949217448,0.29868798515597267,0.200212541442139,2.176418557301223,24.34364309275482,8.15468168158464,23.750080857759116,0.0,1.2645913711645027,0.14410176797625132,1.6562715613424082,12.566487645154082,0.8290909224451403,4.388625926894237,1.6033010066721712e-07,0.0001132097967789073,0.21340845808569506,1.6137586730551026,23.765810652250746,0.36687338167150246,18.260309353047,0.0,0.00014063033626880034,0.3441292723599521,7.218874050700036,15.115039296431103,6.613296410475486,34.22053246968348,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8823235110043269,0.11408060004405765,0.3338443121922347,34.69247616860659,41.11800482742321,137749.34008713978,3.126241159656607,42.23248445713429,2.1994578205930737,92.4322739473603,0.2791662890365685,28.09117118566522,0.3004227474610093,0.9199533488060656,722.1262253786045,18.631974418346935,0.061434887354743714,53822.23641567454,0.9426362420984454,43.475679560173134,940.7235218932503,125.81861503267257,343.9674829784522,55.206751998458294,0.20733243850722596,0.19246344586324374,12.033599096938152,30.072572783937883,2.6055529633545995,91.02841178325106,0.0,1.0415942639219702,0.11469894877545964,13.735027067590684,31.225359264006016,0.20607579207668975,13.387421620156973,1.6033010066721712e-07,0.0001132097967789073,0.2029277537528228,9.209666823517653,28.617641166668584,0.25727265788294595,74.51397898469732,0.0,0.00014063033626880034,0.12295311481317392,29.450452973389428,33.98694000101121,4.809395480747625,27.169939738295053,1.9907974977412392e-07,0.0,0.18320867893854634,15.891498118844478,37.84003404219568,4.224989969030168,38.444055352171475,0.0001836499853553526,0.0,152.0080916840251 +0.920211722699565,0.205837887480801,0.3211903501979259,73.54548967091422,10.520537201247322,284921.38419725304,6.512608387385686,69.28013256238548,4.720409110621637,92.33907032805094,2.456584894764576,24.09537823901969,0.44948272300005815,0.6256417346764297,606.2575889607783,90.16016637892548,0.1087794650343874,53792.165180128635,0.7231764476765272,81.92333826519867,3981.840117082344,291.77126388445726,349.2195388629311,35.476861173533685,0.34453805789300795,0.19980392518413556,10.093152793863704,26.531787299790587,2.9385436152728674,87.50679698879428,2.9729297504266132e-05,1.4261753671672879,0.13753338673785565,11.932992448806983,29.32625726036796,0.18872230892022715,10.412522152794127,1.6033010066721712e-07,0.0001132097967789073,0.21161907448192158,5.72270624639559,25.811379255529896,0.2659737636916947,69.61807197444001,0.0,0.00014063033626880034,0.14210741815231118,25.154174524522332,30.680632430889904,3.8327924979413956,16.96244667236619,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9462476368203527,0.2210788071569002,0.3726003135563881,181.40977522853262,73.85008796974974,314458.1945092252,6.23166626287903,77.81266704149982,2.8501523784194567,89.69680518224372,4.255311670403318,28.974599951145986,0.48151728426284024,0.8789996609618534,759.0746485670065,96.49874636245514,0.3327524692218487,140086.10679772118,2.870361176782592,84.72791209096316,2738.383970770532,297.230436435706,349.329074713121,57.776239310036814,0.19748427992486842,0.18968034726057073,31.072259874108003,55.23124144961531,3.0775174194831356,23.78694430438186,0.0,0.7504116067475287,0.08548419791225002,30.77061943016641,54.41473596184514,0.45150726559690113,18.09426894129432,3.334187012504273e-05,0.0001132097967789073,0.20182214779796626,33.97762431811382,62.1501380613805,0.2945688174113654,21.14536902939402,0.0,0.00014063033626880034,0.14694599989611334,83.41032374181529,64.8440685445929,3.1771113935001916,8.859733043942791,1.9907974977412392e-07,0.0,0.12817371673754038,74.46779712407404,124.01003448161951,6.177358411143756,32.16433152724385,0.0,0.0,218.03429315054822 +0.9412814714937394,0.11573916769017575,0.3915799461851946,222.14042697539173,206.31990646558123,322730.98822793824,1.6067394345618187,5.355815736630596,3.9372277085583596,90.92021824894472,4.432071964693792,13.272785744707676,0.4471025727958213,0.9461522848064963,105.55616402222967,36.38128240362656,0.33416663925575996,59928.63886541442,0.48291772100022495,52.74785995982291,3972.8317210357964,270.28952741143627,334.20183336879353,53.723286459540034,0.27486558072168327,0.19491024338058446,1.5711599339689457,24.943959369388924,3.221531875421273,63.60803461128075,0.0,1.2813171576705904,0.1347943571721055,5.164139545923785,20.77561093385438,0.31249129361039685,8.364613980714955,1.6033010066721712e-07,0.0001132097967789073,0.20870985830997082,3.4886203214054508,25.708275582313423,0.23420053345138378,63.82357278764022,5.1135883930277464e-06,0.00014063033626880034,0.13448078407424022,17.48411618130819,28.644415945548822,3.5967027682893327,18.73361218437082,1.9907974977412392e-07,0.0,0.20435451120294273,1.137801870330372,25.360170146907596,3.8488301394768847,19.437046044629067,9.046621601761375e-05,0.0,111.73587492171049 +0.8249808730950599,0.20825010288063966,0.3820002652664831,138.98478604992928,219.03743744124148,340792.8522622403,5.275938724215638,83.25096438334886,3.0190043729884937,32.68559517269486,2.971534831473755,28.59141708128598,0.4311193185277965,0.9425354888016585,640.8740854591352,55.39230119167446,0.20001834140817626,298845.90201533085,2.8316526621108205,97.21981038784385,4854.8927889723,88.04689053099723,345.01079968149696,34.10944683743937,0.1501751504704959,0.1954266874329204,26.06552101055846,42.36805800313675,3.2050110762317487,9.616572894246694,0.0,0.6338656716127993,0.13190597281815306,23.985855750874485,43.835507945204945,0.48006625073739956,5.059565358492744,1.6033010066721712e-07,0.0001132097967789073,0.20648419622460415,25.382864508550643,44.82233710607343,0.28277234850494815,6.9552489249149865,0.0,0.00014063033626880034,0.11899664566281815,119.79435379142919,80.05508472515487,3.175298644845847,11.464925757953306,1.9907974977412392e-07,0.0,0.21274166613231713,39.081743589899574,70.21708263712598,5.492807158833895,5.299455404008522,0.00016759860769640554,0.0,187.668247062198 +0.9712980975313901,0.19451577138987589,0.33899950363265613,143.36879145056787,220.51049696762553,274234.25803626346,5.878876557474671,54.977731523410796,2.7663334604407432,90.60029629912214,4.39795892275775,28.141691661999445,0.6748309723900551,0.9872397338860212,709.2423973709077,57.3179675285048,0.3283927044151372,268264.8623127777,2.9491197475095796,96.0863371259382,3537.9182242519564,298.14251723797116,349.25850859150734,52.327402325733104,0.2528014842179243,0.1871131876469255,35.93000592575278,65.62400721647104,3.058063971864068,16.805425150210684,0.0,0.8322640838314422,0.09438155210001795,25.68382858373381,48.72369162284971,0.7254326915299449,14.109879242153369,1.6033010066721712e-07,0.0001132097967789073,0.19825971000765805,38.873816948387294,69.33883893777931,0.32754060191131407,15.845780763495386,0.0,0.00014063033626880034,0.34320567473949654,82.59763891127112,49.550172435301896,3.356484905261339,18.96749532377648,1.9907974977412392e-07,0.0,0.14515526244701618,22.537872921754488,106.05276054574726,4.7553089146448855,15.66950012771932,0.00010255257030270035,0.0,193.30181637505828 +0.972072477391923,0.11377513794248549,0.32704152229535494,77.14432359353458,209.32111945258035,287314.7093424765,2.098093130463845,73.88859049054258,2.744327271906437,98.80589653559545,3.5043069646475953,13.835947543823321,0.3493984501098382,0.9682936648148327,290.7716776452705,27.706022750564312,0.22811800683191333,57448.44777760595,0.9403623970686128,69.13083979211909,1475.3630317079953,259.5909811742246,344.04619021689155,51.35613462077713,0.15718734519417996,0.19383863958858608,6.868589922943113,28.308695769642114,2.928972890779398,70.02453702802174,0.0,1.089588118767062,0.13457945395033838,11.00482122031966,30.5614599541541,0.3199736812542078,11.498076248816878,1.6033010066721712e-07,0.0001132097967789073,0.20712027402204042,8.437666269155974,29.001092544514098,0.23545388884026341,67.05016134085783,0.0,0.00014063033626880034,0.1363727360448396,39.24690075507777,44.52731115513638,3.77337950106978,20.389791130829217,1.9907974977412392e-07,0.0,0.19151860494215062,17.60875748026449,43.650712066723464,4.3924814966708015,32.57574774757686,0.00015780367846339872,0.0,140.0224218014148 +0.8075538614298841,0.11849588508179107,0.3408955469794888,112.80199509146867,26.969008742490363,185499.9982555222,4.830108299552214,16.164283248637005,1.719511765951335,45.207960531658905,0.31702190746084424,21.624783220819413,0.4061152509947562,0.9222227524006102,269.3277185821791,91.80042182886021,0.31080914992653885,203467.11679913205,2.8680759405789775,93.59487538666735,2787.707107081872,284.6371367677839,341.75134482586327,54.12484199920259,0.16680209111949248,0.19290054836528012,32.39119827526998,56.95880815964427,2.751094246923981,17.27804984771899,0.0,0.9769845974473056,0.1173839113632671,36.73002231612997,65.30378199125407,0.36861007873840534,13.039990516116376,1.6033010066721712e-07,0.0001132097967789073,0.20248004495259628,37.72351236393963,62.71872250105549,0.3010130536057915,16.098459598736316,0.0,0.00014063033626880034,0.12810097077827898,116.23493908778619,83.2069365976584,4.309813989074432,11.114208068514989,1.9907974977412392e-07,0.0,0.19864877204083684,61.59748043355439,110.42693377342695,4.477794817396074,15.99673460769805,0.0,0.0,229.87140891201142 +0.862813215933102,0.14302679981231164,0.3403108669233466,217.19962859518478,207.3577239114188,278329.8242157998,4.42574842745448,85.4042457743879,0.8687856588090961,69.58256242638751,0.48234373501525707,18.754821856025686,0.3171465475221281,0.9497588552459053,372.5854403393683,19.486796473114325,0.22418476088839887,254090.615603495,2.9020574260749155,85.88137424540979,3396.081957420818,181.23814724273,348.85446072041367,57.81421051631691,0.1594973997563432,0.1951778874339467,37.282837454933855,58.00728469183598,3.4941374327461334,20.189855838891283,0.0,0.6987900437616803,0.1310929327749588,39.18351141352591,67.67805148290388,0.6126201467765316,10.169442463183278,1.6033010066721712e-07,0.0001132097967789073,0.20659403597571777,40.053422050503734,62.093793942009846,0.30351330976625157,17.67064615023088,0.0,0.00014063033626880034,0.09353689051903806,114.79681923046573,79.93912250138222,3.1820222259042406,10.777292715299836,1.9907974977412392e-07,0.0,0.18512815117684628,69.93658763904222,118.16548770332152,6.325228406366188,11.626079506846557,0.0,0.0,236.4133535630606 +0.9115247163206347,0.20147557137275293,0.3887053824786513,215.26680942984245,241.69301285467031,279253.6652721732,6.905469633808777,67.25503110079912,3.330680091643413,83.22434364795214,4.707760440471406,26.205112447017402,0.5939622168288674,0.8415064963953124,748.9609541775332,79.90607550857669,0.33443445972671204,150329.29161219834,2.9468993168035977,99.82508399702229,3606.0284271221644,294.0547172078925,348.25835469751786,42.10357824478997,0.16033184976474116,0.1900383690410684,28.241895297737937,52.279831433360144,3.1389786117728575,16.860882261623438,0.0,0.726853040116649,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.15001290958275687,104.50375191187574,78.89447822388571,5.640706272936178,8.953278717759998,1.9907974977412392e-07,0.0,0.16965488300642254,67.99482332243075,122.17525200045301,8.110254129337099,25.559236962911303,0.0,0.0,3816490534509.4204 +0.9724694842782459,0.22847269733360845,0.339765703442502,171.34695997335726,57.26409584866413,231564.73434535827,5.796026376137953,60.46265921878905,4.785896331107841,36.16859068695311,2.8468709982575353,27.929429621027445,0.3825634245636173,0.9952569721336243,690.0219245153219,79.29479610405932,0.3095593095994289,127998.46481664022,2.9362483438386717,94.9626943841241,2956.239052631689,270.90114711666837,346.9893471104612,55.74053835986127,0.21413716287445866,0.18509376466424526,31.466740961150098,61.691215085334704,2.8483874643353255,24.348039612003394,0.0,0.7830657371554312,0.08473458244767597,32.57316777643351,60.128351173230605,0.5366043071337309,19.068466352278083,1.6033010066721712e-07,0.0001132097967789073,0.1941804688218524,35.207861390969434,66.0582526659986,0.31690231206282016,22.03890662638603,0.0,0.00014063033626880034,0.1679899535919861,83.72992532193827,62.53579701692955,3.881135969633128,12.219883785473563,1.9907974977412392e-07,0.0,0.14609829280310127,67.62450957801076,122.55434688614653,4.998013987157181,25.561034002188762,0.0,0.0,218.8238384625015 +0.9703707584689817,0.17901967638277483,0.3674647616035738,178.7294248796406,203.59964692137814,108150.54850416513,6.329862091394142,46.12401845431873,2.4695716780584105,7.304114470303407,4.336669363163838,29.291708979663,0.47536635358654344,0.9614743265501098,788.3528514070174,92.60230335750379,0.28069828523327944,139974.07458119513,2.4071103812706354,72.6539828986227,4199.975426806675,251.0697718387633,348.69506066493113,54.5614624482847,0.17913950566443718,0.18934905899197826,22.85448052896745,44.32021904760341,3.064947089755118,26.073226615147185,0.0,0.8055454262392009,0.10655395101044078,27.880034295867734,51.63726807333179,1.6722256371134223,11.604582900328323,1.6033010066721712e-07,0.0001132097967789073,0.19893477530954187,25.853058353867592,51.05845191687528,0.4909742495514889,22.24462582567924,0.0,0.00014063033626880034,0.11773562528612538,79.6726459330804,62.86249048788758,4.72205852284928,11.79995469547808,1.9907974977412392e-07,0.0,0.1477473029596736,60.42370561986485,112.96852689438525,6.0839331404798065,14.25206094006216,0.0004088881183438411,0.0,194.01590729181368 +0.971487740538997,0.1737105040949857,0.3366386694296335,188.16988784502502,94.57117972804048,279176.98705514346,4.735956895808081,24.268536863940348,0.5068218253415593,74.94487257521502,4.9851834942723485,27.63663158142859,0.48062263106958225,0.9446562230605142,223.35822726411342,7.041418853276699,0.22378276234990915,119982.83901907077,2.6236324486105023,95.7356184806093,2636.9155354802547,169.081432626641,348.89233772304175,52.1156579664069,0.15936831235678836,0.18681176101601524,25.186548313197815,54.578842710048015,4.302326969624897,25.532997785896818,0.0,0.7736433423796594,0.10130559610557956,34.79381984485993,61.03612079552622,0.4223215297503726,15.358930162398346,5.262526780240431e-05,0.0001132097967789073,0.1991826167263596,28.690359438162204,56.98349331548871,0.2845210143675176,22.545251771469797,0.0,0.00014063033626880034,0.11766173199860192,99.1598752580864,72.45125201919406,3.8940590808072986,13.5430592105003,1.9907974977412392e-07,0.0,0.16480611335747955,70.61180794068142,126.22309055111778,6.894112491230926,16.031523042697987,0.00015295371149654356,0.0,224.80741913650056 +0.8280291930849555,0.11727641337420461,0.36710242051524333,211.6482137029635,32.12890407402415,330446.3539991974,4.531239486560776,70.5336923631146,1.1761852494435043,18.977854502992965,3.8636166021527734,21.47467538213323,0.4398623099471693,0.9339158723015053,271.2225999794635,36.231300090253214,0.3102125472833943,55460.51844576515,0.5588322405609359,82.47450695218942,4820.888350287976,280.85087644409884,345.64305082227713,42.744443553177604,0.34817706687060784,0.19323173540899605,5.548692806755585,25.85558580329231,3.507615754981764,75.34784688154642,0.0,0.8701604736078128,0.13341839007914405,12.357033840776324,29.842539631498177,0.19589518435211042,9.691851338547773,1.6033010066721712e-07,0.0001132097967789073,0.20786341275277587,6.298949006684714,27.502170661789922,0.2512149533915886,74.7358656344662,0.0,0.00014063033626880034,0.12702695492010355,26.446711905109527,32.65459069715628,3.699827982830394,18.616939460831325,1.9907974977412392e-07,0.0,0.2014765707178106,5.506155038887591,28.77032000608485,4.427277550592343,20.056894301943142,0.0,0.0,131.58485674477694 +0.8810012905928397,0.2100593031301222,0.34508711839341794,241.87693312878423,173.0194580571772,319944.15742462315,5.039191260380695,70.50862994414172,1.7224816747532383,77.64319964425708,2.6321351733793543,29.819136291468563,0.7968118977076546,0.9574861291733353,965.3516766126753,37.406308002581596,0.23022558299304915,275312.2040704079,2.810972913240122,91.8666587668332,4936.288874899538,293.36767903059365,342.95413267237944,56.45249613064015,0.17167211897308485,0.19227521840282216,37.550757470680274,60.83894819448771,3.151156167901373,17.358928171031227,5.0077923746221986e-05,0.6142417584431082,0.12358968819473251,35.81023393824923,59.92344067723251,0.5805817858144791,11.885515738004383,3.1636486299000424e-05,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.10526687981470256,114.84251574532331,83.58419357941123,3.083455142449852,9.832307558383645,1.9907974977412392e-07,0.0,0.18401300180594493,32.00944777559543,106.36202996133683,4.638284365607993,12.941381087978531,0.0,0.0,2698666337285.8823 +0.9803158026848854,0.1997274246599457,0.3321058006567205,214.39178768968804,222.3595817722618,333897.7653182347,5.499508265586468,94.3708066755041,3.5464908310192325,74.32751945968393,1.3587681588281786,29.099470012479642,0.41005980285143206,0.941132799439963,772.1188375748369,22.630166954681126,0.27266441425736265,284996.20059818483,2.990382029576928,97.70693999513018,3707.777450792985,286.9996688462481,346.3835837580703,23.872673402551037,0.15265985269040855,0.18636689516172047,25.079593678548363,54.45047156533333,3.462144220143964,7.385257699125191,0.0,0.6456128202582474,0.10303120018264718,28.262167006795078,51.184060195541065,0.6526210179140066,13.417695295765382,1.6033010066721712e-07,0.0001132097967789073,0.19992696682654787,28.036522506660535,56.82887581681646,0.3088550482214795,6.396228778794615,0.0,0.00014063033626880034,0.1201988338020252,120.61042741138739,81.23398111745067,3.940357736402773,7.879094298767203,1.9907974977412392e-07,0.0,0.17274903845587247,48.26461743104214,93.03181587097515,6.392022503848408,8.474043318386311,0.0004893561346045776,0.0,208.89473197356443 +0.9611553316423873,0.18963880720426185,0.32733382485586116,248.75648761799562,65.65395151376663,305696.8863396146,4.900491238960253,41.372994555965434,4.98439085176589,96.37939461106501,0.6667220822980545,24.863262364093703,0.35834881835522986,0.9692255136398571,756.3983493116026,20.400827316371014,0.25130749246105527,174308.60638371314,2.9306152434865576,82.16970438607396,1280.9204383906704,180.70039336070238,347.00009955657686,51.70985143302605,0.15690252632702728,0.1904606361645924,30.303300177752266,54.09727898380501,3.3227027983041006,20.352619851427175,0.0,0.6414714448636445,0.11495783935597086,32.68995243018852,61.770336688715105,0.327453609771948,11.621552504638498,1.6033010066721712e-07,0.0001132097967789073,0.19834990301154382,34.74223520688401,64.58969291172443,0.27373752305152216,16.770579260586214,0.0,0.00014063033626880034,0.11469574543007932,104.8522011924834,73.51289726400383,3.7079849311027804,12.53305559728499,1.9907974977412392e-07,0.0,0.16238974307418438,67.71743245579101,124.70699814968306,5.276602119860502,12.346357076734956,7.870346697040957e-05,0.0,227.67715437138705 +0.8311593455760666,0.10329202257631889,0.34149006839943913,196.60775327907348,132.0449929777515,275902.25605447165,4.830108299552214,16.164283248637005,1.4901002257316653,38.8277161126442,0.2762067997213538,25.896042307156623,0.4671686002829023,0.9282931596448094,280.2393232634219,91.80042182886021,0.3320837764557813,203467.11679913205,2.887121313614725,83.92836818657126,2112.1819019318855,284.6371367677839,347.3150092925461,53.84425222699869,0.20406775533309765,0.19038679575728837,34.08317454640831,59.36968697202663,3.1266507361723987,19.594262368254526,0.0,0.8789073957472592,0.10992495349213695,34.27334276103517,57.924642713725866,0.5366194693534713,14.565286405584668,1.6033010066721712e-07,0.0001132097967789073,0.20342858265217093,38.42226947070054,65.0246805142916,0.2986389754410792,17.851466576011674,0.0,0.00014063033626880034,0.11025481147680737,89.18183329664907,65.54936703115489,3.0466194782340694,8.09810394134053,1.9907974977412392e-07,0.0,0.16937949224573734,71.48647190221804,119.76270409808019,5.493216196224576,19.825620475631816,0.0,0.0,219.19916517023947 +0.881056052857836,0.20551964461247557,0.34755833127626484,126.32253317213646,246.448085158541,292494.324850296,4.189986786044967,51.75919667832214,4.425137126363943,87.4733231119502,4.509178787648622,26.349336975477904,0.4506242422313408,0.814130915423371,883.655851516976,20.055791339018512,0.27410753747500105,123143.66427645576,2.3084842584119976,79.30061390380575,1599.6582598573666,269.2935424134849,348.3208030558222,59.156498445820745,0.15762360223064636,0.19585476978612132,24.792087262787984,40.795379801592595,3.0623165725964885,33.00525227617304,0.0,0.8671286846503697,0.12355651991371035,43.36010868893753,75.86692306420478,0.4212969350907493,14.987203515571387,1.6033010066721712e-07,0.0001132097967789073,0.20505453634537948,28.724852880852588,48.78833889110371,0.27314448477159725,29.296965526546355,0.0,0.00014063033626880034,0.10720042206112904,112.41503750543136,84.63649421689284,3.2503024078692344,15.165364515463073,1.9907974977412392e-07,0.0,0.2120572943213554,58.014899095249376,94.60112501309052,5.029662422275357,21.065205159050112,0.00014813100741745749,0.0,219.38140120139454 +0.9087836189060856,0.202802501321469,0.36200027882409574,119.10523718636341,189.20374932430184,289194.5463765423,4.522978686422581,69.82475215608605,3.895042992226287,69.62461777511847,2.6879322298675348,24.292314611728727,0.44310701139223296,0.9215021674920937,639.0029281846006,81.29588870364917,0.2812264498252544,58789.28003916316,0.7789511929704,47.58314260316068,4257.406041438616,296.5686201407792,326.97232434512523,58.85056387519744,0.24942458403943432,0.1936883082008692,5.983513777554621,26.06189534446008,2.8660187675768616,68.34706250628244,0.0,0.8183314662276064,0.13193449502764168,9.046959419852673,26.061942999419063,0.4204519926761791,8.30246116366345,1.6033010066721712e-07,0.0001132097967789073,0.204537120987637,7.377963233020065,29.61747833058751,0.2763204230917283,65.36319134624209,0.0,0.00014063033626880034,0.11823673212183602,22.33623714284439,38.16170697508831,2.576737791597595,17.85634599462225,2.7615343999459633e-07,0.0,0.19277036876551462,5.239982420644954,35.49941657775951,4.030579160195938,16.46566645269771,0.0,0.0,123.63394221666844 +0.9553190189547357,0.21091812688647485,0.3792414790058587,142.54337995684048,193.0423360262502,260829.98428692174,3.2126245667616944,59.15717033190823,4.11562835205876,51.84444028352796,3.9994637945871334,28.315739803847094,0.3744500976576402,0.941088626412809,661.3176124731086,28.3270303458174,0.28674746854858507,67927.39078624255,2.9524160078030404,43.342487329616254,1770.7759361788103,249.88944788867786,344.35465951511935,48.581122486471955,0.15149950302707996,0.18797981641749054,19.2272016152784,45.156624685861395,2.839483295724243,17.358480687575877,0.0,1.0279848897520287,0.08870613999280094,34.13450149705913,71.47344935481352,0.3246428387684751,19.470517360289648,1.6033010066721712e-07,0.0001132097967789073,0.20212461314720293,24.476063878510683,51.00868355570552,0.25972135359758464,14.32881459888941,0.0,0.00014063033626880034,0.2508616314426168,97.8230341957751,69.2056862553663,3.297409877824377,23.54939889965087,1.9907974977412392e-07,0.0,0.17035872004017102,50.44357914875028,96.57940792478995,5.016714137001021,16.431044269485984,0.00011672824262105382,0.0,199.6749665719309 +0.9080515245510682,0.21198949016271829,0.32441924955729856,129.953695049738,249.44661854506623,145613.64093386586,5.509101244125675,29.10868702083107,1.0188280668756062,50.48653070374357,2.569414478187955,22.562822042300514,0.604550812731622,0.924488757640778,535.9101207045185,41.636437392348206,0.23134447010518844,286248.0580520993,2.9126801628808856,95.38640799075044,1878.4446793444176,294.86297523627377,346.63318514202774,41.60981293410754,0.18426284522107403,0.19343307061510195,35.29162770448473,57.59597178064186,3.003584775191854,14.295225569660024,0.0,0.7608365411010811,0.12708875323311014,35.54475585851007,64.26762987991191,1.2031238535642867,13.18234452662118,1.6033010066721712e-07,0.0001132097967789073,0.20380844166532847,38.78122535554761,65.77990714484939,0.41130785586821167,12.706191406356727,9.077814551927327e-06,0.00014063033626880034,0.10839472280011297,107.18960759199712,75.05670327340249,3.550521736728737,7.010536040720461,1.9907974977412392e-07,0.0,0.1955944702560559,62.13868430047373,108.52180914594969,5.828970125742136,14.888495658431925,3.0488174368778758e-05,0.0,222.29976947435227 +0.8437669930655459,0.15179653661191034,0.35428916723420617,28.43571126628298,40.981539237451415,283294.6750077962,3.6415276529590757,10.601718940750828,3.8329027901615786,28.277967101876193,1.1579117869286635,24.68126317474827,0.3690150486968355,0.9809342344130373,310.5791376624643,3.4606820269295575,0.10807162255366527,217153.2334838487,2.9549067156803686,83.78592881526448,2533.9707615749044,235.15018955748445,349.2366802943468,52.65181886870543,0.1694242541923287,0.19206542185567207,37.04645383707804,58.22274469932377,3.8976495595591456,20.491610582206576,0.0,0.9414082564883345,0.12340642505399803,42.902491660365996,75.58857778368683,0.3412828819374902,14.216048798175795,1.6033010066721712e-07,0.0001132097967789073,0.20172632574245752,40.71343272113951,67.58689588569551,0.23705322351110847,17.402293034257813,0.0,0.00014063033626880034,0.10320297443667355,104.76551857740783,75.036753738572,3.8761362808679287,11.714148893595047,1.9907974977412392e-07,0.0,0.1925921629383021,71.4040441414413,120.55912721338461,5.5464444323538835,14.901828607813412,0.0,0.0,236.9131318553736 +0.9512801417878317,0.21938644593109047,0.32381488990975743,44.95946813028914,173.76222221171736,335734.60789032665,4.1947482488712735,60.18551013214545,4.857422694516859,37.93290806196215,0.7779290915362125,29.122773037882762,0.31217194584615054,0.9598960583221069,611.6448915773909,57.08416801345839,0.2172640206587644,193360.34181066538,2.8089795586039643,99.79646833562936,43.385532775531374,218.71930156186704,347.7645359114747,41.63278804185909,0.16866206714764825,0.18472877461832013,31.334402156687595,59.56910728856954,2.9050209669854334,17.58129223214747,0.0,0.788355073721977,0.09555766662299789,39.24258460451041,69.93830938882965,0.24225030276513107,11.98707604766667,1.6033010066721712e-07,0.0001132097967789073,0.19779130634397996,33.777909671768555,60.07706297467852,0.24105828234955623,15.426935361503723,0.0,0.00014063033626880034,0.2024143262377141,121.98022759606586,78.06366865321147,3.586163517578736,11.473538275162424,1.9907974977412392e-07,0.0,0.15957485620999712,69.55863306386117,117.67825037293872,4.367134662200275,13.449616994373748,0.00022693771903621468,0.0,237.5208054285809 +0.9707453446473364,0.11777248895185749,0.34110657343221407,185.8146312320938,77.53888608551127,335744.00709927204,6.389677799410338,48.85994678437797,0.6399697803897646,96.19885289181049,1.9974841832170815,23.604022306580948,0.39189256898276587,0.8142015960295077,884.8263249416241,68.892663119426,0.3064409607915956,148504.81889898248,2.915415079929071,92.59414450100412,830.8020157681019,214.4019018888545,347.78935572697543,57.690876622999156,0.17168767842054825,0.19164380581124002,29.726689237955455,55.571897450753134,3.1978668213001034,21.72872112089747,0.0,0.6947476472992,0.08832727950971948,31.07345763094348,55.37490777730213,0.4404127539769037,16.471843969553973,1.6033010066721712e-07,0.0001132097967789073,0.2003406360059699,33.63474136897432,61.156548543455045,0.29105277579568967,19.02325085699326,0.0,0.00014063033626880034,0.1502438159402754,91.17196064262778,67.4983040170776,3.2624955239220355,9.50106293053475,1.9907974977412392e-07,0.0,0.15481972801807795,64.96493362247533,117.20207700468558,5.141999575123128,18.77293510901635,0.00017257681885505063,0.0,212.83004359800324 +0.9882491869762222,0.1421655345129978,0.332492360346544,233.32179089312007,154.80996969149473,129037.94161265176,3.7342561843249626,87.18582681879653,2.1637292614105563,48.50111933852344,0.42979726184298395,20.9112189833445,0.35724436610693916,0.9834635971986049,841.1088337812487,94.54597126559048,0.05539640204863053,268926.8898940649,2.992926447782584,18.632687949771626,4553.878565371927,99.15073354474276,349.83300614772907,57.517194435144376,0.19518052176884376,0.1955498940328128,47.52929425651717,64.49522596437136,2.673045521146215,24.200053291211443,3.078286810405524e-05,2.6958967315610676,0.12852417469803104,24.85443014628627,48.6978831699342,1.0257840997062235,4.853337710374807,1.6033010066721712e-07,0.0001132097967789073,0.2034221505240019,37.22194084366784,62.32175476574203,0.3817657376836712,16.0354166786554,0.0,0.00014063033626880034,0.09761249629108688,60.722416994343085,52.33369570691985,4.05478294417579,11.012963044638791,1.9907974977412392e-07,0.0,0.19195750980700088,48.01767647002753,82.58366123066676,4.680731081677306,9.17451406184335,0.00010877964761018183,0.0,177.07356562471918 +0.8860190020402006,0.11289060774560437,0.3282456513740712,139.009587782507,228.46098871128265,233023.8803844467,6.029182183347214,64.08044637517563,1.4970944081738333,32.056766662357,1.3632115618411687,29.83696070168837,0.5114511302879293,0.9110640147234655,750.4426851764908,62.3451237807382,0.056609849903247744,142940.91784430755,2.8206194424901994,90.67014667640385,2205.3564907806704,262.8275633101206,342.462674868746,46.91631164194997,0.20023694617268128,0.19483665810743767,40.95112480122292,59.559218988069844,2.9931546232676007,28.80396684226335,0.0001257359842784361,3.9888525434880595,0.08549847749510789,29.789830409663203,55.85732366072619,0.8745771636286974,15.143738298357713,1.6033010066721712e-07,0.0001132097967789073,0.19663811345479473,30.54754779136127,58.10171498882439,0.35416728741598763,16.435556442550194,2.0402651519669658e-05,0.00014063033626880034,0.15447869309828416,95.56878391846769,71.57673125289499,2.951514242397868,9.830615038399431,1.9907974977412392e-07,0.0,0.14440934181051585,66.54964063303066,121.4841654779864,5.863193018081289,21.293278475828895,0.00048494504245096687,0.0,221.2075059613097 +0.9512612885515592,0.1920982369201399,0.39877217527485337,140.5737114400913,199.79949685858028,131857.60372237387,6.447729029293901,70.10300679755815,1.0801248747579195,91.1322787962723,2.809925112959543,27.461741962023588,0.45582681251010654,0.945881608215171,925.3619984275324,80.06306492475869,0.2196959582222519,195656.0338490008,2.6663191887552573,83.37148784790527,3927.6555910322313,267.1214071194365,349.43680634836784,51.40822191686242,0.16352173867235115,0.19187097518500051,27.95217737102968,47.734828732531824,2.9116351817556665,18.967563798008396,0.0,0.7416172399664441,0.1206143812623084,29.722529456529266,55.90857775317076,1.415778836640294,13.484350252773478,1.6033010066721712e-07,0.0001132097967789073,0.19971371327506574,30.396600096458645,57.49986057924319,0.44855581960286584,15.881516433092994,0.0,0.00014063033626880034,0.10163249640062083,84.80482249505839,65.77360137084361,3.9139647753201774,8.945193540346972,1.9907974977412392e-07,0.0,0.17037344688688744,63.71417701049947,111.19115706868922,5.56481141314462,16.115433204642372,6.053061240101355e-06,0.0,201.0758812366164 +0.9489577678549798,0.13731384452362405,0.3801236761938675,215.7873549452575,135.50479637135834,281527.00825781294,6.342654826253997,31.707798703576252,1.5594418429245804,44.59126871036387,1.27594509368969,26.78700586592069,0.3402961243282653,0.9696086075211903,508.39657287508254,27.880200318773,0.22467377932156488,200117.41516776217,2.886231041126931,82.59234672349544,1557.385577448682,252.4193109953947,346.03877995438336,58.32862404814241,0.17059672459730257,0.18627430264795902,31.290071564714204,58.413516034600335,3.500740228272857,17.82625201818226,0.0,0.7400807038673751,0.08824086368111306,30.696589642058505,53.891011907659696,0.7475126872690622,14.76050585052627,1.6033010066721712e-07,0.0001132097967789073,0.20043042715396656,33.14720247585421,62.61263280120805,0.3346688062005567,14.66465777421456,0.0,0.00014063033626880034,0.28477046892493246,100.08313616456113,63.58047921729125,3.499940509690682,12.765138598054584,1.9907974977412392e-07,0.0,0.14836053417086564,65.67347084277637,115.70254433275365,6.602275199465928,14.703371623641232,4.511877430889884e-05,0.0,214.97753370439418 +0.989055596813764,0.2308527887659404,0.3765931251554445,142.04005976342282,217.3704694391695,277216.18537664285,6.7265442057571185,71.83843663111514,3.030076233282938,83.536454415885,0.4164176685736194,26.34314080789782,0.6985305732216117,0.8581760658506612,894.2441422279162,23.884754849699274,0.3147305384887037,172010.40064066448,2.884196565712121,96.32288397034577,4789.285035667546,289.1809568125934,348.77317533111983,52.9029541261923,0.16083089275790413,0.18901875671620733,31.15813317037078,58.388144412840546,3.3608943154699005,19.373739154671288,7.819413161963754e-05,0.7813552613564767,0.08527000714947051,33.569851393693554,62.532465383125185,0.8163732180258733,17.6303963902437,1.6033010066721712e-07,0.0001132097967789073,0.19852146913631472,34.84995723724169,61.50899465958828,0.3437010559793318,17.62982334172003,0.0,0.00014063033626880034,0.16005080100241245,99.54772364873432,73.28404293903661,3.5249791865436997,8.588999247270053,1.9907974977412392e-07,0.0,0.15453155985062342,70.40163705745557,132.1135332837785,6.244841250630046,23.488570567513662,0.00012899056173225056,0.0,231.93213338157074 +0.9449865239680376,0.17183588204638917,0.4213444277681576,181.5052358744432,208.63005345227697,135955.9342119395,6.0356089113624485,33.17570564893198,2.5287876552848605,9.381343313930914,2.813764792320798,17.27207938099961,0.31174288193707306,0.975047668484922,17.006734855764904,1.3288034458772913,0.2208555787092215,144197.92684924375,2.620487987280291,87.1252025664519,2138.484951932426,188.1487579747892,345.2254706669231,58.92980030063796,0.20603454504682714,0.19171557622065336,19.226869708092938,43.20381047879157,7.975106713382771,17.347446343221595,0.0,1.206492413704563,0.12624580613875283,19.93095843244832,41.17825522633037,1.4365930134320153,13.049058408969891,1.6033010066721712e-07,0.0001132097967789073,0.204462962313202,24.53384806401517,47.95119452858574,0.45131861283884467,16.17574099695322,0.0,0.00014063033626880034,0.18006226429077943,65.80925605289931,51.047018996164184,9.14126404272423,8.518156167117994,1.9907974977412392e-07,0.0,0.16417456467623734,38.25390473090654,71.16609633290301,12.611264824390998,13.261251068907956,0.00027137097680732166,0.0,148.2779934836486 +0.828182525463168,0.15210973059124708,0.3628596283175102,136.95812243607153,198.58708483309556,133525.63380947168,3.3232983527655824,11.369925377540252,0.2689519818052646,39.207783472328444,0.2699960522019069,29.165451932682824,0.3896192557170511,0.7951877690439483,845.2347653278164,61.20307256141554,0.20272887208854018,188518.74746803124,2.904171073712581,92.55867682648919,4451.515683294678,259.9345798948633,342.96087948038127,54.926525057536196,0.15236079034982894,0.19360239701786797,30.705775954433864,51.4917001789832,2.70480560056476,16.864626909393696,0.0,0.8398936048399334,0.11471072811233805,38.32878243146932,62.229289068925915,0.8071360115741338,13.316729637036259,1.6033010066721712e-07,0.0001132097967789073,0.2034862356420342,35.219862307514326,59.18010972795125,0.34679828481113956,15.020039348891803,0.0,0.00014063033626880034,0.11756648117875239,116.13188753828356,83.4150212425832,4.413937992305756,12.768823082626152,1.9907974977412392e-07,0.0,0.19878087651364668,70.05178341001312,122.40348035270817,4.577432645862405,19.370448397569966,4.3452434713923573e-05,0.0,235.134160098453 +0.8917081486580303,0.17500637377705103,0.3404347368270074,34.174438197821914,243.41093611709624,250171.6772035394,4.434701916202625,69.77996123514376,2.7587518711079246,97.99942366479425,2.672230982056782,28.483663876647327,0.74638412062369,0.7750570447839936,690.1234577360714,29.04914800664819,0.2627525726467257,56156.89239229473,2.626599685566082,56.72675555876967,4769.634836381211,286.23622825316136,345.4457519231113,59.08667562206025,0.15244031023033358,0.19208923793998184,21.60786783113911,44.0982270599125,2.680172349797939,32.49179993416656,4.786219615301063e-06,1.0733056202006257,0.0938741807737978,45.19602675726621,76.40584754019758,0.20151988481365637,25.027948717761017,1.6033010066721712e-07,0.0001132097967789073,0.18979208559906055,16.678979601476154,50.249213690301396,0.2776747384415846,26.617503680855446,2.1760241325913017e-05,0.00014414060373783881,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8654668916555265,0.11165679004115306,0.34933851043199626,141.97010122023673,103.66013212194981,319641.69401868596,3.055176220593869,37.121644590721566,2.1477592622371904,80.97745536746743,0.927417507738691,26.294701368951923,0.502820382329781,0.6824316798536263,745.2710767804498,21.64954671003694,0.30498544056555676,53062.37380459785,0.7060825269418167,25.5282993593488,2943.614946903667,256.7762215032988,344.03471287550514,47.769167009552646,0.2868148950505031,0.19597853483669864,4.224070530370187,25.597999662151473,3.0059624537054574,77.79549118647007,1.0828810108481374e-05,1.0579570861324883,0.13436802914649787,10.766101159359811,28.648347657278823,0.22493563495192803,11.784671994904306,1.6033010066721712e-07,0.0001132097967789073,0.2094505092490209,5.682191767378255,26.653387912250984,0.24233424939960804,73.58225949735079,0.0,0.00014063033626880034,0.1435201632554835,21.386421109637386,31.995986565300218,3.4470957298523834,22.31181742029799,2.7615343999459633e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.876091019504097,0.22537055432324193,0.34569242189737087,128.8660405914276,214.3724543395962,131245.49739035944,5.251040937779446,50.77766010613583,2.1235559986998167,96.83095903579589,4.898173464530923,28.04051210259902,0.4837505293984408,0.9116841259505066,889.5049094172891,51.42783974128167,0.24373742937429907,281723.5213169501,2.9145585968835426,79.36969640518483,2753.6036330522056,258.5572776474137,348.73155127859843,52.35701542787261,0.19374302646859923,0.19467306304447182,37.74911121369173,56.84014048110224,2.8978139822496503,17.73911627759895,0.0,0.7314764997401887,0.12880714612763416,37.097781303282694,68.6246944419202,1.217251648103557,11.229451780076,1.6033010066721712e-07,0.0001132097967789073,0.20464711374139538,41.19055044512052,63.89336123564749,0.4147347026942106,15.92985212361244,2.3619808838462846e-05,0.00014063033626880034,0.10884956436429173,99.34535131874503,69.9133990077483,3.6691066119278366,7.726975965520867,1.9907974977412392e-07,0.0,0.20561809662878314,69.48918930050387,114.89116094208158,5.1554134593313545,14.265125327253385,0.0003675498954456491,0.0,224.3101352331585 +0.9866489849389528,0.1817622730135059,0.3482439978988824,236.47783077651366,49.182819828940566,282737.48518405453,6.078851006576862,62.26201035379459,2.2117680197125176,80.04833850035699,0.25353276041979345,24.699438454285286,0.5300369551815707,0.9934475086051285,541.5215476694829,58.84745689663798,0.24460602663645156,185445.10702436572,2.949289609940338,93.84441162735868,1606.0286056936538,241.58835823865567,345.1441079890855,56.99246446869986,0.18669927081846424,0.18743666012412033,32.88617362850051,62.653005985720306,3.1837005631529363,19.26580364441379,8.299674316588268e-05,0.7050172022384255,0.09040033905364897,28.9896532629357,56.13396882007019,0.4251357969296028,16.363641920262832,1.6033010066721712e-07,0.0001132097967789073,0.19615320390270072,35.115674476352645,67.58580428065082,0.29912156074724583,16.3093228951054,0.0,0.00014063033626880034,0.16183594130040432,91.08050644621565,65.38461167937126,3.448167118621494,8.59636529045558,1.9907974977412392e-07,0.0,0.14172067180023679,68.7380325396254,129.48043220986307,5.237208760768665,18.544075938702946,8.616759724346637e-05,0.0,224.12773771381714 +0.9737291870981382,0.11032034979769254,0.3657371647108355,184.97735008509426,92.65731038848497,306227.5184923517,2.6709621445618072,54.56591411598524,3.647635659114323,32.35759017774181,2.3664946867144048,19.015705345053743,0.49239066074183685,0.9500333152736907,662.6208229969391,94.61697569579029,0.21051665978895823,53889.319636772474,0.6575330341615645,81.77717195664545,4486.061981710351,89.8601211181865,333.3522900141956,59.6371544601872,0.23627893591940505,0.19211697246066747,3.9648518778453488,26.64608919039629,2.7524173401384333,77.14229443730542,6.609663774186862e-05,0.7564256687890824,0.13245769708532792,5.630105658668014,21.532796085940827,0.23869815251090618,10.270497810963354,1.6033010066721712e-07,0.0001132097967789073,0.2047923805651522,4.797162843794806,27.83981855879659,0.2407826310001676,70.98832429107193,0.0,0.00014063033626880034,0.12098939001354475,21.861690528745296,33.65618105002775,3.7038459498562224,21.51766452461615,1.9907974977412392e-07,0.0,0.2168000030361543,6.390907918603253,30.24628150919928,4.2433664116407375,29.63015417614533,0.00017227472224572418,0.0,130.62302820420666 +0.8915726627846728,0.1864765289631358,0.35111140235005966,10.057979812720394,150.17678403655924,220497.64007068134,2.581753687172323,67.13304865975314,0.978979354432798,17.302872300269698,3.7497701494937967,28.23162883540684,0.5330264449148809,0.7347928192476686,693.8248108193009,15.058637942088238,0.21382067122641654,54202.121739369846,0.5531945588216438,71.36543680302667,1054.5557075619079,290.5305291385413,333.21166256697467,54.71132408019358,0.3394144059234227,0.19455070725299217,4.477756533438642,25.528044850010453,2.4139352771097733,75.89264807869705,0.0,1.365523451985931,0.13459573079706819,9.425694972707245,27.031115322054927,0.47717975558618936,9.340014962065345,1.6033010066721712e-07,0.0001132097967789073,0.20810515699820414,6.245051385378965,27.857076877958605,0.24286777785479527,76.38902569506537,4.054485915282867e-05,0.00014063033626880034,0.14655585966972587,19.86531158197572,25.64270630227025,4.372842168570408,24.08765428073083,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8231914504055692,0.15222971872649474,0.35438115341497894,82.90353936484513,42.20984500397357,284179.1862112324,3.6403045686084963,10.667090649338896,0.25210650240946075,30.088180279323453,1.729177382816691,24.697577099909978,0.4006737543099562,0.9809342344130373,310.7408292341604,36.862257560340936,0.10807162255366527,217153.2334838487,2.9549067156803686,83.86260736222869,2520.1630862781285,234.20543198860986,346.14796896495693,52.78031841440154,0.17013252658482508,0.19464013511542413,37.624288987963126,56.3913790864682,3.0520445359566977,20.006151216827007,0.0,0.9200207841280336,0.12391992707465474,41.70250224266297,76.97459820777152,0.23270348610579175,13.256457012455694,1.6033010066721712e-07,0.0001132097967789073,0.20154464209278417,39.372889414371485,64.01925412550638,0.24450851882507613,15.990340983114939,0.0,0.00014063033626880034,0.10696304540236519,112.5795774350786,84.77015962308236,3.765164654302245,10.762209399933756,1.9907974977412392e-07,0.0,0.19670326135827615,66.94646942508615,114.79608790841006,4.556908258516303,14.858399680816358,1.9289253929925936e-05,0.0,237.99620476493516 +0.9176361846125852,0.22840744498994214,0.34947804447040054,84.7502910327656,58.632349101412835,231558.6665629504,3.9475275351411545,60.94687235643287,2.4008508249302607,22.16980623029717,2.7725338044592958,24.9354615657195,0.3349664048256564,0.8486251902945912,691.374359037686,66.32650509469897,0.0900838626147725,63909.69703360525,0.6754048330112661,56.45081124388565,3183.0925465638506,220.92573256731677,345.02028792380816,49.72162783196353,0.2971394442237917,0.19753454575998142,11.72457279803124,26.838517480299064,2.616979504159521,82.31847989603577,0.0,1.229606608354902,0.13037210121711076,13.858108334198874,34.10130441118206,0.23639609894028463,10.803380498683843,1.6033010066721712e-07,0.0001132097967789073,0.20617410376708975,8.676073820162156,27.649452669041032,0.26041813693084404,70.76087242066379,0.0,0.00014063033626880034,0.13247348092463976,27.89895913784597,33.379247368254035,4.1358618731515655,22.34351075301769,1.9907974977412392e-07,0.0,0.21257186207308731,13.365526056666766,35.4451137362467,4.257731509919999,31.4015293051179,0.0,0.0,140.7455773639137 +0.9025956006321494,0.26097953746496916,0.3324964004489897,27.61333249040034,82.42725194537618,268645.5730518634,6.927430991946911,78.5000293528445,4.406945869346092,85.18639402683016,3.5335307710953665,27.288054595379013,0.3182334174215699,0.9248510827273434,921.83924146687,2.7957396884606354,0.2869062767426065,173540.56236375932,2.8952312044431405,86.4167033544089,2144.426155266146,269.1018702886974,347.04425616068204,57.91807083006919,0.24564162228528041,0.17330056726892246,23.06948187803904,62.614884313823694,3.489769297384107,21.40806258755371,0.0,1.1153975659000344,0.096129295079635,32.13350937717315,55.39547260874401,0.24948580239169454,14.910564635519611,1.6033010066721712e-07,0.0001132097967789073,0.20157944723360893,38.50231472570292,64.67590457216224,0.25939428571445333,21.28725570871591,0.0,0.00014063033626880034,0.21198069747129897,93.0571922637089,62.290101487755386,4.504212436606364,10.369018721225341,1.9907974977412392e-07,0.0,0.16171459050827383,67.00002930000741,113.4754465569165,5.815724206189484,26.41892293934543,0.0,0.0,214.78336100721134 +0.8216774750004915,0.21804832931403237,0.36968896733738815,159.44146931437245,127.710743170522,232963.29199253884,2.022567541251613,72.44667103487609,1.1444115627116838,30.761956329039755,2.3808966053125604,14.113763362882777,0.4766377737368964,0.6247302954047745,459.1211705489351,90.16016637892548,0.1135906022425487,50433.96326426572,0.5784378350496788,53.13454232130617,3981.840117082344,292.13944206122346,328.9937047779062,53.75411928797429,0.1741825961901546,0.20116812868635656,4.626223800194084,23.610359790476927,2.522674694790795,79.27629065578921,0.0,0.8016573361746292,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21369792496172893,4.322183743326088,25.116857523144727,0.24106913466842378,73.27956397404127,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,4674227208854.957 +0.911155290690221,0.12454557381579551,0.36200027882409574,119.10523718636341,189.20374932430184,204768.32795612744,4.439945045289134,87.62192563557068,3.9263633947567467,69.62461777511847,2.957277457693975,24.292314611728727,0.44310701139223296,0.9889694410715818,997.6085645634826,80.76453474994698,0.2812264498252544,58789.28003916316,0.7789511929704,47.58314260316068,4674.0801634833415,296.5686201407792,349.5005403859974,58.95474760731963,0.24942458403943432,0.18980760301117786,8.361500385156084,30.657017051648527,2.589574036318277,79.69995800959052,0.0,0.883169975653744,0.13152472787125222,14.208923293202048,32.73010991139971,0.6449253509734998,13.161880953777214,1.6033010066721712e-07,0.0001132097967789073,0.20144897234548073,9.655633305259236,31.090752247739466,0.3185088259219386,76.276986138381,0.0,0.00014063033626880034,0.12449084907302636,37.960670626597185,44.13108044009888,3.7561981749495432,21.853604223563803,1.9907974977412392e-07,0.0,0.20196707981950027,18.002013137486525,44.4615480085635,4.586294502208717,33.012994976488066,0.00011493741602074891,0.0,151.6129449497177 +0.9210525512340021,0.22908111454467253,0.3650281703062264,220.70389871628174,191.88873686641364,262914.61155962344,2.2844727770978217,14.853982658413205,2.139720827263177,36.61754265311961,3.0238331599087465,25.526678499629657,0.4581992606457989,0.7792867805130541,369.51712618688725,74.9450515426681,0.07429622459729246,182577.38595060105,2.835190751400681,91.54334556718811,3513.2786251128346,298.13613304832796,343.377263402531,58.975783469823824,0.16368244308948215,0.1971869077550534,36.991918535315506,53.767790381213466,2.734850404411639,22.214314953805285,0.0,1.3731513182170774,0.11958937694794393,33.815633299897065,69.04879186970305,0.2381425177057193,14.20268055268112,1.6033010066721712e-07,0.0001132097967789073,0.2036337946882,34.676498895828225,57.68703741347643,0.24583771336078447,16.96372195903879,0.0,0.00014063033626880034,0.12180946568378388,105.36388928033607,74.01796103493766,3.587137601713552,10.263317079961366,1.9907974977412392e-07,0.0,0.1887062065164044,65.39325150094137,118.5363599059889,4.384267346900447,22.651217022525458,2.40034530620951e-05,0.0,226.3875156170481 +0.8196575462076149,0.21452789031096964,0.3802285184490386,138.76099759138484,187.15623414345973,312906.5801769299,6.788943315123522,84.8812380937772,2.9837404344215055,86.02700241239398,3.9766865345812663,28.56911508786622,0.3994831947733307,0.7665411906034041,628.2382123059834,70.82457394376968,0.25859421512903397,171866.5370145875,2.9974079944625878,88.44569628665168,4854.559843437386,173.31610555066086,349.89153118142667,34.85781189264709,0.1750456493007459,0.19677171078295103,25.83588379635741,39.98983822336275,3.2073893708169368,13.563442948805216,0.0,0.6928441558770986,0.13110268166756622,36.389497977466945,60.54432711600114,0.6871289284312497,13.15401277565302,1.6033010066721712e-07,0.0001132097967789073,0.2079280871954495,29.939460542115086,48.445504499439544,0.32246389731168523,10.8703190648817,0.0,0.00014063033626880034,0.11846658531441845,112.79093980045486,81.63832315935159,3.4696626674863373,8.080821485842003,1.9907974977412392e-07,0.0,0.19947629321919302,30.301761715534457,92.26242101887382,5.536724134349216,11.824620585421263,0.00020173000108585553,0.0,200.1286159434849 +0.9344891374315971,0.2290918310693822,0.37126210793879577,130.7822175581556,210.8171841406704,275177.6897930845,5.4604870631204125,74.02887038592652,3.2162258644599997,53.21138856002645,0.6970275849464661,28.206575399280748,0.6774024340035293,0.8320123114704019,833.5679679647035,50.54188632713479,0.14680936058377395,219789.74339452773,2.871709990984824,96.29850822122643,3681.3633924364967,234.33336620929836,349.6230800250093,58.01132690903193,0.1535781841148642,0.19601636355515953,38.1119693617451,56.18479923897328,2.9781314210377685,21.7603368159334,0.0001193819599962825,0.9248548677097942,0.12815857693172056,38.53075792259558,66.18742847367534,0.6280941711654588,13.724810880326741,1.6033010066721712e-07,0.0001132097967789073,0.20354724381351935,38.76638997198769,63.90954510372591,0.3117374900147266,17.45238318762948,4.3931452503346754e-05,0.00014063033626880034,0.1165441159001363,115.29156592120609,78.49672864834268,2.88710016882346,8.02011630233769,1.9907974977412392e-07,0.0,0.1978181966130916,71.10633680169073,122.11087060563194,5.1546776571852115,16.96747253209269,0.0,0.0,238.42593474329118 +0.9384939039715319,0.11727641337420461,0.3281570258915765,157.65006395548784,157.99674446257717,121312.25453564436,1.9032212833695041,70.53585558283972,3.9995599814591856,18.653273125095403,2.4312866573987812,21.47467538213323,0.3696303267114198,0.9339158723015053,270.3479325286589,35.93995526442299,0.28829271019817887,55434.886654555055,0.556417104479832,90.35856102221445,2764.4505122430446,135.73254794727208,345.63478491637295,42.744443553177604,0.17139776084204045,0.1889540799436258,4.411957888753156,27.373923070376687,2.6360878369085987,78.17836442807894,0.0,1.3336004575590534,0.13090086055019481,9.672766852702654,26.29879668019995,0.4452906435955671,11.101392178874148,1.6033010066721712e-07,0.0001132097967789073,0.20378183418593188,6.791149556025035,27.50130230528769,0.2844015863293806,79.50036508194859,0.0,0.00014063033626880034,0.1370721093944226,26.552458901042378,34.600646925956575,4.722802215912298,27.037293318508095,1.9907974977412392e-07,0.0,0.1966041126320887,9.345046966501778,30.839534021578153,4.456651133029135,39.569222758475746,0.0005639832769484455,0.0,142.128608562573 +0.8151004835115511,0.2119633572634328,0.3437139487258687,195.56677362971632,77.53888608551127,291362.0158070449,5.680057598000619,80.64976009194685,4.716143441636975,93.2667496331961,4.527578162670502,29.78457858837238,0.7463049828438784,0.8384766858729411,895.6104684238264,92.20682293007886,0.20502343150347654,70844.6546932807,0.6148368482635589,79.12950302138356,4336.11880140555,247.29965530776505,344.9494228462194,48.79157645488508,0.2803265997667426,0.1971360711576718,12.10087373521155,28.876005905716973,2.9568854715329578,77.31427478579921,5.732958034051906e-05,0.6582660505568168,0.13459525556559196,18.108274581539742,38.45592545749293,0.46391544522119343,11.20477011027415,1.6033010066721712e-07,0.0001132097967789073,0.20785564510746096,11.106448240591078,30.607029597872696,0.29604471707854907,72.36557041747541,0.0,0.00014063033626880034,0.13148204870061414,32.97223738377813,46.32987440898033,2.697192757806286,21.33204641033368,3.082761455412832e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9543692351049551,0.15111306573946282,0.34978792544675585,111.51622069029914,97.96154226788599,197479.1070487885,6.3428640728836605,26.332111859721937,3.471751813853535,11.306373359209202,2.378812907809164,17.762113761478634,0.3509262454666976,0.4441144211438289,188.92216304855583,83.67611960598438,0.25382836529902375,55248.04853586361,0.5462717475444442,94.6341813663058,4425.7896778921,106.03417900535545,341.62374261080026,54.28523770223667,0.23719986045586605,0.20002909708467032,3.608167495209906,24.568491484931695,3.046166513662102,83.09366932933564,4.46877554697871e-05,0.8078622482160404,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2133489426493818,4.101074145574999,25.173914648110472,0.3517800620917067,75.89702845302496,0.0,0.00014063033626880034,0.1426618789062257,28.176529249928716,29.96883356308736,3.1158928545364954,19.155540888071954,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9097368835142988,0.20173035009703857,0.40858582199896054,210.14092350730792,238.4574809534901,272587.9959102411,5.305325847966868,67.39369374234344,3.644478816504541,81.77490935601143,4.670340157799231,23.91751869658915,0.598221125580835,0.9262386368239183,739.968497216147,79.91499510226325,0.33463881256090094,149387.95473786938,2.58294147184242,89.77584155647953,3570.8690908767076,291.4484168553656,348.1465188523781,57.04948915080413,0.15020651253363826,0.19158295679229295,26.339482578558478,51.67994106540193,2.96116742011632,21.874573169614507,1.6480780285537278e-05,0.8386999091027858,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20182877069458455,30.656494911979845,57.17771809249348,0.33473186354017115,20.090475097470897,0.0,0.00014063033626880034,0.11853184487552519,93.69994845052179,74.75042391574534,3.3942472500307006,11.297405604937817,1.9907974977412392e-07,0.0,0.18523596368450063,64.81137483309105,118.4322206673177,5.919536140263873,19.67241379354299,0.0,0.0,2698666337285.8823 +0.9643913729733066,0.1816063836393398,0.3492994748096744,241.29324302842753,171.48686576441182,236980.4553338957,6.090440349438775,58.77939112805671,3.3173427486289304,96.01547056942417,4.77875355695875,25.014275484527474,0.30074297020804264,0.9229758433396561,894.65679399949,99.68342128884323,0.05760651402157907,202849.65032526536,2.8870067704706703,96.63682521425179,3389.4539429563292,125.4604328887737,346.28141451677857,57.8239585072995,0.21057158401312237,0.19848526013194687,47.66725971171248,62.851859335422844,2.922738907931001,28.9939655564695,0.0,4.499633564151609,0.1132942338644854,24.79499944147111,46.22198659543225,0.9659332447655542,10.793239985882249,1.6033010066721712e-07,0.0001132097967789073,0.20074755336466704,32.318189533500764,56.69563146152774,0.36792607486234985,15.967205540908918,0.0,0.00014063033626880034,0.28209938341830654,92.52280917573762,60.29857026742671,3.5397957163080287,14.122981947772276,1.9907974977412392e-07,0.0,0.1737293725266849,52.78667475032724,90.81108369381093,6.0556004207278455,9.958699532352053,0.0,0.0,195.06950541423168 +0.985038376612863,0.22947574854784597,0.33899950363265613,141.75080827982038,217.3704694391695,274813.88986241526,6.754340738742248,71.54663033889713,3.0130680765016633,86.0750665976247,2.53447989815356,27.62081724192153,0.6688037514517406,0.9433200354348318,833.5679679647035,56.21322357749988,0.3170041825616673,143610.1909813498,2.8732781805405785,96.29850822122643,3752.519387331511,202.43733115710654,348.8198466799957,52.327402325733104,0.16117748695391484,0.18881975900734627,30.303051883778192,59.56841248182121,3.1111700792843675,22.410964227737015,2.6754062130272462e-05,0.7647211726705946,0.10783242157853504,35.92436460631452,64.3159369116474,0.8261389463007548,13.668014523086196,1.6033010066721712e-07,0.0001132097967789073,0.20058403748532652,34.29951155610439,64.49836767213088,0.34545371293602295,19.763850526115096,2.2084711549990404e-05,0.00014063033626880034,0.12777201245624406,109.89516203679479,81.11424858544522,3.3889989102482,11.613047358862605,1.9907974977412392e-07,0.0,0.1657711294940943,71.24580576122139,128.6241869452107,6.138102825548064,18.20221816679742,0.0004856738414180104,0.0,238.9834699927031 +0.8998286063051909,0.15020100136012846,0.3280990132562679,177.40519525703462,88.32738817004919,203116.07145693316,6.245266527442774,86.60031097883012,3.5390604195275235,88.24968249627847,4.589624326568851,27.10989671368751,0.36349824832543426,0.9614272711887958,901.7019283253728,77.40173933451634,0.25894059831347754,120115.5728861347,2.8718849153254915,73.78936386811041,3738.5442247861974,270.47676378071407,341.7889214954742,51.799005823986,0.1751276633489117,0.18734815923610854,28.7262957254207,55.82007809214686,2.8063608854942745,22.34526297799908,0.0,0.7183340351560786,0.10862269073076426,31.163862316933105,55.675101945703375,0.8208259218553879,12.62748335983164,1.6033010066721712e-07,0.0001132097967789073,0.1989733099519856,31.083445997260608,58.827830659944,0.3568673420366064,17.83954863557948,0.0,0.00014063033626880034,0.09417708383130648,87.42969829090192,64.46180388724544,3.481049328878003,13.4018809612795,1.9907974977412392e-07,0.0,0.16948654722366757,60.42902245741325,111.9184498155039,5.028740375156605,17.44687631742481,5.542130781059226e-05,0.0,204.7518046972109 +0.9708448168268636,0.22905639981593856,0.37272502444005584,249.72519548972656,224.35196083771427,309759.57739115955,6.329050643237607,77.6152286051187,2.6562951859910915,91.0944647181507,4.817282712092554,26.92183763429542,0.7762108866065496,0.9837259787931063,918.5647276803365,71.80503640957468,0.2812787849440288,276745.20290297124,2.970780155765551,97.62016375089236,1687.1603159292476,297.895867797185,347.9465548726976,57.04144183942436,0.23352471204839176,0.19018271669551406,37.126639187167264,64.29767955160814,3.169341749145382,16.399096368246568,0.0,0.6879646796638417,0.10531574404103797,25.755949948554854,49.06743043404912,0.8712114561795724,14.470722399574928,1.6033010066721712e-07,0.0001132097967789073,0.17884430867269188,24.577334253221604,67.02785244540908,0.3148068585375331,14.595140247753655,0.0,0.00014410350517884027,0.3489076680417887,84.84001557008158,48.62883399521776,5.473644144123328,22.680027852703635,1.9907974977412392e-07,0.0,0.1530361210848866,50.012043870979284,103.9353222903247,6.715448783041761,17.546455170403448,7.816419186497137e-05,0.0,195.31246013116444 +0.941463871833397,0.18552485664586876,0.34099095439968025,152.04103929989208,68.65083979568736,309452.264167375,5.07360688334639,79.05557426100275,4.55188917050574,64.31528447703099,3.2151308861611363,20.78317970320161,0.4700988550230244,0.8094855430697441,303.967517588884,94.16954011063112,0.32915372556429645,191698.74656331132,2.879138990614728,92.03914480101889,1531.5385264775302,290.57399404731336,347.8276602631328,57.040119100463365,0.18716259321970197,0.1926530135581778,33.47564333675606,58.50747074849255,3.2108462835568847,20.62116567277676,6.143238011143843e-06,0.875840008604726,0.10151828809236028,32.49230363059756,57.07893245738666,0.3044916415657806,17.55465558790985,1.6033010066721712e-07,0.0001132097967789073,0.2029361366209526,37.7380131957188,62.50208588650176,0.2691558991688041,19.077004741220204,0.0,0.00014063033626880034,0.11054582044937246,86.35879058872676,65.58290903209553,3.4142533467131924,6.878150098369085,1.9907974977412392e-07,0.0,0.1731647513208598,63.845711739399796,113.58178414782135,5.010544719181516,20.838069054685878,0.0,0.0,211.07160082422678 +0.890865585852731,0.10069850802393977,0.4423599820726357,227.1091396793358,228.0276299510216,237193.66754401656,6.9833906955543625,91.95793313281779,1.3250049955568426,52.809763226647064,2.4617050901726953,11.282478687423676,0.34834543848941163,0.8526190488006893,944.3977637205335,8.102424549318577,0.21967892118693252,282826.7904619138,2.7784628546872407,95.6684078944015,3718.139181074735,292.40681279048084,242.19957348594176,12.316093212766972,0.2476393134968663,0.1976885932312881,5.493857454976414,24.482684199325494,3.760037060395898,8.105877111835374,0.0,0.6470672303745391,0.1362867074497865,3.1905972407876164,13.404373106625904,1.1667289188836625,17.060482847222602,1.6033010066721712e-07,0.0001132097967789073,0.20975206216574263,5.119760429952897,23.4521386803001,0.3999176683798636,6.352842082253923,0.0,0.00014063033626880034,0.3510301495708057,5.02429567869691,13.969815958973541,20.29021987271494,61.24174337106464,1.9907974977412392e-07,0.0,0.11488689060305526,7.630777973029336,32.79555152880163,7.45386573852627,35.089107711650136,0.0,0.0,92.80259675273962 +0.9046487174165897,0.2401205329223817,0.3728001600573511,138.27193054592988,114.41979429410058,204049.59647443157,6.819087157213079,12.831174693779733,2.849480836365605,99.91721690797144,0.2762067997213538,24.911594339575842,0.3518331180162994,0.8086093103454104,848.2136052935591,93.54941836034995,0.08920699195380859,297583.66178758984,2.9871822397704304,37.93834134738059,2181.9684390630055,226.65454288019288,346.8392654407589,57.69524773778033,0.17239239125211936,0.19978403283541765,44.79055454939883,57.53983218186531,2.789825438724684,19.307592180721006,0.0,2.43104531742911,0.13495372374412906,32.71058866993371,60.13785178253185,0.9126941786024729,5.558880972562745,1.6033010066721712e-07,0.0001132097967789073,0.2085979942605217,36.82036790639366,55.43376017153619,0.36889609272941815,13.041417883452752,0.0,0.00014063033626880034,0.1008410196222958,86.33392681822525,61.85496932169396,3.1448248482697183,8.74755116610459,1.9907974977412392e-07,0.0,0.22042475361331637,51.461413435253725,87.22835789199725,5.2237830449909834,7.956591020162734,3.061938497975627e-05,0.0,191.66233086123108 +0.8922121756848137,0.22089322292417662,0.3753456067171346,242.16753228998425,244.77321279312469,346934.2257955346,3.7429574031341715,47.88227641430356,3.7544809755604542,80.69801261258257,2.855821042255773,25.356320138644485,0.5207652037587761,0.8902613257642245,657.7459323655228,40.768451002134086,0.2463280495551458,245304.64945158717,2.841370138182515,99.53886868075351,3584.904991005386,244.66675925824876,347.9321818043403,59.77691521080897,0.15946201968745177,0.19628497704316364,35.86048178022453,55.31009183969788,3.133812447953578,19.015982107681708,1.5650004502424967e-05,0.6813616046974376,0.12826740540501513,38.0940468480691,66.976712922726,0.4174891691302988,12.95453096455434,1.6033010066721712e-07,0.0001132097967789073,0.20400979968189487,40.41919977185067,65.65312594209541,0.2653790174724078,17.047953397787662,0.0,0.00014063033626880034,0.10494572063496076,110.01642014948924,77.5236643865296,3.1415058578695043,7.938313043483906,1.9907974977412392e-07,0.0,0.19048670579380986,76.33920448568469,125.9319126894602,5.285841641091575,16.773795914514984,0.0,0.0,239.2472227833822 +0.9841230552155249,0.20751935697126664,0.34767445336733244,63.539098676762336,183.98024920747906,239807.10037265802,6.790130474091132,11.139815787167858,2.130859431371733,63.159609117869266,2.364335628522099,18.570171825923918,0.37495799709997973,0.9191521907848997,712.7422516782143,92.52993113241384,0.2706191787434817,58337.98920108084,0.763704040886009,99.0553750271717,3689.359905797485,269.9019611317612,340.82537738553015,59.762465406831424,0.1722629199186964,0.19325830814714082,7.805805003914945,27.758792867303946,2.7754100382760405,76.21973118493105,0.0,0.7506896776729998,0.13541013994840015,10.908704613079701,30.398284900743775,0.6188558928530989,12.052664389022247,1.6033010066721712e-07,0.0001132097967789073,0.20454416017129273,8.51830833605483,26.938008182605426,0.3193781074931425,73.46861822073511,0.0,0.00014063033626880034,0.12159495568514532,44.38808674724035,48.0039153562538,3.416789833908801,20.603565894398695,1.9907974977412392e-07,0.0,0.19789002563048627,20.27776684361888,45.21504439219136,4.685195038323907,29.47825306636691,2.004684511812372e-05,0.0,148.6316774070114 +0.8437745116007515,0.19952492862979085,0.34413714130289136,234.977448191685,33.055232781669105,283673.5860014604,4.167274681959416,71.15905218269542,4.8503528772908435,37.66231267842683,3.7979758778878665,28.519286041935818,0.3880009852011731,0.9907754866743411,310.5791376624643,48.796874154650574,0.19752509316273137,287930.8042819822,2.9929662798860845,95.39459780665436,2529.627560595775,233.5734576812973,341.68417628714326,52.11746105804235,0.173670979641101,0.1924915420784072,36.71107768379026,58.19355575701858,3.1747622020878605,14.5404684253096,0.0,0.684366002936616,0.12473636667557499,36.70952644585063,65.41516220604409,0.18527749427081155,10.603506010936918,1.6033010066721712e-07,0.0001132097967789073,0.20033500380246785,39.82671694975555,66.88977065199137,0.2561582934396873,11.9251654915483,0.0,0.00014063033626880034,0.11333302293882157,113.41648763522501,78.45064959985514,3.695109207361419,10.814495445327816,1.9907974977412392e-07,0.0,0.19185261799904166,69.18829575409127,117.67473230431202,4.782734988502047,11.501957924161985,1.5567476734375503e-05,0.0,234.1711711554909 +0.967457755274887,0.16116846612589364,0.33407114761381235,192.2525230264581,144.5378434136898,262337.18884483946,6.556571000434738,54.34748649209638,3.145785039627613,81.05421584061551,4.727614440077649,23.473222007204818,0.3891343740282289,0.975428157885904,303.7399491597837,62.81552445808924,0.07344410453655263,108451.6706529209,2.743882469501888,95.78184339630644,3798.29053610863,222.0666322166377,345.6368359766554,53.63363558491877,0.1953308616359574,0.19559372723969803,36.88182313614587,57.94412726648011,3.3586406089681486,34.14004002974572,0.0,3.2191449667104752,0.0885927033978576,34.5128796450603,57.037643105001166,0.824204969957565,16.95375333471195,1.6033010066721712e-07,0.0001132097967789073,0.19457080047724892,29.794556808121012,58.73961937110484,0.34787810254763557,21.94079077525061,0.0,0.00014063033626880034,0.17094923344633137,85.56502651412308,67.04007776467256,4.228393103982481,11.821181093015964,1.9907974977412392e-07,0.0,0.14232915664655255,62.56893834846759,114.13529970748522,7.959396306315326,20.697829130011122,2.5388171776202988e-05,0.0,211.81143643204928 +0.9690449577102823,0.20854191282029552,0.3792414790058587,139.14653499689157,193.1575527393524,261529.22267704064,3.2761928143408636,59.15717033190823,4.83750365387177,69.47922802388206,3.9994637945871334,29.144467813625024,0.3744500976576402,0.963882110333516,661.3176124731086,28.3270303458174,0.28728882239943776,67927.39078624255,2.9524160078030404,43.342487329616254,1671.897645115912,249.88944788867786,344.53086293625466,58.63489994742712,0.1524586955640862,0.18515638774908544,21.560165746776512,51.14154169886706,2.8473805384856226,21.282363592274965,0.0,1.0181891965658518,0.08977673085200108,34.79349566806381,72.9687082810655,0.3288791003238438,20.193776195441316,1.6033010066721712e-07,0.0001132097967789073,0.2005698611113563,26.588427002526426,54.75268566395862,0.2604880334131516,17.81738136080435,0.0,0.00014063033626880034,0.22783334574680855,97.4853044435681,67.95989595922713,3.7367670288764048,19.36759479460065,1.9907974977412392e-07,0.0,0.15354087986375176,56.68020545175603,107.6303112901965,5.041790142997647,19.508544000530055,0.0002724553935584377,0.0,210.2895992769903 +0.9167488808650328,0.20820303749574123,0.34592063117105415,162.94335759479458,187.04595190099454,100108.58244872192,2.6249455741608445,72.45197298933718,4.612829478216566,90.46925736922205,0.7626494449565269,22.67514242371116,0.37905093341373614,0.9750927453084921,960.7896269208579,92.1192580453889,0.26768736441217034,155235.50592905306,2.50330875969789,74.24785221456825,568.5770183163852,285.32455896131324,348.2907335191859,53.0196293363137,0.15885601388467213,0.19153141551818476,26.049959046886087,49.45299982499436,2.7348364305888193,24.719453448194084,0.0,1.1615649099047205,0.12737215759354717,38.221699312374525,73.24887840221588,0.8897511717317337,13.222373071504569,1.6033010066721712e-07,0.0001132097967789073,0.20313942154458503,31.24098550100383,56.72143022241741,0.3607036213976511,22.881347395002237,0.0,0.00014063033626880034,0.1128565656494802,95.02069481960822,73.13277724929239,4.941937090773419,15.076798164806267,1.9907974977412392e-07,0.0,0.1701741276814122,64.67292045794349,118.11948045147804,4.2025779959902145,16.522825418948987,7.128227278896769e-06,0.0,220.26727516994583 +0.8830283331053839,0.17921545717160575,0.3511018112399023,20.338970396047692,21.804663772614603,324269.82036724506,2.212026310802436,69.45611605679763,3.5943884462248508,51.452500671731855,0.5857757776299268,28.312243818779866,0.4943997825802998,0.8215653854724563,673.7277855642506,15.154408155832973,0.2157328850712193,53235.01159554372,0.5531945588216438,75.97842713014947,770.728434988314,288.90551062024804,333.8046025620588,55.97541778832947,0.3268649405701904,0.19446857312334742,5.466370479355347,25.91535088097651,2.749060456124854,81.2337226406608,0.0,1.1800144535061803,0.13367376529818495,10.153328510568462,27.296718779824104,0.5109706796119653,9.781031925232314,1.6033010066721712e-07,0.0001132097967789073,0.2063947203766925,6.9018026770869865,27.797980091871946,0.24423528872126354,79.56235429681135,0.0,0.00014063033626880034,0.14372392884955817,21.449780140195628,29.177483724680553,3.816912653132844,23.50737112179877,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9270586589048365,0.234654187155885,0.33784991010577103,194.3180195672329,190.90931030314243,347756.06695454783,3.4949388007592312,62.11723234493749,3.617130892378264,44.47998206859521,4.979461146380736,20.458574970626103,0.35177484157576683,0.9736233132818605,921.4792221286284,34.42412830429463,0.33875654878923334,269710.0386419743,2.70578540397081,93.87225720651183,3226.7113816677984,260.04837860987766,349.7090943083446,55.26255622277554,0.18275055238788715,0.19326111995963458,36.56580524064751,59.18393838837108,3.0323745476218686,20.292161725217756,0.0,1.0182840457564613,0.12684646187468027,37.696598386885356,63.47678629773272,0.27883277713629984,12.152660352282455,1.6033010066721712e-07,0.0001132097967789073,0.2070288069472609,40.12136210077162,63.066252482894285,0.2514358124561018,18.827856138276516,0.0,0.00014063033626880034,0.09618659509840044,98.44004341514966,69.99791836435263,3.18542512586775,8.15739255167378,1.9907974977412392e-07,0.0,0.19791186145991316,65.0617926273178,104.82684360271051,4.921713906938372,13.5948643527535,0.0,0.0,216.56237404602547 +0.985038376612863,0.22947574854784597,0.33899950363265613,141.75080827982038,217.3704694391695,274813.88986241526,6.754340738742248,71.54663033889713,3.0130680765016633,86.0750665976247,2.53447989815356,27.62081724192153,0.6688037514517406,0.9433200354348318,833.5679679647035,56.21322357749988,0.3170041825616673,143610.1909813498,2.8732781805405785,96.29850822122643,3752.519387331511,192.23765060726976,348.8198466799957,52.327402325733104,0.16117748695391484,0.18881975900734618,29.97900574811941,59.0739059992513,3.1111700792843675,22.23653845023307,2.6754062130272462e-05,0.7647211726705946,0.10047189252815476,36.91765342038426,68.59224071927879,0.8261389463007548,15.0549703041987,1.6033010066721712e-07,0.0001132097967789073,0.2011096588636898,33.95862537476286,63.99049960030692,0.34545371293602295,19.578965512172985,2.2084711549990404e-05,0.00014063033626880034,0.13380678633969506,109.68324282797424,80.6167489317844,3.3889989102482,11.375193339613954,1.9907974977412392e-07,0.0,0.17064399066567723,69.31078668464306,125.17940229829514,6.263346925297203,17.446846552526413,4.682917864361276e-05,0.0,237.29252650929743 +0.9021773248356261,0.23589359123094827,0.3266711066595916,140.15867933433685,111.20712724503589,282297.79157693963,6.692626482147387,80.91904670124558,3.3730548314642275,59.244148417668164,4.07473756964111,28.869768785941528,0.3114707417294175,0.978249775242871,933.1241392251186,4.844286331222927,0.10306346466559882,293158.04364824464,2.3997684830285615,84.44369562989489,2790.290451963931,239.12614291448898,340.96401300863744,54.864960650358704,0.2030590846856433,0.19433448451988863,40.233209189318146,59.36087568414288,4.09684073350407,22.193741708624724,0.0,1.461463938456257,0.1231690628977118,29.464936966441474,54.210742277467844,0.6351146259036167,8.720239159571047,1.6033010066721712e-07,0.0001132097967789073,0.20371211245483106,32.46003138212507,55.450444780630335,0.3212984294529455,15.816728638634391,0.0,0.00014063033626880034,0.08871743323162394,96.20415066247828,65.57585643132877,3.527319656975328,9.610808955484188,1.9907974977412392e-07,0.0,0.19005217899070068,54.981502883923554,90.79021803688786,6.888865827621086,9.026598389697083,8.141565810974791e-05,0.0,197.4111505928531 +0.8108280887850678,0.17720642254384528,0.35111140235005966,42.886044790911825,13.682132692338811,159945.17954078846,2.375297054783541,69.83322904886938,0.7435561524427055,64.0127451258838,2.672971637436155,28.312243818779866,0.6164032173364383,0.815618770341265,689.1186043017874,15.154408155832973,0.2155473176954247,65696.75731980862,0.5610167783021178,82.40519943674366,419.340098355753,291.9191642942576,334.04677974671233,53.745931814722084,0.15797517116906543,0.1944532265227304,7.098002675762083,26.004501030245464,2.542201432627668,69.92104876378711,5.6110699736386795e-06,1.2399203477788063,0.13456703469900974,12.83076957614865,30.652825383446284,0.30461828646038536,9.584350568220703,1.6033010066721712e-07,0.0001132097967789073,0.20817828845276626,9.09435729838962,28.20395251298422,0.24223928323081223,72.01379913717638,0.0,0.00014063033626880034,0.15062447996764775,32.27066125000533,31.193142857414017,4.74865536498247,26.69003199345157,9.968431513938493e-06,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9659700605980609,0.14688290803331214,0.3289514750342238,70.05534792145956,48.80292612944888,303659.9359347959,5.051501537876801,94.8495054478594,1.8825624042013518,93.80139620138596,0.4943252774394602,23.868542299906636,0.3493984501098382,0.9402483215307584,170.08049452852498,81.02200356765756,0.08544857066231841,164119.71632586754,2.9306152434865576,93.15212985844519,102.83194071955722,287.6202138976865,342.1187138713416,51.78632812630105,0.1626163426180888,0.19132428545123253,37.23203698726419,62.721601696635524,3.2440907839114717,22.59940411700618,0.0,1.6328773930949627,0.09631263980339871,34.90152485877401,58.52777261897278,0.19570642511869601,14.675879864056434,1.6033010066721712e-07,0.0001132097967789073,0.19705190221515145,33.88423747386181,62.04514853918126,0.25334110636433577,15.865707901900336,0.0,0.00014063033626880034,0.10482800861281533,85.41684435732851,65.46357759032043,3.6280088799396197,12.089124820934385,1.9907974977412392e-07,0.0,0.13785950100760644,69.28893671286836,127.59239360570302,4.745133370535351,18.899669300726867,6.40790424707931e-05,0.0,221.70733284951245 +0.9828161195881909,0.12665132991195002,0.3202837403301727,225.6803092576307,67.49803599485533,337658.88930603844,3.3759399908074927,51.62863835964775,4.727616406845213,17.702639864669287,3.570822241059535,28.959271626433612,0.5417222412937703,0.9766013665877609,552.8083328526659,39.26204324611217,0.3003413269678216,74263.97147715112,0.7053004007993542,67.04365690233257,2197.9122486037604,216.05261968569658,348.49606558562095,56.791417410177274,0.2137735165082174,0.1859665239870475,10.698189523806827,32.78494043340295,3.0958207053042393,71.8830572800707,0.0,0.9429924926161409,0.12348168110221355,13.267157247147047,36.11261637539497,0.2207638309325015,10.763632190234997,1.6033010066721712e-07,0.0001132097967789073,0.19995693404332618,11.631030304106568,30.422073090846574,0.2437193918961485,71.74611658135993,2.6000127552786372e-05,0.00014063033626880034,0.11991699974798459,42.404607987791294,45.50749640315886,3.570425334812743,21.43238697682262,1.9907974977412392e-07,0.0,0.21213799771791456,21.69416223242407,50.74941052873087,4.7332700077038,30.711589250812583,0.0007297108185426707,0.0,150.08135852832035 +0.8654668916555265,0.12046623574300848,0.36463732352846256,123.4840412786603,226.64616948808865,323308.0468301809,5.723451603433745,94.59853892272973,1.8492039127410695,80.97745536746743,3.580352454104851,26.08307366523483,0.41428894662529214,0.9373998304892179,421.5749264522607,53.51701662640069,0.2391465356900791,65102.51918646235,0.7060825269418167,26.344455546144186,4512.80979104172,287.3688786386016,345.55746240586916,47.6376912698567,0.3332747049037427,0.19106414104705685,7.444568812184657,27.2823295026201,3.302594021915947,72.50014459864906,0.0,0.6820809524540029,0.12972542052484237,11.841193105818016,31.771200656602627,0.5400206548055726,9.917309786377865,1.6033010066721712e-07,0.0001132097967789073,0.20457997992421206,7.9396018120696965,29.529306278991054,0.294891439570037,67.5979264016742,0.0,0.00014063033626880034,0.10172811199792506,29.632995276037796,36.590681652708035,3.337615979163164,13.38756291804196,1.9907974977412392e-07,0.0,0.1997243024499501,14.555687843767902,37.44194461708722,5.9848304032712845,24.018318083752717,0.00029241243509791514,0.0,132.114387415394 +0.8921155693941618,0.2310207764391414,0.3799681557189966,125.18197924954333,200.94625639109017,207975.87917749473,6.477491955912192,68.70886056516339,1.6166486910542062,83.4830209186988,3.654770122742244,29.26480736722118,0.30203188633900646,0.9836099680111061,959.0687485904887,53.99020785476083,0.15488449195315493,53606.34055775747,2.727723556033358,90.70900465723301,544.733958397097,113.86191851180584,348.83940226036617,47.551300488386964,0.21258042633860472,0.18958149387927284,22.909433561998096,44.97734329041516,2.8843429478082263,28.34704500471108,0.0,0.9602355508025692,0.08541234059773602,37.21344950764514,70.41161608117527,0.9645963165227702,20.008924191011683,1.6033010066721712e-07,0.0001132097967789073,0.19860673610788188,23.37938541174728,48.843753472860726,0.37201398949878367,21.658041104707923,0.0,0.00014063033626880034,0.3128761329764696,94.81440920751258,59.01001324240525,4.60107872641539,25.975527000475577,1.9907974977412392e-07,0.0,0.1331218610864632,56.53512328883983,97.0449864390821,5.821133442024943,19.948250968790838,6.938345595811955e-05,0.0,199.2984169580639 +0.828182525463168,0.15210973059124708,0.3628072865595988,176.61504574116088,198.58708483309556,133525.63380947168,3.3232983527655824,11.369925377540252,0.2689519818052646,40.56337991901341,0.2699960522019069,29.165451932682824,0.3896192557170511,0.7951877690439483,868.920650359027,61.20307256141554,0.20278568090072818,188518.74746803124,2.904171073712581,92.55867682648919,4409.4134860084505,259.9345798948633,348.5783558504283,55.017695523316945,0.18883701117644966,0.19352569216674625,33.39133566839059,54.3522689864808,2.7266706352074115,19.932630560209724,0.0,0.8153167288670025,0.1022996581018437,36.36149297791318,58.400122325654095,0.8927932193963104,15.745067849190395,1.6033010066721712e-07,0.0001132097967789073,0.20283283136433186,37.846216107069374,61.58392665525501,0.35865270789451137,18.528875379281395,0.0,0.00014063033626880034,0.14050253795797737,105.19107069800638,68.47705216817565,4.253918562282737,8.790528517054494,1.9907974977412392e-07,0.0,0.1898936530170167,71.85835166510905,116.66294802730623,4.70131539663951,23.995727437532732,4.347580130430997e-05,0.0,224.1559855953246 +0.8081395326012796,0.17720642254384528,0.33656268594682315,42.886044790911825,13.682132692338811,160753.59685098223,2.375297054783541,68.9148116088586,0.945833613537417,53.10700934658125,2.133241806895693,27.95625180551215,0.6312574225871143,0.8138566389538108,694.1957658276588,15.256932991594368,0.2155473176954247,65612.48051534919,0.5611628170109079,89.7655913459875,610.6999739775904,288.4604258378976,328.58005609884236,53.745931814722084,0.15740951711961845,0.1950118146478614,7.636645560042511,26.50396751515877,2.5399384874204953,70.83975785923121,7.557587715550186e-05,1.2405590108630535,0.1343658232853789,11.990606626478494,28.709263795291896,0.3061662821736589,8.14413218990042,1.6033010066721712e-07,0.0001132097967789073,0.2076105165318246,9.245767010696666,27.24134616067787,0.2421176102736444,71.10819159674952,0.0,0.00014063033626880034,0.15005336463787614,31.80230310545416,30.756357429650716,4.744402393894142,26.21127251476551,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8479285474645029,0.20172312911540835,0.3896535184400921,225.43123605019275,197.18696175404273,198164.783760011,6.75976305504777,52.09957406041346,3.8864365286180975,86.07484762308785,2.880311495001195,29.973770826970696,0.6079930795564402,0.9235521568216902,834.2444141720273,56.00827530385905,0.3176138456265094,295039.3848057236,2.9436992043646697,97.4803707460477,4547.642465600839,228.8548408982929,348.7705684334051,56.780635685013756,0.21159752565589385,0.19300235238562047,37.51954654699038,58.60482544573535,2.998341914836365,16.082001156789797,0.0,0.7722043266985172,0.13043215133514194,32.40736158246,57.30251878327816,1.2489757185111852,9.6271655925213,1.6033010066721712e-07,0.0001132097967789073,0.20600119837414319,40.36639172552134,63.33915722235471,0.4163224529761686,14.453199563237222,6.768423805451102e-05,0.00014063033626880034,0.2753934566513132,104.05344614649705,61.721699856431556,4.6158570323890915,11.702691773600417,1.9907974977412392e-07,0.0,0.1882098263108748,63.588380394055676,107.15728600195071,6.977415628157205,14.01433332012055,0.0002120577605290832,0.0,214.37184211024484 +0.8952768421955696,0.22950880573349217,0.39309810083160923,176.7661515417663,153.1443392893181,302908.14793261304,5.059920430065397,84.92925916116491,3.354462523733668,31.430529059109997,4.678356416085342,26.11528504162358,0.45067193793607724,0.9404461705416927,342.75530558654856,51.05207402247795,0.3397764283103871,159728.7837658228,2.9392446955512685,88.8223570052973,4047.134718494096,212.59982709913928,348.54625470697766,59.78151613260078,0.1615784973239854,0.1908142046071437,31.786902777753497,56.47116608435947,3.288714051321038,20.76114347574751,0.0,0.8867150364643158,0.11462368746703352,40.59364781583872,66.1387070018368,0.519619718626125,14.859756450610064,1.6033010066721712e-07,0.0001132097967789073,0.20174081455770498,36.47647233517661,64.35711163282932,0.29324607253504426,18.509642273047152,0.0,0.00014063033626880034,0.10928917441238148,107.86868989895646,83.59308233329571,3.216283874851511,10.43501434624205,1.9907974977412392e-07,0.0,0.18673233462949676,62.40719105564644,112.68022026041653,5.901618728678109,16.858753850930974,0.0,0.0,228.80933242549258 +0.9383173914097755,0.20729171202659602,0.3702200826932058,120.48919920660046,242.45422710930723,345053.26814833144,4.831138944113974,59.679239195525426,1.966850234782949,82.17162101667361,0.6842142191803342,20.55000787757138,0.42143915501521295,0.9464035272285911,898.4131359635481,51.25366489452539,0.07160466655088557,80039.84441119962,1.4570863443547273,61.15676087353455,4199.446575874871,69.90039894051284,348.9991167468935,57.56860881031335,0.26021687718957315,0.19785874941178005,21.000169524937306,32.61813212837911,3.0874593583809697,64.15404028359838,1.6746178074471132e-05,2.607257961859793,0.13347571827163246,16.409429382775382,39.17241639775657,0.39063729505184824,9.553115396116823,1.6033010066721712e-07,0.0001132097967789073,0.20692733759773269,13.455572911306565,31.642215817843862,0.2680863257181703,47.50130191213391,0.0,0.00014063033626880034,0.11372034427429042,42.10795968383113,43.755462617165186,3.082357412744774,14.321656645182186,1.9907974977412392e-07,0.0,0.2101904963956404,22.23999438267498,47.26917899902023,5.037109335263549,21.41303254999982,7.318355157428845e-06,0.0,134.48487748364036 +0.8644798631249968,0.15043027614771967,0.3335308087060102,216.1220705526875,109.59178559855278,299537.4592389269,4.260834816521456,53.50286612893136,0.5451008616889577,54.19090513061395,0.41105250593003273,18.607399929886697,0.6267325172244473,0.9807259961236289,938.7865278502956,4.440086118300933,0.14751444515449133,218207.16928780644,2.833456005917934,98.44290954555021,1110.9618502475014,270.5607575434598,348.01908258787773,49.75913665864036,0.1814158773667774,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.1229768383265551,36.167545684940585,64.27135168595824,0.3705562205910527,15.441584662245981,1.6033010066721712e-07,0.0001132097967789073,0.20345807234544716,39.22858453689501,67.24401374963666,0.2714889353280257,17.561941411028346,5.241394622691076e-05,0.00014063033626880034,0.11302815454986485,106.52466554580108,81.31429257151206,3.8441546706205885,9.380670269089073,1.9907974977412392e-07,0.0,0.1994528964015165,56.29501218623765,103.50649199242982,6.235667848816902,15.458615238773296,0.0,0.0,2698666337285.8823 +0.9707388555205292,0.2222492417038406,0.33895553445092746,125.45371939198296,177.18008975348738,216048.03642539983,3.210691168048556,72.22506999517323,3.053526523875183,68.37366530737832,1.5830385679017327,26.119616088039628,0.4387955266303219,0.9332263661546474,840.4642563892796,97.25646677566137,0.3022594468500984,244261.45606814558,2.7606057293091504,95.98134752139893,3907.220284076365,212.69212522899255,346.5936605219387,59.69600518525754,0.1553495636242144,0.19022086462714252,32.82341679941626,56.753426164298844,2.483054219169362,19.23305594456476,0.0,1.0797770771898063,0.12630118257688475,35.618165076469,62.079349666366795,0.39080657491344395,12.12264265323644,1.6033010066721712e-07,0.0001132097967789073,0.20449107943187544,36.95163760975552,62.55033655253477,0.27274765193387435,17.698914619504254,0.0,0.00014063033626880034,0.1270928743332391,109.76399544498717,75.38193252431724,4.091378157140114,11.464977843918023,1.9907974977412392e-07,0.0,0.19513972568046498,67.43633220662707,113.9418963619814,4.257243347765621,13.826811147871238,0.0,0.0,226.17492747213564 +0.9125534162139729,0.2321717431315904,0.3896692759668924,243.40827596054777,169.02839734295338,120479.35262845812,4.148724220887706,75.89147848370285,3.0937381336718723,53.227962043524045,4.236118546548019,27.70817066162282,0.31772043196548333,0.9879186838253206,283.68649688078636,61.903706209626364,0.2972028442492419,188618.7894942262,2.825884076971544,88.38142724393691,4145.635504044515,242.39292902919922,349.13737554907715,55.773578568422515,0.17449018153296256,0.1865246299589306,30.908829264688595,58.070372783755374,2.8967246704866945,19.06793545520988,0.0,0.9769850174923627,0.10566493610846056,34.446354079168,61.054211063956004,1.227069725459268,13.552228747677816,1.6033010066721712e-07,0.0001132097967789073,0.2007717553535562,35.427697373081905,62.80516188420983,0.41431225913829817,17.63589684641958,0.0,0.00014063033626880034,0.237105600722945,112.9593473811145,70.66850421811189,3.672076066468972,10.486469059066398,1.9907974977412392e-07,0.0,0.1630371554232017,71.22011029846695,119.34823352807902,5.643022225626884,17.735229559851042,0.0,0.0,229.8929244852944 +0.9459273265698108,0.251818309210297,0.3576002412626643,139.20343120619637,88.33323378971517,141826.52771834796,3.1666826108257258,60.84461266487188,4.786478927256415,90.29392380001792,4.942038742247994,26.95498266641006,0.42344715383461085,0.9920264279892193,806.6389181467179,16.09884896554913,0.31753694702107393,124039.24808432422,2.715004552048534,97.11548834187934,2554.3624352815586,294.29772014789756,345.4647950381399,55.205279605544035,0.19746374725982907,0.18430487789781932,27.80651481688046,58.28367620972196,2.8682769758447706,24.07963081669268,0.0,1.208680227859828,0.08396227821444742,32.58335214915204,57.99737377267067,0.5378155508732606,17.20745174213132,1.6033010066721712e-07,0.0001132097967789073,0.19298098401501254,32.97684529343629,61.51884728407711,0.31177314968302083,23.07333252796142,0.0,0.00014063033626880034,0.14852150557153385,89.37676141881207,62.433001236325964,4.69805522471975,13.020279645478803,1.9907974977412392e-07,0.0,0.14332903050137066,67.1622210223236,121.9658015166539,5.222286125695287,30.324480253803962,0.0,0.0,217.4788513269956 +0.9336850782976305,0.14920188377451193,0.3695374761767569,13.77247121303921,41.92617443478111,158989.6913077417,4.199577281486416,10.835203334920475,1.211262322402263,27.533325281560924,0.41147865964392505,14.113763362882777,0.41081337603873463,0.6361034896743272,331.14804693960406,51.124528294093516,0.1135906022425487,50942.445933233874,0.5646793168461246,70.51486936706699,4930.183584565336,255.00217195317063,329.68482312125514,41.75139625714642,0.19555657311306116,0.1988851058353024,1.1453108142626849,23.48923811600512,2.4324675806344627,63.11997305776163,8.543116328367046e-07,1.0613033039991602,0.13868236293303,3.8423591609497296,17.996702883746636,0.23790463328955425,7.089144429720356,1.6033010066721712e-07,0.0001132097967789073,0.21209868656160427,1.8140380029678032,24.43689256350947,0.24334816491477534,59.45231838652961,0.0,0.00014063033626880034,0.15441065192936027,9.657572831026636,21.32326467907561,4.6602407337487195,22.303492376276974,1.9907974977412392e-07,0.0,0.21884708589208987,1.6513938154448387,20.317332582457087,2.824563123666257,20.89169596547362,0.00011016409493700047,0.0,104.85957000727704 +0.9766891302568985,0.2210788071569002,0.3726003135563881,242.80656012969717,234.29273985573047,314458.1945092252,6.951407598051982,77.81266704149982,2.978715578265325,95.97678618188016,4.255311670403318,28.974599951145986,0.48151728426284024,0.8808574305066228,759.0746485670065,96.49874636245514,0.3327524692218487,295308.55008317286,2.9755607748362785,84.65724848677986,4591.042479094761,297.230436435706,349.329074713121,57.776239310036814,0.2089880191472063,0.19330164052791118,36.57623429051307,60.17535024274452,3.210672230140048,15.785160547538242,0.0,0.6931175968785414,0.1054333480168421,28.726857170985017,53.14276919479034,0.9429333636721862,15.624524094092024,2.373936539425839e-06,0.0001132097967789073,0.20320058601021895,39.393242742855136,67.9782140732136,0.3585488863010086,14.179095801259672,0.0,0.00014063033626880034,0.3234199017813462,93.1310014539153,55.87199399025132,6.302741985745709,15.762008694228928,1.9907974977412392e-07,0.0,0.14926223670864602,63.21467516155306,117.58035619985503,7.732451531429487,14.98490282609222,0.00021029864853696744,0.0,213.72017714286764 +0.9706789810297014,0.23497001238314802,0.4154531736456709,208.25340543800132,248.85678203542187,105094.53199420325,6.989175654283091,34.350954712905505,2.294823008420358,31.606631714795625,4.160092358186659,18.718649170245587,0.7728438417629034,0.8739621860617837,991.2422581829273,30.588843744596502,0.19491185216163298,63085.72711713151,2.8671750097594866,99.04935961089194,1511.1431452246497,117.76530771999327,228.27327594729448,28.773305650707638,0.29756200934264976,0.17900524391326283,3.668508443602532,24.61059661274112,3.077606353089335,6.871972303390958,0.0,0.8224187130842092,0.12874624913255764,2.2993241199976624,21.665505310366324,1.8916712792339354,23.54700549896477,1.6033010066721712e-07,0.0001132097967789073,0.20404131552717567,3.5391144028189414,24.833639106492107,0.5295526875387759,5.9389365221463395,2.0142207633159016e-05,0.00014063033626880034,0.3502791249338931,1.0237326987202615,14.28563372544761,17.96009933498806,58.3344455412366,1.9907974977412392e-07,0.0,0.09032520158844255,2.573910812693715,35.830218723455936,9.28560731663689,57.91485949550576,0.0,0.0,105.05057318105892 +0.9813241299509267,0.2131815510173251,0.3905851142312026,243.58604374551103,168.5609128404526,202739.14402022184,6.386400358119905,76.46982850845636,3.172751392560432,86.42632214101089,4.735445662893456,28.247336500751125,0.7794931147981822,0.9906802015487256,948.0533294752634,97.5631889917045,0.2934585606322731,190375.13935256968,2.9471819258941507,98.84766314304314,4691.807248109595,246.56519357564494,349.7860401472797,58.43664239350967,0.18335795110555678,0.18860789263231809,33.27547603402515,62.34145627559848,2.7955221042698066,19.478562996514214,4.40960129188284e-06,0.7302387655061469,0.07691924629049345,31.29908958253298,57.890019651425064,1.1424946393472803,16.738330199058804,1.6033010066721712e-07,0.0001132097967789073,0.1984215958656132,36.53816068789413,66.12531691594188,0.398452340390028,17.345084585356943,4.644273304618541e-05,0.00014063033626880034,0.2344894215454545,94.86459826264523,67.78647608044339,3.9021963173711325,12.128035356527619,1.9907974977412392e-07,0.0,0.13595678932950897,69.33511364787749,130.70053652735362,6.118213649429251,20.29979708284254,0.0,0.0,228.25143699787597 +0.9241363564433471,0.143145774101365,0.3424380067440502,136.01254015656906,25.59889317909014,346463.26258714066,4.09503475812453,5.854417592948538,0.6448808172188255,10.015265304109045,0.8073156290614304,12.829636784257104,0.37151545394039776,0.6554094717032274,330.3707518434274,87.92418719123742,0.18135592787904634,57963.442114231395,0.7680616827172293,79.41839582921646,2467.9282888424264,127.78749170050239,345.56209829831556,55.546600823114396,0.28837362772632574,0.19926212149270345,8.039377582247978,25.36796442578488,3.2109876224310088,79.58675669506738,0.0,0.6286549723125121,0.14189674689938298,10.318247567330333,26.5743825281301,0.2649090587855681,10.73383009926401,1.6033010066721712e-07,0.0001132097967789073,0.21215505888028038,7.290652379553973,27.385701649509347,0.2435481714832803,72.80212165504463,0.0,0.00014063033626880034,0.14755133376238108,24.936774649155502,30.76583681143488,3.591871698048151,18.741297956054577,8.369579915940896e-06,0.0,0.2186548467094243,4.714701406684087,23.824618246511648,3.802844859803016,23.893911905013816,0.00010269962716194704,0.0,131.11873890607703 +0.8982884516292542,0.1317948295236021,0.3524048233673477,51.59527218826777,145.5179701329251,313654.78057082824,4.028406072138548,5.854417592948538,0.7774869579610396,7.5145738445276065,0.8047931181196004,15.474291546577735,0.3646884437816926,0.7877078654573111,325.30370479572264,67.43932966792944,0.18135592787904634,60387.37108029006,0.7574138749619549,79.30200853409093,3927.146136561738,140.59173299440084,345.5271083461406,55.546600823114396,0.2878332106117682,0.1968191330139864,7.9753814670651915,26.877383937189233,3.0015332678757005,76.11481581669551,0.0,0.6782413550733983,0.13907781057941504,11.815338976048059,30.881054417986697,0.22483837619618507,10.926727984233546,1.6033010066721712e-07,0.0001132097967789073,0.20955368269172775,7.903915565874657,27.72921762429413,0.24304887541478964,71.37163967645951,0.0,0.00014063033626880034,0.13382301480355382,28.04658104945874,34.18091886364297,3.5751354190372324,19.431061640944385,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9369945776611892,0.2388591298997953,0.43858437526644767,218.4966796370424,124.57480341080911,324492.80202236,6.1724573636498805,62.76445111332981,3.3033981855502406,95.41730248331791,2.711334556294384,26.879742461617177,0.4775449134235493,0.9838425904010394,911.061626405213,53.96881515796693,0.05008835872047712,190673.2312719178,2.9499539338123313,97.5306916740812,4820.418887025278,232.50873793169276,345.40787766973745,58.203944411681356,0.24779485870186738,0.20016642421566264,43.709885080894395,60.01424883093139,3.6246083666944955,23.421289009887644,6.913581094048524e-05,5.228227289975823,0.10270556508437441,20.52926529929904,40.00422744672152,0.5963723726540071,14.520368130067892,1.6033010066721712e-07,0.0001132097967789073,0.1951525485396309,30.328205620060498,57.17497218649469,0.308886461917644,14.176546213406075,0.0,0.00014063033626880034,0.3483134854529132,65.14931204612392,38.3619566801306,4.60447376593577,25.713346168778372,1.9907974977412392e-07,0.0,0.145962835404517,41.38852747494221,86.98097361434715,5.635377488629035,19.61978978504966,1.0486515937825807e-05,0.0,169.75924416426184 +0.9191808563950826,0.23723470099706476,0.3634606625800601,236.25466830230147,205.3236663663993,283609.67985578434,6.532527758408435,47.88227641430356,4.8503528772908435,85.71767946908886,4.535263649719577,23.32111683113646,0.33687551103958907,0.982541331268698,836.9362073406074,48.136944412688294,0.09039761124515096,256660.5109374675,2.9714876776404684,92.89112884742671,2517.5405769895615,222.94133618156548,348.7198366186618,52.619130075997745,0.2922139656044962,0.19782497564845777,43.47952408266796,61.02676977777562,3.235778698149606,21.06992806629447,1.4084991354560521e-05,2.5653891413340806,0.11984971450606133,21.70789742181565,41.71875004981284,0.9268290183323751,13.257381527727324,1.6033010066721712e-07,0.0001132097967789073,0.20185846085923193,36.47927153998924,61.91902423141033,0.3581664364174839,14.502471076055189,0.0,0.00014063033626880034,0.3526383331747501,70.47624167645091,38.18454272416314,5.800074281340509,28.691492237093154,1.9907974977412392e-07,0.0,0.14887354387851956,44.27796776155361,86.95218714204927,6.752616795940267,14.123051321036069,0.0,0.0,175.74842485947798 +0.9884656904195127,0.13047216196174782,0.4256343634085205,169.33106226646106,81.99401128572578,250711.47596287858,6.044935834198364,74.01173206352411,2.533268244854554,56.486038685070746,2.089306631890335,13.751991022615307,0.6781288313495888,0.43254063703204426,962.4498520918181,57.60108174920929,0.15508502366357735,57328.29333002311,2.8322254332534667,95.55637835997489,4085.6284966565536,39.76674404182133,241.57921005857744,12.663330716817038,0.16224306033453562,0.20122986538900312,5.522560242784424,23.817920601455363,2.9421182656482796,4.440705644151014,8.249472709912273e-05,0.9788272454380559,0.12503162999742795,2.1401692369387835,17.493192101456664,0.6042846797794682,27.12711930852776,1.6033010066721712e-07,0.0001132097967789073,0.2133237041776298,6.4209404190629185,23.616456680887012,0.32111953232322504,3.571756611415106,0.0,0.00014063033626880034,0.30707377593551277,7.445155899876825,15.482045013296737,17.931949844412923,59.07914166594018,1.9907974977412392e-07,0.0,0.19818625651061356,9.68290702294891,30.939091456554696,8.753390127985128,64.26651048549276,8.904452691599183e-05,0.0,107.93906297608491 +0.9742917788641826,0.18870956486869123,0.3389485393296555,243.1446685966704,217.20959855312162,276291.27069244476,2.4449278958405536,68.42497550913416,0.6745508872457645,69.61454020858207,1.7471249034593332,20.9881123483654,0.44088487481592153,0.7259436209209391,130.4717452528407,77.7532892319038,0.21358179426381552,53921.206819329105,0.5711081198209151,93.08599372909828,3214.777670504817,178.21942764782705,348.28806766250244,38.97538102997809,0.2969628201572113,0.19611966786436752,4.340213052626832,25.709724745237875,3.017100855406812,75.99639770910868,0.0,0.8510345146875374,0.13577814110356173,8.912417298603772,26.219396526097274,0.27663837573128824,9.784352079356573,1.6033010066721712e-07,0.0001132097967789073,0.20918421262944714,4.865076564983437,26.157049918008727,0.24912581229454,72.57482544267508,0.0,0.00014063033626880034,0.1278600272690582,24.972201496805713,32.09423982819893,3.029174499298635,18.373210672850583,1.9907974977412392e-07,0.0,0.2162493165331325,9.194943362418414,31.85683185683691,4.732618277148474,31.406224932595748,4.406009538816462e-05,0.0,131.95283848913192 +0.9353922310412478,0.22606217438679965,0.37126210793879577,130.7822175581556,234.89685179706308,290644.4946055656,5.4604870631204125,74.5339641467115,3.2162258644599997,52.66430766091174,0.6970275849464661,28.33152002528412,0.6774024340035293,0.9611866375466851,834.2018120154439,50.54188632713479,0.3447875130629683,219969.0349975526,2.871709990984824,99.21020845348175,3672.3767645673133,271.16072110477245,349.6230800250093,58.01132690903193,0.18385465302417578,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19938676168575098,39.598742981258766,68.56443128285493,0.30655385035764077,18.32174317388932,0.0,0.00014063033626880034,0.15735659864773072,101.40104450294426,70.29902580302853,2.89005906554861,7.189813004140637,1.9907974977412392e-07,0.0,0.15024576646612767,35.82367858345401,133.07952543864647,4.329379532745227,18.518961324203495,3.6767267478321646e-05,0.0,3816490534509.4204 +0.8913874098590997,0.196706262264471,0.3641334829173062,233.77187959781742,222.443876832709,306858.5615576382,6.805802304459444,92.58354378756869,4.777990205913737,94.92926458723026,4.011078854605298,26.926740297388765,0.4515385380741612,0.7870947552438877,376.91283003770627,85.95546215959891,0.2549445125692938,178977.2536657851,2.709348699169336,99.73477541894692,4512.92142023361,178.78901377950146,347.97646539017444,54.251071645179124,0.15011266281635394,0.19835719276119235,28.567681785822952,44.147195786334905,3.437192601820365,21.428635177028408,1.7469793549188286e-05,0.7148739585509583,0.12698583227107899,36.43445883100693,67.0966530166768,0.916862614061208,12.00238947097104,1.6033010066721712e-07,0.0001132097967789073,0.20699958269121202,32.13010756156979,53.383870687593415,0.355132491951879,18.057707948002435,0.0,0.00014063033626880034,0.11896885216354208,114.81111674715581,82.9876944497072,6.582893791969404,9.904905360222731,1.9907974977412392e-07,0.0,0.18977421793521385,35.54085258716733,104.32648471421957,7.62061216305428,13.605559466670563,1.0290731034354062e-05,0.0,214.522280395333 +0.9807902439778055,0.12260361705944213,0.3936108937402365,185.62820030731808,226.6080943926287,112275.49435439843,4.806441806325902,65.79824784401762,1.4473535103616226,9.48155593514506,3.8216027683999285,26.004520972420995,0.6483696850458318,0.78343805515231,14.37360441780768,1.3136750094476148,0.07642926230043376,87180.77337543962,1.6198394336530475,83.15542433607337,2457.8496425390636,297.3011981530576,333.76398583601787,38.275628240404416,0.21058658233827554,0.19379159500009796,4.836200177189398,26.381968962998684,7.471838228918831,22.636184367000862,9.522262421838689e-05,1.4053485709195714,0.12650048082464316,7.378822873905354,24.868936702123808,1.4383221479109756,9.613959210393736,4.768753139717795e-05,0.0001132097967789073,0.20268820935178797,5.568619258231675,26.269514757837047,0.45159667356339195,18.403785651542233,0.0,0.00014063033626880034,0.11531083096881284,33.33917540687366,41.208028920059355,8.14230513604603,10.749395141457217,1.9907974977412392e-07,0.0,0.17903207803477167,5.344715619132077,43.11024659316034,12.793093242769709,12.690945668072258,0.0,0.0,91.21610116422396 +0.8032042160280386,0.13133498354904516,0.33497581972838925,133.03618875451528,43.4749455082479,175384.60316534012,2.574263546832096,64.0133325643519,3.5316248124307545,10.187138829914609,1.7513108746935042,29.67222769185879,0.41648265961470016,0.8109506271468749,770.3328686482056,65.19567665403143,0.2651075159878987,81177.56149952581,0.899916641461802,79.2948922330022,3360.2973804435856,272.4447800615721,348.8319068543659,53.43159300220668,0.17909390784699486,0.19341287493835443,12.793878621365558,31.386868858911185,2.4912796254052316,65.95373732953931,0.0,1.1366028573929932,0.1327006885091445,25.940118075957535,49.597766017779215,0.1893783220594787,10.414904644625397,3.04758510389465e-05,0.0001132097967789073,0.20716741626640864,14.358241257633878,33.200542136751714,0.2547278905992358,64.92460030203424,0.0,0.00014063033626880034,0.14636486291604517,64.93614868884991,51.2216587813249,4.5364490205061045,25.265213694349388,1.9907974977412392e-07,0.0,0.20172015644245844,13.969900100098458,47.0015995382821,2.8887960821167296,28.16527026816527,2.715829669804769e-05,0.0,158.03992798068074 +0.8711786205056591,0.20711548337456037,0.3450742623594408,239.58002871517215,172.31456450738904,225008.19524174475,5.027894806663272,72.27040369346886,1.7259474443731797,76.65679131164265,0.9209058269401353,29.798858752639553,0.7577347524415575,0.649155213568391,825.4258297817879,38.95488671436162,0.09489593252667947,247613.5295427441,2.8842780796906893,91.82443401186666,4963.374985845211,245.76554507929941,342.54019614101844,56.45249613064015,0.15824387832710857,0.1850830336803175,26.751014961308357,56.16729014789321,2.5567187338915818,17.681660413666293,0.00010876591715865385,1.7745751397078908,0.1324383821926793,34.587864394347775,58.68999457008216,0.8479802755468085,11.073534739465716,1.6033010066721712e-07,0.0001132097967789073,0.20940630889884954,35.023993404656146,55.240629195985996,0.3481500158659398,13.05913888814214,0.0,0.00014063033626880034,0.11449656164383959,120.14846681319173,84.46757891465069,3.006383075507608,8.307178656650992,1.9907974977412392e-07,0.0,0.21282491762348757,22.799025812915,84.8940858364359,4.432696630159425,12.514834354223442,0.00031130751496989564,0.0,207.2618025069895 +0.9715026788389687,0.21262572865286844,0.3496632080256565,34.32458368086954,150.13033557143004,285978.29439871263,1.7553833119847835,33.98821652120942,2.102759060323675,11.754956020859737,1.2668187656089385,24.7682670715942,0.35729278595746194,0.8196327425226658,370.240331993783,48.99061466841907,0.32928113901163103,61442.63507647176,0.6837081703171324,45.7871481325549,3149.1285521678037,208.73909281110582,344.8189494985428,50.700571872049196,0.24643145318083703,0.19213946472038262,5.177727472596113,26.69922095754562,2.6965787647811807,68.79886017073737,0.0,1.404536646855119,0.13086414329766402,12.173074457971163,30.04662229092673,0.4606470696371912,10.079568528400028,1.6033010066721712e-07,0.0001132097967789073,0.20507728552081042,7.619638865952803,29.135234788395174,0.23972424473252518,70.6235308684925,0.0,0.00014063033626880034,0.14093539888195233,24.890949717961156,30.84775126511582,3.9373631749769933,25.554319751150352,1.9907974977412392e-07,0.0,0.18543112321894495,5.960597479513527,34.010209700295256,3.0971552253174948,26.140885686723163,0.0,0.0,129.05278046812495 +0.957493800783719,0.14226188177433718,0.33322734382564567,49.234744258685126,70.35849423937027,221269.41141195537,2.654072687470779,69.3746784785117,4.531159305590295,69.55843160034323,2.535604150298533,28.6958603716845,0.767238358417675,0.9745336511447628,431.9117070647721,15.053676692104933,0.2135230361202453,54383.50388565556,2.2008963335896734,80.7872357986434,835.9274605411239,215.7289654653268,347.58698363724426,48.73174066992293,0.17355784567478877,0.1840188335531689,15.303583356856281,42.115906667549446,2.751714612975866,35.84891257329602,0.0,1.1018054310965995,0.1095518678837065,31.190540009550745,71.52131188503124,0.2729745545171749,22.453229724786283,0.00012546272377973727,0.0001132097967789073,0.19955674394583772,18.89883441777083,44.78461467293275,0.24017914470489501,32.99099997405819,0.0,0.00014063033626880034,0.2937479219058974,110.51764377072102,77.51250512022169,4.296122237160986,23.595887572609648,1.9907974977412392e-07,0.0,0.15115285787880692,21.169911812879246,98.90426578032333,3.6437882187802315,26.34172500138858,0.0001143668122768415,0.0,207.55885684887966 +0.982298987325369,0.16137573224196058,0.33216404526233667,225.51642893182034,219.8374401484393,349102.5817924792,6.53368416968811,89.35108745513087,3.9925500517319046,86.99856930791815,4.29327312778302,29.099470012479642,0.7835175277859817,0.9843384001242066,379.90854070294233,24.29741623199821,0.3150538753690658,297701.63581408525,2.874468625552154,98.19863762866618,3922.1705429999406,285.5002153707635,348.9739338645115,23.81256100131936,0.15189167244150847,0.1849443062322846,25.547230849149656,54.76811405800323,3.9104680179470783,7.91238054141497,0.0,0.7528707544773171,0.11530267149631623,27.345483918982143,53.079030512501724,0.7613380827001363,10.651530004558548,1.6033010066721712e-07,0.0001132097967789073,0.1959138546284551,29.196487489984086,58.76735203441469,0.3277402254566252,7.606098638645407,0.0,0.00014063033626880034,0.1243097578201697,118.21868337774785,82.78848899057435,6.279315705495035,7.889497628404411,1.9907974977412392e-07,0.0,0.15419535889696254,26.074598800545157,106.21495225051609,7.146992543096841,10.348386136802054,0.00020881226787243577,0.0,211.71896829800474 +0.9832488177821297,0.14208804021226729,0.43480517003303454,213.830295343459,177.46830079606485,266044.4598279043,6.540765067237268,91.6311774468088,3.5596145406987105,68.41953774870709,4.946252651460374,17.97014750282075,0.67571984217717,0.7685575065085432,734.0955694718431,97.97270482982181,0.09679043119248977,72685.59468276269,2.373075357503166,72.59747309458825,4833.947449044883,254.28995986674516,220.57360856870412,18.291336076870543,0.20512560203567456,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.13277323328294965,3.648043192823838,13.305942120919552,0.9050423800108833,16.902939445356285,1.4856056462333362e-05,0.0001132097967789073,0.20360784161829912,5.681462000736688,24.370519421912746,0.35758115958554415,7.040241017021039,1.5085036119343048e-05,0.00014063033626880034,0.34874381180450265,6.350722216042394,13.992096521529215,18.982045704144717,59.93461890802597,1.9907974977412392e-07,0.0,0.09309276935983321,7.314367341264459,35.16746813494347,8.9878754267081,57.690402479884895,0.0,0.0,2698666337285.8823 +0.8925327926377273,0.2052479169167476,0.41055601589078394,159.50895459158954,211.08988340629548,146207.3156406841,5.265703971855409,46.59728004737735,2.9731038149379967,19.762143604287182,1.8070018632741858,3.165568870878765,0.42097525692320975,0.16254060245813406,431.23364405281376,25.159078067520575,0.053160694588638875,105576.30298893151,2.127799953686981,6.084758584606872,747.8319771980123,214.23461656265846,266.803662905548,51.20747872629762,0.24340641620555048,0.1877969104006754,2.875256754927856,21.467671580970844,2.72254597113237,7.7026687780235905,0.0,3.529828493809084,0.147947325776512,2.4814296252711485,12.069010494443235,1.2015044251999871,3.042539128864537,1.6033010066721712e-07,0.0001132097967789073,0.21597875403714714,3.104405729138286,23.262117914974613,0.41043630233631234,2.0543840833628253,0.0,0.00014063033626880034,0.14100480502497614,16.07305578350862,21.926386932017788,3.568017570257147,39.86812858138666,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9610512678835552,0.12855869568200484,0.4257148931547082,170.12910333518698,82.8401155619123,224791.526129216,6.0374792714369905,52.58924313464867,2.283736339748024,53.27380873022127,2.1054286629322574,14.36092241902973,0.6781288313495888,0.43059692064965266,781.0809815857875,57.71676529809701,0.1341108021322962,68027.34276372234,2.83448953454084,95.55637835997489,4072.412260150864,21.438070567005497,238.78490674605257,12.236253733385997,0.15823584049047065,0.20076618021821827,4.822879384678929,24.004514318903084,2.9028865874014924,3.9407523246513687,5.8792172506017604e-05,1.23530541690946,0.11786809605767917,2.1171944494834376,17.416312915461393,0.6879986679488492,26.182337496710343,1.6033010066721712e-07,0.0001132097967789073,0.21356539465038724,6.3286947263002205,23.488610662631125,0.33583938235319877,3.238341642960314,0.0,0.00014063033626880034,0.30291707846018445,7.636118681769567,15.47369517177881,18.100277057173948,59.16878519421109,1.9907974977412392e-07,0.0,0.207861408013524,9.593471604592764,30.447107066970737,8.24742446284082,61.108209290616685,7.654324642557851e-05,0.0,105.68332114212797 +0.8754153287923865,0.15036028022847847,0.43502048151927464,239.726441132871,176.30250989519996,130350.65076831792,6.39062789754934,72.71320204397885,2.585575906250322,90.93195563857626,4.964470125602332,28.426990225037116,0.35319046443558083,0.8759835995799293,911.0452417298558,48.71084031416361,0.0746924915998126,82858.3950366636,2.8324787505019717,93.10025631584361,3894.411107930506,260.9626703873177,348.1750831886512,35.6206338540499,0.15314392132157212,0.19520405555885512,26.89937737920068,45.91762515383989,3.1482513427127854,20.94702960910538,7.250259052665133e-05,2.98225004212692,0.08249247884319004,45.28026162878635,72.46516412126792,1.5592596914433203,20.997833784256553,1.6033010066721712e-07,0.0001132097967789073,0.19767350380046325,23.728477249429133,43.33469211888065,0.46975587667754515,12.737962652100464,0.0,0.00013677607600523397,0.17673860419514884,90.05906089102847,68.47034192965644,4.717793591223022,14.262533033216913,1.9907974977412392e-07,0.0,0.1779383045470406,47.24236708062982,85.02693158172275,6.577073865472804,13.477067540940837,0.00029384043726605455,0.0,190.6536104619099 +0.808571488214173,0.18002527503657012,0.39378505147939813,235.06960889746554,178.48231816714483,273995.27805512224,5.515196210533617,59.43363002199292,3.5772916278426936,34.7189550894811,0.3829788655387456,25.924360900827153,0.3646464871161648,0.9784289614603571,942.5946785317628,83.09944333586648,0.2926750566249268,173119.8073116139,2.9697393005849944,99.84075444564994,4703.124139416437,191.49073342421443,348.37395199115497,57.66412924897842,0.2072837442379062,0.19289461988746054,33.66878045132712,56.61400675402676,2.9406008918466036,20.531998616292444,0.0,0.7126304958471601,0.10605508259313269,32.9235268024229,53.089130968055784,0.7686167630537899,14.740700137663003,1.6033010066721712e-07,0.0001132097967789073,0.20322403678574785,37.78447110548921,61.761707854819484,0.3330777400940326,18.234658446753823,0.0,0.00014063033626880034,0.1986516379599661,99.86652454087282,68.88070622133564,3.0363339291332885,9.504410818091994,1.9907974977412392e-07,0.0,0.17548053929360577,64.44196157391758,112.15198145810396,5.568003611425785,18.097264477132573,0.0,0.0,215.3403516223218 +0.9848825401428566,0.2292156032785128,0.3419535678957401,135.16879312414443,88.92414885311005,274835.0920981409,6.770012511432991,71.66637846173855,3.013532586761419,91.03478825237248,2.4365862045352333,24.350480492504744,0.38614015200594065,0.8358952466549642,872.7442873281263,48.48080816553914,0.08235827823030441,293676.1502968157,2.8819268992285627,69.37184156089573,4507.595794673484,199.90461314408296,349.1463036342176,54.21156695204503,0.34763652204655565,0.19773364055941497,43.313014696198366,58.412548144514375,3.1338537896391006,20.027605460554597,5.489552211680178e-05,2.674529941507206,0.13375658717838437,14.758465695206521,31.044004530416547,0.6001653555816009,10.580841141852932,1.6033010066721712e-07,0.0001132097967789073,0.2062505245101659,31.84692475347153,56.63556206809417,0.31924992306647293,12.174117155077754,0.0,0.00014063033626880034,0.349212363283646,55.08815600729288,31.270628887943154,3.4495869697274055,30.280819881370775,1.9907974977412392e-07,0.0,0.20101641868739942,28.491481319915223,58.73281240203197,5.287397006897035,10.227077983989483,0.0,0.0,143.894432962303 +0.9806706855560654,0.20486317489819733,0.351383760151035,116.81824339785696,214.3738906869909,273231.3931091525,6.325924693112715,76.89635356722721,3.488170315282393,71.24691023972088,4.650129196172192,24.994418480246445,0.3541645311720468,0.9720866566015396,701.1685120118254,83.67611960598438,0.2818643063201633,295627.9246231698,2.875773532412088,97.25667897570864,4258.151610722144,232.60218013808066,345.47276102861844,54.48983847694087,0.15509230609564034,0.18954971597663725,34.18375602879679,57.6540585884159,2.9842502251146064,14.841667052333339,0.0,0.7239478193255431,0.12156154300991197,30.529249494001505,55.26347267311115,0.7076289579292874,10.89146056287185,1.6033010066721712e-07,0.0001132097967789073,0.2019263914390087,37.180120989974796,63.622613711064204,0.32707986391791394,13.070151770245596,0.0,0.00014063033626880034,0.14120727996930835,112.58913500321012,75.07702014153588,2.8540754925579503,7.123224367026113,1.9907974977412392e-07,0.0,0.15958102652908115,70.01119522679134,119.97694995259207,5.53439073856775,9.755415915949968,3.978671286930969e-05,0.0,228.52198749385343 +0.9611166291325222,0.12191488643023073,0.37480512325850796,247.45589713436055,134.345379091371,273766.1330258026,4.017988576085203,82.53202941442154,2.9978105717286496,59.63735942333284,4.983344651756326,29.035972559975676,0.597961410899586,0.41255619474285676,677.4589703373456,58.80855168085044,0.2993933037445959,122069.62090365932,2.955668626025393,82.42053212585886,2303.186500933545,298.1143816548508,348.02031530037834,57.86012936164902,0.3335622492835046,0.19554143652860956,21.143397620807818,38.75268976805359,2.8908737215225933,23.495740794069448,0.0,0.8719781713504945,0.09608791656553838,14.534550506983118,29.21329004604998,0.46420138130332017,27.123865209086997,1.6033010066721712e-07,0.0001132097967789073,0.20515732016765925,24.561439806498782,40.74054675177464,0.2836640834884459,23.916380011199397,0.0,0.00014063033626880034,0.29086417704227385,39.17826282610467,26.599844729144998,3.884729325405921,30.317972660699517,1.9907974977412392e-07,0.0,0.21569276682778687,23.32670727604942,52.709821957607446,6.417608294614915,42.60723096958167,0.00038224286067115303,0.0,124.50583309110802 +0.981831313554754,0.21774372547614285,0.36658218985468183,234.45672609139203,218.23251409091625,294614.99698182876,5.329684811725011,56.25253758494617,3.2690652297791227,96.42913242304209,4.747246290031367,29.30445316270468,0.6154947449331485,0.9323147933561904,963.196292542987,45.67138504389026,0.2376974572315674,297690.87058971624,2.9371967441249365,99.95353268159899,3839.7358489137214,267.90347709692685,348.26368016194493,57.895158548030174,0.15963494773871537,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11258429265821338,34.20037965298993,61.69626653640214,0.7455981940268546,14.663915654824086,6.703860422177506e-05,0.0001132097967789073,0.2025762037648266,41.606047777075815,70.9407365301899,0.3254663294519177,14.36917834651675,0.0,0.00014063033626880034,0.1981816300091735,115.11234573732189,74.42177247491038,3.4807763113915735,7.609036091061467,1.9907974977412392e-07,0.0,0.16682540346482141,71.82656926288388,130.34702551762015,5.8922605173672125,14.417913007537267,2.4526785914698814e-05,0.0,2698666337285.8823 +0.8936208639828797,0.1876265760972973,0.3283381293733151,166.4897352176754,166.87324753231528,187557.63523641357,4.118669416243323,54.273140620125204,2.5755088718031147,44.755901544899295,2.2869908463196174,24.882129831322782,0.3514521714184015,0.9234022023527491,188.6000984335872,89.60872074116521,0.24451557697458118,59054.72247255483,2.2210134348348802,95.6147013257862,4355.262562946865,96.36106392210327,341.6956424546845,54.695592608967715,0.1554951915921851,0.19272230099694188,15.541063867141913,34.35612964965163,2.7884097587163,38.72984141868124,0.0,0.8226680470815465,0.09043484917854283,35.88648117628165,70.28111289190029,0.7272142279249261,12.983781033266458,1.6033010066721712e-07,0.0001132097967789073,0.20266533348569443,19.402242260583577,42.21226477314747,0.33183166902917394,33.36782774309739,0.0,0.00014063033626880034,0.13220813269404283,100.94245799244194,76.09885278799511,3.157584168779485,18.215722388572544,1.9907974977412392e-07,0.0,0.17982188814210404,50.815270363436056,92.76417494660586,5.12593598299738,17.998330205180864,0.0,0.0,201.14293506696717 +0.9821204372392431,0.1516822123151107,0.4038512257654089,68.97709482407907,45.42784958730094,308603.2890522892,5.542807381146232,23.483642318288126,3.3249611107166355,98.50194667493062,1.2081888632783304,18.709282982577633,0.37277890756997534,0.9246961351056099,784.5066650040225,45.68667629417992,0.0957071408175121,58552.815220515186,0.5702929083983654,55.27375541984783,2289.292126583441,288.44900034844784,344.86359180033395,59.6768629492864,0.2838683892535154,0.19510907573746306,8.778615550418422,27.42968260719421,2.9899896186142354,82.2533266976149,0.0,1.495084963200853,0.135711330068659,7.674016999946635,25.76024731020143,0.20917173532981295,10.00252537927301,1.6033010066721712e-07,0.0001132097967789073,0.20624477746065586,4.83933290528664,26.99996731055895,0.25685742191628724,68.8555914429067,0.0,0.00014063033626880034,0.0985228406400046,18.406437516820358,30.181090975727113,3.695459620038868,16.144302568119528,1.9907974977412392e-07,0.0,0.19883274164677023,9.626729624477179,31.746764260634496,4.588993361065955,28.484845823454954,0.00024384447055708996,0.0,131.8313402470406 +0.9707453446473364,0.18708160148527703,0.34297521503613654,185.8146312320938,77.53888608551127,335744.00709927204,6.314955314765876,49.37572887602149,1.7086553312189323,96.29932796831575,2.006781005692157,29.655055510454346,0.39189256898276587,0.9214696036858644,950.2434660056438,90.43547300086541,0.3064409607915956,147728.60721353482,2.915415079929071,92.65687521356759,4350.390735569364,214.4019018888545,344.36797481222175,57.690876622999156,0.17168767842054825,0.18798375906126397,29.908275943546577,57.7009068917592,3.1383823243508573,20.957502582508912,0.0,0.6838180946586347,0.09696528965020629,35.937565144082875,56.800695705442806,0.4331343049180078,13.913724281143544,1.6033010066721712e-07,0.0001132097967789073,0.19647375672521575,33.35269648040474,61.5192762897881,0.28970984431661745,17.97101699636625,0.0,0.00014063033626880034,0.1817233604724478,101.17819913740608,76.90335895128553,3.270170339795001,11.163120153770606,1.9907974977412392e-07,0.0,0.15420712918992782,63.34085709659064,115.1824576774448,5.134835929900475,15.595362276133574,0.00020817769716937503,0.0,220.09169509808248 +0.9177078342289954,0.14814610197354547,0.37632051293384583,93.55144859818003,242.86173397166175,208250.77656189393,2.0911421577889953,64.88463746080163,3.1139107733485414,52.18381165353628,3.862666306347472,29.96290983939943,0.4938883127548574,0.985649845683275,760.940422671499,93.00039762378891,0.2860131415050461,180475.05592822543,2.685105849263276,97.32127006596438,1545.0162537659319,261.002798991411,346.4010631956062,59.52581225257899,0.16211030922557726,0.18782660296808346,29.05809100236964,58.50485576340078,2.404498848024574,20.15542051242353,0.0,1.2553748114490901,0.09496951400575465,33.78449570683568,56.96171200832492,0.21641523494637419,13.735288443428994,1.6033010066721712e-07,0.0001132097967789073,0.1998832719296981,33.700167729612474,60.828047648813545,0.24323016972678418,18.69724465242948,0.0,0.00014063033626880034,0.10299401983280182,89.99731437212529,71.45299055271889,4.311161363897757,12.431480230157483,1.9907974977412392e-07,0.0,0.15573831841308403,74.36785899704098,127.67695307585927,3.9668644405261455,18.84194584421081,2.0236653388919525e-05,0.0,223.65588086556852 +0.9717370826989222,0.22179423977651128,0.3745988875862238,205.41327159355416,244.7347406569505,223943.85910819858,6.5777529335707445,37.26512317264401,4.866551148866043,82.12622138039673,1.6096365497513985,24.3022287153335,0.7632451186930953,0.9688576477099746,203.86197784829648,98.05624020967467,0.08539716853084303,253307.67310151065,2.9782875943395446,90.57108385084537,4950.792962220333,288.3442316039344,342.71567306147404,59.52675942408148,0.1528712693332437,0.19574393684035482,44.187543178262366,66.73681366132332,3.2470353994023697,19.451175853371467,4.112438662715985e-05,2.6952189721599407,0.11081632111212972,32.472354809619645,61.15793033148638,1.151798147532814,14.586037879130949,2.9481065757761057e-05,0.0001132097967789073,0.20049139204060296,36.86949401448483,64.72327236819633,0.397578910159445,12.889436674194268,0.0,0.00014063033626880034,0.10165317394802804,106.0511052446498,77.95917661413067,6.761046230309711,7.275755077203954,1.9907974977412392e-07,0.0,0.16407132990326642,27.030951681912804,108.36318504693317,7.244997023049635,13.253978370707681,7.793940129430593e-05,0.0,218.29048600320965 +0.8605490109825744,0.14225829057076378,0.37467367777922694,73.75236722889768,188.04826487524258,314392.74519703083,6.37797598097414,77.48080863802635,1.0781118792435564,21.50243290566618,2.5511021795833675,23.254059962490746,0.5112376080973846,0.8862997648821634,282.49201154749227,27.890636057547642,0.29518247275514453,106023.53459571624,2.8963957740296022,46.53470148065145,2946.493309987499,282.94577023889445,348.85446072041367,53.688807827479025,0.16158324386569753,0.19266575438449848,25.266760516541197,47.9825418153481,3.5686710987293027,21.86523384868226,3.5270750062475366e-05,0.8061513236682765,0.11424235906777241,39.000096751931125,64.98413081647321,0.44312902565226947,14.19451307353571,1.6033010066721712e-07,0.0001132097967789073,0.20505359028051756,30.163059060435614,54.79484787205899,0.28450909740786234,18.93659605016337,0.0,0.00014063033626880034,0.10963194352406329,91.33579939267474,71.38247082572319,3.4274022363137893,15.243092986724887,1.9907974977412392e-07,0.0,0.17016597376264297,34.44043979655551,106.50244147593236,5.371279969540894,15.895754507861103,0.0,0.0,200.35256641745835 +0.886325413707742,0.21762901118238348,0.39448481307651934,130.1403249851846,171.82798605520105,264986.46290966065,1.6480140546037665,33.680210045220804,3.3751626647212536,86.93284407752192,3.870140317623802,21.566623327042777,0.42647797702253076,0.920988701610761,686.8545009076262,31.455223050563372,0.11925479582139537,106442.71142148171,2.6887356401991616,77.10279338505595,889.4405217052092,246.26471354359697,347.60533791397046,58.57964305269046,0.16597926594879958,0.19328962869014593,26.85050559666875,47.66505024608779,2.5839425934627442,26.130008884945823,0.0,0.9465728683025728,0.10633521112477774,41.28748839835249,66.76792995320189,0.3174091312024975,15.574150232715201,1.6033010066721712e-07,0.0001132097967789073,0.20577704375883255,29.680536706419804,54.265382243128236,0.2348520445283949,22.496892947686984,0.0,0.00014063033626880034,0.103255179716568,95.24383140030119,71.60996366218001,4.015411415150594,14.656874880048345,1.9907974977412392e-07,0.0,0.20065967972152698,51.891645371434485,92.71855006026682,4.2342023802787425,21.173554680314545,3.338061504150066e-05,0.0,201.51064541386938 +0.9730682845884557,0.22116668921292093,0.3728185869748316,249.9495539516809,224.6274190036131,305513.9364490677,6.329050643237607,77.6152286051187,2.6488121196877574,99.07764708220242,2.633897396468508,26.92183763429542,0.7911044798034637,0.9940472860691566,230.73357547533107,72.0650670261921,0.28179228116078775,293877.12256457435,2.9969245256053427,99.63151095693644,1746.2149694645916,255.53262786470836,348.0490391662258,57.04144183942436,0.23352471204839176,0.17652350082830928,23.37850831410551,66.16111089912958,3.522443842673967,13.851597349732359,4.184801099323653e-05,0.8479489445780447,0.10865584151218598,24.923254643433868,46.320677084555705,0.8836144211375281,16.000450797018665,6.919329056913824e-05,0.0001132097967789073,0.1843298727175006,24.748099740992018,68.70651736697053,0.3159952935106502,12.868640486139212,0.0,0.00014410350517884027,0.35035375222833015,84.52213758903014,48.933678359196335,7.274509134039948,21.68243181382754,1.9907974977412392e-07,0.0,0.150203164930512,48.96804395826756,101.99698805768382,9.047775271697125,13.98986794471246,7.921641563804519e-05,0.0,191.81179330798406 +0.965770115875446,0.20697579397345645,0.3984880867264052,220.4302925090174,140.44097466227493,224149.21858417933,2.9283976534733442,47.22709441882878,1.681964226518053,33.919591404619226,0.4671503966595323,27.59877815224599,0.4435533414592446,0.9349085878875039,824.8039036411564,39.20732875993916,0.3192661065173065,52969.13870691479,0.5762622402011626,92.07648173699171,3345.050284585459,179.89391978770269,349.11311513457207,57.215531163398865,0.16873663439428438,0.19085359941234226,4.412859901811459,27.582922840826082,2.639758830139733,80.03320578940931,0.0,1.1285661156653457,0.12738834121162323,13.672349983565,31.700112226085402,0.3812165038647174,11.734527263810413,1.6033010066721712e-07,0.0001132097967789073,0.20256637099578356,5.592468831359333,27.705718771940248,0.27002613015207116,76.60088792054648,0.0,0.00014063033626880034,0.1233213534869022,42.19718675678047,44.1798971569149,4.121657114949805,24.242882160294343,1.8255780667277795e-05,0.0,0.20257946286395706,14.872190181219194,42.63417732495293,4.611565737639448,35.144349505709116,0.0004149110453321069,0.0,151.07197416571535 +0.9818282464437463,0.2691155123781004,0.42398885760779176,226.78519676201364,202.80953879115398,222727.11335343696,6.84120911218319,45.08653545978893,3.658458690603296,44.47864863367442,4.4750270036169715,17.614861460005606,0.7337980555858926,0.8911361104287904,526.1507686399665,89.11953156022882,0.22554349832552767,60206.74282919627,2.9366762339973675,95.80983432084719,4238.997604457284,242.41720103332952,230.9669019144861,14.881648311752958,0.21282695913920435,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.13594264470297607,2.4464511470948564,22.050148956097612,1.1648469589071784,24.242714093205986,1.6033010066721712e-07,0.0001132097967789073,0.19211284111007523,3.8447930664180077,25.564754837989216,0.40078547500076256,9.511066641848743,3.796639941355349e-06,0.00014063033626880034,0.35020902830042855,4.007152631160241,14.026363380826993,19.34661833733614,60.26548086147704,1.9907974977412392e-07,0.0,0.09245408284875097,3.980794998201478,35.60607082275223,10.603901863287259,61.22178668595052,0.0,0.0,2698666337285.8823 +0.9600530190283605,0.18206308508299468,0.33496855019778904,241.10986498774005,189.28720234001514,326610.19639531546,3.594342863495844,72.59511874014092,3.0157085146057065,47.08375192389789,4.751646422609788,7.639310634506493,0.48142380722871436,0.6961255532209039,902.9492163817412,55.70943360982989,0.05762900304446824,212529.43005007418,2.8191329794040647,99.49595404300986,3871.704458862914,291.407350923196,345.3648453262509,57.771176915048585,0.24719425118925614,0.20047824523812838,44.585961087811555,61.24307991640186,3.04955321490016,25.681016041832528,6.326941159344733e-05,3.0012821449581453,0.1243981127905249,22.511614754787413,41.085465978172714,0.3683219557886424,18.001391035786778,1.6033010066721712e-07,0.0001132097967789073,0.20792744729899584,32.92568782121934,55.12756042720552,0.26156082153759763,17.186926440726314,0.0,0.00014063033626880034,0.2531406256549437,79.49108308777102,53.97310094559916,3.0553875430733064,10.892052611250712,1.9907974977412392e-07,0.0,0.1988476572320673,40.21364588268551,76.80963623911707,4.9140360753437635,22.701523954971016,8.763052575224832e-05,0.0,175.4152036696088 +0.9177026867673,0.14202549368389808,0.350147443655572,78.31768015774854,58.55534131611143,324098.41413216246,3.999486035360352,38.56258816669199,2.4038986719521493,93.66201754074258,3.8609886735566192,24.973689567102287,0.33733039979195545,0.8478974570035519,690.2033789283859,12.69550339708029,0.28861091589777077,75885.02705935089,0.6855728878855543,58.63784433804764,1303.2681383158942,252.35074532846218,344.9461748327922,49.762180963281175,0.1900801007577309,0.1923794005373143,7.580246380093129,27.402975969395577,3.2061067445406177,61.13851929185118,0.0,1.0058755291784154,0.12365566945902394,14.398804489298104,32.97837933899309,0.22960670128184693,8.437965418709009,1.6033010066721712e-07,0.0001132097967789073,0.20517071211155805,8.997194240552597,30.40242930261172,0.24381018230808194,60.784075725948995,0.0,0.00014063033626880034,0.13442475733930193,35.91204442323149,36.964774743611734,3.7579416404517674,23.643496856653773,1.9907974977412392e-07,0.0,0.20215329872991109,15.756407015941612,37.99129271184101,4.904684273038408,27.40947727404357,0.0001579160570092767,0.0,127.74999886056763 +0.9510527567383864,0.20159440319495864,0.38862346664551584,210.16691416003584,210.83013707009894,304295.2451627377,6.138647722544362,67.43319885274043,3.330680091643413,90.82961554484896,4.918826137476487,23.91751869658915,0.5967996551637043,0.9481451466897989,368.66462538839255,79.74581594950689,0.1983587353996505,149662.6530749366,2.976204570981263,82.25692731856935,2528.93572517352,298.874745612434,348.8247335794017,44.613689065696626,0.15020651253363826,0.1776998567088703,18.94607630836223,57.84136084678417,3.1977451049017493,16.78142716290686,0.0,0.789032967876477,0.08491986874835496,33.677966102341465,61.55945781244776,0.7890366820476659,16.44351863019336,1.6033010066721712e-07,0.0001132097967789073,0.19743979006554654,32.93224320575029,60.81947420378213,0.33465616433972156,15.034206989653505,4.648646381164276e-06,0.00014063033626880034,0.12202897897555962,101.14006143047044,75.8738632657311,4.957305080232821,10.603620913232001,1.9907974977412392e-07,0.0,0.16206564126344264,61.28367985863286,120.6917812070016,7.948914011289128,17.956654414391934,0.00013278391871943774,0.0,221.43309088099937 +0.9192292593401223,0.21142337861016164,0.4242930938383055,238.98404206272238,230.92733184189746,340324.4342063186,5.223360275119382,72.5618859977336,3.488965513511636,91.18774613403781,3.8969474992262265,27.979917236997327,0.7989045851628741,0.9436824409114976,825.5018256243568,53.35697788602187,0.26714701943270264,243870.5956613327,2.8860129126545093,94.51452258186875,1032.2679996362558,264.183045952971,342.49049998078436,57.86841013662416,0.15820597702870895,0.19224548482983492,29.85986109298528,54.05706888877252,3.2230671001337425,13.06170466770336,0.0,0.6606045495336963,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2006907187622711,32.94676868898549,60.62465115489011,0.3049221225353765,11.683786410601508,9.280223767492489e-05,0.00014063033626880034,0.1616336498993158,106.31166115018455,72.6467917701787,3.829874540699966,6.837131559980532,1.9907974977412392e-07,0.0,0.18322209575911153,48.198165401336844,93.89809561585929,6.074048201747472,11.777367305962429,0.0,0.0,2698666337285.8823 +0.9782382624587743,0.22947221210187718,0.32461815884641204,154.99765141684065,249.59862795923212,346525.61662450526,3.8566685744936606,74.4271776026972,2.055949018127438,89.10703429805606,2.966787731567808,12.948818051375374,0.5578957144118062,0.9357504321554072,331.8963207185337,92.80042007906262,0.23009095349827013,179052.3920321635,2.8803770339520085,85.46311181140669,53.002496888151654,273.77298670037356,345.05491034749866,59.788404938547004,0.16295490879400576,0.19541450426352833,34.54139273304615,62.45743223458132,3.1970911153781167,22.537261814126207,4.736143832160021e-06,0.6875764858783517,0.12291457277410679,35.12615776020134,61.76593196021324,0.32824190378303275,15.780837347854584,1.6033010066721712e-07,0.0001132097967789073,0.20814014285960372,37.42303760765142,67.35009450249277,0.25663987783065156,19.08891775871043,8.704577325836987e-06,0.00014063033626880034,0.11768840805224404,107.76935636270272,77.65804477182357,3.1865116801142666,9.552445626900921,1.9907974977412392e-07,0.0,0.20400609240437215,51.704323595507056,95.36162749107608,5.1337382747437115,16.901359808881757,0.0001943310906954772,0.0,216.8810780871155 +0.9187482202962646,0.1451692926408509,0.38583386877123677,71.83794246853371,64.23360437904944,318576.35037073476,2.1505533383629745,20.25147165945385,1.5471064151588474,52.70790152242181,0.6923732837927363,13.834903432511995,0.3465851692013961,0.9591551195495469,289.24152572250296,29.14689083032458,0.3059689787185896,54929.910716804516,0.658767337838353,85.05663565716108,1352.7625252671317,264.41937988927265,343.8726926627851,53.836078591122785,0.15808883215933558,0.19478574438899188,4.00190305411448,25.926180083475845,3.0253008809473236,70.37878209563326,0.0,1.2437854869388683,0.1362165128150129,10.601760342944468,29.70920698812309,0.4012656684067241,10.77001328948091,1.6033010066721712e-07,0.0001132097967789073,0.20865646044840958,5.707075845880439,27.520155458538287,0.23540953718530838,71.3201133248616,0.0,0.00014063033626880034,0.15011631761556324,31.66158073652086,37.43500599895508,3.6399236742705505,25.354136013700074,1.9907974977412392e-07,0.0,0.21059173670862402,11.221251508723961,34.863490536606086,4.327384179239897,33.00545631282053,3.9736141861589736e-05,0.0,134.71947155843912 +0.8912196872902267,0.11059057563680243,0.3382255046833956,192.95773901070305,60.03186801118845,325986.6086842249,4.656479722831846,77.81266704149982,0.833813065267051,76.47064745700547,1.5649952558768945,29.31249535983793,0.3157860622590701,0.8829179620387474,911.6202423266719,28.318117841580914,0.33258647530463,137929.6838413299,1.8304131895588254,84.33396619384531,3756.570504780512,296.82952968612335,349.03006475374593,59.11928874463602,0.1529613435801147,0.19100163341298568,23.15521396639419,41.77613428911551,3.1804517291471104,37.4091722675953,0.0,0.896735944148372,0.09755114291806148,40.03841409649132,70.10238837735814,0.23588749688649363,13.118496811943462,1.6033010066721712e-07,0.0001132097967789073,0.20288076064632068,22.965449202748417,42.12236413061534,0.25866294301042886,35.59926747659734,0.0,0.00014063033626880034,0.06981919401309021,98.42942334354656,65.67969397949503,3.7318655824975586,14.642691346222923,1.9907974977412392e-07,0.0,0.18077879020827314,61.84470018101386,95.74738599847988,4.824104328132096,16.610712080064253,0.0,0.0,203.64816539298536 +0.88247231929768,0.2329961176799523,0.4069500755253741,178.83696315533012,91.54399374275775,153177.53508475347,2.643305060753765,5.854417592948538,4.584762586928526,51.90370226095368,0.7107205786101981,19.814162161364685,0.41747298843348407,0.6414155190564742,325.30370479572264,88.50121553958292,0.10942971076278185,50283.87095800622,0.6470490694369465,52.61874240338352,2320.0329514701994,294.27277027417716,329.7062180309802,52.35906327823401,0.34028542462333033,0.199908417482623,2.7360190930369095,24.182180851005715,2.523997227569172,67.8015513819532,0.0,0.8673628071634825,0.14058746140778366,7.085996990905869,22.941951511470407,0.4132118914189889,8.046198255220885,1.6033010066721712e-07,0.0001132097967789073,0.21249158150981534,2.327882127930688,24.97367742567584,0.2870153414779828,60.264888082767946,0.0,0.00014063033626880034,0.1383023095879862,17.676553595839998,25.411811807347252,4.544370663667741,17.711404359191324,1.9907974977412392e-07,0.0,0.21734270499484729,0.7266740193313793,22.202836882267675,3.065371651900978,22.21595889997354,0.0002799503320899436,0.0,111.30189869344154 +0.9494153019328847,0.14476766224658266,0.3484458450014415,51.6330125235405,215.63805938195355,243627.69468244427,2.1314977780022293,19.253393869392433,3.2272865364533807,52.70790152242181,4.81133940639451,27.692432270304224,0.3512187300668791,0.853573589510188,304.0563774485885,88.28402998906934,0.30998620824061907,71833.45327005762,0.6211311121343823,43.49201276875051,2993.706337966417,264.393835575588,344.8479102738885,53.836078591122785,0.17895289474210274,0.19003545872357763,6.623722299524701,27.82607644076991,2.59976811784444,66.6903150815313,0.0,1.3333234904775093,0.1297874170022066,12.34408010180718,29.182954877068042,0.32326742613167725,9.760576488645821,1.6033010066721712e-07,0.0001132097967789073,0.20358245575376144,8.718034884383693,29.837132242326653,0.2359794416807846,65.86968456755324,0.0,0.00014063033626880034,0.13962147875787362,30.305254790860236,32.91651826245846,4.0911901274963,26.097318951136618,1.9907974977412392e-07,0.0,0.1937736271396399,14.10349383205944,37.98399882895228,4.0069257740896225,33.959015088504295,0.0,0.0,131.10930895285284 +0.9514282502557536,0.10868068194825081,0.32845266285041286,169.73572504148308,248.30026232088312,260395.05521510556,1.7210282451476218,74.3450521462111,4.2491862233858395,48.729383920031424,3.7136410427886712,27.74096523853684,0.4854578037283921,0.9445848368369959,73.61512790805116,54.245490205312336,0.06693945683070851,87008.79947540368,2.981522646004386,91.65166732871135,4963.374985845211,97.67758062837294,342.19085790726274,56.9898768315251,0.15192896922690288,0.18900912840477496,28.547243131252376,53.61122303646528,2.948685550424854,24.64778882870389,7.797213477265723e-06,1.2183941729423697,0.09822225183592338,31.083623305532917,57.84814541017005,0.25203997108451365,12.483108929937334,1.6033010066721712e-07,0.0001132097967789073,0.1988884639279379,27.942327368471087,54.887204758399115,0.23687783997685724,16.552633707315938,5.1473705477067545e-05,0.00014063033626880034,0.1432710430036729,98.25513273950433,73.08136616336147,3.572785544884098,16.036006097223375,1.9907974977412392e-07,0.0,0.16985984760865613,58.33855944225971,108.8135920897225,4.376146680847171,14.810121216625415,0.0001693888324663857,0.0,208.7821887152128 +0.8847848186286976,0.21043412112585988,0.3260960193540548,10.855443342983023,111.64843975265273,171572.06037824106,1.5406093581237927,58.17467664584904,3.0517857485034265,77.05011785961614,4.052583888819576,26.12580948339198,0.43788385264007446,0.9272561500626937,64.52123875441339,24.680822699322242,0.11347184453295894,120007.89578965929,2.1563741033883645,93.86248039134348,580.3586349455543,211.13310873831728,342.61344544118435,44.891220553396884,0.16215958664089283,0.19180541281520633,18.71240243489574,37.86736357931799,2.493100026429785,28.01402372007107,0.0,1.3849687629453884,0.12056342356167847,36.47077230869769,63.67363676875791,0.5107137102566697,11.281373732762207,1.6033010066721712e-07,0.0001132097967789073,0.2032529844585905,21.954851750833647,42.960445119498,0.24606384766122266,24.7974402293414,0.0,0.00014063033626880034,0.11679228413650104,93.61837943431364,77.42264369657053,4.305523425661656,16.821852156678748,1.9907974977412392e-07,0.0,0.20032595350364418,46.548502675618664,85.80617716758465,3.899420732151236,16.139675497046117,9.099272688953158e-05,0.0,189.46519993700312 +0.9664072197333287,0.20697694367774233,0.3984880867264052,152.8806928596115,142.12546805161625,122971.36178644362,5.278297399080798,47.22709441882878,3.4942866094814002,67.13581061384441,1.6973802523107793,27.500852204995063,0.4119244108588482,0.9491909291527423,901.7201034673704,35.52845092656474,0.25120753562444104,52969.13870691479,0.5781014906948727,83.42623936180229,1856.0909903555676,157.63053895642543,349.45742626623064,39.21560631640391,0.16496276463351656,0.1895813015446664,2.900179491166598,26.714626106856276,3.069962486972677,68.71044782792508,0.0,0.7551935932053683,0.1256933514757296,10.386135061771787,28.35210468125182,1.2317391937871454,9.523191595425562,1.6033010066721712e-07,0.0001132097967789073,0.20451708000232288,3.3275008657645704,27.21966729644027,0.4184574962988922,67.52248696247348,0.0,0.00014063033626880034,0.1221656680678915,39.629248163737046,42.74183052312082,4.057700427694162,21.340899327086767,1.9907974977412392e-07,0.0,0.18919168369303127,12.024817839370444,38.92259008051469,5.396181931311882,25.394397573449748,4.1157187051869097e-05,0.0,134.0578676486321 +0.9823746734256014,0.11699110499543051,0.3279961230769096,149.67106112683138,101.06795544776972,309775.1319949626,5.520090175932216,69.75134675560005,4.310412427451727,91.4444306349273,0.36016841042223424,26.263666747587834,0.432989708242574,0.9103120157741647,636.8616406214171,91.75332171064777,0.24574468611729555,206620.65724459058,2.8956338603619405,83.77539486961861,2229.004846570759,284.45849529927267,341.00646341340865,57.41305962322505,0.1840535514472891,0.1869434832829071,31.054628327141025,59.95658826404001,3.036924992989875,16.991006974056624,0.0,0.6687031137636426,0.08940711656778585,27.097854684211736,51.7501541325332,0.43216942067853115,15.399289028839107,1.6033010066721712e-07,0.0001132097967789073,0.1978770905130333,32.665455182863276,61.26197151662654,0.2855147998815593,14.449419160002076,0.0,0.00014063033626880034,0.15715309413855544,89.41703090094842,65.07098277609362,3.062171229314216,8.697701880075725,1.9907974977412392e-07,0.0,0.14528876076246644,63.13184840006906,120.40081918033606,4.955215239481408,16.11227130743187,2.6618660752458507e-05,0.0,211.2276313126027 +0.9486756711410551,0.14930233505737464,0.359728031913177,139.1394310640471,204.07722491095814,192429.58334547863,6.00021570734282,26.669634126069738,1.6268119590473546,23.15185823575185,4.5869204259385805,12.082660992466712,0.43837634797092795,0.4368215909845102,615.1636440374378,1.3220869749227326,0.17556443882326672,60858.42857481196,2.6589082729262223,99.02550864582831,1597.1233614016328,171.2898775769386,343.2967580026152,59.37019070068079,0.293762306183587,0.19953984437603264,16.9984713441095,34.48833190722881,5.166515439468595,27.763034115203457,0.0,0.7316841367772166,0.1024384074861945,15.585836848961142,34.42894644426487,1.0103278023049982,28.158187851269005,1.6033010066721712e-07,0.0001132097967789073,0.21060079917878838,19.629780220882925,36.939390649958916,0.3787856397960174,24.5810178217598,0.0,0.00014063033626880034,0.21559146552651423,47.4006364546116,36.97009616140548,5.519139457196969,14.119842652147652,1.9907974977412392e-07,0.0,0.2200025716713833,19.662469440925513,48.48652125184977,9.17579167081324,24.981895177109806,0.0004168421268080502,0.0,118.9212913826752 +0.8820909889473856,0.23512792834228186,0.37741678045052046,98.30083446883921,182.7846420708401,205010.27421147632,2.336580303237535,68.46136808485218,2.2626075977408457,99.33979581255579,1.4077461562242148,20.676853128937154,0.39860162427782636,0.8610044690339406,875.4562858342529,40.78040350148285,0.13765780410237136,54765.46424725672,0.5394202576560244,89.80838767775535,2631.3154479820014,193.01308256587393,335.73062221256595,52.539769836907645,0.2052584491200312,0.19715823526032675,5.592734605632867,24.560563408620926,2.47420768230869,77.53252484026287,0.0,0.8593453799443448,0.1363893211010924,9.96961011169808,26.999067908787083,0.21683495816885717,10.147353601568819,1.6033010066721712e-07,0.0001132097967789073,0.2088022839486494,5.782882833747031,26.33273812064025,0.24766459397289434,72.88189536654275,0.0,0.00014063033626880034,0.1430386300836029,29.212119018139223,33.87833850456087,4.330378435815207,25.46531237345902,1.9907974977412392e-07,0.0,0.22154428659499814,7.402250491226528,30.067809628012082,4.186577483195137,33.15784718785954,0.0,0.0,135.52501381916107 +0.9810842280134661,0.1926715170693942,0.4179309540012119,150.8141693856644,245.79668086737294,280559.76494553697,2.9283976534733442,47.22709441882878,1.7111482596761494,33.94744085531475,3.775436245329554,23.856415841673893,0.5796466458458034,0.9338712589418048,893.4361303446942,70.62932940765486,0.33430868758832316,52961.36444508747,0.5593483465728757,83.42339895360223,3345.050284585459,288.9130102582132,349.34404864863484,41.59693630103146,0.21424172001227404,0.19080838676609074,1.442451150652102,26.114506870944464,2.674369340552342,62.90444090266128,0.00014690021897176565,1.1347488273804547,0.13323608859295938,7.1293765128111675,26.339802932532233,0.28329498398555036,10.820774922324508,7.706425848513467e-05,0.0001132097967789073,0.2033559512334965,2.670547487174702,26.42194484071546,0.252127200728131,62.68090871007117,0.0,0.00014063033626880034,0.1206347934529242,31.42737850820657,38.999467256536484,3.598154225373243,20.64761679392732,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9414744845370933,0.18552485664586876,0.348328952957446,152.04103929989208,68.65083979568736,309452.264167375,5.07360688334639,78.86937318112898,3.8424262291265743,63.974617724261336,3.2151308861611363,28.52361193624315,0.4700988550230244,0.8100270009744818,303.967517588884,94.16954011063112,0.32915372556429645,193145.9490700663,2.870135261826442,89.75294523267743,1531.5385264775302,290.57399404731336,347.8203417185177,58.46207282081463,0.18539235306738872,0.1909786031920482,33.41634180364844,59.79835598474962,3.2108464583792307,20.53989870461735,0.0,0.8758399209217985,0.09891940601913386,34.07339620065177,61.52274641950988,0.3044916415657806,15.729658777872123,1.6033010066721712e-07,0.0001132097967789073,0.2001188869915023,37.656430646126836,63.321619880764096,0.2691558991688041,18.96982337605641,0.0,0.00014063033626880034,0.10292730078858041,85.95661484526815,63.55836118986085,3.4139905473462058,7.302155062664356,1.9907974977412392e-07,0.0,0.1591257958143737,74.77684444534763,124.5737074028804,5.170553937758735,24.186061602178235,0.0,0.0,222.0850490669535 +0.8832497064744593,0.1478790987986827,0.3800485109465459,241.1909336055467,47.282227160356484,133495.91030868544,3.3827480375086854,59.108453639039084,4.202336511492307,24.01894671478116,0.4583913670574671,28.30696350423754,0.7006613128914679,0.997200768541809,842.8179887893428,87.74495561607978,0.247077473579566,260038.21927427762,2.8684347220768736,94.50833275613611,983.9419848642467,231.19402113895825,345.0436401013318,55.25037346865215,0.16001092875444212,0.19090423591437422,31.818554765220377,54.96080903920868,2.6686805224953942,14.762445846037034,5.8222572574070946e-05,0.9121007581368406,0.1230345478967048,33.26303685363944,58.80792072281176,0.5262640040421039,11.28849444273523,1.6033010066721712e-07,0.0001132097967789073,0.20000417591592257,36.166179718257425,65.43793490336391,0.32246012231040955,13.004350266207247,2.7616227267502524e-05,0.00014063033626880034,0.11156220671870318,94.48741096326302,71.4120633883728,4.712607392811237,10.511896483814754,1.9907974977412392e-07,0.0,0.18198152864357212,28.992965426317014,98.23737100883682,2.983664959647963,12.997344380448757,7.566001756399041e-05,0.0,198.8472818303058 +0.9723527375162895,0.2454446393356392,0.3490742913316903,238.96536613342317,46.68314598998647,313394.7390364123,2.575779891745696,64.20360140449196,4.2097935356041845,91.97716793037299,2.8468709982575353,28.57818268620169,0.7080115255538153,0.9801392389832934,740.6082424408949,57.93674279589894,0.3160518434637171,285579.3828427582,2.9983661323700317,98.96572568461963,4416.275382241569,264.06836263434377,346.9893471104612,55.719229085334284,0.2113452621026286,0.18917446900099305,36.33890154281452,63.46849582018543,2.7964768972945957,15.594226120791078,0.0,1.1012977252203833,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19904419749746813,40.40005813729607,70.37445589863844,0.23820289928128308,14.540454841816198,0.0,0.00014063033626880034,0.21806035288814177,91.56956077482995,58.792902282719076,3.6774728386780176,7.046895401848441,1.9907974977412392e-07,0.0,0.16495840409217366,54.64590755603718,108.18449742078664,4.249378695588736,14.021705108999939,0.00015631434318443465,0.0,2698666337285.8823 +0.9811836388318443,0.1369003387667561,0.4206832239916382,216.0868189810622,206.04099992791632,340098.24225143343,6.621146311782978,72.29495137009906,3.262964298325337,57.27492034179692,1.007577571502184,25.003273949842008,0.4690559054518197,0.8261194113461293,427.32801013792647,57.253597025658415,0.05547591643351451,299847.5425636818,2.966019248345294,85.95734303267913,1768.743137353099,218.57071176633656,349.5815966324406,58.37679562508692,0.23123478808805165,0.20048619118375732,47.424817990426334,61.61933933655704,3.6772288329569296,20.301946346894916,0.00031259420120189366,5.027931471980756,0.12366090510114229,17.26268559884926,36.69736414030899,0.761022467985493,14.610469945722905,1.6033010066721712e-07,0.0001132097967789073,0.20426820713119118,31.816316151110446,53.51564705030852,0.32921339843846964,11.258045089447068,0.0,0.00014063033626880034,0.3519747672409128,70.2808263809607,38.596088253159095,6.161012754711851,28.366246269118275,1.9907974977412392e-07,0.0,0.1555294011753158,38.68700266067783,80.35010109112528,8.00868259809154,12.353717785612155,0.0,0.0,166.73421923093278 +0.9884656904195127,0.12941092012159602,0.4256343634085205,129.05488464076166,80.6791787334569,249759.2533129277,6.044935834198364,74.01173206352411,2.533268244854554,56.486038685070746,2.089306631890335,13.834845463672357,0.6781288313495888,0.4087067604947994,962.4498520918181,56.568139022026685,0.10448869012755735,57328.29333002311,2.8322254332534667,95.55637835997489,4081.796638645023,50.81618700520461,241.0060854338249,15.68343838958296,0.16224306033453562,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11927580714863899,2.1301322069689217,17.32338254397832,0.5578658240892903,27.261647351520587,1.6033010066721712e-07,0.0001132097967789073,0.2136308324139512,6.459267418807624,23.562703964067584,0.314164642284076,3.6942646952193234,4.148828371408834e-05,0.00014063033626880034,0.3006039983145824,6.716331440113208,15.656283035858621,17.224923169297178,58.44917710427111,1.9907974977412392e-07,0.0,0.20324630069835245,9.531984357815803,30.501180052374448,7.79849525227074,63.270720089521966,7.4562411859731e-05,0.0,2698666337285.8823 +0.8831307667916233,0.1592813032909853,0.365023912293923,167.92168256691767,190.1637754443202,129765.468260422,5.636492136922008,15.137058886059407,3.746958367227767,48.708366431795476,4.119274923634725,28.586090280770758,0.3476245276225192,0.9384416655901173,955.7104399875673,24.72233661220996,0.23887700652949703,270072.97228647803,2.861954651218618,91.95259214096515,2772.5792249031383,220.78925054188056,348.65724841429477,54.804251676641194,0.15713683324129543,0.19161512317749738,35.20468233031653,56.633591434216086,3.2091060979314907,17.251795192319797,0.0,0.7264156131576731,0.12463435375609531,36.91411311502935,62.10999327413113,1.3613862684908664,11.32278783062111,1.6033010066721712e-07,0.0001132097967789073,0.20360773352911896,38.012949439760526,61.42650231352017,0.43864754069975864,15.140765222991421,0.0,0.00014063033626880034,0.10021674821822125,106.60613335141198,72.28552159561568,3.970107127592405,10.426729325509074,1.9907974977412392e-07,0.0,0.19132921157898095,71.15705078941828,118.7372572057321,5.9860289260474815,12.632064274073318,4.6626972303174284e-05,0.0,227.2116353243902 +0.8596825197729797,0.2108271400754921,0.3208104859049944,18.19214552733493,126.51107659389449,306707.6724203092,3.4458600889720454,7.040795889014916,0.9521756439432603,13.996428567464143,4.3692063172385645,26.830672403274328,0.3463421190659635,0.7617947617223465,801.6710222727204,92.69969369584987,0.23758898043345755,101070.94290544714,2.379452172000708,85.3898719806374,4536.912109714323,262.81513482050843,349.97080433619595,34.55556750135873,0.17283323585984903,0.19458709650361963,20.28522829706847,38.14873092570263,2.6138153698207036,25.96521859429493,0.0,1.1635661946535834,0.11622847194585569,43.288588551257895,73.08086333087203,0.4114109316576815,17.058095131841686,1.6033010066721712e-07,0.0001132097967789073,0.20658668742834863,23.950912964860887,42.89107673575293,0.23772915813748294,22.90261034926023,0.0,0.00014063033626880034,0.09857099109728952,102.96436473480973,79.68136490966437,3.8647435769517102,17.087239878643448,1.9907974977412392e-07,0.0,0.19928027426166572,27.037059973298557,85.87591708789235,2.980231073680907,21.322735183026847,5.905325668717917e-05,0.0,197.02787656903877 +0.8358217517932411,0.14637738398630776,0.3540502164290165,39.83356764416348,47.401353467816094,282695.4823594205,2.205915345405568,89.0907826447605,0.9948865356147916,66.7562783522757,0.6259762205896418,26.1635076787128,0.34656170417646864,0.9744070654407977,217.02745983180782,80.08049388256694,0.31112667002204547,56594.05419514756,0.8971203118406826,81.52365628644975,4877.703986055094,198.53006992071374,342.10251005040254,56.71295073014942,0.26654102758173137,0.18913615899252464,8.428916995575026,29.468337560336412,2.807271696045263,74.6541171589135,0.0,1.3301245405488962,0.13130840077486666,15.565974938385251,35.63553628861747,0.4251703560660803,12.193001615916176,1.6033010066721712e-07,0.0001132097967789073,0.2023055304720213,10.596427867259742,32.06768933899806,0.23675284220239098,74.66257763079776,0.0,0.00014063033626880034,0.12743465775465657,34.426575320863016,37.489993243247696,3.804499666153911,24.389162518608835,1.9907974977412392e-07,0.0,0.1820988725267794,9.977735223843991,43.04383682837294,3.1417853519596206,26.384731982712584,0.0,0.0,144.07298450511084 +0.9718849615066265,0.14090553094382163,0.435266973270943,149.62265821615668,219.86618937433738,136509.56466672278,5.7404479654399765,91.041894588087,3.654040504336659,90.30675900234435,2.7264849037929024,20.74263294358104,0.7167481571431554,0.5596420727964619,225.65790096054394,59.719525121484274,0.293273269409551,52740.95522789344,2.887275338611462,92.0691850052188,576.7779790914165,278.8680950738564,255.10101800123778,13.127841493641279,0.30051217134572417,0.1878855626747769,7.388682154388968,25.2480844337836,3.037960354882885,12.154593637395429,0.0,0.8698610672694347,0.14473984839600634,2.1491046594326106,18.996233936068197,1.3284375596097926,26.153099988989418,1.6033010066721712e-07,0.0001132097967789073,0.19847911962002937,5.999130013417287,24.855071546795067,0.43294592518680397,10.341890907323027,0.0,0.00014063033626880034,0.32804501989570584,2.966827451198311,15.321487013020455,16.658846226644215,57.40443200882477,1.9907974977412392e-07,0.0,0.17519169763065326,8.466693004084703,32.654312320620726,9.642403101985236,61.713560561839714,0.00010358697235211805,0.0,107.32198321663856 +0.8839553913778203,0.14445404764319197,0.3201306373167561,139.33299490749124,205.4168760585896,296901.9620450193,3.3163422566822125,59.10200764030592,4.371524779881718,94.48431155890567,4.489965952273319,20.773511563811795,0.47118289427527504,0.7992967894837315,884.6968072836944,28.31179316802472,0.3326469263590427,65984.20681572557,2.9430799540174575,45.12878533835863,1369.4233177602691,252.81458667333345,344.84686459567814,53.90345213486189,0.17729782796307084,0.19411532871851483,23.3107182696694,45.89970306403971,2.8809273030153224,24.961844333007555,0.0,1.084047134989078,0.11365175227980491,37.32308054762646,69.60329734722865,0.2768760583060134,18.127362833966398,1.6033010066721712e-07,0.0001132097967789073,0.20605175875559686,28.988063482033226,51.90690017548184,0.25302068052346244,21.645983221373402,0.0,0.00014063033626880034,0.11625489513602888,93.26069521221368,72.5748016899396,3.633242475828363,19.044008000093918,1.9907974977412392e-07,0.0,0.18403400474240672,56.86342415056471,102.54363581004581,4.964494160605327,23.679453920095167,0.0,0.0,206.22070735033245 +0.8091534581041122,0.11850515648402102,0.34427415973005215,74.96855694123036,186.49175646369736,133440.29549999489,2.215078919526947,16.037012497652945,1.0902610699876696,18.627747042877804,1.6090267895012604,19.80235152359635,0.3291058874801268,0.947160456718699,120.25065470986932,63.5871958456183,0.29800409537829786,106023.5755003177,2.1163049724745657,93.37256431912398,257.7286306534261,239.32199736924528,344.4993661385301,49.61890888980459,0.16158613855120857,0.19185355852786504,18.476985240286666,40.313517986856404,2.516281559599948,30.318979319576737,0.0,1.3575016092968377,0.1202925243750001,38.307587472155504,63.11650243818247,0.32106516989019357,12.83084190230818,1.6033010066721712e-07,0.0001132097967789073,0.2046419182094054,23.17469593289893,43.95648687942932,0.266518194693114,29.055188812096986,0.0,0.00014063033626880034,0.10218535904218853,98.63127520905373,78.58435976773904,4.506769004815645,17.35457035536559,1.9907974977412392e-07,0.0,0.19583789043387176,45.060828635559965,81.53292192433481,4.1277969159313095,20.120847908141734,0.0002488588348771258,0.0,192.73985750906667 +0.8594579098908317,0.16060174632650176,0.44008267185640676,127.65420363908262,192.5843338857391,215976.52984520118,6.62052161957198,35.86573749158009,4.688618832515985,44.256939834568946,3.1396566747164685,11.60765028629763,0.6685559700192114,0.594078381656529,918.1545473640613,53.91720477721436,0.21425615895132114,56371.14159610669,2.8829044919409115,97.65028633727508,462.0246109135453,106.45002048041353,220.28328663533648,34.13993078048708,0.1615784973239854,0.2007998138333346,5.6407069116852915,24.066176369952743,2.9038043940956055,5.374237069434235,4.137903915971876e-05,0.6993063312598768,0.1221701912791382,2.1337698248918033,19.256494443570634,0.9482128945783443,25.63844948174908,1.6033010066721712e-07,0.0001132097967789073,0.21371351257393742,5.2722379414475995,23.580528555799525,0.36934742620482736,4.267471066615356,0.0,0.00014063033626880034,0.3211554137739746,1.3514791727014666,15.523199081342913,16.887460244932864,57.82930601815129,1.9907974977412392e-07,0.0,0.20853960609123356,5.8113735559556385,32.1372950320779,8.301285361045311,61.63354925763963,8.168688740668412e-06,0.0,105.31488252529837 +0.9194042450044927,0.15020100136012846,0.3280990132562679,177.40519525703462,88.32738817004919,203116.07145693316,6.245266527442774,86.60031097883012,3.5407312790168293,88.24968249627847,2.382552527921354,27.10989671368751,0.533238381204451,0.9712300758188647,999.7964773509882,77.40173933451634,0.25894059831347754,120115.5728861347,2.82665393366835,73.78936386811041,3685.1661648848394,270.47676378071407,341.7889214954742,51.799005823986,0.17640676638336417,0.18819455015746622,27.33519348960019,54.707813313218956,2.7855702406058587,22.212288341480313,0.00010460500549223548,0.7079236021150535,0.10639352948868018,29.324489559217238,54.95907540947207,0.8208280632246279,12.116017118066132,7.533990820643124e-05,0.0001132097967789073,0.2024677651517207,29.90777751151002,58.65705254189898,0.3568673420366064,17.693153251038922,0.0,0.00014063033626880034,0.14890418548877124,96.09296239483862,69.90775293655925,3.502934203699234,13.96584959181529,1.9907974977412392e-07,0.0,0.16556841643791523,56.726588017973505,112.0317259509017,4.955542155200769,16.967995715042637,0.00013802456936366602,0.0,208.1535228588715 +0.9708625481696318,0.1865333004206989,0.3272435912852707,247.77330663735466,62.71200443805111,282276.0329798592,5.766697606241305,99.36035986483323,4.8572594268642355,96.37939461106501,4.338746472354838,28.325392576947404,0.3542771734406005,0.9692255136398571,650.359156566468,17.357270125913015,0.21711929320536213,195087.88612005019,2.858878547610854,80.9249020254397,3667.5764292578397,266.13415895153736,347.00009955657686,51.636794107404164,0.15819505425220476,0.185016287481677,33.87293013854168,62.17992874168042,3.5388837518667793,20.20262632986342,0.0,0.6482940692477437,0.10765805267522847,34.476033148155004,57.709559913727915,0.46089661029283624,11.93428043407249,1.6033010066721712e-07,0.0001132097967789073,0.1967234176254788,36.05757792475188,64.14773447176375,0.3000190805511785,17.03502954995591,0.0,0.00014063033626880034,0.097197963432893,100.98847378260656,72.47313842764395,3.578609964941974,12.211144218532038,1.9907974977412392e-07,0.0,0.1698508387973286,71.38898713132274,126.81119644254879,5.698671695677582,13.299594055966207,3.924664219512424e-05,0.0,229.7861869362051 +0.8770764346993153,0.1663798550170136,0.35024851760256664,44.70158753340644,143.5077978585588,313217.95013221435,5.6015701110570735,88.93306961417305,4.149227005420931,62.20997042141815,1.7061859187087218,19.103533759096713,0.41036571590271975,0.9723347154834827,982.0975174679884,62.48094856699866,0.20653614103512125,174502.3098487029,2.7183393929725317,94.18113878121892,4332.111069535592,250.15290285780458,348.8721310915886,57.98798482060925,0.18312281580374776,0.19282652686630958,33.929836261238336,58.351901878458634,2.8451861176597015,24.85055334601853,0.0,0.6095503587521294,0.11622481103180357,38.357315782617945,68.61477613090449,0.2260971058352068,14.186420259380801,1.6033010066721712e-07,0.0001132097967789073,0.20424460328297087,37.097940949438055,63.20231572976993,0.2531906762643479,22.20268979052442,0.0,0.00014063033626880034,0.12791931903939832,103.86520063005388,76.1149246801316,3.676828593066267,10.688849330411761,1.9907974977412392e-07,0.0,0.19112584058276302,64.34393210565881,113.11148091591318,4.40152044319482,19.868597275330817,0.0,0.0,226.90184211153965 +0.9807902439778055,0.12260361705944213,0.3936108937402365,185.62820030731808,143.40822938512255,112275.49435439843,4.832371146314872,65.79824784401762,1.4210147048446595,9.48155593514506,3.8216027683999285,23.143815777019313,0.6483696850458318,0.7835285475914944,12.725611022931915,1.3136750094476148,0.07642926230043376,87180.77337543962,1.6198394336530475,96.57056250571371,2457.8496425390636,297.3011981530576,334.00648995283746,38.275628240404416,0.21059630037067317,0.19425227925492403,5.4679820254361635,25.88900461546581,7.4770249948099075,23.137687900260925,0.0,1.3944304922764204,0.12430829372314608,8.072031241423403,24.682404935092343,1.2950372512809072,10.493643505352898,1.6033010066721712e-07,0.0001132097967789073,0.20621768335961205,6.447813108569387,31.061956086368344,0.4281511321302356,18.86226546340619,0.0,0.00014063033626880034,0.11728282530746299,33.28269045791312,40.04842042388791,7.01831560015978,10.512312696542255,1.9907974977412392e-07,0.0,0.1820560148494684,4.936013064026109,41.10962592283005,12.37071259830371,13.225628653558998,3.2074867339463094e-05,0.0,91.40974502385055 +0.8619629690164985,0.14716174268194981,0.3201306373167561,131.34098855605467,205.28877696862338,296852.0160519711,2.932842265729847,59.10200764030592,2.676379460888297,92.76808484111157,4.6179880831114,20.690477289984365,0.439534980495924,0.80921387949696,759.2432168049534,28.102795095223204,0.14972931751952254,239329.16079459834,2.884292211562042,85.31220730088381,1392.6566596733305,252.81458667333345,342.9342580028793,53.90354152117724,0.16528466173639905,0.19648365698091497,35.07766876094621,52.30056261740674,2.855359367862188,18.22929979389375,0.0,0.6956650762034072,0.13322215439817772,37.304953737180355,66.2732358580921,0.22423421100011184,11.791166777361354,1.6033010066721712e-07,0.0001132097967789073,0.20745461710259464,37.02814671293944,60.691811486511355,0.24593941645452144,14.808787153887703,0.0,0.00014063033626880034,0.12028821841883962,111.05738775501062,82.52671389716724,3.67960409862057,10.47053641389403,1.9907974977412392e-07,0.0,0.21069741859766994,57.0879193550328,100.92741310197596,4.655899384402851,12.746267468327494,0.00011091113375481553,0.0,220.00183950797287 +0.9832198369503321,0.2581271473219032,0.3479943704814793,86.573705453813,126.75929118353896,291083.80003810104,6.706164966132822,71.58900394687309,4.31690450340573,95.60418934881325,4.5669084166868315,27.94459566011647,0.48466573629532034,0.9842609859621185,912.6091374351387,95.47744007177607,0.22371531285552934,150962.80123196993,2.7503150895551323,82.62960568424259,4334.902873959231,258.3451253028764,348.8622875424035,58.43519259598271,0.23079705077928528,0.18986895635409115,31.777050039132977,57.573840556761446,2.926392288723555,25.800041492486226,0.0,0.6344334012122155,0.09858444643912616,27.219283284532054,50.75265787425273,0.521939578518531,15.52721351288831,1.6033010066721712e-07,0.0001132097967789073,0.19919061907157048,33.336642880143415,61.98890432379808,0.30217350032372503,21.978038897145197,0.0,0.00014063033626880034,0.16227066381592783,78.69775222508815,60.06689600507525,3.0884058515669586,8.784773214178216,1.9907974977412392e-07,0.0,0.14326917494330618,64.06010424851394,115.7369324807884,4.853281809799436,21.966945698358934,4.424352909432237e-05,0.0,204.66400012905345 +0.9411409021947259,0.1881524664788346,0.38881325923073556,234.9762289777575,50.91630536485556,290060.87376120465,5.863277829380868,79.7965621266685,4.6710457192382275,24.12651044538923,2.706078126590454,24.985442958064016,0.3960076040196341,0.9537337503873632,953.2137380825282,48.93587722972472,0.2905488040445567,190357.1304872208,2.958779585355143,87.0853960180861,3981.913262250877,225.3361605751262,348.23084323820274,59.05753445392868,0.16891429774027877,0.18923792866811487,31.951652622425836,57.88397136821636,3.1126138708246853,18.394080371981037,0.0,0.7239528379437812,0.09970008297430225,31.04057658169366,54.379835029854455,0.39572318255106537,14.539412440621113,1.6033010066721712e-07,0.0001132097967789073,0.2007349145016565,35.67222107833497,63.23936897286747,0.29272560512187884,16.127759455080323,0.0,0.00014063033626880034,0.10974881675191826,90.07456704584676,67.8431242697528,3.6262025625543672,8.382874279817605,1.9907974977412392e-07,0.0,0.16015652803235336,66.68394426808288,118.62813903533339,4.885871623474977,16.84933767981337,7.384107224794785e-05,0.0,214.50171527401253 +0.8196575462076149,0.21452789031096964,0.3802285184490386,139.81832298369966,185.6077131048042,312906.5801769299,6.5167740213047525,84.8812380937772,2.9837404344215055,86.02113306663787,3.9766865345812663,26.208524301669392,0.4202949303411281,0.7665411906034041,653.8634932446787,71.38272830443803,0.25859421512903397,173185.4103702784,2.9974079944625878,95.42189705239343,2368.273790426726,173.31610555066086,349.89153118142667,34.85781189264709,0.17504255129535098,0.1969163056410068,26.51193267357271,42.642962842018875,3.188222108593721,13.352256307598147,0.0,0.6807231313354989,0.12477384643965789,36.24023298252102,64.15831422151378,0.6573367644406244,13.081056615001394,1.6033010066721712e-07,0.0001132097967789073,0.20765379633474873,30.278425493039187,49.0170421473526,0.31718741907515036,11.161620769737564,0.0,0.00014063033626880034,0.131408626286932,119.5536489276315,82.61471003311217,3.356844653982296,8.17433369241268,1.9907974977412392e-07,0.0,0.21979892819205268,54.80174217110806,92.40809499958128,5.886798829201598,12.472136114924131,0.000113234432220583,0.0,211.38768536018054 +0.8626410407190361,0.21264029881183563,0.3523219880110071,220.57241795078374,172.31456450738904,233845.7401214059,6.566281427442366,72.28297671270502,4.203586469588728,31.770223097136775,2.974541285556331,27.218989305729725,0.33399854971572074,0.927946988704508,426.6038243850777,79.94381927887167,0.22529256269015824,161806.56103031282,2.650018862056,72.68752000559557,4708.7897159532085,268.5514568721353,342.58082142866584,54.037219998405945,0.15824387832710857,0.19457039307724405,28.239331195343677,46.397503409962994,3.14005824657161,22.37522353083719,0.0,0.7890781778091795,0.10664162570794396,40.00764301661994,71.91512126167221,1.0194702708958818,13.820674720020712,1.6033010066721712e-07,0.0001132097967789073,0.20293710815345886,31.13710246828715,56.960626965054956,0.37757385418148304,18.190680796820867,0.0,0.00014063033626880034,0.07874067159352797,108.14295066935372,74.99713378293654,4.569165869475559,12.395931673171537,1.9907974977412392e-07,0.0,0.19546374209981862,63.45230345064707,104.70704890159766,7.336263987765131,12.01668635444546,0.00042387478354178086,0.0,218.295590939506 +0.8437669930655459,0.15179653661191034,0.37526710498577803,234.977448191685,40.981539237451415,283673.5860014604,3.7672957591055067,47.91001590671614,4.8503528772908435,37.816915971306045,3.809607641925556,28.673060834533985,0.3880009852011731,0.9809342344130373,310.5791376624643,48.526261317333926,0.19403006101965412,256652.83220020187,2.9549067156803686,93.50727190172861,2511.6959295968854,234.20543198860986,349.2366802943468,52.65181886870543,0.17013252658482508,0.1905583813715261,37.372088387146526,59.13675728447951,3.1233441762940775,17.566051828104747,0.0,0.6858779546496299,0.12622194576246684,36.40864771921225,63.503668858123966,0.18986444831980687,11.747112596284403,1.6033010066721712e-07,0.0001132097967789073,0.20272054047667637,40.85713567012169,67.80331650520027,0.25225591761792815,15.140284149987814,0.0,0.00014063033626880034,0.14017870929238027,112.12601773509823,71.93443205859506,3.6923366722502777,8.656325191282237,1.9907974977412392e-07,0.0,0.18215753149998465,75.82645727318243,125.03984779964318,4.737357865986026,16.25512015339391,0.0002373116190279214,0.0,238.1420769953466 +0.8142301043057003,0.10788541239684354,0.3274441827967008,173.6368359225816,102.43774337668849,266585.1781701599,3.287030725779201,59.33873716533113,0.9548506567543701,93.29367410974845,4.17047540768997,26.72077309744008,0.42647797702253076,0.8685689389004707,575.5537479699374,5.494994593926393,0.07271120162191264,56569.98466567984,1.173018687913343,77.10279338505595,485.06738270906857,88.05417957651453,347.15425426534296,25.173316753570493,0.191557564599789,0.1968167298467408,10.856441402760705,26.81358549799325,3.593671712252388,65.28532271609647,0.0,1.585062970143521,0.1334739248788761,10.78595442260074,27.803708454574455,0.25145306487070207,8.890283323555531,1.6033010066721712e-07,0.0001132097967789073,0.20500641067789652,7.480346311539225,28.850083480668452,0.2551339202574195,50.67087463546161,0.0,0.00014063033626880034,0.12943813508932972,44.13698596315369,41.25646800501794,3.914958597397551,21.191612296977937,1.9907974977412392e-07,0.0,0.21493286376332213,13.0720795086044,35.1973649133018,5.942767306810006,18.74066976612502,4.603739655909926e-05,0.0,124.29724595314285 +0.8715677989709743,0.20734302427506124,0.3400411692528892,203.65074588995793,173.68855098582983,223804.6652426277,6.613431522113775,21.97373709263103,3.9977278320758733,76.5695461812253,4.559065720281929,28.44316236925461,0.748226460754192,0.8612446006146417,594.0252049513614,78.44015301444185,0.12950489035203228,96201.59480426619,2.8583598089164903,92.97196893876404,2724.736426148153,277.4682754359986,346.9415441726088,35.583199848902396,0.2070656304547584,0.17635185701247613,18.53957062445778,50.998303935554105,2.643194123064974,23.901217048483534,0.0,1.4056756121436553,0.10404705469809465,42.07353982937536,71.93909429030096,1.0439644952523723,21.608450624664712,1.6033010066721712e-07,0.0001132097967789073,0.19757105624723986,29.15030861190455,52.934800829492474,0.38231536337800204,18.93764789846933,0.0,0.00014063033626880034,0.17513908099581957,103.77966244290525,74.87131250243935,4.037227618696574,12.053536463081231,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8480832068083016,0.15179653661191034,0.37169717470599384,234.93388726245195,40.981539237451415,283673.5860014604,3.6323140057324803,45.33988819519139,4.082227259564332,37.816915971306045,3.809607641925556,28.673060834533985,0.7043528757332966,0.9809342344130373,310.5791376624643,48.30446900903944,0.19403006101965412,256652.83220020187,2.9549067156803686,98.76904579621463,2475.835882362433,234.20543198860986,344.42696784945906,52.65181886870543,0.17013252658482508,0.1908931752704975,34.52233146512591,57.479496569217204,3.109180401387118,15.235712687214994,0.0,0.689852180582982,0.12618510259747479,33.543954220422386,56.82565904564976,0.1954720039634369,10.821532378700095,1.6033010066721712e-07,0.0001132097967789073,0.2018187259272212,37.8750846813196,65.94065196343351,0.25050363733021463,12.848067442771542,0.0,0.00014063033626880034,0.10592685748908844,109.93776609781055,81.0366499849292,3.712628845345245,8.77149614854935,1.9907974977412392e-07,0.0,0.1925515954314103,62.526905555879665,110.21566717840813,4.694196787642113,13.802526902951016,0.0,0.0,223.98893891063483 +0.9288376172072892,0.24487257941626134,0.3457485032326941,130.00453498769042,238.73406899019895,309818.4409952412,5.747322714490796,79.88307943143332,4.69100570507311,88.104309528359,4.979977709478666,29.502269978517266,0.5800514212653421,0.995210788696837,945.725673952079,80.49025667138297,0.18539058759244811,206809.3781625018,2.675691871529238,92.79968847452193,181.60183950534474,270.18952663032763,345.4713953274665,52.17406484300704,0.18174778658270346,0.19199912988036502,34.00374808073481,55.78485078486041,3.0029446915662303,21.845231282842267,0.0,0.7118932108307877,0.1114071424029036,35.52411323006232,63.81870437902216,0.5987043706672293,13.645067374006144,1.6033010066721712e-07,0.0001132097967789073,0.20041784272776725,35.133901085536316,62.46459710624695,0.3045262619144773,17.806561569319907,2.2084711549990404e-05,0.00014063033626880034,0.12434638936240172,108.27385125982751,76.13224638469899,2.9841783070961734,9.563964036387196,1.9907974977412392e-07,0.0,0.17149093314000025,72.73977298513799,126.06789460890313,5.212501402545428,17.17845587944929,1.6276006864205688e-05,0.0,234.2135249680976 +0.9412814714937394,0.11573916769017575,0.3461808544771475,222.14042697539173,224.7801295382607,264296.8294645599,1.8518650584178742,81.62361916282453,3.9211149777629215,47.54696512095873,4.432071964693792,24.148099600842762,0.3400060749309273,0.9461522848064963,27.422703469126077,70.68808805295443,0.3344523520105219,53395.66253116904,0.4626573837794423,65.32626364833487,4242.381561354194,273.66991006622436,334.20183336879353,57.33971028138651,0.2841867055225895,0.1895864263494928,3.920775407487742,26.812189920475795,3.0118838833708677,81.5474976823559,0.0,1.2800581604852723,0.1272069758176884,7.12457774538204,22.334572969038202,0.22867585810008467,10.990810132760005,1.6033010066721712e-07,0.0001132097967789073,0.20088876563633995,6.167687628790853,26.914867992836975,0.23962922417981422,80.46012873779804,0.0,0.00014063033626880034,0.10656312522949019,19.30751869164606,28.7378465878475,3.3900210287676193,22.095746047727864,1.9907974977412392e-07,0.0,0.18627769098232883,8.738142891439232,28.866758165516092,4.450003719033688,35.239831348363936,0.0004120983907467315,0.0,138.46134318815854 +0.9086349293254287,0.2524650742253448,0.3312528027102804,192.4928897236124,183.0296544637389,152688.67271445517,6.7521463378163125,5.094245114150297,3.915306906725067,15.880514358661708,3.1172372615204216,26.65956229202738,0.3823717181501824,0.9450237128183294,972.3342811904454,72.6051870592385,0.3040329511460078,56920.899817098005,2.880486644831528,42.78245952512482,1518.6161270623938,269.39885002672526,344.5011162896387,54.57554261983663,0.25191963690585645,0.19013148357268705,24.3089312101284,47.77060067752847,2.893577615952119,29.397687518070462,0.0,0.7642055671569941,0.09112122897125635,33.62791702806357,66.08418448538482,1.4101071919651742,22.25495975880712,1.6033010066721712e-07,0.0001132097967789073,0.2012313511650143,28.316723568678178,53.04957780445103,0.4465428610606334,24.29693461114968,0.0,0.00014063033626880034,0.1883851593996571,81.46826401626862,63.522972841710285,4.444341936685423,15.72591782964789,1.9907974977412392e-07,0.0,0.1878893900565714,50.36030697449776,89.06446052061895,6.702565494804132,21.7069864304147,9.668613091578386e-05,0.0,189.39961173357182 +0.8817838564775771,0.20161231558213116,0.38929537017592214,17.846675394844524,91.54399374275775,156607.62052432826,2.0389910475488806,6.389636498522314,4.464534850742034,52.70663490268017,0.7006426356742634,14.612904385681347,0.45221175527657015,0.6421823488540883,315.4403525657957,38.49257536814986,0.09755838411377092,60075.946324063,0.48423575719182566,52.27151437262048,3981.840117082344,230.78202268702643,328.9937047779062,53.70990141843475,0.2775466476282732,0.19971293720061775,1.9845717746914804,24.065669241364574,2.403856855929749,69.86471665994303,0.0,1.283022795588152,0.14224360386959756,5.747280278370926,19.277733317579763,0.38679562980588955,7.945431674623829,3.186382565782229e-05,0.0001132097967789073,0.21309954848477494,2.7452732986168096,24.831251386779346,0.23667936778143064,63.91307001891853,0.0,0.00014063033626880034,0.15940703201972425,8.436889346218607,20.25555368699048,5.24139825790323,24.781816945550727,3.0941422188668375e-07,0.0,0.22229462079964057,0.7137778902462112,19.273397060007756,2.6965080106400054,27.765640244494616,4.227352727351316e-05,0.0,113.67514667483445 +0.8358217517932411,0.1881954594954694,0.35285607207978426,39.471658900499236,47.401353467816094,282695.4823594205,2.205915345405568,89.0907826447605,0.9948865356147916,64.65041498848478,0.9935715362318316,13.328051046941717,0.3456073194256667,0.9744070654407977,217.02745983180782,80.08049388256694,0.31112667002204547,56594.05419514756,0.8971203118406826,81.5201542588676,976.2818060730756,198.53006992071374,342.0988021606285,56.71295073014942,0.25698236072308256,0.19597807570153114,8.439125979053804,27.64303904575212,2.8065869960413816,75.60546668461421,0.0,1.3292350181872208,0.13855001128168648,16.566907299455565,35.84660681610555,0.42589097864365827,12.284865735141427,1.6033010066721712e-07,0.0001132097967789073,0.20948482553873146,10.432461550122138,28.627375500415233,0.23679728960518498,75.26573621997464,0.0,0.00014063033626880034,0.1526505692060469,40.27687110790662,39.8147689819872,3.8049791524246377,23.45404616036868,1.9907974977412392e-07,0.0,0.21099219995138213,7.755911412673844,33.40447271868904,3.098338817650556,29.012630209724126,0.0,0.0,143.75188624654956 +0.8021084066224093,0.1663798550170136,0.3761999376831819,50.3085258177275,249.338130892037,317488.3876141778,6.904706959721188,76.32926821039665,1.7033113927216543,62.20997042141815,3.535542621934269,24.671471611971274,0.6376712252626173,0.7499800905486692,989.3621817611034,91.21247176673924,0.24937346844175662,248008.83157140302,2.8009411848114736,93.82941065233973,2451.1812175431182,283.250809397569,341.57085066758776,59.61117864838143,0.15466914184846703,0.19792355834195377,32.20228468787836,48.597281553344736,2.921437097004085,15.857542299413755,0.0,0.6288826839327246,0.12965934232329124,38.698085428502885,66.59986930020442,0.38358331687440644,11.617270109092058,1.6033010066721712e-07,0.0001132097967789073,0.2104041812414642,35.44343785574212,55.43793908424963,0.27522745660290066,13.739184452822427,1.8984396472682362e-05,0.00014063033626880034,0.11951586610746581,115.6046309117799,82.207447518133,3.2912706012721955,8.800520087959033,1.9907974977412392e-07,0.0,0.23021312339376604,52.65920517966657,96.99155743186412,4.54459897986245,13.78466426956064,0.0003885964692085533,0.0,216.44324751500235 +0.9048672344687859,0.1189611710122957,0.4468864010162112,98.18252339997566,247.4833614354163,121796.96856085109,6.976028573656637,92.65553923820075,2.194033308701763,80.1371200401754,3.826154784731396,8.11576216577791,0.5048223846261463,0.8881809773319954,639.990613062667,91.8320202111499,0.24933721047709723,104228.62960918249,2.840854911123701,72.03904038525906,4662.178229021976,247.6476627529367,348.75758597375113,37.235573624077276,0.33529329829108706,0.19333506421131563,14.81713459706875,36.69372129324554,2.9321572098356437,13.879590729885651,0.0,0.7978713745087612,0.09998208101579963,11.281793396569812,27.19541016096024,1.451148784043273,18.595533014532744,1.6033010066721712e-07,0.0001132097967789073,0.19922141143157668,18.12454032684662,41.3803911389311,0.4556090677002407,13.106637694503863,0.0,0.00014063033626880034,0.3487584408337317,35.664447547367836,24.67259133601553,6.185144590476311,30.831490740799005,1.9907974977412392e-07,0.0,0.2116358462611192,17.151523295616112,43.75083628746465,5.5787562748141175,13.180223292783348,1.1955860159986775e-06,0.0,102.36396398468956 +0.9865468673195468,0.14424323309734055,0.4218665088592939,180.67944262523025,178.46844038224947,285288.3491817941,6.9656832500430195,60.951104560844534,3.6978015228677963,85.63418662241492,2.7982279778394124,26.40682090706388,0.3301145075791626,0.7670500042812016,14.310497398527161,1.3288034458772913,0.14158794302720187,172153.28773639924,2.0590687873880165,99.76375582946555,2569.1819519566925,35.74712293261611,253.68435804169525,58.97978727803198,0.24571052026205992,0.1933195445588139,3.2033970728509593,24.994135405787095,8.020670644786577,3.467283811722839,0.0,1.4067344325956233,0.12415284105402741,1.9496055703261697,13.888703375017869,0.8503615737820505,9.370126285284767,1.6033010066721712e-07,0.0001132097967789073,0.20465318519839848,2.3591901466846834,22.69055033333059,0.3493834463903596,2.421318233543118,0.0,0.00014063033626880034,0.34871289965267066,20.468073468972378,18.646349567558563,11.263035428308365,45.28265565002738,1.9907974977412392e-07,0.0,0.18278647615962032,6.003568007560936,29.23218271515591,13.905833162320377,12.941296406233505,0.0,0.0,75.63463108992028 +0.9875729081531406,0.24338433545097196,0.32563698941889907,80.4212598886591,124.43991978553785,114682.44936029054,2.9285055361598493,66.53136404077084,4.781421935125256,62.3600199004715,4.824641149111233,26.315446163177675,0.47479387577663196,0.9468124667859016,902.3425533917004,69.2214276465292,0.32528426610830136,92529.59754282712,2.7298364464717277,93.40435268847745,4782.990931206216,258.0499773258588,349.3644614876129,59.91144363953087,0.1987429482991111,0.183589270895543,28.463758838101857,60.48389995414996,2.660089974712547,31.373472834441664,0.0,1.305009089752406,0.09752234525610615,42.6712729494185,80.09746701270419,0.5723240274023318,20.601353071891495,1.6033010066721712e-07,0.0001132097967789073,0.19887310134010983,33.202827870033666,62.900669001855796,0.3164226399771804,29.293441190937806,2.9386369739914002e-05,0.00014063033626880034,0.15849279858668355,91.72321049967469,72.00479847438234,4.830194984471371,14.54265958432182,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8950278712833657,0.11289060774560437,0.33134214598532463,140.1889593758621,228.46098871128265,232983.58522491544,6.09205576633152,62.79248022672726,1.8620034961098408,83.4813093545521,3.8959446003753673,29.83696070168837,0.3944942214587402,0.9110640147234655,750.4426851764908,51.84960461151095,0.056609849903247744,299365.6306913639,2.836796567013665,90.67014667640385,2205.3564907806704,263.01744390630466,342.462674868746,54.184247190517254,0.2568851998010588,0.1986169425062358,48.606297629641055,62.37742860653557,3.0465448129167014,22.1582483761723,0.0,4.068069661907158,0.12489683048899573,23.241861158192233,44.11560388320462,0.8865929486188536,9.79953041994325,1.6033010066721712e-07,0.0001132097967789073,0.20184364094757246,34.93296918611123,59.59526723990275,0.3561187510324537,12.699466507738313,0.0,0.00014063033626880034,0.34106822241097395,84.4592289596959,50.35269822309123,2.9642581643437227,16.93190020179089,1.9907974977412392e-07,0.0,0.15500910148226082,54.05616766392761,95.93646700071162,5.733115017088507,11.824463779505482,5.043370539850534e-05,0.0,191.18018363238872 +0.972567582606904,0.20285288479670824,0.38906340555030383,217.18255721355615,238.19613904417398,345663.9135665797,6.705422518425739,65.00792302887083,3.9739875511952416,87.47160953685808,2.930397204220908,29.08449761940367,0.5093228006196118,0.823394694567925,740.571272311546,80.3438669070176,0.33560796279456484,297341.43808525975,2.8678393487364517,84.33396619384531,4611.801110786931,296.70407186019725,348.646690866537,59.39831070726746,0.15190167783022326,0.19273809553670407,34.99784031401142,57.72525062173125,3.3194917034119635,15.524961400618063,4.819978934229701e-05,0.7039839870440296,0.12147608097676572,33.75861386900067,60.25170931467254,0.8015076955670073,12.296652891294258,7.533990820643124e-05,0.0001132097967789073,0.2043444147992293,38.51211523146304,65.26153243976724,0.3341996527613761,13.648573443854238,0.0,0.00014063033626880034,0.16593870129456464,109.32051142254215,72.06379873943351,5.787568133737702,5.746827274745103,1.9907974977412392e-07,0.0,0.17638831020482926,72.23395928626488,116.19864789763301,7.299490021877754,14.559839042548907,0.00019385699457162198,0.0,227.71908700366507 +0.9218255461215535,0.1715011592787113,0.3415207222632158,95.77490511564525,248.580335532768,131775.57639128045,5.688713504473995,16.170711890974072,2.215979957689563,32.85388459649816,0.2762067997213538,21.38411927343474,0.46877293588094,0.9062641967989625,280.2393232634219,91.80042182886021,0.3320837764557813,203467.11679913205,2.914651102005183,93.45714714421985,381.4773282149498,284.6371367677839,345.8395834602136,56.20205801878913,0.20305460375734768,0.19040002644108964,32.93217266342269,62.57335445809843,2.7912632692882564,18.60320084770969,3.916053712609866e-05,0.9866532983154874,0.09323142822720189,31.646447402633097,56.34053651878632,1.1855412661901523,17.362545262183765,1.6033010066721712e-07,0.0001132097967789073,0.20034708039011045,37.801285480770595,65.7094447956109,0.4109406076853033,17.59496227671549,0.0,0.00014063033626880034,0.13905077867402466,89.14477457058258,66.52897904538722,3.379955036240434,6.390954095172967,1.9907974977412392e-07,0.0,0.1649550903039233,63.25096226838835,116.46409809961877,5.525243900186692,19.978421190041644,0.0,0.0,215.19610911335712 +0.9397049233480775,0.15926465765206615,0.38106419857568546,131.0547093649754,125.99007819582167,282983.36080032366,4.083443003681303,57.439528994613106,2.1906608304952213,52.44802384834918,2.418691689839584,20.997235310812062,0.3281330261201938,0.9813698825363808,255.1016130372762,78.14216679215473,0.10786100966450679,54778.12943677651,0.8057508421925126,43.417103781020984,4146.676715396841,185.93362041074698,338.37659251395127,59.596187817427264,0.3170281559785385,0.194211577187946,8.593390739318757,26.266013956233447,3.0739019638976695,78.42946837315388,9.873264693266971e-06,1.1542193397886735,0.12531886969383296,9.264034743584586,27.34099605479934,0.32658160472538766,9.212348384717416,1.6033010066721712e-07,0.0001132097967789073,0.20254005832033403,6.399780462290968,26.190868500648865,0.26488591161063657,67.9161630580048,0.0,0.00014063033626880034,0.0773594574844581,23.056017271191497,31.714384144605116,3.2008394261726885,16.280435326165033,1.9907974977412392e-07,0.0,0.19315264032922513,10.554445971502364,30.13961508111756,4.822059458715627,28.263360474857052,8.066222424762349e-05,0.0,129.7625267276609 +0.9832804430443481,0.15615343853626634,0.33848977723939727,219.70334584503837,40.44511781262604,272481.97032807156,5.531301237541405,52.51752949773668,2.446459759921696,82.98576507635018,3.6469596479522854,27.62081724192153,0.4058432898293107,0.9438488039400877,309.40049348969194,48.54426611044084,0.2876151793214755,247008.91381585,2.719033233374829,96.29850822122643,2396.737675517925,133.42159350586752,348.8044171841561,52.91332367189784,0.15472967260730233,0.1893922819261219,32.17484715693688,57.01081248067015,3.319182367680053,18.885070867970764,0.0,0.789173546032192,0.12596463113597567,28.223392983974982,52.377208987133386,0.3425598438669326,11.727834798302695,1.6033010066721712e-07,0.0001132097967789073,0.20265562693641734,32.3365752666163,54.19281942435302,0.28806411829097023,16.422934692805438,0.0,0.00014063033626880034,0.09639131852808251,92.34195621342673,67.37769737747287,3.7868433460160076,10.063715515848358,1.9907974977412392e-07,0.0,0.16864122341260965,68.19693519594337,115.94872350214932,5.249162245078257,10.11119329630485,0.00010116062409376424,0.0,209.7400786338667 +0.9767026836000586,0.2067129947008826,0.4014756586569364,227.12938689318872,120.57635255871445,328688.8129971541,3.187291362686352,58.307388046443265,2.1477592622371904,80.97745536746743,0.2945900814878226,26.12580948339198,0.3824672255917484,0.6280752689134322,626.9172237559233,71.19991079618686,0.06674159445768393,58505.0189742801,0.7060825269418167,26.228467085769843,4390.201258601041,287.21183815466236,345.818888725224,48.26283763872298,0.2628730958680641,0.20009571941700507,8.761834077478015,25.8817159252683,2.932059169996144,78.96043412707091,0.0,2.268627573976665,0.1349969318032431,8.921379769286439,26.033960185049132,0.2191372496973109,9.323396064146888,1.6033010066721712e-07,0.0001132097967789073,0.20954190111141796,3.411167799979305,25.93410458453507,0.24665051396405305,58.54750776778613,0.0,0.00014063033626880034,0.11931290848859641,26.595531331477115,32.392917285401666,3.366170883697407,17.85357271210063,1.9907974977412392e-07,0.0,0.2175872092654013,8.822509663117842,31.490275828951535,4.51882142079733,25.324284209533158,0.00013432772866732548,0.0,125.57716949166559 +0.984687291515989,0.20751935697126664,0.34767445336733244,63.539098676762336,183.98024920747906,256232.69454423318,6.790130474091132,11.139815787167858,2.123263807372334,92.95684315152099,3.861786624012693,18.570171825923918,0.37495799709997973,0.9261272029049104,712.7422516782143,93.94567662222869,0.2706191787434817,58337.98920108084,0.7988589304827506,99.01775052056873,3689.359905797485,262.01591234438825,340.5738070929651,59.762465406831424,0.1722629199186964,0.19347708294528906,8.127273684769758,28.36570192829513,2.8211982303899736,75.20706570783882,0.0,0.7362273882420206,0.1358704193923138,10.984353453933805,31.698607631548107,0.5711212133300428,12.890090463104489,1.6033010066721712e-07,0.0001132097967789073,0.20511134210935827,8.821877626393322,28.085314608706163,0.3104818581177841,72.17700550019877,0.0,0.00014063033626880034,0.12134917090861866,46.03273022215439,48.89750190734388,3.3061452521459453,19.471851165976467,1.9907974977412392e-07,0.0,0.1971497005902846,20.800404918570408,46.005286677475105,4.720347471582601,28.85975408429787,0.00028262322491628034,0.0,149.02334806364203 +0.8817838564775771,0.2329961176799523,0.4070350934162145,17.846675394844524,91.54399374275775,155169.01337101025,2.040801891234005,5.854417592948538,4.584762586928526,52.70663490268017,0.7006426356742634,14.334491919197527,0.44948272300005815,0.6414155190564742,325.30370479572264,90.16016637892548,0.10942971076278185,50009.98961854173,0.6470490694369465,52.27151437262048,3981.840117082344,294.27277027417716,328.9937047779062,53.82039341159712,0.2800303080899507,0.19979801297043986,1.5245116983847036,24.279921987216827,2.3790390352449315,64.6460195625577,0.0,1.273756480169975,0.14216188978155544,6.022646789011095,20.14816415431764,0.38437476561880934,8.059445083550658,1.6033010066721712e-07,0.0001132097967789073,0.21334142584598273,2.3764859606288606,25.1876085899493,0.2366330299426984,61.41705791935934,0.0,0.00014063033626880034,0.1565319456757485,13.518450509479264,21.98314108671615,4.678187760561861,22.739150686739972,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8397360776387445,0.11647196580980901,0.36200027882409574,119.10523718636341,189.20374932430184,293321.16451171483,4.540331659171715,94.9112899806648,3.889608534456595,69.62108343250098,4.01806207151723,24.292314611728727,0.44310701139223296,0.9215021674920937,639.0029281846006,81.29588870364917,0.2812264498252544,56730.779968771356,0.694559913748964,47.58314260316068,4272.343899980819,296.5686201407792,326.97232434512523,58.85056387519744,0.24615247663636028,0.19256391764153605,6.394070173111058,27.592656547238015,2.8811650400904782,74.18109677845827,0.0,0.8133199638039779,0.13256978081427545,8.661393137954986,24.923620914491227,0.41397215127194276,8.503924921664431,1.6033010066721712e-07,0.0001132097967789073,0.20313811209695343,7.586961396726604,27.493638260351176,0.2751398565123095,70.97919744798084,0.0,0.00014063033626880034,0.1263842359942216,31.779779485130476,36.37502256762555,3.0654594936742723,19.357512658935132,1.9907974977412392e-07,0.0,0.215944429649092,10.659770876530109,33.52087161200659,4.740797909532569,24.745492047055972,4.1356291517297364e-05,0.0,132.37739677661799 +0.9821204372392431,0.22507979311865817,0.4427358829482302,57.08768317922055,45.55002544697777,282398.776110686,5.542807381146232,23.483642318288126,3.384125928927205,98.50194667493062,1.2081888632783304,18.31692165616655,0.3740588307757693,0.9949449698769252,784.5066650040225,45.68667629417992,0.08878656937270081,58552.815220515186,0.5702929083983654,55.27375541984783,2071.3247102257424,253.2281555378417,344.86359180033395,59.6768629492864,0.2838683892535154,0.19610565544515385,8.06433158980354,27.134832968272548,2.885763156179693,77.99542485913707,0.0,1.5063241209681055,0.13424417407017059,8.683181397941807,27.45461767036197,0.22193362409364994,9.913720756938865,1.6033010066721712e-07,0.0001132097967789073,0.20554695329809206,4.320010991141646,26.521568253051257,0.2590864904011209,65.22053785369167,0.0,0.00014063033626880034,0.10768946866180285,18.38376024829042,30.194105234133538,3.8647061549293227,16.806960285130007,1.9907974977412392e-07,0.0,0.20583745187277164,7.890666442214954,30.21694792307403,4.4781642606483025,27.48487638217408,9.896759931340213e-05,0.0,126.87218066948107 +0.8399260488101697,0.14015793579266053,0.3423087722643124,58.75546683877227,185.044132136928,231501.91243630266,6.5972187143881165,9.048227729661537,2.626469110305177,65.24029426897907,1.1663386014831276,19.062337183208108,0.36922287947909715,0.8269951534561891,72.04062351864798,8.080361768514182,0.2858619293862077,59264.8157589468,0.8637824582984682,89.93618384131348,2793.68070521969,49.60548503394678,344.70177678099367,39.58656604151984,0.17675473274995218,0.19625537573309756,5.437249552805905,24.45322308275324,4.348774701370883,67.62695882826135,0.0,1.0053202626594497,0.1349325280065226,11.975143869167011,29.77724826022262,0.5963150785430724,10.664555932162898,1.6033010066721712e-07,0.0001132097967789073,0.20886468658473423,7.132892646645452,27.390906780910033,0.3160606109799433,64.23195186649059,0.0,0.00014063033626880034,0.13969111047635127,39.404696537828215,39.83704934924256,4.0142244253732855,24.347358701028128,1.9907974977412392e-07,0.0,0.2050926507155471,5.418737918004705,29.393594210510038,6.41381560187522,20.570417413609977,0.0,0.0,128.05634650662734 +0.8894323658296549,0.14222174136336024,0.34917403037603817,37.75056872278358,119.69568186460555,220068.45798598358,3.848442628490623,50.63031875136106,1.2510763897780932,93.41605878318772,2.672971637436155,26.24286841134345,0.36194548999027865,0.81287964991691,688.3626884218179,99.79752609962587,0.2710407818086447,61980.930596946666,2.2603539890753384,94.5692578927046,772.1699082411121,268.41756448848577,344.8337459091331,53.745931814722084,0.1947412973254506,0.1888667136133319,17.867483987236845,39.33696145774745,2.4429359434544975,35.1377212357943,0.0,1.138051829962544,0.08421178978904571,40.82268061423829,68.4643048769615,0.19881645616154783,26.116163698336095,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,4674227208854.957 +0.9120640324885995,0.24621485520432176,0.33630022052410197,65.64568748170527,147.4978268320206,157238.0317862829,2.038580448977556,95.24421439382647,4.205381803633673,41.45945378500064,3.561903172366954,20.639341702246554,0.3402837159149761,0.9596047601005236,658.2521407073236,72.41245172210817,0.17760041035395713,298895.79863111005,2.910378950316223,35.753390100152146,2354.1742914156603,254.54169445409516,348.7393146860543,54.37359260580759,0.15441774412294182,0.1941942281616462,37.65441089347357,58.20291141842195,2.4462679220351884,17.382137443338223,0.0,1.1234041898658473,0.13419943633805465,38.856240169799754,69.73061185958703,0.20614577155706842,6.557879805639346,1.6033010066721712e-07,0.0001132097967789073,0.20556196454924042,41.79169912642556,62.86963266807571,0.246423154701836,16.599843362879504,0.0,0.00014063033626880034,0.1257468891107611,104.86990061051232,74.87187675643224,4.605785750481169,14.748397668362813,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9798579740677514,0.2343446331398985,0.34891253361693986,188.31055122862577,157.55163430730437,291607.3380165796,4.288169262890615,47.091113764913175,4.796606046226742,91.82910859999822,3.3519551334960354,26.06528480237791,0.45991530852782153,0.8852260338611191,746.4676003925272,51.47101178772529,0.05382439541143766,218006.31624639654,2.788337013949202,99.29055472395845,3817.501359413376,255.5046454421119,346.20696778216734,58.64618221868069,0.23937569355938046,0.1841796441436117,32.68014779157189,67.51639015105286,2.8421813923496644,25.87776535457309,0.0,3.7093252073482867,0.09868355150973973,26.107796101690838,48.79753910402595,0.4558804438531286,16.329886287988014,1.6033010066721712e-07,0.0001132097967789073,0.20220538919484565,34.91846055522818,63.16392272617049,0.28090575664013967,17.312104601305265,0.0,0.00014063033626880034,0.27725512844026684,80.5776650720437,53.05356585130138,3.0748809473163616,11.105778956500936,1.9907974977412392e-07,0.0,0.14920049445157188,55.879321258842204,102.94112765500219,5.041990669001581,17.484689178231044,1.257036961726134e-05,0.0,196.58925902562706 +0.9549089023808054,0.10755321772648875,0.44074656841072535,113.0262773452545,244.21557890944777,194699.86976340535,6.825652154730063,14.936048283844606,1.3528685743203723,65.59160181545312,0.46561867393710443,4.670294730676768,0.6929138922683523,0.683734132748482,787.139819936162,35.668153534182906,0.134202719593178,56710.62211159713,2.570023993621643,82.2223172587099,2776.832162605216,203.58012821614145,259.12653906641424,15.864111772228748,0.24640471437679312,0.19975836483848283,5.169278326725478,23.979113110007,3.0557496467103507,6.077292769676,0.0,1.1642431890665823,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21365471173649048,6.537899820409995,23.632881631259995,0.3886133358766277,4.265271285054874,4.148828371408834e-05,0.00014063033626880034,0.342713906244556,2.1838780939057454,14.77046295847678,15.190277523354492,55.75675279500803,1.9907974977412392e-07,0.0,0.13673607393941406,7.09262269342574,34.264836235511126,8.189374202017396,59.89637137389499,0.0,0.0,2698666337285.8823 +0.8969973543525535,0.161582191503457,0.40215014885366984,164.30161905355936,240.14782741360688,204500.62947997454,5.946241813582002,87.15463224674073,4.207106944627506,22.80573995019592,2.970137893988303,27.44770707679655,0.43415617917061583,0.6352419370091119,843.0191484984923,87.5358205116348,0.06396218647236133,299837.9943550367,2.585015832328573,95.07622447952895,3160.9621144569624,155.14611181804116,349.2833514250172,50.10579501544263,0.1602164717581717,0.20156097844675036,40.37272416023949,51.58632378316503,2.7942429011546444,20.165332222412196,0.0,3.5967873221453828,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20997825054116537,28.656300513324815,41.216687610431606,0.3827578879126557,12.42017493478502,0.0,0.00014063033626880034,0.09764193379932773,98.08033783032423,66.12449810205376,3.4384541849511425,5.523315380637373,1.9907974977412392e-07,0.0,0.2236978059551298,45.12632770081922,79.68773009926213,5.769907911090747,8.201603137098358,0.00024181366540186944,0.0,2698666337285.8823 +0.9612814532376474,0.16505412487723248,0.32812858087512253,241.06792321019967,216.01167543777558,261789.88608241195,6.364230694098784,8.431158946839624,1.3382720554463747,81.39316029254518,4.113976299237646,26.216258603772026,0.40507302993976474,0.9782301344140016,961.5322233441457,25.09237954622735,0.15134192647633465,194050.2996678198,2.8362793083291016,87.4707643186216,4391.835715961033,291.2219121538972,348.15272805371615,57.30479925704875,0.23136129010905154,0.19122708044134482,38.31203249169352,63.49464968597272,3.370083218411151,24.275385608649692,0.0,1.0416676260946245,0.08235527978954538,29.5868818377243,55.927122014014884,0.9976804024402016,16.53901318156712,1.6033010066721712e-07,0.0001132097967789073,0.1997441620338324,36.72771836906254,66.34298856096183,0.3699490981110213,19.555399427101964,0.0,0.00014063033626880034,0.2565600044371488,86.14177584638418,60.99182906234997,4.923615174431078,11.975399338668158,1.9907974977412392e-07,0.0,0.13033254893048712,70.38557224773855,124.621821195418,6.7891207655588754,21.602487111243807,2.1897853659093708e-05,0.0,220.94673965775837 +0.8654668916555265,0.11010919078745633,0.36463732352846256,219.75579479154396,120.57635255871445,328688.8129971541,3.055176220593869,36.98896516335613,2.1477592622371904,80.97745536746743,0.9016909182029986,26.12580948339198,0.502820382329781,0.9389223465799692,795.9357438343993,20.5476202186611,0.3050918269616936,53062.37380459785,0.7060825269418167,26.344455546144186,4403.537669358908,287.21183815466236,345.818888725224,47.6376912698567,0.2868148950505031,0.19138469679995043,5.474561253303142,27.238976752023554,3.0770030596769535,78.50703689959602,0.0,1.029717164372207,0.1302283803373814,11.315654007288721,28.923565117388744,0.21243705115971773,11.714512561486108,1.6033010066721712e-07,0.0001132097967789073,0.20224106920875737,7.001144197052567,27.635555331243257,0.24475612274348837,75.50838425651911,0.0,0.00014063033626880034,0.123347672684963,32.8965817316029,39.171619440235986,3.517620153601907,22.495173539066634,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9806706855560654,0.20680527862138423,0.34978792544675585,116.81824339785696,214.3738906869909,273065.71324102284,6.32339373611989,76.89635356722721,3.488170315282393,71.15891125836845,4.092056815018004,24.994418480246445,0.3541645311720468,0.9720866566015396,701.1685120118254,83.67611960598438,0.2818643063201633,294803.07470310654,2.8684504294527247,94.47005934641818,4425.7896778921,232.60218013808066,342.8691049569365,54.48983847694087,0.15509230609564034,0.1898037725389372,32.03343978585156,55.586872809917224,2.9825936807770663,13.603201239258611,0.0,0.7243780351898823,0.12018625810857872,28.398074106237274,52.816818244075684,0.7077943719091468,9.773272660398177,1.6033010066721712e-07,0.0001132097967789073,0.2022692158252829,34.84955301835299,60.983668039740195,0.32711202957685986,11.808844779123822,0.0,0.00014063033626880034,0.13448212884145483,111.61828944149548,74.51187805867185,2.853132523813437,7.997724405656949,1.9907974977412392e-07,0.0,0.17166080797859729,59.80043841170323,104.83161967343644,5.532947838611023,9.458993919879445,4.807368739826832e-05,0.0,214.11305759318228 +0.9108364459240617,0.14883523311859415,0.37632051293384583,136.31573619053117,242.86173397166175,282735.09557979595,2.343061809560103,47.41736690804561,2.261474051242452,52.18381165353628,3.727017244525047,29.486071427814174,0.4945959527822564,0.985649845683275,757.3125647092713,51.19155208811511,0.2866001910549542,239406.6930760228,2.6929436381553353,93.56538890755871,4661.436615556861,260.9503649836263,347.9659958861235,59.68580462780745,0.1545218767690466,0.18779945199249662,31.89087885574491,57.240310146259205,2.66584702442375,18.76505843877387,0.0,1.125721088625857,0.10860807354987388,37.33480970288225,61.85649867835763,0.22352863600614337,13.710507217814136,1.6033010066721712e-07,0.0001132097967789073,0.2001510136169974,37.16476258288621,65.35555559251591,0.2411839910525561,17.410114371418334,0.0,0.00014063033626880034,0.10432440614314621,102.46844311670573,75.24479984580792,3.874972555025484,10.5838724569306,1.9907974977412392e-07,0.0,0.1751193583207891,73.00601965493887,125.31305213894468,4.299110110956157,14.636815844650503,3.467873972158534e-05,0.0,231.45743973999888 +0.9848814291407957,0.237173407478716,0.40678110740038775,233.91924712943836,238.16677212446044,266151.6859032049,6.537802414360925,64.5141427745951,1.8572267852991566,63.54222696579916,1.431175551677445,17.214204011249866,0.36005799868125676,0.4965228199199256,637.1307912458858,83.86664892928195,0.05761090898860742,54420.12730304056,2.377137587797432,19.566342606751785,2486.618296814325,64.73677920140774,242.70052946597983,12.298328892838889,0.33231520253827074,0.20278612243310715,4.8330785335516975,23.905288372590512,3.1674673834123066,4.74094255084827,0.0,4.791329198007347,0.14062101145920697,2.921716560365375,12.853619480077597,1.029293151842726,4.030065505146979,1.6033010066721712e-07,0.0001132097967789073,0.21309327609959497,5.235968885408018,23.555668241386908,0.37453348537282777,1.946187765392627,0.0,0.00014063033626880034,0.31123797445773416,4.297321461104439,15.830140273826055,18.066522175026257,58.98333045150416,1.9907974977412392e-07,0.0,0.20325223801415712,8.09242954883467,31.01576050034524,9.716083645904037,59.153450056109115,3.7814016853331624e-05,0.0,100.61455340909453 +0.9300695323420347,0.1609340578996207,0.37096156049438145,98.65469674574425,46.825390075234296,270486.8981510352,6.04633107530857,75.64000629517936,4.930331193032363,47.28520354288821,3.1152539175701226,14.73051334236622,0.33469600948042566,0.6203885364089148,393.39160319667485,46.63072940055174,0.21945010980917073,53368.09987247319,0.763704040886009,75.248823480396,3677.4075325251356,260.9147855561072,340.33927642643044,58.925548807429884,0.3280744510116467,0.19916098718460448,5.174938003005246,25.126827409063424,3.1945073037351093,73.72635689016597,0.0,0.7236405483662149,0.13959340527189995,8.716338296208692,24.556033984429398,0.3561839197525198,10.012224345014221,1.6033010066721712e-07,0.0001132097967789073,0.21242880694607447,5.006217808825924,26.144230689669495,0.28640088874679226,68.1518221913439,0.0,0.00014063033626880034,0.11456627250622989,22.268817204369014,29.88033426589474,3.8521080284415214,11.588128871259402,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9857334253682435,0.20551964461247557,0.3210416445040541,126.25353822542799,148.94009689720187,304291.5576941517,4.189986786044967,50.046317652977294,4.425137126363943,91.87980009684328,4.484111635027944,26.349336975477904,0.4506242422313408,0.8168288907675211,894.0842667116051,20.055791339018512,0.27410753747500105,84773.19221123421,2.3084842584119976,79.30061390380575,1599.6582598573666,268.96716322457587,348.2174140804727,41.23655129708235,0.15762360223064636,0.1906516619203103,18.45303289162227,40.92371321318036,3.0814444526348135,29.334258445442476,0.0,0.8621516297107072,0.1095416430470631,28.41997745167065,61.4373512624555,0.3207037845016294,18.047775727995084,1.6033010066721712e-07,0.0001132097967789073,0.20206159402546017,21.636602947184446,45.15803626560987,0.2620325159276982,25.559223002248697,0.0,0.00014063033626880034,0.1644407448274546,97.8178989679984,83.45926334184954,3.5597769829008827,18.47320562565111,1.9907974977412392e-07,0.0,0.1726144040802289,58.7006543786757,109.10998485678718,5.107373106990871,23.062980173171123,0.0,0.0,209.16838434069433 +0.9194523394660389,0.20426597788226245,0.358808878518164,139.74400443453266,111.73392999312566,205098.96034182978,5.768989308079347,30.480689007290145,3.310979721977953,53.983836415836194,2.3714369861202895,18.959785430398725,0.5313108888176169,0.7611574379349031,998.6812432939402,65.1626713510385,0.21781957203599667,110314.2038829297,2.8279352037441168,76.99650150806886,612.1389208295386,244.373846794458,342.3666526796075,57.63411016478157,0.15639628690665971,0.18056467496832204,16.427022642187747,46.522918277378686,2.339152700001958,20.80102592084727,3.787327387550727e-05,0.7133682540967415,0.1229197431236495,31.527875607363196,62.31015126850176,0.7693869272974064,16.70802913368468,1.6033010066721712e-07,0.0001132097967789073,0.20705651676812922,28.8948806531996,51.173206836619606,0.3458719729011159,17.989853449953213,8.187079572187007e-05,0.00014063033626880034,0.11287434887934154,100.9772590322924,77.01752145524884,3.600150274045929,12.962809091578022,1.9907974977412392e-07,0.0,0.2090634481788982,43.81684419558709,84.58377875609699,4.890572562110388,16.99330198107264,0.00014334543657621804,0.0,193.65649856512402 +0.939679265762408,0.2262415928542955,0.3259600409669219,242.360035284882,246.8331336216158,316584.7245898828,6.934566854813003,60.460794188752985,3.9475455850946095,17.09274731370131,2.141058998945121,25.301452761168406,0.44321573187023594,0.9836382302115203,693.5752115236323,68.10094704167767,0.34847329515406483,206828.4766718363,2.6202365311473783,82.95081647441076,4972.914291409378,280.77094594473976,346.8794390447679,58.86692546067345,0.19760012288156528,0.19079959252843506,34.372161354077434,57.329041309584525,3.3012004512455313,24.80951179855427,0.0,0.7168966739463251,0.11609392359337953,34.437118657912464,58.94198542553509,0.9514174012487779,12.789911538115057,1.6033010066721712e-07,0.0001132097967789073,0.20278999424207242,37.06350169818326,64.94395349875539,0.35938108801174873,21.616042872958264,0.0,0.00014063033626880034,0.09446666884204705,92.89900650808956,70.77968183239773,6.5507969414583025,8.37185914484322,1.9907974977412392e-07,0.0,0.18030652839531083,69.21990833915612,122.04618142193368,7.981985891599261,16.374135180039456,0.00010201014293789655,0.0,223.0469982347048 +0.9294500031501092,0.27922677424308723,0.3262357447317289,118.1231000487683,26.37275589201171,292590.26767810114,4.999489247459175,88.20714247505308,1.754676631896562,82.02878172121343,2.1396182456145105,13.030111089495637,0.5750574620538367,0.9643476852216131,522.455945406062,40.632067713756186,0.06021933207287395,222679.92959880372,2.5613346563977615,90.30603522229491,4249.398239870304,283.30892495951156,347.09481697737965,50.53165474027909,0.25299174224466975,0.1857666756815987,31.600051806085563,64.23587718158572,2.871728502249302,27.40084934044968,0.0,3.1809019042432913,0.13392666794035618,27.330135009094622,50.54780261174244,0.18488501889917636,13.494675331192845,1.6033010066721712e-07,0.0001132097967789073,0.21052234242271478,34.186664588831654,59.086848819857124,0.2578560259488024,19.10786992103871,0.0,0.00014063033626880034,0.10093382848592028,72.80735235779628,57.62209863838674,3.77087073398112,5.784804294736879,1.9907974977412392e-07,0.0,0.19312823316714986,18.178371291139005,69.90207551493765,3.8711164864640395,14.118105952357821,0.0,0.0,168.82951454751048 +0.8968743964542167,0.167883389804798,0.3370692939066197,173.3939455765193,199.1584054594882,232512.5973314225,6.327042832666725,98.50208745507139,1.5204565034281903,10.055284509173937,3.5287838688285413,17.957974301830856,0.426678559111881,0.9244715346250256,388.98731118462933,94.02423002229305,0.2675743254457697,287966.4796613407,2.807966078434272,97.4565423607959,1611.2039788511693,285.8478434515967,341.53972848138045,58.4160484644041,0.16951593618743144,0.19520470186558972,35.706688312683,57.44824488250887,3.04469910970182,16.026209353842766,0.0,0.7512715786938922,0.13093019552806298,32.74584933118282,57.95159118731413,0.9628131763650146,9.859374473776063,1.6033010066721712e-07,0.0001132097967789073,0.20724900579427818,37.93357543740667,66.05839913434257,0.3683314259611628,13.698971884713785,0.0,0.00014063033626880034,0.10676869235603426,109.6773024081813,78.13295831988414,3.9550395035658115,7.1344530790832135,1.9907974977412392e-07,0.0,0.19092362365471913,54.14945465980665,98.38513436467538,6.785029668171141,12.842991010066479,0.0,0.0,215.3707403542692 +0.985038376612863,0.22947574854784597,0.33899950363265613,141.50440844142793,213.50613494784915,295659.0739170197,6.7265442057571185,72.34654495029253,3.8887416189947897,86.0750665976247,4.4154378183891,27.600901144711536,0.3737114130035749,0.9700514384806526,897.2450969025235,56.21322357749988,0.2541795397233213,143701.89794278055,2.8732781805405785,96.29850822122643,3752.519387331511,296.8723201446708,342.90888681514036,52.327402325733104,0.16117748695391484,0.18570297719207043,31.782740222098514,61.82020866129418,3.150598435874377,21.45746362790893,0.0,0.6796671830532123,0.08255755304573566,35.2090508564519,62.385475457406244,0.7591003313209638,15.392757633854929,1.6033010066721712e-07,0.0001132097967789073,0.1998261102155046,33.7431232024767,63.443425294404655,0.33364428991517314,17.62425770809449,0.0,0.00014063033626880034,0.1422737444616802,102.11583772480246,75.17102847692014,3.387241447973761,12.25360954929851,1.9907974977412392e-07,0.0,0.14394740345088952,70.81270970759707,132.96451176152127,6.20326005686827,20.524560334091856,0.0003471161095734489,0.0,235.66933564503296 +0.8430233862628217,0.28514522273087645,0.4175849565961631,249.38661435303152,143.30423387923315,194492.116753168,5.772272974332257,33.284316058701705,3.362056851665986,14.163616004276918,0.3277470103058544,25.54116345870626,0.33788727107459543,0.9715816701662071,310.38664661036023,84.09960675714454,0.1496806881495824,64410.61053420835,2.923684246484972,53.25245784194966,4593.3810306025425,236.5263235046098,346.8513442628014,46.87968165045015,0.21425275415568,0.19674866745501962,23.994809809064666,42.23064953089724,2.9758837202876554,22.76070661594433,0.0,1.0972450722875964,0.095333403770041,37.28914557171478,67.92583119839732,1.034138585191965,18.437636794685538,1.6033010066721712e-07,0.0001132097967789073,0.20207336023452632,26.857382730235326,48.014412646897526,0.3822384144158592,17.38541691773872,0.0,0.00014063033626880034,0.10539005790787147,85.33920164539197,62.75341166257021,3.6914768483117517,14.063467537003941,1.9907974977412392e-07,0.0,0.17356168146265935,36.839136945127265,83.40030475016971,7.011731870993986,15.193315768520748,0.0,0.0,180.5182727382426 +0.985038376612863,0.22977962075709107,0.33899950363265613,141.75080827982038,213.6092194722837,274813.88986241526,6.752558972472899,70.93349477295548,3.0090868369594777,54.40258919265406,4.695817155759387,18.999151136877977,0.6688037514517406,0.9433200354348318,833.5679679647035,61.455009843293,0.3170041825616673,143610.1909813498,2.8739069737896408,96.29850822122643,3752.519387331511,269.49851181693236,348.8198466799957,30.26226471219228,0.16117748695391484,0.19079492324917585,24.75784598802171,53.19428620391366,3.0996324678445553,15.09931926368575,0.0,0.7640937494832539,0.12337948658415138,30.90061402038877,59.56536170888825,0.8220393952230665,14.593463454401366,1.6033010066721712e-07,0.0001132097967789073,0.20116055302976063,29.13557907116613,57.00882391187223,0.3449355530358707,13.07850166654374,0.0,0.00014063033626880034,0.16183962400850394,113.88476545081656,82.08816126729741,3.4171136690155492,9.989861802783022,1.9907974977412392e-07,0.0,0.16808521432733303,19.816514379104245,98.46506636063584,5.1154194140678655,15.096802382131429,6.189674947678328e-05,0.0,206.9524448419038 +0.8712396594506611,0.13179356632862277,0.4324028959389284,131.6926616747673,49.86055365226992,219610.8407607717,5.0433669675219175,29.603694290531596,0.5531501765463472,43.498929423866464,0.26801533382091947,11.75482448327963,0.5763204644018405,0.390130676921653,569.8974053517984,53.338577728191424,0.3047371902165563,72101.82413965589,2.8829044919409115,97.89115326335937,419.41213328205026,116.41189141283148,267.9991558997848,25.521649491183066,0.33014397796569195,0.18538111733928245,5.919917192426147,23.96505654048082,2.4502791991564288,6.254102470934636,4.353678211130663e-06,0.9921753605883101,0.1107730430220469,1.9723510122110943,17.03454167013306,0.4207047709075173,25.89471461247963,1.6033010066721712e-07,0.0001132097967789073,0.21485658000319074,5.859098985811618,23.222981943998374,0.2990765633297569,4.249637051625281,0.0,0.00014063033626880034,0.27500418570904517,14.64709684020999,19.291373189285466,5.762594129698775,46.94021623875649,1.9907974977412392e-07,0.0,0.21121484949928238,5.1680554612958245,28.948581638724406,3.7208573854423195,36.01779675643768,0.0,0.0,84.91990247627506 +0.9437155127949232,0.25209819832614894,0.34680690507649126,117.98239134771217,70.62392241504267,348624.6012769824,5.310793019370226,83.80227495131331,1.8477547261388965,35.470230984484004,3.2825539253699123,24.59020208284689,0.5841327669874109,0.6543978231326506,881.8964643580491,93.81551302346159,0.1318260733398478,152724.75396007556,2.9921698280885414,71.20961710374647,2570.3484510413737,274.68150902856894,349.19141299946955,58.93466246293583,0.16405543733738964,0.19875470238678752,36.904325170249066,53.87375094058289,3.0391258591559698,25.37160262092779,4.4376888254106766e-05,1.0883731068805171,0.12073325322128343,36.103040341897255,59.47478429981956,0.24596347815372152,16.607397350241573,1.6033010066721712e-07,0.0001132097967789073,0.1923775676493336,23.473371359104917,59.50234725234265,0.2706946065961346,17.428682870765734,0.0,0.00014410350517884027,0.12506858614465013,105.3860333562672,78.50101052843378,3.466078267038602,11.965579866010028,1.9907974977412392e-07,0.0,0.19109989893454915,35.88353804378391,105.33892017763968,3.9209278788007738,20.06474950303653,7.45983672714148e-05,0.0,211.320128459175 +0.9390307975995607,0.20739119439276424,0.3210416445040541,92.79032290659163,130.63323620653605,294376.6998712349,3.882566542773502,62.86341614615374,4.425137126363943,93.37337736264803,3.8394170796003806,24.378399468817545,0.44646379402685765,0.9049076758677383,922.0556539203506,88.4822548792744,0.3263515741420162,125708.04143865703,2.8997600685131015,96.06712977280209,2496.643987171337,235.17610809280853,344.71866079783763,48.79189146632771,0.15084085853493034,0.1889554648265674,28.952441754325914,57.56840481275719,2.728159319026897,21.515854761505576,0.0,1.0446128024129493,0.10677707398005107,38.62887097068917,66.34742105546638,0.23044429853600693,14.50904956482096,1.6033010066721712e-07,0.0001132097967789073,0.20100269222618355,34.081598241533854,62.62430413552627,0.25177636434823636,18.95757809034403,0.0,0.00014063033626880034,0.11438354994277644,111.73750290299131,84.80055451308897,3.7256423085369836,16.491581729682395,1.9907974977412392e-07,0.0,0.17101514967301853,65.59760750500446,122.68518669695271,4.2953210064804885,21.329013679788968,0.0,0.0,236.56255536988036 +0.9780627010099014,0.20680527862138423,0.34978792544675585,125.54595649038069,216.93597586918628,289266.6613937506,6.216433790564737,73.2721619125267,3.5683847421961765,70.14871422438861,3.998008190870525,25.151693005860427,0.3541645311720468,0.9722678243956387,709.7386352195905,98.4271215120612,0.25727900794167424,289411.72050895105,2.919546718820282,96.25922557713841,3231.480064180908,233.00431488002363,343.0099038480871,54.84254408482848,0.15509230609564034,0.1906238427091081,33.66898305976169,57.5919760277305,2.984806150082459,14.163967502590452,0.0,0.6971755722726025,0.12555528053804152,31.150365785218938,57.716967891410654,0.677975914958999,9.45512672187472,1.6033010066721712e-07,0.0001132097967789073,0.20001399958824806,35.29009179734141,67.67048818614752,0.3205824247650613,11.468167210531323,0.0,0.00014063033626880034,0.14759404043602786,114.3393043652974,74.99965442557595,2.9647491836946225,7.817217848551932,1.9907974977412392e-07,0.0,0.1761753469653676,62.42595585747457,109.13105283049411,5.587133617779076,10.344814994219293,0.00023965046317742008,0.0,222.98317270760447 +0.8652332129838197,0.1404816636654702,0.32053617746767515,47.51208666348161,168.87487895736683,114224.35783219946,4.220621577021518,39.994720749890284,3.0839740384117325,36.319383349171176,3.249044372020042,25.91285952284534,0.32688462632390447,0.8820339351605778,974.9466867822857,11.242183049756282,0.20383306918990177,298482.8310654555,2.954038593657818,77.34777999104486,259.97172208663414,134.86202160145464,347.95268309260683,57.90782233743666,0.24367203846220875,0.19243898319505806,38.1144281506742,58.964879252839246,2.8726649514672626,17.746481385886597,0.0,0.9858702693329784,0.12565782030281228,31.046249245615876,53.58116666264705,0.7061381850027074,6.160927745386147,1.6033010066721712e-07,0.0001132097967789073,0.2043808200596368,41.96041536048697,64.97760774430449,0.34034084122419833,16.05556815624309,0.0,0.00014063033626880034,0.14433283311859044,82.41640734985798,54.71832121873808,4.834093166828752,5.7128331555088145,1.9907974977412392e-07,0.0,0.20297013777019307,50.543096915772125,85.45079964701894,4.852078208202131,11.455390356938306,4.32622271785596e-05,0.0,187.6741616807002 +0.8879385855033425,0.13551136031785574,0.35775098162761754,116.24747181993227,245.21296483037804,276052.5219223355,5.078647185695213,9.938027530401452,3.3308294163586645,62.07271314614265,0.7399473940212824,27.300408710213706,0.3516267520942819,0.9740993492413547,97.34282190135457,61.87712443445106,0.21912944192585337,147890.0845564314,2.8869438180902796,81.62626925693718,856.2134874892831,236.36667133131863,342.63504751266225,55.50366922841246,0.15901855883744806,0.18812650505452305,29.02067070413032,55.69081293994114,3.393034161977103,19.432392514545253,0.0,0.7659949186939622,0.09495173768959364,36.368974935052904,69.25463088674454,0.5603724643167589,13.926424283909846,1.6033010066721712e-07,0.0001132097967789073,0.1988334639696521,31.683279616495245,60.41575353733332,0.29926352234564724,15.774863002623928,0.0,0.00014063033626880034,0.11879394725544133,101.1342386902611,72.02364929450447,3.7219871715626276,12.550553513788795,1.9907974977412392e-07,0.0,0.1687915653500104,59.283124269685764,110.59568621136226,5.957922246964551,14.571187373154457,1.4484256712090134e-05,0.0,217.09473868435927 +0.9722668445809168,0.11617858033473201,0.4440421364792513,219.8346256834647,218.4711957572517,164016.3043792895,6.477789166057307,14.597208314310208,1.8628412820463973,14.802029940702177,2.49750059909396,20.211722126031148,0.3332534104934275,0.7685416541156143,380.9853459557669,51.81171123714128,0.07752620193775123,158564.12055587568,2.423097584439524,76.99671226134024,2627.706403780169,59.94491800134828,263.5117947394435,37.47989324372037,0.3026661214718711,0.19747782210474366,1.6995993706504995,24.55412679758915,3.1625590618831656,3.3008807755963474,0.0,2.8742308638782266,0.13219176446797232,3.243211537143457,12.925106126109096,1.4116392638474462,13.446114265879146,1.6033010066721712e-07,0.0001132097967789073,0.20598503815343724,4.747608514402507,22.36621889061587,0.4460843085418765,2.5678687736332386,0.0,0.00014063033626880034,0.3492294963616925,20.398587089860595,18.2792743443993,10.569887449334141,49.590006435623,1.9907974977412392e-07,0.0,0.10537372721999544,5.32169461820437,33.14681536691616,7.901758698862084,31.76770729539698,7.63923928329231e-05,0.0,83.9339908989148 +0.9289603152141771,0.17044906299380022,0.4398215617499301,122.02266614763933,30.34277720650563,217686.7182088399,6.199651997429366,92.7768773155365,1.3761678860014142,14.163160404528789,3.0651410967792603,12.436649156059115,0.4997475796342222,0.7365972510838692,821.461596062255,69.04199995123894,0.21853561557892082,71750.93999882629,2.902343148731131,99.87058083210218,395.37912945164993,106.86697876426274,266.4971994657966,22.55389947658091,0.16206150755650908,0.19912354423629286,5.656414105746077,23.950856955413414,2.805893644873997,5.707786340435575,0.00019985275561951665,0.6710967603189546,0.1396253264135497,2.3593126702873244,20.704731571288463,0.4468687282103187,24.55026352272366,1.6033010066721712e-07,0.0001132097967789073,0.21154324483723266,5.100929442941768,24.135082713538683,0.312962561509576,4.505976174734749,4.054485915282867e-05,0.00014063033626880034,0.3424748529096661,12.29201357602341,16.181091958353473,8.433466036734472,48.75537572173128,1.9907974977412392e-07,0.0,0.14029781010540726,4.538427714799207,34.46482066939225,4.596957267766678,47.63629014818117,0.0,0.0,93.12772533407131 +0.9884656904195127,0.13047216196174782,0.4256343634085205,169.33106226646106,77.0954310039174,251416.82419857394,6.044935834198364,32.319350558781785,2.5248084694214183,56.486038685070746,2.0950873455889614,13.751991022615307,0.6781288313495888,0.43254063703204426,561.9300516782598,57.526487728445275,0.15508502366357735,67961.45682756006,2.8322254332534667,95.55637835997489,4085.6284966565536,39.76674404182133,241.57921005857744,12.663330716817038,0.16112941478698148,0.201179585427755,5.666998854165749,24.377652115072046,3.090462379670554,4.270693238499744,0.00022928201283090984,0.9505479449651342,0.12365617591882051,2.230553328375669,17.34683868422189,0.5853664957216412,26.32800054581384,1.6033010066721712e-07,0.0001132097967789073,0.21332370410406334,6.420950264911072,23.616431092999008,0.3190045071161452,3.4655896778578117,0.0,0.00014063033626880034,0.30707377593551277,7.438968099579609,15.480451797667047,17.927324199470284,59.05411150180704,1.9907974977412392e-07,0.0,0.20034335375369666,9.836144771429252,30.71265210040177,8.27197972480002,60.67375862849137,8.904452691599183e-05,0.0,105.63754926312805 +0.8408461229280522,0.22849188212571508,0.34441699137295645,201.26690157920868,236.08921801310638,301655.502515333,3.538128198828632,74.86927882711903,2.08048190629511,24.360893348940635,1.24142889531391,25.0177278265842,0.43503178273456394,0.9089612359466839,602.9231934790869,8.014255680120563,0.15305036927801138,263090.8713978604,2.7935268235461854,39.88464804300341,4827.447114356729,166.55944275188125,347.31341247009436,57.731203925191124,0.18163460678335844,0.19678167258604712,38.942588340757425,56.70409715470056,3.4988568618114386,21.79917214685812,0.0,0.6991662330108337,0.13403595257691922,39.646656794333104,69.23083090121942,0.41617560843536205,5.713345663862829,1.6033010066721712e-07,0.0001132097967789073,0.2063648992535926,39.68225713364144,58.610805980571655,0.26780502252989347,18.40370061493033,0.0,0.00014063033626880034,0.12456522001243935,109.14608450994818,78.56855869270312,3.3788034700338287,13.315869454610299,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8408735150591368,0.1369003387667561,0.32471671744559727,120.73747601554611,30.920970406374266,180718.64167906757,2.7983057544563175,12.9547111053925,0.3608628459166184,20.68324636859211,1.0310727327361289,23.271793792051298,0.47020525455951684,0.7137390052643814,428.7051217948827,59.262875769161866,0.05375128545332568,278944.3725643348,2.5151865827738344,85.95734303267913,852.6982717806932,219.36184967063318,349.5815966324406,53.8577334474834,0.1893233027685995,0.20014167827815652,44.72041781459854,55.39033143518264,2.535997685261907,25.676667909992684,2.855657228402057e-05,1.9505685777736597,0.13683432558312078,36.90822272800382,62.42486728531921,0.1869328164846437,8.265783521667213,1.6033010066721712e-07,0.0001132097967789073,0.21012843142433235,36.25681678262639,51.57777007021444,0.25449781991721926,19.142561959406233,0.0,0.00014063033626880034,0.11295042832807449,89.4083620302322,66.15075930375886,4.450034029981572,8.986499866791275,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9598615126089727,0.12191488643023073,0.4271667486881473,245.45180793665037,134.345379091371,273766.1330258026,4.017988576085203,83.1438821784875,4.506206470925203,59.63735942333284,4.978898383290753,27.098051192329617,0.6712330972135753,0.41255619474285676,916.2111454783292,58.78378178350619,0.2993933037445959,122069.62090365932,2.7392733018468007,99.33926679708257,713.4644762481248,298.59225923119527,344.485620205803,57.86012936164902,0.3335622492835046,0.19586605467326576,15.829771436901124,33.50007193954627,2.8300627931417517,22.639346473298847,0.0,0.8571648906609913,0.08424120104631959,13.345961733844094,29.004943809062148,0.46287349985014703,28.56122161760767,1.6033010066721712e-07,0.0001132097967789073,0.20567397101296153,18.84435899117359,35.31450544681112,0.28347680913099577,24.26216343517329,0.0,0.00014063033626880034,0.2986555000398305,32.24624532969642,22.84420049711919,4.485000573487446,37.82539363706394,1.9907974977412392e-07,0.0,0.2201728202135616,17.52441693495896,44.937364379236264,5.949746089784141,38.496135578570446,0.000522873689274634,0.0,113.03556699919098 +0.8021084066224093,0.1663798550170136,0.3761999376831819,50.3085258177275,249.338130892037,317488.3876141778,6.904706959721188,76.32926821039665,1.7033113927216543,62.20997042141815,3.535542621934269,24.671471611971274,0.6376712252626173,0.7499800905486692,989.3621817611034,90.31310331454404,0.24937346844175662,248008.83157140302,2.8009411848114736,93.82941065233973,2451.1812175431182,283.250809397569,341.57085066758776,59.61117864838143,0.15466914184846703,0.18261447869212474,21.362627163328707,52.467016089823375,2.6797922483358074,14.773246483591587,0.0,0.6765651586199892,0.12965934232329127,38.69808542850278,66.59986930020423,0.38358331687440644,11.617270109091928,1.6033010066721712e-07,0.0001132097967789073,0.2104041812414642,35.44343785574213,55.43793908424968,0.27522745660290066,13.739184452822464,1.8984396472682362e-05,0.00014063033626880034,0.12025446802371534,115.51801013028285,82.47758001384607,3.2907596528934393,8.894898468804262,1.9907974977412392e-07,0.0,0.23023464492034218,52.655643334849294,96.99670337428817,4.548808732643939,13.785799980830946,0.0003885964692085533,0.0,215.98718144358568 +0.8331446196927133,0.11961766479492776,0.3669952550984972,147.0934584792089,32.12890407402415,330446.3539991974,4.50454313479687,71.09434532854763,1.1263146156511985,21.68568163431646,3.8636166021527734,14.193424303724061,0.3745259497052374,0.9339158723015053,489.60260493802014,36.231300090253214,0.2170334452149617,55460.51844576515,0.5063544664118955,80.8062418870418,4820.888350287976,254.28821375038575,345.8345021628967,42.744443553177604,0.23687337037399553,0.1965358230201274,6.13287915938265,26.343466569237812,3.238699616265232,79.80877463378387,0.0,0.6511907510623117,0.1384415409911954,10.5480108443327,27.280641176607176,0.2067322664299355,11.338906419535633,1.6033010066721712e-07,0.0001132097967789073,0.20832282642393904,6.277009968319891,26.13777319028861,0.24906760912508163,76.06487030102662,0.0,0.00014063033626880034,0.15076330440208274,31.3929627519729,35.406380467875955,3.645499114197801,24.128033563533304,1.9907974977412392e-07,0.0,0.2268686476713929,10.356632927554434,31.181853288791284,4.788259748847177,30.03337303864452,0.0004273151424071092,0.0,139.44109109903198 +0.979735607702518,0.20237234716462443,0.3253748716123912,127.45320857365869,234.2598831343746,306417.25362333504,4.84970856481777,95.22261804115686,4.97660469209965,84.82751307786394,4.426011628209913,29.720418245354974,0.7703550973820861,0.9505802377906886,752.6660091750447,89.59398020776761,0.33595663242862994,274104.7023061554,2.6134805394625866,80.93185730572975,4478.393167788172,294.2443683842927,349.76075665581726,59.232989440945346,0.19890362815693408,0.1884189893895483,35.82831528915162,60.55772912877663,2.9176172021240556,21.656134590756636,0.0,0.911373481473795,0.1231418964807692,32.30403154621871,59.17715951026999,0.48043644143394426,10.485296713513915,1.6033010066721712e-07,0.0001132097967789073,0.20266693127938845,39.299761791513276,64.09964190568881,0.28357234330170406,20.09963911328839,3.56224208146686e-05,0.00014063033626880034,0.11119483352146389,89.88661774080862,63.690322012418406,2.878625268091026,6.744918833011568,1.9907974977412392e-07,0.0,0.17546857178945036,31.66792722430914,111.58342853161876,4.103734369899886,13.793349848277709,8.793552558807261e-05,0.0,204.9219386522494 +0.9449865239680376,0.13250254116242674,0.3938413781219323,181.5052358744432,176.8621726863908,285343.2071371969,5.079427071521454,33.17570564893198,2.423052507972127,5.472094519364916,2.8197283690150425,16.87003226695949,0.3202687271564077,0.915946079250252,6.304220381941548,1.053787329250845,0.32430426799037765,69697.18741212218,2.6702207561668065,76.139430846405,1475.0250951727558,103.23150389034082,336.7654492849656,57.717936823823294,0.17233108137397796,0.192161395860318,11.908821167629041,34.49394254132202,7.918638762232737,16.56840282786584,0.0,1.3500848756723736,0.11763499528779593,16.89367940437069,37.3261337264201,0.6062420809697849,13.247906634565116,1.6033010066721712e-07,0.0001132097967789073,0.20559277138966323,17.617553884956113,40.37161962351047,0.3065754978650455,13.723590895770302,0.0,0.00014063033626880034,0.15495551454227052,61.97227214580682,56.1424491600413,7.203089827109563,12.955158443136046,1.9907974977412392e-07,0.0,0.17081440005376955,29.844856083601098,64.39417540226383,12.756688806994978,10.264629694139261,4.952020752584914e-06,0.0,134.8024652166694 +0.9090053452974929,0.20173035009703857,0.36154237077672535,210.14092350730792,138.1020812525968,272582.8905556521,5.305325847966868,67.39369374234344,3.6670396913397436,72.43412383842764,0.6945068111745605,23.91751869658915,0.598221125580835,0.9262386368239183,739.968497216147,1.7623220412542082,0.33463881256090094,149387.95473786938,2.58294147184242,89.77584155647953,3585.9729893349377,291.4484168553656,342.01719535286816,54.49513656090468,0.15020651253363826,0.19115642445181463,25.170641195974138,51.871655785869365,4.897309619962647,20.40114709120648,4.250478996404462e-05,1.0329631895642764,0.12099710169405228,31.85929504845139,68.10891035809344,0.6378924229670545,12.910732444148188,1.6033010066721712e-07,0.0001132097967789073,0.2025618338531958,29.8081019423004,57.87591614094036,0.31548348092364137,18.55582531599074,5.5100545952629714e-05,0.00014063033626880034,0.11634220071908713,103.62185380240376,78.76229943591932,3.986447386472389,13.002677702169747,1.9907974977412392e-07,0.0,0.19407031275596978,58.74204410837336,104.34374282227655,7.691401242530143,15.90629901941639,0.0,0.0,214.34898643567655 +0.8618756767319211,0.15763311298329485,0.3371614161163516,53.506228765516965,46.13693753012228,179693.9674721944,5.3158230959857455,12.382664741791263,0.5902091443819433,45.99910002822923,1.9485301867990261,13.722297396918279,0.35732608863425186,0.9697070690844186,883.6583851804753,63.6188760632917,0.15428438365618416,62555.76641989699,0.9575631716540555,49.493909041357384,758.0994805927235,239.96272787664478,308.90892821495663,36.93077843058197,0.1596505537814277,0.1967155455840844,5.104812846902146,23.839233703317184,2.586863024708036,49.8523687377654,0.0,0.7460015969893962,0.13758539338799267,3.8337305418723484,17.491769753102048,0.42983828775762983,5.821263688850001,1.6033010066721712e-07,0.0001132097967789073,0.20912634447424708,4.380011240279838,24.53156116027879,0.30075667064991507,43.87155077974304,0.0,0.00014063033626880034,0.11833353168298158,13.422198485965335,25.55035187042758,4.481432720652753,12.397070416648495,1.9907974977412392e-07,0.0,0.20396323320114465,0.8649246340424663,21.65937881603981,3.2655529145705824,10.878057872189197,0.0,0.0,87.13878714784259 +0.8846946022937612,0.21762901118238348,0.393741326837577,147.00530974168362,171.82798605520105,265166.97142654646,1.569729078805958,32.78382320930645,3.315324194527258,86.22756836072136,4.578767656276598,21.566623327042777,0.42647797702253076,0.920988701610761,672.3382857540794,31.455223050563372,0.34639324451613857,106442.71142148171,2.6887356401991616,77.10279338505595,889.4405217052092,247.09273415312848,347.67589636605123,57.53809859776753,0.16597926594879958,0.19165719827180025,23.894572789723707,47.54864242450382,2.5842099938671876,23.85638368427592,0.0,1.357079119650102,0.10566675347344573,41.52778048119472,66.935288211177,0.3197942871145065,15.833525545000638,1.6033010066721712e-07,0.0001132097967789073,0.20427192273968747,29.722922189867344,53.16411201026045,0.23462220663712785,22.089194218458427,0.0,0.00014063033626880034,0.1080107193304442,94.4735278684546,71.62584105219538,3.996521602622083,15.383791720935614,1.9907974977412392e-07,0.0,0.2007461814286873,51.91996880884639,92.76732038444354,4.238747595025781,21.087292607812042,5.579996589091279e-05,0.0,200.3382356179335 +0.8931668241266062,0.21814325181600222,0.36968896733738815,19.507630032171633,80.6520196337084,202249.23469138594,5.360119747598889,89.66224809479996,1.1444115627116838,23.691805822325904,3.954206887964409,25.372028305279013,0.35382202751456604,0.6696833673527895,426.2498719946732,90.16016637892548,0.1135906022425487,50366.685017480486,0.5646793168461246,74.26123744496618,3239.3974049174117,201.45133617975665,332.59099398847366,57.30247943322663,0.19398107343275256,0.1986338657065577,5.329994750071537,25.681356900717862,2.4593742734008837,82.9494686248202,0.0,0.7979329207234427,0.13695607041979893,9.649660359924578,26.030088287591816,0.19640210396374516,9.853239334993061,1.6033010066721712e-07,0.0001132097967789073,0.21073715433401957,4.584520890923516,25.19232463686171,0.25083040605743595,75.61152866943154,0.0,0.00014063033626880034,0.1486213593044365,23.07131705984197,28.12045159802309,4.371170620425941,25.103299529050425,1.9907974977412392e-07,0.0,0.21373935942016803,2.6404680095218644,25.815803348120205,2.9774633929165213,27.049690754297426,5.82921258765401e-05,0.0,134.91612784572052 +0.8898573937223921,0.143145774101365,0.3424380067440502,34.87644208188958,28.45190056027107,344731.529748194,2.9960368628812994,34.02823931699436,0.5239263477080713,10.015265304109045,0.8073156290614304,13.881889997081249,0.37151545394039776,0.8376869892354377,330.3707518434274,87.92418719123742,0.18135592787904634,57963.442114231395,0.7680616827172293,79.41839582921646,2467.9282888424264,284.8052621776994,345.56209829831556,55.546600823114396,0.29111176744182016,0.19692370706162207,8.354872112206213,27.695368972776336,2.9683786381391384,79.13980065935037,0.0,0.8867525501817775,0.13911277740602426,13.197704929829234,30.044792033747733,0.42694427827094417,12.170005189097067,1.6033010066721712e-07,0.0001132097967789073,0.2102112586700437,8.785873411288124,27.900033125927344,0.23691630531828667,75.68186707006109,0.0,0.00014063033626880034,0.14898009264250262,28.80943124719922,34.95529301809965,3.580293118740084,20.01343115650077,1.9907974977412392e-07,0.0,0.22369205404520628,13.632608267231939,35.07333891430714,4.124768859444072,36.51254303238407,0.00012873314644641252,0.0,141.9495007036401 +0.8665862003073517,0.14374531123807044,0.37343057475321384,34.699100303461364,128.28803521956064,314814.29184175975,6.9781563551162105,77.48080863802635,0.764495197449595,81.33462238201416,2.6881379375330727,24.061031887272915,0.5112376080973846,0.8862837942965079,265.887866008696,27.890636057547642,0.20575126131166055,178027.1511519563,2.7997470897508836,83.28636200472907,2946.493309987499,283.9737656000419,346.4048197760949,55.94959541739428,0.18438289314321968,0.19257034970858936,31.012664219871375,53.332065284989945,3.436064629554748,20.25066858532891,3.5142820635050484e-05,0.7232853474124488,0.11375215588755463,32.29646957613175,57.17213531830699,0.25338447771106604,16.13274155673879,1.6033010066721712e-07,0.0001132097967789073,0.20205110894035638,34.024531126238806,59.331963574766895,0.25818704285708177,17.537715463681966,0.0,0.00014063033626880034,0.11087456323460824,89.01194603285485,71.03589549537385,3.6962582003913167,9.796033003650507,1.9907974977412392e-07,0.0,0.18025139581028315,63.56718697286518,111.80170300933294,5.027892715965967,20.577172655737368,6.009794014546816e-05,0.0,209.41403986039637 +0.8920074435712944,0.2025387973347436,0.4399960979201595,246.7578109065537,234.8821948003202,345288.974857753,6.699654376463604,67.39369374234344,3.394213069738864,65.53557126542509,4.897665730795638,27.905421257376396,0.4588281844431297,0.8964947716647178,905.626092619475,81.17252708536085,0.33557719482696885,171200.55380458734,2.79446152238133,98.23157416113985,3919.5719779785413,292.23185014042855,345.8604644939984,46.09037041455972,0.15020651253363826,0.1903947617822605,25.479123407410736,49.26377586974459,3.2784072524223187,14.512636949068318,0.0,0.6850403713732244,0.11284068047186621,32.10710374829408,58.907840278731385,0.8381676513189082,14.726725319661963,1.6033010066721712e-07,0.0001132097967789073,0.19902352794576883,29.466440487012054,54.157303875257476,0.33952749091758183,13.09916375472057,0.0,0.00014063033626880034,0.11551391058865049,103.1712774217285,76.70637798918226,6.117337312937327,9.066382497171452,1.9907974977412392e-07,0.0,0.177106908023091,57.02732839589788,106.73921397097094,7.408968831216976,15.676916404790347,0.0,0.0,208.76655816440658 +0.9784319040879824,0.19638341684101399,0.33099373231846846,116.24747181993227,247.6818405693038,168895.89006476893,5.4509965333586825,85.54976871899933,3.9584553502399964,82.78486413656015,0.6874860803380813,20.216963787228266,0.3968598282713351,0.9336283992505345,828.8775730384863,47.74713890723737,0.06477936113903417,74834.40517210995,1.4346250331316308,49.73336206016449,3884.8325225472213,69.90039894051284,349.6040927492532,43.577369552333295,0.2599249738174689,0.1981296968698932,19.091599782131095,32.05366859645343,2.7973277742078597,65.34542896945467,0.0,2.7922771280896574,0.13153352841601068,14.434930426077532,35.08662245230906,1.010943274532909,8.42924317887591,1.6033010066721712e-07,0.0001132097967789073,0.20585078392151174,11.592727962832052,31.489365375944708,0.3795692641884707,46.19330071539836,0.0,0.00014063033626880034,0.11838557222560574,41.330505028297225,43.838373382056105,3.458246649935777,17.200502743807473,1.9907974977412392e-07,0.0,0.2024100922506879,20.63170908945803,45.53068580493131,5.16790848884313,20.839310063088796,5.2910337586244976e-05,0.0,131.70687912508478 +0.884473448375551,0.1284623672147273,0.3576002412626643,32.26477930707063,88.33323378971517,141826.52771834796,3.1666826108257258,64.55706137614492,4.879117601723064,49.04016163251764,4.942038742247994,26.95498266641006,0.42344715383461085,0.9920264279892193,630.366685593257,16.09884896554913,0.1152261933033646,124039.24808432422,2.715004552048534,97.11548834187934,2955.466942617442,294.29772014789756,341.59734434894386,56.34197711512799,0.19746374725982907,0.18272744050867049,28.223521077828774,57.41234634891195,2.627812015951997,23.54883350105299,0.0,0.9658566599046934,0.07890706256448325,31.54827436812907,56.2932285775489,0.22751993722882324,17.02075002940426,1.6033010066721712e-07,0.0001132097967789073,0.19203822676398988,31.3747724730176,60.8476790108816,0.25710213538828436,21.22185580397274,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.14179451789667027,60.90861050880278,114.84770787997672,4.480115984682397,29.149763194045406,0.00012211467883367966,0.0,2698666337285.8823 +0.8984760671785921,0.20949868633316457,0.36796997053752944,75.64101472414463,201.6060041257577,287261.7855033481,6.767082818924723,87.49957563001237,4.537211786936439,17.249410240985195,4.4127774565179,28.836946256234715,0.4396295942076466,0.9308324491713491,542.9071438322713,48.47977062376645,0.3055673233364116,224207.53334572993,2.913220393662579,98.79428724521634,3660.8836230336087,171.32322448605282,342.3365992565425,54.84282136342848,0.153103586105185,0.19098534961423116,29.393690639867273,50.77957872348022,3.159524887057467,15.142467997745479,0.0,0.8050123780450175,0.12513781582153508,32.90516040242562,63.229051632975526,0.5584529808373898,10.299732316987475,1.6033010066721712e-07,0.0001132097967789073,0.20378324987779456,32.8411850649973,57.14398938523568,0.3053635015875035,13.060382070285065,0.0,0.00014063033626880034,0.11143157754892266,110.96065905580434,78.24051351823248,3.073465571581511,10.385270046539556,1.9907974977412392e-07,0.0,0.19078787734634067,61.410276141620265,107.4601659811631,5.3944271986508046,9.95095501446088,0.0,0.0,217.67522434608665 +0.9708625481696318,0.1865333004206989,0.3268795791949066,109.2331367072771,207.99738859616065,305663.14934902947,4.900491238960253,99.36035986483323,0.8332324584601127,96.37939461106501,0.6667220822980545,28.325392576947404,0.3542771734406005,0.7591024431215053,317.6609685120461,7.133808041696315,0.25130749246105527,178790.2193154805,2.9306152434865576,80.9249020254397,3667.5764292578397,170.49412548482397,347.00009955657686,51.47434484942614,0.15819505425220476,0.19338158647625892,27.95425753194641,46.41168554190192,4.119287999813908,18.849315022262424,0.0,0.774942641973705,0.12778634407371148,32.31153476402403,59.723298373166756,0.42549656275512343,11.552860155823618,1.6033010066721712e-07,0.0001132097967789073,0.20444811800118665,32.10870529426621,52.067767470649216,0.276798571382611,16.34161802536896,0.0,0.00014063033626880034,0.09909232937478264,94.04232493225358,68.842505804322,3.646959308729813,12.123492446309772,1.9907974977412392e-07,0.0,0.19249459458395504,61.032488571949536,105.95228406140428,6.6980273876395096,12.008478594791063,0.0,0.0,202.350300474337 +0.8216242693974285,0.16453239468964073,0.3717771245282034,78.93364647804904,171.79673941845013,321093.92219292896,3.8214480891895333,73.2624576222646,0.8199939502773689,91.11908773960099,4.372127311590101,23.376828378568884,0.6153268145662468,0.8834875763605634,321.0581916794913,36.89960422171781,0.2041635932992666,245555.10054823675,2.4205044418265196,98.11935192745077,3108.7639852491984,289.86404708872766,346.1470391677032,59.62167940685219,0.16965329364015905,0.19549653784411708,32.47448879108492,49.348466053981966,3.173948028370942,21.490074459443818,0.0,0.6939496736583649,0.12891749603901867,40.41330100086361,66.30147669783693,0.20820298357502304,11.250833622051967,1.6033010066721712e-07,0.0001132097967789073,0.20673689351143726,34.80485720591721,54.56084661528392,0.24592094331903142,19.64063393918124,0.0,0.00014063033626880034,0.1273075922920541,110.38962214911939,80.16173071323087,3.656246216757409,10.695816955229741,1.9907974977412392e-07,0.0,0.23049345980379757,51.993399645779526,95.5681887181923,4.811789587873192,14.056111736894284,0.0008470073635604065,0.0,213.28172424570568 +0.8989500634918732,0.17947988746360571,0.32821652619412095,39.095023593370364,92.32399189398981,156530.90502324895,3.8160815220017694,8.48518473456917,4.20849494544523,59.51756023179506,0.6732934528631223,23.01861983261783,0.31912893325518704,0.9227699188843881,337.68930606650173,78.73697555331255,0.12700021114946136,56473.325481713284,1.0962565147003884,43.776504979922336,3180.782327871994,257.18734009306866,332.4327923830581,46.51195846562482,0.19437082036497538,0.19274419398270315,7.922373604041601,27.09928852013567,2.4901731412630883,64.04395995931695,0.0,0.7982036486377063,0.1275084675332177,9.609353915927095,26.673148392062323,0.31615192684753357,8.5455568088855,1.6033010066721712e-07,0.0001132097967789073,0.20305823533339062,8.425710155732075,26.660329829055055,0.27185323444508863,58.93334050906912,0.0,0.00014063033626880034,0.13066663263384107,27.437854978233187,34.32051537572765,4.600243693888948,19.374754603537763,1.9907974977412392e-07,0.0,0.20339822328657803,11.907616181559337,33.021398889722995,4.089887166080754,25.699893438257135,6.82455776966742e-05,0.0,119.47530950132769 +0.8947859401258736,0.21262572865286844,0.35031250390754387,15.509413954169244,26.71481924575157,270932.58526353416,1.766499833411466,33.98821652120942,2.069333234218746,12.236518641437337,1.2668187656089385,24.7682670715942,0.3605816660709942,0.8196327425226658,370.240331993783,49.37881452431711,0.2925790289807631,68890.94160320063,0.6837081703171324,45.7871481325549,3180.3163349441543,208.73909281110582,344.8189494985428,50.700571872049196,0.16793731794536032,0.1944458950548471,7.119876888941693,28.87826081947911,2.6104642361271018,67.8663982261833,0.0,1.4372176416299702,0.1348197243839279,14.772151949721504,33.53490326719252,0.5313269693215694,10.430851251483308,1.6033010066721712e-07,0.0001132097967789073,0.20786231909910563,9.244634970108567,28.02902047324468,0.2475950999653767,69.75706986367597,0.0,0.00014063033626880034,0.1493913720457816,37.61119357556935,36.79443835054846,4.076287277660982,28.923182690324392,1.9907974977412392e-07,0.0,0.21967698641625097,12.412592366355797,33.24441118589182,3.903095577189698,36.44915601566231,6.234815035907063e-05,0.0,137.52553462474 +0.9780627010099014,0.22360340576157603,0.34978792544675585,115.50250846918578,216.93597586918628,280438.11597309913,5.8358807125418055,41.70868080561512,3.5683847421961765,72.27965466060847,4.092056815018004,25.151693005860427,0.3541645311720468,0.9722678243956387,701.1685120118254,98.4271215120612,0.2540671365148449,291326.6382214342,2.9133075402778683,94.48728558866421,3231.480064180908,224.8813411553582,342.8315853766038,54.84254408482848,0.15509230609564034,0.1914274859901106,33.18262455984021,56.127720662748544,2.9128603272828726,14.02236796786155,0.0,0.6735225521680331,0.1253429770047549,30.319592260550568,55.68076127263586,0.6263776352944422,10.676500028917602,1.6033010066721712e-07,0.0001132097967789073,0.20263439965102148,34.78461819545496,62.18739837894317,0.31245186712376827,11.721645290221252,0.0,0.00014063033626880034,0.10863201561141271,112.18145625851099,75.80238955821581,2.825010065573879,8.178147698449674,1.9907974977412392e-07,0.0,0.17393188318675942,63.33361057175136,113.89899684080935,5.122109344910339,9.404779039221829,9.155896475111045e-05,0.0,222.0590183763631 +0.8676799481584611,0.1369003387667561,0.35822918690380046,209.63827468755647,139.55663867254086,291299.3730467208,2.7983057544563175,12.9547111053925,3.108656506537429,57.27750120485168,1.0313280474052584,25.091101501672597,0.469463644833588,0.8261194113461293,403.6433739416402,55.72290648819353,0.05547591643351451,299051.7984502278,2.865528870261263,85.95734303267913,833.2598804352888,218.57071176633656,349.5815966324406,54.0190434528027,0.19210496182607173,0.19829961487579142,48.37199711532051,61.42607892328627,2.939634891455932,21.616634237644792,0.0001692070485662735,2.4544926530484257,0.13365276548853092,32.44744285932038,56.10527751821989,0.22625864417173527,9.683528115221199,1.6033010066721712e-07,0.0001132097967789073,0.20632897160316865,38.72477210198195,59.0744839754261,0.24697369276512773,14.937548278122511,0.0,0.00014063033626880034,0.11273070749052475,91.45499686116729,61.12561827767439,3.5006772547356557,5.125631879797092,1.9907974977412392e-07,0.0,0.21572703601832535,57.66596775987431,97.54453950378543,4.545681213729103,12.590076091146571,9.898644742506122e-05,0.0,203.12688277412914 +0.9366879439983614,0.11483092466825862,0.4256343634085205,169.33106226646106,81.24070909279543,250076.343849638,6.044935834198364,52.58924313464867,2.533268244854554,50.061681666283036,2.0389302711929336,13.886217199822124,0.45507442179473645,0.4068048450329118,779.8100383270767,57.60108174920929,0.12929163932169715,57328.29333002311,2.4116695318958836,90.50698900660623,1017.5489354826282,42.625277198052146,235.51555992605657,12.069730880555248,0.15279812680449736,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.12415400967412456,3.1974895366002434,15.037854020116836,0.6035711851341965,21.95563404135395,1.6033010066721712e-07,0.0001132097967789073,0.21398577910843386,6.3038834421043815,23.3036099063592,0.32118786022714857,2.90142161009534,0.0,0.00014063033626880034,0.2947312042220233,7.930465658452849,15.670224913455295,17.682091612438075,58.68085977493147,1.9907974977412392e-07,0.0,0.21159423330725788,9.433640030470992,29.897267957694147,7.896461098889466,61.397538930637474,0.0005726411517186387,0.0,2698666337285.8823 +0.9083642705086599,0.2245441949998582,0.375517585280391,193.75231847584462,71.36935041165277,334242.7754638879,4.994009290056487,86.54397982219977,4.575552198988882,98.59274319752865,0.45009313425168296,26.09811651621195,0.3839602983858881,0.9433522158195994,317.59663081670226,84.45202935464116,0.3185029564505666,221020.46159782115,2.8539872146305427,98.91555481132293,2713.2833354923305,279.93421610723124,348.30605489747313,57.577140788945414,0.17882236162498696,0.19007487772570988,35.79196024658443,60.933940604869484,3.3315343862016205,19.43556197962587,0.0,0.8396897818035584,0.10054914671786427,35.43306414193833,60.37950341294034,0.28746790430302577,13.873668761533397,1.6033010066721712e-07,0.0001132097967789073,0.19965168749658097,39.451246875981326,66.8408505107348,0.2647945998586348,17.74278935095175,0.0,0.00014063033626880034,0.10791751729009134,97.06596222550311,68.22454834320435,3.439738300117565,7.70086546443862,1.9907974977412392e-07,0.0,0.14472116121610434,80.8472579628434,133.40547870058754,5.25040389181803,21.91721820825925,0.0001552412690767102,0.0,236.2311481635114 +0.9384024461925093,0.14314229685047142,0.37540222204371715,72.76528192508314,65.9950670080037,200132.56115460204,4.7522019852439525,15.634081198275325,0.4194572996606125,62.38396298842016,3.080985264848985,18.500940050363194,0.34216334749633537,0.9211668801744416,401.1772809369393,55.44178706015656,0.3129217664525279,60646.43949822908,0.7027570219932202,22.453339186246787,1370.358665239608,191.78549930853939,267.80155542846205,26.96375911224118,0.18868078035827554,0.1930530402368332,3.8031562126224685,24.59986021405084,2.7382667646934116,40.09640570587766,0.0,1.0456602254495484,0.13445634787799718,1.9937660542625317,12.965773696116594,0.4047131153866306,3.4620946510779094,1.6033010066721712e-07,0.0001132097967789073,0.20392552738924266,1.8721475339203175,22.104816494700998,0.29133065445108713,35.950201236067606,0.0,0.00014063033626880034,0.3543757957838535,8.39335900919623,15.086706675512351,3.974505546430405,28.094782435547597,1.9907974977412392e-07,0.0,0.19904573824073674,7.00585173352392,24.8536695247207,4.557251597329242,9.279379159692093,0.0001644125061385251,0.0,77.98648244797046 +0.9545470875864674,0.16964538860140205,0.44554546529717737,205.51124846799422,38.52430218831828,322603.5277118371,3.846609756537209,40.20851696522982,3.239566810928596,61.36518677092651,3.1455720288435494,12.242234873823616,0.42516529204319703,0.3141307741539048,937.5883702491262,24.763414363622616,0.05970659365752826,66196.07375693144,2.9310816524174097,70.25657962107071,817.7039585043058,116.39953111539488,280.66289497472246,16.49966962863915,0.24548702299658684,0.18724743403150002,1.3139427161263937,23.065117474542202,2.911887125406647,4.165245637725608,0.0001612972796111951,2.9772462829295767,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21469565840692886,6.916686489430787,23.331274100641085,0.24654678254436252,3.620343172900784,1.8525354351517634e-05,0.00014063033626880034,0.2527228668549167,17.695779993749465,20.622803310136412,3.346981130989251,41.99437227845111,1.9907974977412392e-07,0.0,0.2081993711149394,6.126800241913512,28.13860176735245,3.7768898751799247,38.63068003420757,7.310633752750441e-05,0.0,2698666337285.8823 +0.9423901448040668,0.145639536322371,0.4070038606416995,194.90749665477472,23.977617343211513,308293.2827914161,3.284312491513043,8.139389653688088,0.6848928623505801,10.015265304109045,0.72297954815092,18.71974070501885,0.36143861796213633,0.6554094717032274,327.9637349018921,67.43932966792944,0.26093357954397145,60387.37108029006,0.681303637551573,79.41839582921646,3927.146136561738,140.59173299440084,345.4533397172477,55.16733905071992,0.2878332106117682,0.197492551278427,3.363369816910851,25.417576836529772,3.0488479639447643,62.583143537352626,0.0,0.8757858926653257,0.13784066997865407,8.566455242249305,26.154783034814216,0.29091069040565126,9.368015866960755,1.6033010066721712e-07,0.0001132097967789073,0.2106724227300279,4.125944571477235,25.73080692141318,0.24224457845606254,60.56849654293172,0.0,0.00014063033626880034,0.13212459563617204,18.268923848844402,27.538429621795256,3.6711933454311905,17.458587125368233,1.9907974977412392e-07,0.0,0.20875811343142786,3.3329116300662993,23.260492452233397,3.564650723558692,19.700498981303934,0.00010256214421061517,0.0,110.18446131823814 +0.938133726085119,0.14386510128790056,0.43996795459460153,125.79526877110405,191.97485410902004,217671.84692557954,6.804535672311372,35.86573749158009,0.6868667611953083,65.26541442176276,4.430559138732141,11.60765028629763,0.6685721670114797,0.6756194386962843,929.9384130800312,54.46273853111944,0.3450157811221001,56251.600253688215,2.8362258905676585,96.53557592080803,250.4246457299687,106.63710082147337,224.2233040096842,36.12169106296161,0.15459851321069865,0.19888882837113334,6.878596236429898,24.42877620049107,2.9204775452811873,5.5163800521401605,0.0,0.8229329199463442,0.13325978503745706,2.164601752291221,20.15935147924322,0.9585548472414804,24.937956559496914,1.6033010066721712e-07,0.0001132097967789073,0.21192482945531402,5.489658878559746,23.99168315435531,0.3711999390767164,4.248872514416988,0.0,0.00014063033626880034,0.339089961859341,1.1663835738101693,14.731222077369358,16.772636503763152,57.655532821168386,1.9907974977412392e-07,0.0,0.1531125922171051,5.7837619831526546,33.74086746022084,8.29288958366624,61.4738209571034,0.00025959942959638316,0.0,105.76078175249997 +0.8032042160280386,0.132082433375483,0.33497581972838925,133.0246459554877,47.037986819850204,177726.61453351605,6.753054965284449,64.0133325643519,3.5430578514863593,9.446225539818307,1.7830995828477103,29.55086474398292,0.41648265961470016,0.8066436212124569,770.3328686482056,92.37838604391911,0.3122086074962638,251450.82548938855,1.881040966473335,99.78040096234051,3360.2973804435856,294.99510472508024,348.8319068543659,59.80795196286597,0.17909390784699486,0.19517015464572435,32.81370677546701,48.316379248388955,2.7531788836661995,28.466593478900467,0.0,0.8000076579402077,0.1325699176668346,42.23967878331722,69.39888283382979,0.7592141281293011,8.769538910209388,1.6033010066721712e-07,0.0001132097967789073,0.20735600024939577,34.949328817992395,52.978003422829964,0.35841494105248295,26.967893136297253,0.0,0.00014063033626880034,0.11697303925754014,101.71877083675838,73.56830520263011,4.191083771452393,12.30330761141747,1.9907974977412392e-07,0.0,0.20793832524717884,32.539658776595864,85.14814046078493,3.7151627617321634,13.235774311570463,3.3521572179951775e-05,0.0,200.22311297611463 +0.9883217968641552,0.10571019429977374,0.344430080282842,115.84015511369746,146.23952087780762,241575.44806525443,2.9729826161797037,48.94894822814555,2.036307687480136,62.342770316616765,0.5441731467095209,20.650618862694458,0.30338717954982775,0.7958703825962785,250.23661452873907,1.0553719474743848,0.09702822785450535,103657.09170459304,1.2031082110280016,56.754783798567935,2276.5712813866066,100.01289842577502,329.2657509469464,19.578359586354985,0.33792749107596415,0.19414030138843252,1.789870690428594,24.4886005048392,5.7078822438603956,18.507567551506742,0.0,1.0353789499173907,0.12681755262058286,1.0869437569524842,16.256596909124056,0.24582535037305586,3.878047587102817,1.6033010066721712e-07,0.0001132097967789073,0.20600899738109266,1.6580552167032354,21.75553386719371,0.25279831707998157,16.131009096891272,0.0,0.00014063033626880034,0.07938293272518528,17.313036260701068,26.111738575288527,4.015704735193113,7.7519876130429965,1.9907974977412392e-07,0.0,0.1943841007834974,3.182725267764453,23.275778021463932,7.885758096449456,6.119870614289491,8.333017499367023e-05,0.0,60.87211352538118 +0.9848182766913895,0.20401335326998546,0.39090308215080655,172.56110564443742,113.31941176132688,345084.2561783442,2.260226407290285,33.662107971905726,2.307030797286418,63.162589312079675,4.926301136068832,18.797444160274747,0.5276194347534537,0.9356958700889482,803.3906164139919,46.13892834245442,0.3391577607555648,71885.10383461895,0.6083384107163647,36.250753391921876,2704.04027696339,236.42482178412405,337.23074129261937,59.28234507914428,0.21990923267128107,0.19222956385112597,3.951576986067676,26.711675238773694,2.8568517040570267,63.08601487677129,0.00013575422435584854,1.188417796678519,0.13609069711349672,7.743387510207939,26.224218586613063,0.30596802070141466,9.150066094936154,1.6033010066721712e-07,0.0001132097967789073,0.20766811401456473,5.8315784287134464,27.943512581260823,0.23548424290190387,62.200772227548114,0.0,0.00014063033626880034,0.1421311802443929,25.33767014319866,33.0893862747977,3.5684474931338372,21.177923902668258,1.98602855601963e-05,0.0,0.20312154424895656,3.7251949291109954,29.44977949435713,3.4548174751797713,19.115324396145592,7.165921981643997e-05,0.0,117.00715718759467 +0.8993753888083178,0.23598515147130122,0.3599176641421454,234.28944336295226,109.46920058436712,301421.0682201935,6.520676883040103,99.85502872554756,2.996327054521479,54.036802974990735,4.37741846814907,18.480947211737597,0.7852115356654898,0.7528793608836036,938.7865278502956,92.7331605495335,0.2160104836085564,281359.5631001021,2.8747751107656994,94.82865385152259,4955.103243508665,271.0334106468756,342.21097307989317,59.59116030241093,0.15477887798253734,0.19907034673227295,35.633557061804424,51.535409793084156,3.0683353116360474,15.704969540144777,0.0,0.7064534529528596,0.13627314280671926,35.98229031740203,65.09101820744976,0.6619884162309263,11.29999445127292,1.6033010066721712e-07,0.0001132097967789073,0.20994485405154045,36.9683507407883,60.05061731207895,0.3230277299895196,12.811839403433208,7.466043736580302e-05,0.00014063033626880034,0.11426373822594606,111.84090019150953,78.65879803253328,3.1339547702534327,6.693278185309394,1.9907974977412392e-07,0.0,0.20838038913466664,22.630090075231017,89.11143082479362,4.9007349859664355,11.654567595968048,0.00047284157144205117,0.0,205.7718977760314 +0.9272936954011779,0.16661610537728605,0.34601297358474936,14.285273909388216,240.32536792048847,346314.85672522755,2.701486440827857,66.4711391541292,3.0596174425407083,98.63100476594347,0.8297174385346435,15.809051994056546,0.4115285657951718,0.8543916849195805,973.7686339350471,81.09195499042815,0.18137608423775844,56185.73886018507,1.2930050472300731,80.45251935786494,2723.4284073096096,270.18952663032763,345.4713953274665,59.80076897000194,0.18012092866065874,0.1955723457745535,10.001993759100422,29.37752763614706,2.697644135427858,65.35020150225255,0.0,1.1250996510985767,0.13318650879565316,22.76792827070427,44.99991364715004,0.49985693849756385,14.570318816988019,1.6033010066721712e-07,0.0001132097967789073,0.20783777126187375,12.058478073887889,32.99900635213433,0.2448943125916709,60.16802546518482,0.0,0.00014063033626880034,0.12566804229047837,60.37350971167999,55.09336049307454,3.7089478951307577,18.075061488132828,1.9907974977412392e-07,0.0,0.20650152427549495,30.53926002282623,64.00446801560244,3.8956328022072992,32.511602481768215,0.0003635836890581525,0.0,161.1677318005608 +0.9751010650936304,0.19968794923296068,0.3481638175808939,155.68561714676903,141.94581100339647,307047.0622152056,5.603747895894429,92.80670545535857,1.4297073210509745,95.23089425448646,4.274562927951402,20.362659708989685,0.48461232854882685,0.841395583242619,379.20720011770237,28.675891334315992,0.25511295407347123,271714.80521176825,2.8958898491190284,82.69198387036398,1339.9453748433198,252.71267190849062,349.9118808196328,58.60033342832904,0.159878685111134,0.19458686774828618,36.554699831533085,57.34992536550199,3.5050838522008774,18.509885274459233,0.0,0.7387588690195165,0.1326529767310691,32.83159993242244,58.55671997648316,0.5328480996160605,11.012577044564622,1.6033010066721712e-07,0.0001132097967789073,0.20697784396526517,39.7766940598641,62.60383913317506,0.29787834634050203,16.670633813681317,1.9595107691325927e-05,0.00014063033626880034,0.08884782935349625,97.20108322227135,70.66328520905004,3.3922798435177204,6.383961725109772,1.9907974977412392e-07,0.0,0.1983505200391503,63.13599761569884,104.79876156951048,6.197925524914932,13.612491114504335,0.0,0.0,212.30851044242584 +0.9668433095918433,0.23117437166759358,0.4341539039153644,220.03540227901993,198.4364852952211,111033.79658561852,5.902937391329134,24.53905069683149,2.035755723621692,77.20607105359366,3.008678057443157,28.471677754578774,0.3496509686916057,0.7695175845498964,203.87952165249072,1.1299720732231089,0.0756800202114857,247962.6616121621,1.2993531850700923,73.44687821473467,2993.275320165365,265.33343995441624,262.74565582413067,56.464256893022736,0.2543414148680237,0.19648001136535145,2.241038742628362,25.24588410382098,6.993638522843664,5.715141590926506,0.0,1.3044595748907581,0.1324525396875187,1.4041320773094135,15.474855700266476,1.6493741322899824,3.859670406993406,1.6033010066721712e-07,0.0001132097967789073,0.20574035801956891,1.648381689782427,24.350544850213428,0.48741735994387403,4.597004520472234,0.0,0.00014063033626880034,0.3441334110187696,26.292110973762206,19.80618869510245,6.743675069053445,37.48482394863323,1.9907974977412392e-07,0.0,0.18344494742627904,4.691209129586529,27.804257564241844,12.995990731465307,4.497893798241972,0.0,0.0,71.5566891967408 +0.8962959664053131,0.1890190332192317,0.3389485393296555,99.77605937348525,70.48588024849177,276291.27069244476,2.4449278958405536,68.42497550913416,0.6865560046819186,69.61454020858207,1.7471249034593332,20.9881123483654,0.4410195201265996,0.7259436209209391,77.11302059924945,59.225496829605326,0.21358179426381552,53921.206819329105,0.5711081198209151,93.08599372909828,3214.777670504817,178.21942764782705,333.3321577542728,38.97538102997809,0.29657969964534303,0.19681543703734533,3.6723261509330265,24.918587393363595,3.050773305478273,69.79056167156814,0.0,0.9684806597827333,0.13690707348445624,6.543961498864943,23.107619094774865,0.29736595465603316,8.305894172919755,1.6033010066721712e-07,0.0001132097967789073,0.21042204102429896,4.010248467534749,25.074901188793618,0.23785389058700512,66.58340614075087,0.0,0.00014063033626880034,0.14624423165694253,12.517391428828553,27.955037501596333,3.451450945609403,21.710147227306877,3.095570725365397e-07,0.0,0.22674339976211688,4.25231178552519,26.389385571087523,4.321572327152696,28.15850007813634,9.788534331628309e-05,0.0,119.10976647136918 +0.9079421773441688,0.1451692926408509,0.3796152656381206,139.2211416999854,248.1826010620532,349741.67105831706,6.875719274257203,93.99631694953517,4.565315226986354,38.77996874181296,4.228108965747373,28.90736257701133,0.6740477676443949,0.9758699330948433,661.1255187612342,65.31703281803016,0.34347625346869926,288733.7153070661,2.895565420415251,94.83974213694935,4956.259025607408,254.28200640747667,346.91720917814723,53.01585095757764,0.16774875500468753,0.19200650277108108,33.595424293362015,58.022567180102094,3.3441302319962447,14.217926886357882,8.16032253707818e-06,0.7522097954515918,0.12158460964235844,33.09112485930552,61.86356849419705,0.6698567030073935,10.72537622483734,1.6033010066721712e-07,0.0001132097967789073,0.19866800425569178,37.63682523988759,66.92447150732661,0.315465033451173,12.49470880750414,0.0,0.00014063033626880034,0.21942923905618975,110.93664144393837,72.81342386948647,4.296493538365665,7.516165833836999,1.9907974977412392e-07,0.0,0.17778649635172897,59.34855054960247,105.78508648966208,6.585107414092308,11.99069537987418,0.00021184687992653657,0.0,219.95940559927752 +0.9412814714937394,0.11573916769017575,0.3461808544771475,209.40571441480213,224.7801295382607,264296.8294645599,1.8518650584178742,81.62361916282453,3.9211149777629215,47.54696512095873,4.432071964693792,24.148099600842762,0.3400060749309273,0.9204510026476251,27.422703469126077,70.68808805295443,0.3344523520105219,53395.66253116904,0.4626573837794423,65.32626364833487,4242.381561354194,273.66991006622436,334.20183336879353,57.33971028138651,0.2841867055225895,0.19199985280476464,3.7394857067336615,26.967876856199524,3.008973640885397,81.21000418749848,0.0,1.2793627913519146,0.12391707177898992,8.204994137871333,25.0691789325841,0.2312714925778802,9.452831214338575,1.6033010066721712e-07,0.0001132097967789073,0.20011838245202854,5.998052317173061,27.322780553339413,0.2392663518621966,80.30350583051454,0.0,0.00014063033626880034,0.10576317453608047,20.23773395986246,29.88135735143619,3.4283477059570764,22.094776149050563,1.9907974977412392e-07,0.0,0.188538518666419,8.527746273829669,28.903911553356288,4.4306041093942925,35.724362940813734,0.00012061884239902807,0.0,139.17605416151935 +0.9497175289516954,0.20991101143257673,0.4050836126731837,136.31573619053117,242.86173397166175,204859.7675111156,2.3477481901389368,87.86071768845979,3.3655636771258006,59.118859895216445,4.039959687664845,27.474066633268095,0.7977376993930758,0.9851783952044689,763.0980211773388,89.21863599117867,0.279315423163168,299299.6352169126,2.9757681357688055,82.58292706849036,4579.334177006865,260.9548732484612,349.28780436521924,59.28987365958462,0.1621009554124986,0.19081084511826782,35.01359787827071,60.11790241375482,2.43846363595932,14.48538262499571,7.934718759369294e-06,1.1640631881283268,0.11913513275401359,33.11738693280288,58.78587315348226,0.3025489455363546,12.391248468898523,1.6033010066721712e-07,0.0001132097967789073,0.20348581472793953,39.591995569805114,66.51641659377502,0.2559199633127913,13.545982882527735,0.0,0.00014063033626880034,0.10693836486899216,90.062815311448,64.96723054726452,4.340267213369459,6.387544561664769,1.9907974977412392e-07,0.0,0.19720738144338107,56.0535795448638,101.21396238852762,4.118790820068305,13.046536546562223,0.00037849978711402963,0.0,204.70518957461468 +0.9449865239680376,0.17183588204638917,0.3938413781219323,181.5052358744432,176.8621726863908,285343.2071371969,5.079427071521454,33.17570564893198,4.589055747521769,9.381343313930914,2.838936833367529,16.96896021467346,0.3278808643316971,0.9163578927886353,17.006734855764904,1.053787329250845,0.32430426799037765,147451.89642850662,2.6702207561668065,88.15330245836387,4633.3937812968725,188.1487579747892,336.7654492849656,57.717936823823294,0.1868232196717414,0.19379561714482255,16.655166376316796,40.2718161328494,7.855203337852738,13.96069825631578,0.0,1.3446913676426426,0.1277337662309839,19.27273339137447,40.06393128134805,0.6062420809697849,11.19915961674652,1.6033010066721712e-07,0.0001132097967789073,0.2073691935797249,21.693958716603635,45.81028581703651,0.3065754978650455,11.848611295609915,0.0,0.00014063033626880034,0.14168087576001942,70.78885072291429,57.72545431152538,7.013175965291375,8.386336992210211,1.9907974977412392e-07,0.0,0.18167493244446245,31.952182783560858,63.23503027418861,12.638993151118768,11.132860045195383,0.00026299355437735006,0.0,143.99971169961427 +0.8817838564775771,0.10699254827508099,0.4087841084305158,14.569202606292421,10.520537201247322,163730.8175119702,2.0279824877787083,5.854417592948538,4.720409110621637,52.70663490268017,0.7006426356742634,14.716319034807832,0.4516532227174277,0.6180175260154641,325.30370479572264,90.49959435655866,0.10942971076278185,50799.068622241444,0.6470490694369465,52.27151437262048,1229.5440811508106,113.57578586976776,330.0883384989807,53.82039341159712,0.1883704772966811,0.19903952220469628,0.7029736941999057,23.896065687079552,2.36865374263188,66.46173467549784,0.0,1.3217598085063067,0.14027687470872915,4.372881545193767,17.940465429880156,0.45823843242008394,8.162512647665103,1.6033010066721712e-07,0.0001132097967789073,0.21255395753595885,1.6030622643783485,24.479267416541745,0.23938435393573326,60.89752725285208,0.0,0.00014063033626880034,0.15631226583235247,9.889970940802062,19.594652675241154,4.65512988944589,26.441355911182356,1.9907974977412392e-07,0.0,0.2253996169493376,1.4791338942279109,18.88310325262662,2.6129827992906742,26.23610322102125,8.19496293864671e-05,0.0,109.41162066963291 +0.9726829153671603,0.2295067966287856,0.3589489490158521,170.09369925329878,47.392660510315274,228353.8730942808,5.385978902633228,59.52851320457941,3.66871112374134,91.65410646129328,3.0047884958280338,29.082240366129774,0.49072533039394556,0.9854963641331171,740.6082424408949,64.76625737725819,0.3139527925425428,130498.20583982216,2.715537955577567,94.90046634109518,4890.950255645848,256.1529899278682,348.5024632418563,55.74053835986127,0.2491601905805816,0.18426177405754002,27.270105347607583,54.50599577770237,2.8337530382916394,24.704986474570283,0.0,0.8373032986417692,0.08806642715977303,24.396869721701645,44.493520276343936,0.45106831907438266,16.654794013437055,1.6033010066721712e-07,0.0001132097967789073,0.1958735892182207,30.671491980632958,57.05465852293341,0.3056914456666727,22.56245564673631,0.0,0.00014063033626880034,0.1960945954484027,68.39221301047854,53.3267259675865,4.18935780616021,11.643100491662898,1.9907974977412392e-07,0.0,0.12156623699066574,61.247442415009836,111.8402627370028,5.082684226205972,29.304415498825684,0.0,0.0,191.5979767710341 +0.9004459699580327,0.22865598350548788,0.3650959694379252,231.23426418387754,38.668510310433454,120792.09920520902,1.7385140721865495,43.677644103876915,0.7590930010787886,82.92883911321204,1.6989009578067509,18.207728751826437,0.4113107903897174,0.9574084335867729,782.286479458784,44.77988236012225,0.2126373524557429,56649.81339181161,0.8031024843169836,74.30831384624904,3596.562753061082,158.51489186131636,344.9205194107586,38.65346479243678,0.24580061138103443,0.19449588598841852,4.5000036903511,25.62307088390747,2.6171745747870325,63.90801225962924,0.0,1.1847909949154447,0.13501209607818196,10.360769048437323,28.369366851332096,0.18576387405401965,9.956510022534882,1.6033010066721712e-07,0.0001132097967789073,0.20825116638554017,6.333097066959876,27.676613525249486,0.2565355553774171,64.40741173580686,0.0,0.00014063033626880034,0.14914692931151105,26.386622800144274,32.04016473326425,4.878721809691308,25.944462676798718,1.9907974977412392e-07,0.0,0.2154733353170676,8.738172234144551,32.21920298990734,3.9813365456368013,29.47621074376308,5.951726801209381e-05,0.0,123.10214354184423 +0.9758132572501582,0.17291231290325898,0.3479943704814793,75.21333769195893,126.19925113504873,292241.7671485924,6.706164966132822,50.989062963190435,1.1197113810877735,95.60418934881325,1.8918494806274895,27.67417470662437,0.44967495315072675,0.9842609859621185,912.6091374351387,39.305486598251015,0.21898935331293184,151243.67530882993,2.817988235455672,83.64517896568879,4351.805927614782,260.2397416858788,345.1465742512749,58.59074429885552,0.23079705077928528,0.18533880343912026,29.87592316980999,58.71798961919467,3.0748800428948226,22.627624005495854,0.0,0.6252469212484922,0.07387891641848955,24.917164584439114,49.544474514735576,0.4803947340332177,17.027847013043697,1.6033010066721712e-07,0.0001132097967789073,0.19568782702378393,31.51295600789811,58.38592719878875,0.2954898641905569,18.891986557207648,0.0,0.00014063033626880034,0.20725566817194485,75.42907733559845,56.56089679808848,3.331322822983094,11.280636205723274,1.9907974977412392e-07,0.0,0.11794952525380419,64.29715206416269,117.81625888096504,5.107353354147106,22.281202793385606,0.0,0.0,201.37378653831368 +0.953448486585351,0.2294437469606614,0.3308860825559141,141.77860870802897,203.39502563340125,269361.6533056663,6.874249306831144,82.49641724694368,3.6065864065051425,90.8993081845982,4.570601786709926,29.06694993533866,0.6636335796782323,0.9261881338620193,982.7750808186819,64.88575090863849,0.21150717583391143,236075.20394762373,2.733722171108631,82.42910460625518,4784.630601708488,297.23927727948796,347.57116098178216,59.98751318947053,0.2457145782912063,0.1773801717522783,25.527600507551526,64.07798185088804,2.72222489272494,20.61878046687909,7.649145350704218e-06,0.6699427711524639,0.11299143105318903,28.200209104321402,52.75805624218557,0.8420666427738915,14.536349276374592,1.6033010066721712e-07,0.0001132097967789073,0.20089644354928074,37.705181006525144,64.81400348607538,0.3490019642971671,18.665782577089075,1.4962331582488722e-05,0.00014063033626880034,0.26009810455595783,87.78075877081871,57.71531493523729,3.2768101854457914,8.840867242723245,1.9907974977412392e-07,0.0,0.18024154589680919,49.334095200936076,93.46388587684082,5.970933524193894,14.084199706605782,0.00023922997113212218,0.0,193.60102619681342 +0.9818772623158718,0.20434031296647556,0.34328257077218083,241.13099232817683,164.98962359541378,224942.3980211937,5.022949043564035,17.55518183937924,1.81429698970711,73.01745639437532,2.3935261139422037,29.798858752639553,0.7529961629418096,0.9808862605063364,853.7182343142833,74.77452939966902,0.34316630679430593,62023.97966787273,1.0813320136053273,92.11380777842544,1879.0234334985635,289.19588338644223,343.5678378826279,56.45249613064015,0.3073813991947375,0.18761183641431423,9.192889400021055,30.281502119964564,2.8002071796921344,64.08869536039403,0.0,0.8873214986884134,0.12400626684663209,12.360491634647973,33.567907123824185,0.8340947269132024,13.90815928383392,1.6033010066721712e-07,0.0001132097967789073,0.20135058016433474,9.944111905093779,28.121285617482197,0.3464393783800181,62.467108741459576,0.0,0.00014063033626880034,0.12433452858544089,40.1410621084233,42.59678129879951,2.9701735589053517,13.61424892106195,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9238820472740368,0.11464922928999051,0.35740451670286605,135.53293283072202,28.9287244107787,274356.3483907769,5.823122931682003,24.09893491075252,3.621196020461734,27.93723209599619,3.0506770746262006,29.385208143945327,0.3842631927728126,0.6865821940460078,464.0658350097978,42.24043932576271,0.05528585025956294,57954.87974418083,1.1212230473643816,80.76201898604846,1992.827677748067,34.59791482569854,331.96073452759316,48.363453938251986,0.2855910076411906,0.20024067901983358,14.160346018494678,26.22127709696628,3.214652573893251,77.50385999287701,0.0,4.018709579990321,0.1295150212709684,6.313532631018461,21.105677629455634,0.28172968057743275,7.18376075886675,1.6033010066721712e-07,0.0001132097967789073,0.20703950951420474,4.762330911590059,25.296115155164422,0.2801811931249371,46.9840296561526,0.0,0.00014063033626880034,0.11694899666371476,24.040335853061613,29.01441923531632,3.8320688598196586,16.00084706464261,1.9907974977412392e-07,0.0,0.20501167940754547,8.927836573280647,32.23896064748308,4.95195363582854,16.52993703102865,0.00010534547294013707,0.0,115.91380022912509 +0.9763687981142396,0.251818309210297,0.3575544097333576,241.2149497294812,246.02132598874715,141826.52771834796,6.950496022186533,60.84461266487188,4.899965794753861,96.57390150371135,4.942038742247994,29.308741912089594,0.42344715383461085,0.9934169744311134,806.6389181467179,14.66036009971823,0.31753694702107393,278227.8691676537,2.9771976714093573,97.04438790363332,4412.486577981894,294.29772014789756,345.4647950381399,55.205279605544035,0.208967486482167,0.18921357093137903,36.017478951546536,66.79274273707823,3.7131940755630857,14.92059761377271,0.0,0.796808756862229,0.07541284486937741,32.66282170421941,57.15382924359586,1.6794611847406733,14.074391695081856,1.6033010066721712e-07,0.0001132097967789073,0.19871947882344748,38.948301742961135,68.4232371897158,0.4950052542503992,14.02186183073977,0.0,0.00014063033626880034,0.29548162946064704,99.47504335267641,62.06863898776499,6.186324842041933,13.053277518195953,1.9907974977412392e-07,0.0,0.17781489194498926,64.67341164275739,114.90071260718584,8.095785290014835,15.367313970364517,2.3188676104811357e-05,0.0,220.3829654166994 +0.8509930725314612,0.1952191226257495,0.33099373231846846,208.05180485113135,240.03326451359638,208136.33032004166,4.629979227796078,56.985242032837334,2.74099281302872,91.01804291134953,2.5358092809627606,20.17341680020241,0.3968598282713351,0.923534362571782,819.713594996655,67.96644410429076,0.07208852669515209,69082.74090466528,1.4073773985233275,45.145450008069666,447.8000532698279,87.3029572759242,349.6040927492532,35.56621962801151,0.16234869029833982,0.19924981455514934,18.221706243216676,30.433994293141943,2.730873487064074,66.40419233040252,0.0,2.490802246395238,0.13641923826599858,17.046837834204336,36.937863736775505,0.9074500521643053,9.280345643605454,1.6033010066721712e-07,0.0001132097967789073,0.20711535954668478,11.795543164604013,28.867876357063828,0.35534023941329923,47.63390350826686,0.0,0.00014063033626880034,0.1333241106997351,66.17861293736536,55.42448935889888,3.1028027401737086,23.555660014781683,1.9907974977412392e-07,0.0,0.21604929574097598,21.35461835042669,46.06689315866055,5.284578899973634,21.167302953399826,0.0,0.0,147.42894850663822 +0.8865963277485323,0.15523392058024932,0.3485657792769298,204.39326805861606,121.48360139992892,250535.37536426756,1.5142260143677013,90.34971158044694,4.201973478263418,87.55386710183802,4.450200563582007,19.790083497885103,0.4407722610420401,0.9450552590116146,551.5880805190443,4.756961962589926,0.1915745135440717,55886.85363347062,0.6261324746014106,64.88948668398037,946.6947091197384,257.58624741182626,335.0701442920065,46.92033620851814,0.15402214410545512,0.19270514997404276,5.333131570027642,25.649650144581848,3.1577927529073024,72.18207133963384,0.0,1.0784022972569456,0.13477882661378396,9.155739299155307,26.007006989669925,0.31759917939910814,8.551601366208653,1.6033010066721712e-07,0.0001132097967789073,0.206950736630105,6.474677628489785,27.056319671634345,0.2347145742944417,71.84942206611521,0.0,0.00014063033626880034,0.14411766533965592,25.009228542192385,31.322251254584906,4.246917971117705,24.540594595678026,6.2551500928619285e-06,0.0,0.2186158655993329,7.398559016313832,29.925758188113917,5.160294531905676,29.899037888043043,0.0,0.0,129.51978821476433 +0.9716457485901802,0.21352078264432509,0.36508029567123146,205.41327159355416,206.7228022726229,288220.8198102202,6.95484531702141,37.26512317264401,1.95243998633818,97.78940263844865,4.481945145330917,24.300623426666075,0.5251269055087638,0.9589898520764151,204.5964580632628,96.37223437655567,0.07746977765150408,93061.19932319915,0.8993468895997289,92.50203672274036,4728.861616313744,287.418543337348,349.74000081747954,55.27575040867172,0.30900492527272183,0.1975607746649991,21.362079227162198,36.1624000842137,3.5492347878059416,70.49432225292888,9.81701842237169e-06,3.3255785605250074,0.13057441681483517,13.779175503385575,34.484733843557365,0.9244567848183126,8.295420182736942,1.6033010066721712e-07,0.0001132097967789073,0.20310323127756197,12.373590032435184,31.98783065899014,0.3588770618782394,52.62190125015895,7.41963977496588e-06,0.00014063033626880034,0.07454177642350153,37.497700135180686,40.230078423511976,7.292862492667472,8.916403830261434,1.9907974977412392e-07,0.0,0.19352760358912044,8.603396942061284,39.44228306399335,7.573082679472784,17.62409893491436,7.453436050135385e-05,0.0,131.5539921429028 +0.8517325879413178,0.18433929307235022,0.3545377512249549,248.34440541390046,74.93919930885787,162439.17540789637,4.07247121384632,87.93836494370613,0.9061880009951124,90.56712041326463,2.642072372216032,28.054006827318894,0.572063375311715,0.9288361744076389,155.13400966978355,91.99688221711068,0.08106861742105455,205690.99849220336,2.873126798397978,93.03704582436654,2520.26269170133,289.4018419957339,334.68804226317786,56.84203226473909,0.223668469831034,0.1955441127571982,35.37478858295969,53.42112510519605,2.766504806756205,18.27588964051013,0.00017320173934038256,1.8525022960938669,0.09696762156498126,29.55982012465183,54.65289592939673,0.6603010720759575,15.715725606426512,2.0694954571784087e-05,0.0001132097967789073,0.19814128751770607,32.68207733687149,58.680447912180846,0.3338463456715352,13.344486030787781,1.0609935272975489e-05,0.00014063033626880034,0.11173875870118405,85.08956142729129,63.64797245159365,3.835866800219166,7.817740136538578,1.9907974977412392e-07,0.0,0.16631858839094166,55.464666937376045,104.8649963005686,4.7907413019897325,18.33711005052212,6.352617276824467e-05,0.0,197.60460785173262 +0.939222914432909,0.22866525280742717,0.42269795214397776,181.2696626049959,209.71161355824245,272161.38677959074,6.511831244519067,6.026821610903589,4.148586215707095,65.5995386690433,0.7774224480899219,13.316377696382833,0.3101465611853607,0.9737032393830471,39.88228570623869,1.2165460519207372,0.20353398661036984,117532.28239153344,2.912500976523554,87.1252025664519,4489.521342725709,197.52732988491596,342.1381803193971,50.062056607175705,0.21797023914983002,0.1922920854071168,19.168224708720846,46.12721965215923,7.949182039855737,13.447296053909744,0.0,1.2780980455768156,0.11845835778824357,19.035907236727,40.4661751517172,0.8812124058366284,15.233882286300519,1.6033010066721712e-07,0.0001132097967789073,0.20566071671897077,23.931507168952898,49.81319013621581,0.3527512259650248,11.605919091158668,0.0,0.00014063033626880034,0.227469038387945,68.68121341835877,56.46474296157394,9.099736927000425,11.183247661272661,1.9907974977412392e-07,0.0,0.19815710064380793,28.48549195636957,56.890941213074754,13.673644228271142,8.610027256656936,1.3765966680537402e-05,0.0,143.47454812308433 +0.9165075094964569,0.27037937830933323,0.38845647128381344,216.55873309577117,234.47012863295512,343929.71252432454,1.9897511878505727,67.27899997554205,4.285078742019261,69.37367283071468,4.861372695287968,27.055286785412683,0.6596441697684173,0.9866456341510413,996.7883800605306,77.6797827371594,0.308340485698636,247071.66035097107,2.920414161627915,96.76450666867848,3860.015685285809,293.9222383806843,349.23959713642813,54.90128210805983,0.21984399203317392,0.1899194723454127,35.10914863260043,62.97063085307463,2.7779928633689264,16.919554675504603,1.5187607201277367e-05,1.144428341848977,0.1160414073505174,30.02961943867694,63.26619519388548,0.2629167298672723,14.004846099036468,5.059558533725274e-06,0.0001132097967789073,0.20194151242659467,39.56818224703669,68.22198087038404,0.23564880489270387,16.306548020426497,0.0,0.00014063033626880034,0.20935479318011915,89.45531484035617,58.330300441128,3.5437404958697654,7.660291653910851,1.9907974977412392e-07,0.0,0.16146485442777112,38.46503520088915,94.00393156904991,3.8743884392555517,14.388299313957136,0.0,0.0,197.72225940658268 +0.9540539988621617,0.2083426656079444,0.34978792544675585,166.4897352176754,166.98952603308356,185203.8574939273,4.118669416243323,65.42164892814567,3.4755863069674793,44.56955023158853,2.378812907809164,24.882215125502427,0.3524240399724225,0.9234022023527491,188.6000984335872,89.60872074116521,0.24725113015852127,55248.04853586361,2.2210134348348802,95.6147013257862,4454.212326300197,100.5669199055954,341.7102874828923,54.695151415108285,0.15509230609564034,0.19117518375994844,13.343424642093384,32.237037472094975,2.797872407929912,35.505165653511106,0.0,0.8403448996329338,0.08552285445297396,36.643185355437566,64.23991292427466,0.737285291580374,11.974884640819237,1.6033010066721712e-07,0.0001132097967789073,0.20312211925339516,17.071204395245132,37.746385269510604,0.3336352238473847,29.193214126802317,0.0,0.00014063033626880034,0.17477318423921753,87.38724963213701,69.06794665033462,3.166226103122489,17.49307727076797,1.9907974977412392e-07,0.0,0.16423256413057225,46.392343293142744,89.24223371271869,5.119319967935895,16.171437532925573,3.432167918308571e-05,0.0,183.83596726355955 +0.8140870063999098,0.1238381191853258,0.3245396640590792,27.272437888407485,226.80578799188052,109132.60522371109,2.8176298742536012,84.08997553631637,0.46833732597652356,50.75701495409555,2.2273554850173753,18.786972915089272,0.321607797533534,0.9724119897166643,756.7035425876455,61.047497252343476,0.06251837810729087,249519.16983404846,2.8763626258847617,65.74515030768686,1940.7935391137685,169.39530763787704,346.9589035362001,47.32492053757286,0.1602640607725651,0.19434809755628737,37.608988926411406,54.786226041084454,2.585076884763325,19.00074974925062,0.0,0.9319760531125738,0.1323221386614269,37.57971166768358,65.49467199186508,0.28290946791118515,7.086191418297682,1.6033010066721712e-07,0.0001132097967789073,0.20710829452322532,35.29299329160382,57.46741132300092,0.2638559874714606,15.511925219387432,0.0,0.00014063033626880034,0.12069161509606258,108.23765197274368,79.79156371751719,4.9108855306227195,13.990608103233454,1.9907974977412392e-07,0.0,0.21155299257094665,53.819173157832374,89.92406101790995,3.8780607951578423,11.12184030699642,0.0002963139979603641,0.0,211.5397943941959 +0.8032042160280386,0.1321200020176362,0.32994539077863455,133.0246459554877,47.037986819850204,176903.84201988069,1.7354627787913723,64.00265869374186,3.5430578514863593,9.446225539818307,1.7830995828477103,29.55086474398292,0.41648265961470016,0.8066436212124569,770.3328686482056,96.37436039812518,0.18535098267425504,107590.89169634969,1.881040966473335,99.78040096234051,4017.625195037605,294.99510472508024,348.8319068543659,36.38663150974405,0.18060032063816742,0.19303788983512765,16.771398476062064,35.76093682983795,2.408093618217636,31.22751999185381,0.0,1.0975171695121548,0.12100942265877758,38.773659304160056,64.90443402826857,0.2865499934348345,14.5684584514867,1.6033010066721712e-07,0.0001132097967789073,0.20565788168536334,19.84247658124882,40.465115604106856,0.24028044831232703,29.33487944590606,0.0,0.00014063033626880034,0.08327998936838432,99.78396823229137,72.78897741922971,4.563799897771818,17.43228700669732,1.9907974977412392e-07,0.0,0.21245399893163092,46.38615946270184,84.34476312994134,3.842127987954628,22.39377812839901,0.0005361094584325471,0.0,191.635657826868 +0.9169599358146722,0.2235738544485087,0.3293674572075403,189.41323266058055,225.5405304581587,324386.6554602663,2.593641283461718,75.07076348406147,1.8182469208002454,94.40697155612904,4.277380421524162,27.13442707087256,0.3389045426517637,0.7985968230113308,819.0143651862543,91.50143601199943,0.19880762628197696,166626.43002088103,2.8251573031413075,98.81879173628067,4755.687122416194,289.69190546148604,349.58020032683925,37.14704195298911,0.19327525963273023,0.19186184827194705,29.937329898562712,52.01722030813284,2.7837968685690866,18.863397415571388,0.0,0.6962296327289231,0.09313146040150047,34.36947267276052,59.90790744106424,0.22295536419505302,17.47853889430841,1.6033010066721712e-07,0.0001132097967789073,0.20472926757646864,32.981592979897734,56.61256630494484,0.2425469845065477,16.552984343621578,0.0,0.00014063033626880034,0.15481675397016048,106.8803126179048,73.02387795799075,3.278363956435656,10.216877700952484,1.9907974977412392e-07,0.0,0.17191896710266477,70.3243726564429,119.95876245455389,4.454308644007211,28.013385129815067,0.0002687429195936989,0.0,224.98903555497276 +0.9495309616076217,0.21121353706156187,0.33245684049972024,228.55775710336962,178.94723614582819,330096.2627039093,6.550626461092996,77.37579047571424,4.4214470545697315,31.770223097136775,4.894514241449338,27.32458683267547,0.793784316277013,0.9721164062654185,974.4715537394356,58.60439598249888,0.22475664154986577,170992.64528506005,2.8950206463982844,88.16141984313728,4946.867563312338,295.87223776249874,346.3195879967493,57.08417504114682,0.27956146298055484,0.1900078474722332,34.879363760285514,61.54973051226917,3.2401923960200922,23.650808485834034,0.0,0.6694690544402385,0.08519002152857937,25.349378617718486,49.86580708613796,0.7489207566987565,16.684529231355853,1.6033010066721712e-07,0.0001132097967789073,0.1966972372709262,35.01317768633703,65.54811020635506,0.32890072760318245,20.205297374176062,9.338152185502623e-05,0.00014063033626880034,0.3010713741908893,74.93491287494503,48.31124160576521,5.0280947332656165,20.209263128894182,1.9907974977412392e-07,0.0,0.1549641963098589,45.97793328026188,95.25335613134621,6.806006923808439,21.915304012196604,0.00018850091938824474,0.0,187.1125203958502 +0.8427360282652563,0.1497901944857349,0.323546480629643,27.120598740288926,184.64914187127673,183157.88929391958,1.7971823152576771,71.04303553084186,1.3569676739994891,10.104367570825877,0.8828558021982591,26.13913350293092,0.44643316655899457,0.8935520351926085,793.5282883325784,33.002190255137194,0.323366125823777,179292.54972642232,2.5406906137811567,9.214968733119282,3950.1232182948943,93.85727974563162,264.9578597499955,35.518536590606686,0.2131014194678462,0.19216728131941357,2.7648646295924486,25.851218420497933,2.3886877206132135,2.8821130264015786,0.0,1.4880835362568412,0.13317398764903074,2.9471657971584104,16.171139000890264,0.38889141536933947,2.935364620477092,1.6033010066721712e-07,0.0001132097967789073,0.20601176282359165,4.44219748806353,24.440087385983652,0.23626734685442885,2.106751774405686,0.0,0.00014063033626880034,0.2444116131111403,17.00978996614754,18.666155831216543,4.532559682347617,6.247870179786056,1.9907974977412392e-07,0.0,0.20067099532733262,2.1344604866037233,25.064632884114644,2.742763829407967,2.8116638663440634,1.8132038662361912e-05,0.0,54.20716258350509 +0.9380385214338002,0.16777702733712124,0.35111140235005966,37.75056872278358,119.72280546878793,220068.45798598358,2.581753687172323,69.8147350144756,0.5815502874959224,7.600707714211346,0.6146169309827432,16.625927075936072,0.3748686165398698,0.314931906407837,120.40496485451035,15.154408155832973,0.07045607424361353,55676.51331721728,0.5830824156435173,93.59877245866656,1195.45923672394,97.709417236141,348.97509602735687,39.73646068301526,0.3394144059234227,0.20141267783110517,4.569228968771354,25.253311068124738,2.966008224903454,80.71512505231489,0.0,1.1137458516771082,0.1444877030409846,6.946426702331669,22.37242568549748,0.29671232311236667,10.19223469787124,1.6033010066721712e-07,0.0001132097967789073,0.21461396577425867,3.0304730465905707,24.859376326080675,0.23784514049272318,67.43328113732584,0.0,0.00014063033626880034,0.15287444442053255,13.008790025310955,20.156163722449985,3.9193034084150917,20.319852975939813,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9767026836000586,0.16715895056915203,0.3975656807630458,227.12938689318872,198.35313071041946,323639.011666185,3.2089816305797108,55.81705820788396,2.128752728514089,82.8493493952806,2.792314432172325,26.94205559344256,0.3824672255917484,0.6922023368003775,626.9172237559233,71.19991079618686,0.06674159445768393,58505.0189742801,0.8056273618538264,26.228467085769843,4390.201258601041,285.19439494590137,345.818888725224,53.02337954135093,0.267105190554979,0.19886543582317465,10.441879983032772,26.94249652716029,2.9258009323087264,78.25482938905319,0.00010383299840284398,2.2835428704014697,0.13577300058354136,7.4918162276487665,21.55365264663512,0.30670743049261856,10.129497640805086,1.6033010066721712e-07,0.0001132097967789073,0.2061701480523056,4.7877040357154135,27.35690548956767,0.25359971553078764,60.00577304368833,0.0,0.00014063033626880034,0.10670875919206795,26.298699502090074,33.43324869366881,2.9395793765479366,15.784712754024731,1.9907974977412392e-07,0.0,0.20748344979322358,10.997923036736038,35.091153313119904,4.707199964397215,25.432408275217448,0.0002104895126790287,0.0,126.71486541901983 +0.9432741641123317,0.14155197556519095,0.35413255193378845,180.9595934336737,209.38459547099873,285285.91552325245,6.853088470350755,79.2195263301975,1.5410187495404066,20.647675572585065,3.0010924700173573,22.498554402013564,0.3098535469113691,0.5552323242523943,19.509157912765247,1.4358150261857432,0.16103517062473272,67581.77546832818,2.334499233830143,93.06809965289658,4940.84640646958,188.1487579747892,250.89359539461262,38.036551171668776,0.2185054536619363,0.19593770112854317,2.2227185492235972,27.00147649338562,7.827082741031392,10.183333593345328,0.0,1.3451669759005573,0.13200227101165432,1.4431593873826103,15.515607343839791,0.8827922941396399,13.423636598748223,1.6033010066721712e-07,0.0001132097967789073,0.2037320066195896,1.6230597894219747,25.552868355089497,0.3528515751202381,7.778369358890217,0.0,0.00014063033626880034,0.32495505003999714,12.693957551106411,17.914845873576688,13.06263071625896,47.873472464272844,1.9907974977412392e-07,0.0,0.21414557706508278,4.73341911185713,28.4058073596113,13.758094383758857,22.240043389300727,8.870789698316209e-05,0.0,80.61527657221707 +0.8422206270128959,0.14483474016828474,0.43642924991789284,207.71293466006014,238.02243853932123,334671.735989597,6.914650760911084,59.698064091288636,2.3580919772116244,9.78152042476679,2.0092792507360175,24.92633537971325,0.7786951829015294,0.871069592389726,883.93272855805,14.121551718281168,0.19483822948409615,57038.88474503851,2.1759071975153224,96.4668804402914,3497.3219488049367,212.49201841939296,242.97902889862564,14.226702689999176,0.3439155603621961,0.17381065503133797,2.7682288582577796,25.493563569237406,3.719517681774628,13.656578599704117,4.817525864091216e-05,0.7186585062735634,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.18924500783495515,3.310816156690311,26.15720074811564,0.34132709461946176,10.411897592771906,5.4858377975721335e-05,0.00014063033626880034,0.348002343069278,2.791761148390497,14.071866325794975,18.81181604748225,59.763171387529155,1.9907974977412392e-07,0.0,0.12483105211334239,4.978602808927869,35.24350258592496,10.012366626533632,60.89410394042513,0.0,0.0,2698666337285.8823 +0.9848949425465898,0.1317677836439646,0.4343813727662977,198.868662356295,84.38463591807844,321134.3613487347,6.047909946253011,64.11001487692778,2.5329672925360103,11.317091607482274,1.2163086109316672,28.887001962051,0.3467909988379263,0.9876320420177399,74.98748680889287,42.648486732576366,0.15846630159469735,69229.36000134301,2.976669359742395,94.94256280541366,4886.45599699517,279.2520888288559,241.58494645052804,12.449515312003518,0.24936469611335074,0.1545631734856935,3.5060614632645453,28.50607619038943,3.9733867889712573,20.682818074076508,0.0,1.0776270494410196,0.19853841855626195,2.4450157786174085,20.264283039261375,0.4649199624911501,24.803882938036597,1.6033010066721712e-07,0.0001132097967789073,0.18947290067835101,5.05271828228928,24.261389314716858,0.29381567177672946,7.651561870401312,0.0,0.00014063033626880034,0.35835101666126,5.488309713903156,13.528224662199749,18.274091289916488,59.44766151594341,1.9907974977412392e-07,0.0,0.1739007572643341,4.830448877361533,29.520999291682585,8.648423543898389,51.26347313060505,0.0,0.0,103.21522807657965 +0.9690055196912792,0.15138370492903247,0.3737391543142885,34.747296314758245,206.47116169743697,131248.2131273182,6.284225250065055,77.81180608017493,2.4061158926480477,26.16575527728549,2.71395104224374,27.100211967197037,0.7860842751657117,0.9653495768593487,208.45506575420134,72.59401477624102,0.2954511972392689,293862.65525808005,2.995742299664362,95.43387664771447,4251.338141472202,255.223574906626,347.9486179748178,54.99543850859508,0.16480854066257944,0.18866547547079435,34.026516118501156,62.14323232585309,2.6962889058750164,13.810088849953514,0.0,1.0867214767274604,0.10884899265627937,30.09213225187585,56.87440410989178,0.7873809255138502,15.63380055162292,0.00012546272377973727,0.0001132097967789073,0.19777482343488595,38.526222369180495,68.28929166782487,0.35426046265673683,12.6718649409556,9.216425991399707e-06,0.00014063033626880034,0.14632131625028896,94.58544395776283,65.03040067155503,4.58969322761576,6.329785027601325,1.9907974977412392e-07,0.0,0.1651264074022889,61.30084337505146,112.26035572822171,4.467940858671083,14.125385921841856,0.00011992236361643108,0.0,213.84274409952604 +0.9810429609909563,0.2734365424097581,0.42326863415162624,180.11346953198583,197.89100808710762,239513.62824233403,6.886098838272868,60.63469093632054,3.288741867582116,86.31267996960146,2.92054244761022,17.614861460005606,0.4615163591039296,0.8984056130998059,974.3705214038154,57.151259998759386,0.2903687922309297,63194.616375149664,2.9870358579606933,96.43459518797023,1586.0958549054992,280.0793631679189,247.79263214073296,14.881648311752958,0.21323579715051352,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.14009374849604453,2.6250258427299578,22.580063499699524,1.0208346601069835,24.151485241481634,1.6033010066721712e-07,0.0001132097967789073,0.18936429907032037,3.5943305087365083,26.143825128018307,0.37774696597587765,10.752367121802084,0.0,0.00014063033626880034,0.35033389765065515,0.9888333200338959,14.212120520467733,18.067122968608498,58.93093715490639,1.9907974977412392e-07,0.0,0.1057991712875444,2.925846387550122,35.37843598284796,9.056308287915707,60.294130046728,0.0,0.0,2698666337285.8823 +0.9087673294938633,0.11918707039026707,0.3828909076499507,75.23591138558734,102.34308314503292,128370.15236063172,3.737798754053716,13.271796315995822,2.1682274253768443,92.60584383092608,2.4928522568581544,10.099500904305307,0.3435312193685537,0.6320386832959481,105.2200836096438,10.997443804182765,0.2072548697263205,115749.79507010561,0.7160728390949109,19.844639418957122,4553.120394558981,209.37357560957005,348.7005352175955,14.287311071682035,0.19558684343946617,0.19943369816827392,1.6885672815875474,23.56862215710942,3.467221137041437,28.516825636364313,0.0,1.012072946817735,0.14190119277106047,2.8529748073754075,17.10140917835591,0.6197657298646336,3.9355384550219634,1.6033010066721712e-07,0.0001132097967789073,0.2130681779575526,0.8801515239604304,23.596054684976274,0.32691270245382364,26.118822284886768,0.0,0.00014063033626880034,0.1574093608529278,15.107363679986106,26.298171323123846,4.2434481049671025,18.97509659977114,3.092715030179917e-07,0.0,0.22405631350929012,1.4339693212905138,19.087471898268145,5.128737603863648,8.453997133599966,0.00031997556631776147,0.0,68.57940263057698 +0.8611481528748255,0.21141845867402193,0.3740218254871029,98.83328965189686,150.64725034870807,181768.54218137654,6.411452979820611,11.915778836460394,4.402249486126437,87.94308216895902,4.521398522408309,27.08564042557156,0.4484777407289872,0.8149717061016808,874.5588748470313,91.19440201988488,0.27410753747500105,59414.597171328336,2.62381148273231,80.61428009029163,700.3148896934044,239.15355327811173,348.0183886840915,36.86994599356061,0.21807131140768915,0.1921122874506056,17.67091408388286,38.760935845671575,2.7048444690500726,23.56247297231398,0.0,0.7618652859199665,0.094569281194964,40.20330300233125,73.44583290124184,0.9243411970072773,23.753253162808846,1.6033010066721712e-07,0.0001132097967789073,0.20093046809331694,21.355133231048505,39.981060967136116,0.3692874252977786,19.208917806970106,0.0,0.00013677607600523397,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9366433603526377,0.24001466379835354,0.3576191982045689,224.93509426768864,143.65983105122044,308394.2599162751,4.014694072811679,61.92662350714476,4.051263876279307,74.16638582140637,1.8636438560419182,27.23974656942797,0.4677650665370392,0.9238913115287307,458.0398262910472,50.50872266805942,0.3113482100957237,194867.56304921783,2.8648403369106616,98.55673686165744,4544.566869223024,209.33296782910048,348.90595056121964,58.198692835643044,0.19228073684798525,0.19116396398638766,33.194216303951855,57.67226968375384,3.1102426407366854,21.387681427338403,6.825123028084015e-05,0.8863007762966658,0.12451998862977713,33.797990141988215,60.34887252357934,0.3904010705883756,12.929635249894526,1.6033010066721712e-07,0.0001132097967789073,0.20143558308817391,37.955988278664684,64.90748674177456,0.26972082140642123,19.061064617791597,0.0,0.00014063033626880034,0.11043572701515735,94.2450813619669,69.89106919016994,3.008269928335329,7.256202840757608,1.9907974977412392e-07,0.0,0.16615394130964733,70.56433891690016,121.7437197211066,5.047050745892404,18.47886764877772,0.0001605562375908373,0.0,223.29582393893975 +0.9784319040879824,0.19541586316551607,0.3918172617234934,202.84706336384193,247.6818405693038,168895.89006476893,5.893154637933413,85.54976871899933,3.9584553502399964,84.13906715455731,4.871557965794736,26.416105674272732,0.3986127047902811,0.9880206485105464,828.8775730384863,78.35053435427464,0.06477936113903417,74834.40517210995,1.4346250331316308,70.73121640915356,4144.03069090612,186.17767227826326,349.72477558297527,57.8624747880807,0.2599249738174689,0.1959104343451848,20.25925621162199,33.144617372857866,2.778794837565669,64.92404558256636,0.0,3.4684350617491764,0.12540042915211896,15.151463136427092,37.52492387866058,1.309769999300612,10.655935768462935,1.6033010066721712e-07,0.0001132097967789073,0.2026096021400924,11.944188140625604,32.74175371799605,0.4272288097238208,45.51380021990368,0.0,0.00014063033626880034,0.1068723819847394,41.650107035514814,45.02326091143625,4.365970167832319,11.74403241455318,1.9907974977412392e-07,0.0,0.17518111454851165,27.826066563839618,57.90210060629778,6.086218270624503,16.527211221926205,0.00011613383580595038,0.0,138.34483391747517 +0.8406775309989315,0.22351274188847997,0.3286096600863755,65.04258996083968,184.62529100002396,301580.96313823614,6.336040049642224,6.9844743565038065,4.71027896086141,90.43146479357404,4.06582265836401,29.611217148528684,0.7384595459276333,0.9684403864424715,619.9034654061969,46.13761687185532,0.23949670140664514,205279.9367996367,2.5589612492492892,94.94918625184806,4915.447874081549,76.72475277381389,345.29198606328606,38.413973542793215,0.17058324937284478,0.1927985465214537,26.7106142581287,45.48201940022378,3.094149698592573,18.566079643022697,2.2878686987195453e-05,0.6858873955967479,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20484023977226562,27.958807028310396,47.16534910814324,0.28254464362323195,15.90363092215709,0.0,0.00014063033626880034,0.1322889697482181,116.50521848721073,81.76520086052577,3.227458623841462,15.231066800666202,8.235860911692802e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9162492732256032,0.2077059407928183,0.32128197500185485,136.7862444723059,124.24480333005917,248388.81873002718,4.0824525383059695,21.515533839914145,4.996669363009432,93.37337736264803,0.35699930976866745,28.612449825812515,0.44700771540242557,0.9071231201750755,898.2640871562662,87.02963150348515,0.20949570315730348,205418.5726668086,2.9039422373089634,93.77709509822745,1306.1722434450762,234.5970265144888,343.0974576266919,57.85167426693595,0.20087137436070132,0.1909545460530941,35.52627096499628,60.00063174442103,2.64917165317544,20.242967117321495,0.0,0.643108043784012,0.11706256157671119,33.56464124314897,56.528770016070176,0.40967970420455774,13.0165093698619,3.924718089272483e-06,0.0001132097967789073,0.20372539640086468,37.93540134471872,65.82632648842595,0.279582840925522,17.279559251089044,0.0,0.00014063033626880034,0.12305894478439633,98.53689653245789,70.45652939564008,3.671758566633471,8.250511666384742,1.9907974977412392e-07,0.0,0.16949310104673232,72.10578088902874,125.12959176930735,4.394058059432763,18.919148135183004,0.0,0.0,227.66461704375095 +0.9883479786531197,0.11573916769017575,0.3471643067379197,222.14042697539173,198.1742965852036,322730.98822793824,2.537687714168052,81.62361916282453,3.9372277085583596,90.92021824894472,4.476437349728927,28.171869969421145,0.7881500033589175,0.9461522848064963,683.5781247088908,70.68808805295443,0.33399853596789025,55463.77925940232,0.4626573837794423,65.32626364833487,4271.605541557398,291.14597209357413,334.18333957878076,57.45131106055439,0.1937851149099139,0.18725061437609297,3.886640289319217,27.623479821939398,2.8286643901718693,75.5370167221377,0.0,1.1277378295628713,0.1235752466213798,5.909831797563981,23.920452935056165,0.22257871423490683,9.704411902901857,1.6033010066721712e-07,0.0001132097967789073,0.20092945485117986,5.379250639135535,25.502203499854794,0.24251115087313438,76.56228648925789,0.0,0.00014063033626880034,0.11386636376018318,27.645286832256108,37.806867379976865,3.356545804638106,20.07809844552527,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9854606128251123,0.2612789671467393,0.3767090218030641,136.73039533317794,234.15778554211502,162700.07732514504,2.191830942796638,70.31372985213821,0.8998785724365173,44.742880368542515,1.6107999260839092,18.336626002785337,0.360125724823787,0.48557434362281365,174.64881342836384,48.96873052982444,0.08322166626879254,88089.28052135065,2.3238084458713297,95.69737187080942,4323.220472610131,255.87348954422743,336.6690439288841,49.00760160094289,0.27527419783497187,0.19934774559753596,14.64574951871456,32.0991067625369,2.5996866429923036,22.995651188431975,0.0,1.0098314284242609,0.10970530007597726,14.987036439247564,32.78318478012435,0.3903067626294255,22.870598211246104,1.6033010066721712e-07,0.0001132097967789073,0.2095052836056474,14.657122647983813,33.371953467618994,0.2697766283523845,18.576633773333857,0.0,0.00014063033626880034,0.11019296875988316,40.777423138977504,36.665410723817175,4.460768894435351,4.34756922076486,1.9907974977412392e-07,0.0,0.22272097432185206,17.950128511693116,42.59718611953357,4.615210850939012,28.232127589990462,0.00039131494100253325,0.0,106.20200008011228 +0.8423983628777908,0.18062155780444772,0.4007352860420761,67.71190576723637,243.08180651141228,335990.0858016197,2.2395680845481682,44.178637847912036,3.2785378882720044,46.07140517246322,3.725974913488997,29.44589050514516,0.36790809686611037,0.9852864086893685,599.7508496187152,52.739821670066796,0.2817054964662566,76779.40710838826,2.682852073397967,65.27793893833218,4760.751885559425,261.1723099085811,338.82736421923346,59.52581225257899,0.16211030922557726,0.18924919709948723,20.55719869055215,43.86508769339732,2.8118156224654594,22.65066269536796,0.0,1.1677210391035857,0.07448048593628216,39.45969134621231,69.55301499780595,0.3561959090930212,17.4481925302631,1.6033010066721712e-07,0.0001132097967789073,0.2024366617156497,24.86554089780238,50.40024398205787,0.23513607117864885,19.415897855909755,0.0,0.00014063033626880034,0.21550665918868042,104.36033912433076,64.24340346762956,3.5818488970555653,18.885693387441133,1.9907974977412392e-07,0.0,0.16784578665519498,56.32802582336665,101.92348643577117,4.340848621154055,22.6703752708593,0.0,0.0,206.36331557513324 +0.8644092313206871,0.15043027614771967,0.33484357972116724,233.44025752116883,109.59178559855278,303042.2706827033,5.236367916490245,53.50286612893136,0.45945330338104573,54.036802974990735,0.3736472283301442,18.141707574075806,0.6270020146145933,0.9812890067040456,827.108675420227,60.8651427619042,0.14774121488056294,214370.9549203413,2.5547303873839344,98.44290954555021,962.7689696150371,271.1053077741044,349.1552393935338,55.826840094662025,0.1736661098228683,0.18065274244307128,26.463638577514793,62.66331488136552,2.8071028433098983,24.58303085346583,0.00013301283505588848,0.9471749448279815,0.1230803030414979,40.08638169378935,65.65847442958413,0.5042614754292398,14.068124831937379,1.6033010066721712e-07,0.0001132097967789073,0.2052474985075271,38.04052905429614,64.14354462500621,0.2950150713849069,22.003508383636273,0.00012034366802531067,0.00014063033626880034,0.12349325750358557,105.69053751494644,76.55324035086426,2.9903255506680586,9.64872789063727,1.9907974977412392e-07,0.0,0.21148071177421257,57.71417842728708,107.27964212654899,5.16406293573922,16.2530449519525,0.00011680906559143808,0.0,222.85804913695003 +0.919234660093328,0.20503980662095259,0.3599055693353577,234.87915771899912,244.73053972281144,266563.434823152,3.754252744936546,67.63392036137367,2.1817261966231594,74.37376298287616,0.33700241953599774,26.497712599252488,0.5276399828787041,0.9255746685170104,866.0119769189768,47.982366128599516,0.24683380456436319,194064.91503751837,2.978540757707318,93.67762121744683,1570.1879264747095,245.08601428648973,348.39737161447795,58.997765011959835,0.20798610738766243,0.19064898684517506,35.135797241077924,60.059774422308415,2.818629888639613,20.409187513143998,0.0,0.7313528342788145,0.10123832682382405,31.827296849132527,57.375816403087626,0.5892515913328722,16.54888502608555,1.6033010066721712e-07,0.0001132097967789073,0.19966567990885548,38.757479463318084,66.13512569168287,0.2960174604420229,18.349571725224905,0.0,0.00014063033626880034,0.185695861670564,92.89435584563785,66.48500534240482,2.925626562527341,8.590748113306699,1.9907974977412392e-07,0.0,0.14533525704055422,72.04485556465275,125.55697078248448,5.208977696753523,22.441302608078654,0.0,0.0,225.1145483724711 +0.970399144012436,0.23459790470624498,0.4242793291164982,170.03111488370757,201.27276968081802,332688.2746582838,4.532496036715564,36.460679880469755,3.1940620958347834,96.16858324377931,1.2546083723677932,25.029910153146147,0.4936550931238639,0.9527565195165446,639.5147786897364,92.33137914067677,0.2756227918116083,218821.03439894464,2.9088167095815898,86.08662521208485,3290.436991792821,260.2170425416289,349.9178829676141,58.51921108987381,0.15611895043041935,0.18928070311817174,32.353874050717984,58.78507695369672,3.027814785673527,17.02665738844889,0.0,0.7299971668313667,0.1201382566892053,30.98936884005791,53.70553323337757,0.43644867955471417,13.473722154704824,1.6033010066721712e-07,0.0001132097967789073,0.20051867818489486,35.972178671319796,63.97059386823543,0.274305342556441,15.293545342050805,0.0,0.00014063033626880034,0.13180644438611402,95.29618796380245,68.55143107986854,3.004273128727635,6.970815016850998,1.9907974977412392e-07,0.0,0.15968105294261395,70.53125787189441,123.6255939446352,5.1359945878785265,17.450992754468547,3.8476923950238444e-05,0.0,221.07894542874877 +0.8133727928223384,0.1238381191853258,0.351297601783922,148.20093866449176,162.8617707159492,295939.2638107601,2.7679040673585025,84.08997553631637,0.639367932562849,66.37737798007814,1.9826245618361362,26.188025112075334,0.321607797533534,0.9713476146980452,756.7035425876455,78.14680091614775,0.06412863983856595,248773.80208837707,2.58479344228272,65.74515030768686,4755.639412640956,171.13839358294396,346.9589035362001,54.209614409709815,0.18237915057520734,0.19559748791783899,42.809308206732474,56.725494877258896,2.7366700624603766,25.184774946037443,0.0,1.8871677859809948,0.12697918938732541,35.209047770057495,61.53552768516051,0.21414202636366822,7.756849282456046,1.6033010066721712e-07,0.0001132097967789073,0.20087353402120284,34.95943799275499,57.26273850079294,0.24395360314878856,18.24215668503302,0.0,0.00014063033626880034,0.09187772043227754,94.47439830930698,67.39676121585745,3.751561396333918,12.51731917287178,1.9907974977412392e-07,0.0,0.19666226687966346,56.09830878102775,93.54245153631652,4.2613780154971055,10.546689049459244,0.0,0.0,203.17852143411918 +0.8991909801284819,0.23459790470624498,0.39060949688015684,171.6097568788146,202.00860960560925,279166.205445485,2.7280324314877724,66.92024145350628,3.3032208533634977,81.45110524867765,1.3109018129485452,25.42512244389972,0.4936550931238639,0.9527565195165446,58.08544996330699,79.62768503082015,0.2758731744579411,204551.545309639,2.910412593791078,83.5596624628042,1142.0204134364615,260.6531946684886,346.66492147395354,58.51921108987381,0.15978060631670757,0.19053393477180536,32.36519622489535,57.68847001654254,3.132272719164611,17.60799738800524,0.0,1.0357023678902217,0.12331927052474183,36.83245123656348,62.19137022824953,0.25321789335943523,12.706086375149287,1.6033010066721712e-07,0.0001132097967789073,0.20464742774432243,37.12164426025785,62.53866782286036,0.24884166914999387,16.180582185495563,0.0,0.00014063033626880034,0.11407050854218398,101.30026619907821,77.36013384415149,3.3615264754609924,11.702875400433562,1.9907974977412392e-07,0.0,0.18744181183406403,69.04217630654101,115.35708223856902,4.729277260390212,17.433334923140926,5.245043640339531e-05,0.0,224.56261694489908 +0.9190956513086573,0.14527484355357612,0.38986438678989266,68.87174311224476,218.26621809053472,258516.02209880963,2.1314977780022293,19.253393869392433,1.5653230424125266,51.1766917765531,4.684213129202638,20.7649781160903,0.4406938026900307,0.8496508810242072,326.30522079686216,99.62434125575304,0.23223479120401916,55222.90964682385,0.847787596378107,96.49468331782364,1352.7625252671317,243.810018357037,346.2288071457452,55.91604825044966,0.1710586203975133,0.19330563945181986,5.236735122613702,27.17484343210236,2.6497487269401208,67.91342657690564,0.0,1.1133868195109349,0.13468386636184732,13.490054655931381,34.52711819429915,0.29844138358006017,12.142427862142325,1.6033010066721712e-07,0.0001132097967789073,0.20584187929083692,6.6976776088915635,26.159051909825504,0.23629612233457067,66.91608799165456,0.0,0.00014063033626880034,0.13701892175387081,32.42911854541109,44.950623145530564,4.013967607575251,22.225029588501474,2.7615343999459633e-07,0.0,0.18641985297719207,10.13802620579003,46.362333484291916,3.1522360474356534,24.995572941855556,0.0,0.0,136.3245274590859 +0.9088865225489884,0.21523651023287454,0.34601297358474936,19.556967373129744,135.99152298991416,344673.84282326384,2.531783221776001,46.93911002252793,1.5872140641331904,98.44626586105296,4.045760425572056,28.082857996288404,0.31261868547222793,0.9491537103248023,932.1268492076177,73.17496691211196,0.179354156041482,63480.81433194025,0.9547431415539923,93.61559865885995,1355.5956862157286,277.5994086426805,348.1281611957503,40.79113756581709,0.2905727746308555,0.19036157822414818,8.556911551184928,30.045583707435647,2.704687912161152,64.54379073744218,0.0,1.0873747926985247,0.12254881912100343,15.112289815959691,34.93868336712706,0.4817882348156051,12.63440955029267,1.6033010066721712e-07,0.0001132097967789073,0.20354446446473012,8.590384235441348,29.38493849611754,0.24247037028437718,59.33584566397308,0.0,0.00014063033626880034,0.08112372048921239,34.703471328164945,36.26959469350596,3.6920525974703002,18.47760517331071,1.9907974977412392e-07,0.0,0.19037432383085373,20.817817221353874,45.25566646280246,3.918645153682209,28.17413791829255,0.0,0.0,131.84452302339005 +0.8951737017138112,0.10835512878524266,0.35031250390754387,20.744947286241867,26.71481924575157,270495.621614087,1.766499833411466,33.865909542503935,2.069333234218746,12.509798524367103,1.1620758217174425,24.7682670715942,0.3605816660709942,0.8196327425226658,370.240331993783,49.904018478669286,0.2925790289807631,68184.76331436522,0.6572904360438997,46.395525453892255,3180.3163349441543,206.10661865528763,344.8189494985428,52.41798095729253,0.16548594091593977,0.19214891728483363,5.796770573298598,26.657811792362264,2.61801967228785,67.58380300884272,0.0,1.405584479951684,0.1312531343726359,13.279419138115886,31.42772620734954,0.5137700653887658,9.764233131501419,1.6033010066721712e-07,0.0001132097967789073,0.20479561947811756,8.640500713642421,28.078305284173748,0.24454826559156054,68.56864658323495,0.0,0.00014063033626880034,0.1479973279199229,31.860670235311623,34.26454136062336,4.070452884377563,28.482416182467585,1.9907974977412392e-07,0.0,0.20857503179379838,11.822646489991799,33.236100282324536,3.9197498760623355,36.43332243648223,0.0,0.0,133.22673646314794 +0.8374485052089127,0.13462702070435123,0.448908371393355,220.9792588404574,220.39428374168097,313281.88174800953,5.358348986439201,12.380907537112435,0.8148253219468506,75.54029160158484,4.569301837749136,20.88037886431691,0.6065641654955153,0.6085324786160008,711.4483706614636,73.6731616070256,0.07278782569080254,64107.709432700554,2.7662222992442675,92.7971536869288,4878.822719720583,275.47309244943295,254.4783381290046,23.976440971306964,0.3147665165819389,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11943079603070794,2.004557544268338,18.582659247034158,0.6876726659896926,23.57996279445213,1.6033010066721712e-07,0.0001132097967789073,0.20129690394911864,5.019577308998497,25.16905637636012,0.3152784544936597,9.78320771868424,0.0,0.00014063033626880034,0.3231050636645212,7.184941296952604,16.31301378752351,14.589895938657213,55.426682395844985,1.9907974977412392e-07,0.0,0.2041124357418104,5.0548888545752675,32.42399841829015,7.457461045893977,57.445050844475716,0.00024556512026286753,0.0,2698666337285.8823 +0.9812596192216655,0.26430468019114034,0.401388440946597,227.12938689318872,120.41445353626617,217958.55838375998,6.364881332871631,75.6058760171356,3.6387612575459127,24.5018405021036,2.2986399741541046,26.12580948339198,0.48455938682311817,0.8666273759265245,808.4475317277664,42.37327415711041,0.30119653029377547,58403.06834450559,0.7060825269418167,81.58414318050102,4288.91466130599,287.21183815466236,345.89771797395906,59.75678466224932,0.2868427127657274,0.19355004908300927,6.113250861636278,27.048233081347774,3.0881696637651443,71.46497465352824,3.4543059620916715e-05,0.7350059016576604,0.1311001332438374,12.421768702746434,33.047167359253066,0.9321850742752066,10.491887375086208,1.6033010066721712e-07,0.0001132097967789073,0.20569904370011502,6.625871018093175,27.556876344355004,0.3682391406365905,67.8451405350441,0.0,0.00014063033626880034,0.10248841056060347,31.412617139782697,36.89341672343331,3.070520008187544,12.276476321682818,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9660241527649719,0.23448101065064378,0.4131364877868004,246.78301059430825,170.39957369759765,338776.4192756951,5.787296692231573,65.80793868751927,4.401278643386097,48.07170698786058,2.899916989356983,17.350709262107596,0.7229318404006545,0.9561401451097156,22.80367911337794,21.65278407167631,0.3040928730721535,294457.7066783838,2.683701704006309,95.70451053625773,4771.8073765730405,250.09748998597428,348.4778233398225,56.22768683806459,0.3407893787848492,0.17959062514499016,15.660969702561884,50.18604357185046,4.549711423741632,10.649012457363627,4.17984278330299e-05,0.9553613382246314,0.1345056887912348,11.873993756647533,30.056342830083665,0.6385504523933739,10.027287149140108,1.6033010066721712e-07,0.0001132097967789073,0.20758910394960728,26.830688084276556,52.82028357726666,0.3093290751163597,11.087443499783525,0.0,0.00014063033626880034,0.35365812296410254,43.416903047832854,26.396131915275745,9.089825148801447,39.58448560608836,1.9907974977412392e-07,0.0,0.16290986833280166,25.73122664771846,59.12779536489259,9.163185255145487,13.928552176689445,0.00021970377445712486,0.0,127.84713307150813 +0.8837929362932115,0.1965955475531838,0.37695580112827226,139.51214718849417,202.93933071333342,210366.7647064152,3.989885574858686,46.84411366100067,2.8941625475726687,41.822520665045516,4.567287043334408,29.014152684593657,0.4447992064904189,0.9339686044746316,851.2458176044439,81.39801331420527,0.1264803843738056,96536.50907065236,1.0761211308022272,87.31383432915793,3335.8409439961365,138.60360814224157,347.0011852916,55.306890595740356,0.29645370224439926,0.19349010506532063,15.36897547526208,31.969949011365937,2.5867794991633657,54.839477573686096,0.0,0.8992375337003066,0.13008673188283293,16.807214994294302,36.88796161958897,0.6092524330071843,8.43325304898729,1.6033010066721712e-07,0.0001132097967789073,0.2044579160734073,13.376404129495302,31.739776648177475,0.3094255599098137,49.17719691285418,0.0,0.00014063033626880034,0.11013050340225652,39.984350397907185,42.27089278014007,3.6658919764492146,14.99865056974306,1.9907974977412392e-07,0.0,0.18772780723983873,12.415374983863963,48.37812890990183,3.6140430714917877,17.197487308662165,0.0,0.0,126.57092410024302 +0.8849826759723568,0.18168544381886825,0.32905571819484924,131.08418936218882,27.48699785206402,110693.21287761092,5.154097532995063,43.78513077359636,2.8754446938372444,80.11393823767776,3.8436316855523835,18.74647037272647,0.30500241969944875,0.9838902935750622,989.1207756529783,75.70714646672283,0.20482229897652549,272996.96154056967,2.9264076332414217,85.15359261224457,1403.5477975718234,231.45284269585179,349.6870038861685,40.844077968611685,0.1772531928162527,0.19404431421747345,34.39629482223481,55.614261471689574,2.9120045711936395,15.532457174513596,0.0,0.7377575856760138,0.13149333430816673,35.66253977195754,66.54411709677157,0.790229505718145,10.655649961740558,1.6033010066721712e-07,0.0001132097967789073,0.20448254348430547,37.682581499924225,59.65234708574959,0.3721794770308987,13.74208315385875,0.0,0.00014063033626880034,0.08879379904550148,102.5936139684001,74.76520244932347,4.876866583594055,10.843490880993883,1.9907974977412392e-07,0.0,0.19722013521588092,57.602439308964705,96.83550371447699,4.446517070340531,11.270707685130569,0.0001676304868053383,0.0,211.2026250614511 +0.9842564521769174,0.25088813079993605,0.3208900689900749,238.17989740001875,122.52308673039691,218002.46019364733,3.9590458813419662,75.71552550028966,2.1408002379168947,80.62135187572035,0.2945900814878226,26.007530352728903,0.4438428456458981,0.9145391586592584,582.5477848976102,70.66651944949884,0.20569437206090405,58403.06834450559,0.7060825269418167,26.28038652675442,4409.224717114651,292.18070205406866,345.818888725224,48.40171713620451,0.2868224545000913,0.19157158178585754,8.89468777071147,28.433076129104425,2.7141311545031908,86.72699517031516,0.0,0.6800846647204527,0.13210704222494649,12.407850377622887,32.27734152120955,0.5759944435369089,12.34600344643818,1.6033010066721712e-07,0.0001132097967789073,0.2037495655008752,9.155790894321562,29.321178092742233,0.3072328884458759,78.82739187882373,0.0,0.00014063033626880034,0.1253533873940413,34.42772736850216,40.14894171541914,3.507826083088932,22.20265128203897,1.9907974977412392e-07,0.0,0.20610629319483234,14.995960225124712,39.544845006282294,4.843956259747134,33.267790374905815,0.0002899759118561339,0.0,152.1328726228416 +0.9852637516011861,0.25088813079993605,0.3210301382777243,239.14297635227413,122.51253401287755,217958.55838375998,3.960466805890082,75.71552550028966,2.1477592622371904,80.62135187572035,0.2945900814878226,26.117074943401427,0.4438428456458981,0.9139201477876249,581.2423642687475,70.66651944949884,0.20608736491491328,58403.06834450559,0.7060825269418167,26.28038652675442,4409.224717114651,287.50248819957466,345.818888725224,48.40171713620451,0.2868224545000913,0.19193893677439364,8.730119689199805,28.24290433551891,2.7153042449854965,86.38554957673435,0.0,0.6808208223520806,0.1321130908973732,12.375979072009619,32.217024052033324,0.5770491866425144,12.369980941312823,1.6033010066721712e-07,0.0001132097967789073,0.20374177536314012,9.085346936324518,29.306949072363846,0.3073999462402471,78.87528283213017,0.0,0.00014063033626880034,0.12569279331247157,34.321938815174924,40.41666582578262,3.5064968741439095,22.001377351186623,1.9907974977412392e-07,0.0,0.20601274119811508,14.919441977665207,39.42164469278486,4.848108789905734,33.286798769174055,0.00018962151070066338,0.0,151.8804007337222 +0.9540539988621617,0.2070122685916916,0.34978792544675585,106.17027562559988,141.6298677782903,131595.7203123509,4.044159329548364,17.856699830995776,2.398888497851126,18.82267673662942,2.378812907809164,16.10230516013178,0.42186125966451077,0.9234022023527491,188.6000984335872,82.60617164081464,0.24889725967745782,54239.76873746288,2.2249779123537308,38.13642144523459,4458.415206769608,223.1478347873263,340.710841243345,57.80751365681431,0.15509230609564034,0.19447155658426146,12.733721579399235,31.453993509904855,2.674301347619373,35.37374475671873,0.0,0.9313857173124027,0.12683765182294393,21.22330197018292,45.51361720504298,0.8237990306075031,11.802584998179837,1.6033010066721712e-07,0.0001132097967789073,0.20871818644977108,16.172240049091606,38.94045411451435,0.35569217984659335,29.132005402546746,0.0,0.00014063033626880034,0.11896316806276082,67.22967737532514,61.5487989620515,4.221513267407306,17.40387157640072,1.9907974977412392e-07,0.0,0.20165080757035944,32.232531272916596,71.08768939347668,4.7274806010821875,17.962393016607553,0.0,0.0,150.88328388001017 +0.9713284907393367,0.23154543659131693,0.3792219076872861,233.75819038342206,15.251927444182508,111242.34256251885,5.3782356365965605,75.59211368456134,3.4718082105992027,86.16142415960303,4.64989268921837,28.831110871387395,0.7312685928324087,0.9862870175385453,951.2250016128614,76.66607394873458,0.30413866333233425,267320.27266966505,2.9251256043085645,94.80470067737294,3538.7968758451743,261.90954051681933,349.6870038861685,55.308890389976895,0.16218095508272695,0.1910750773881044,35.96245713540397,61.39838003411385,2.972694868616903,16.708790115710023,5.607670955229406e-05,0.8532322173839261,0.11522425644439357,34.6898239737551,61.32574560968242,0.735236737936303,13.431657469707144,1.6033010066721712e-07,0.0001132097967789073,0.20249950136333256,39.87286703747756,69.5398360353487,0.37205040140532114,14.900679290354953,0.0,0.00014063033626880034,0.0910940833678895,90.92667090091022,70.29500041434277,4.9491204932488335,8.096723834442356,1.9907974977412392e-07,0.0,0.15438960293655918,36.02570748418816,124.60871336773539,3.1965240814694353,14.814672120232274,0.00017307998097332788,0.0,217.9423948424632 +0.8204149239293418,0.1257082320035671,0.3936439482457785,16.34818021119868,161.4021634916685,270548.48322631774,4.558717805698382,78.6265746373623,2.93877480482032,82.91182455400875,2.012007928420972,26.667141699022697,0.42647797702253076,0.8594081100676845,582.8126365206199,65.66036475399511,0.2122913661576109,66868.53896092605,2.5914936179785566,82.73081188005594,914.3297010415149,201.21797462677694,348.3384513683046,32.997113610787075,0.15963679828807548,0.19106219846774972,15.295756413006655,36.01635889450528,2.5783956931474488,18.25382738104459,0.0,1.0628836614190897,0.1068582661939123,38.71272723057608,69.40303367641025,0.32453155993862015,17.367216525163542,1.6033010066721712e-07,0.0001132097967789073,0.2038722101090048,20.0673710042047,40.34193426331603,0.237202611566481,15.744075698854706,0.0,0.00014063033626880034,0.12041341027950417,95.88230800898616,71.65186639464864,4.026621272634223,18.106514639255636,1.9907974977412392e-07,0.0,0.19286930600137653,45.14014557252768,83.73120247325525,4.091391827266772,20.93969534727616,0.0,0.0,186.92984898522536 +0.8226550580476439,0.14783795148102113,0.3340387821125628,241.72684849596834,231.8924791485832,315338.92695001035,3.7375727931222675,75.83528805356586,4.553606780371375,59.221062389462546,3.7549657537656627,27.25366166922561,0.3456292350914644,0.7300412953501478,645.5401277835562,50.175584532365306,0.3074322061465614,281781.5625113288,2.7981072051914153,81.21401660254965,4719.001137872387,222.89017546900732,340.47319367825787,59.57567526426479,0.1666719066721621,0.19610619567880624,31.54341016163646,46.07562018691911,3.017473380862758,15.579371082609162,0.0,0.913412159333146,0.13488084414300136,34.23758443147163,60.18706149010936,0.4645088585016781,8.936720841160765,1.6033010066721712e-07,0.0001132097967789073,0.2092303657277202,34.54854993408964,49.74402590496068,0.27394812615977127,13.469317700066796,0.0,0.00014063033626880034,0.10817312679636082,110.14121326619016,74.59794015389826,2.9003136150325886,9.600059911244921,1.9907974977412392e-07,0.0,0.2109466218665889,27.786441269990636,76.85964360997912,4.576520658085989,9.462856772200134,7.056651642960928e-05,0.0,191.52440973935347 +0.8968512668188521,0.11011591934494973,0.4454354655370353,212.55769491425215,189.0957021189453,254750.64095706222,6.6355232004489935,52.8332066269528,2.419547793505449,17.89238392185956,4.926747408659163,20.8347682188391,0.7571575742181603,0.6958807919901843,915.4051600994476,92.69898957613947,0.2074302770728341,72779.93792273433,2.3825098304802292,87.41174073216673,3467.1638879024795,96.87731356434287,225.52808083612902,13.133937435098673,0.21393615118838286,0.19816300814026958,5.6873354818500985,24.46266354170328,2.9683140492138986,4.977714037569528,0.0,0.7290791135143269,0.1257968113320598,2.895705620510618,14.722713977603986,0.9738825008759383,19.496980021506076,1.6033010066721712e-07,0.0001132097967789073,0.2101105913949477,5.904321935494652,23.89888736664489,0.3686745229643673,4.0441019554331685,0.0,0.00014063033626880034,0.34016408523434416,7.161402510236634,14.25228481055768,19.56804234403168,60.52709271447933,1.9907974977412392e-07,0.0,0.1573357386291036,8.112381578147462,33.39516001134881,9.92249491234676,60.781408298945735,0.00021600652279534202,0.0,105.68156689151361 +0.8225780569890996,0.1184483366972222,0.3767366037215117,11.342190328129433,183.55002175730348,204859.7675111156,2.2242143516798323,90.74125401154141,2.261474051242452,83.62946002382334,0.6531552894844923,28.713583072481775,0.3486454787817319,0.7214231556298922,962.5789121439084,93.00039762378891,0.22112158589754913,172776.52458119663,2.8333955293985746,81.087915013482,4761.024440109542,229.36526429416037,348.4127011152457,58.679157483829,0.16211030922557726,0.19314351733641225,28.594527826295735,45.70675749664692,2.3596737690997918,19.596816406841462,0.0,1.3819243248814814,0.12657410709427902,36.522702888221936,69.21829056845196,0.4756924271018127,14.057269489954031,1.6033010066721712e-07,0.0001132097967789073,0.20665906234949524,34.15908551836087,52.81164691610735,0.24253434031961044,18.182418394640823,0.0,0.00014063033626880034,0.12075822368924022,99.31353475388046,69.68402731849547,4.4480261584809755,13.228282822710952,1.9907974977412392e-07,0.0,0.21183776589706604,60.23806293542261,97.23898188975048,3.7112927572309857,18.587632277665485,0.00016206669834052114,0.0,205.58462988753283 +0.9390799167597008,0.21233392486384034,0.3724379369189263,211.0280845307577,246.77925560536346,347401.7291256112,6.357680480212274,30.91426800752018,2.384134531962522,99.99101912289208,3.137658154744076,29.555946450931767,0.4897263579272003,0.9281005210959801,969.4455428649663,48.96133745070788,0.24300220208527518,171567.94010057792,2.953594277959066,98.32276885965614,377.44959394174793,290.7318992095522,349.53994725009414,58.56787580004505,0.2047988763643755,0.19018352268701422,36.26552257359986,63.25718989662273,3.330716432886205,23.168763860257947,0.0,0.6372243624304196,0.08809162198031521,33.73838998259819,61.8965645316345,0.7557014881403218,20.034103732044795,1.6033010066721712e-07,0.0001132097967789073,0.19151086220835406,37.95312818497576,66.85438042028576,0.32585847611143803,20.53970369930486,0.0,0.00014063033626880034,0.23931093789611005,93.89018898467492,65.05009279106878,5.165200636342411,12.509838574733985,1.9907974977412392e-07,0.0,0.13466896591823582,72.02201455922987,120.61228729497736,7.831972804943845,29.906714318310566,4.6055828301333384e-05,0.0,226.9113145104517 +0.8817838564775771,0.10699254827508099,0.3857454552907661,14.569202606292421,10.520537201247322,163730.8175119702,2.244136335074015,5.854417592948538,4.69201113547548,51.1972858036861,4.842349563939307,14.716319034807832,0.44625051184503006,0.6180175260154641,325.42288137227655,90.38870060742786,0.11731398289263485,50799.068622241444,0.6470490694369465,91.81139996691329,1229.5440811508106,113.57578586976776,329.9260012525555,53.96627650107285,0.3179999806747597,0.19883320768990198,1.557148636350739,24.16662843383089,2.3702626560832125,65.77052739615189,0.0,1.293987606363719,0.14027687803683744,5.055839431269258,18.908700730889578,0.43886683667498017,8.180340118404215,1.6033010066721712e-07,0.0001132097967789073,0.21255395776969216,2.4140776110199553,24.93807006083142,0.23834475735390484,62.99538970796592,0.0,0.00014063033626880034,0.15382139420579197,9.702650844833611,19.609035375359444,4.638597774980808,22.60237962546769,1.9907974977412392e-07,0.0,0.2253996169493376,0.8538685427872635,19.29543850237493,2.6217576652911854,25.655048745095694,8.19496293864671e-05,0.0,109.61407045555055 +0.9456818806388817,0.26149764141750914,0.3220321136662021,150.15904510821574,111.51121918109162,347250.25515233143,6.882080679581611,88.72903038268319,2.0223703472215746,55.862126170313026,4.341289415790773,26.520706198427412,0.5579971169340551,0.9758286602149063,314.92936374224337,3.429046863634298,0.24376729627206561,178017.6402573432,2.64574617777479,98.55821105827542,4646.920810657798,299.7145764026546,345.76512121401475,53.64726908687416,0.25169053191591284,0.1738686206646554,21.35850761002787,64.05437768945085,5.308258722967784,21.796170771082345,0.0,1.0396715334546307,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19748278157762716,35.61803189043539,63.31186470096427,0.2996345465482579,22.016641933326763,0.0,0.00014063033626880034,0.1879446562039437,86.27148339073851,62.17631072435025,4.4986703627060995,8.108628548219972,1.9907974977412392e-07,0.0,0.11302126438843972,56.62883676044044,118.86495363592991,9.038143830912245,24.50754965440725,8.541599653807177e-05,0.0,2698666337285.8823 +0.819829445060186,0.13358356363842933,0.34901207213929675,134.78467364427166,50.53330385716879,269600.38254006836,2.2623618446145386,55.40656171317204,3.6143808740051457,87.68377560909816,3.960646103031751,24.51762047081097,0.33413758645983893,0.9456793298025366,377.81546050926045,28.803596920370325,0.3183414433325678,233384.30764168355,2.6601103772237256,43.083775147438786,3724.832303152295,177.17644941546203,348.12754152250807,59.65436140758916,0.15821682406642074,0.19284819292040656,32.57118060656562,52.787208357425406,2.86638244175672,21.71223469253965,0.0,1.2341505023508061,0.12852770432669766,40.051959559155904,66.70368996363908,0.3213535574425743,7.114208036825496,1.6033010066721712e-07,0.0001132097967789073,0.20278856577965654,37.48793229283511,56.46433793561304,0.23726901112278528,21.115107108121823,0.0,0.00014063033626880034,0.1206195337650152,99.65149364919067,73.4849756705148,3.9400052499686034,15.344306570248083,1.9907974977412392e-07,0.0,0.2092451410029177,55.50973536506192,91.87196344069412,4.370480632727921,12.137066164125107,9.738220313835027e-06,0.0,206.7414891775818 +0.9216665345661765,0.21212598813307557,0.3740506464239796,234.04496006407655,242.86099023882667,301483.75679921283,6.651608531153934,47.88227641430356,4.8503528772908435,83.7710761159363,3.809607641925556,28.831099849232626,0.355160460247114,0.9842185505071739,839.0043839248084,48.14243642498951,0.09068133181371216,256652.83220020187,2.9590960942109397,93.33489345006696,2512.6094029643823,222.4873514651261,348.7198366186618,57.14882100665707,0.2922139656044962,0.19709299802840036,44.008566962105334,60.350711510513044,3.2793017957702153,21.565000422447138,0.0,2.6085385274870907,0.11179976709280369,20.50589000621328,40.1566989830624,0.9412195364322469,12.01798114348567,1.6033010066721712e-07,0.0001132097967789073,0.2008847511316764,35.55121527319696,63.04057999545229,0.35833553845490007,14.289738518565112,0.0,0.00014063033626880034,0.35380137649206805,65.81468323302893,36.01645851967917,6.626268837094514,32.36344273751866,1.9907974977412392e-07,0.0,0.14425792239740798,44.792308644176444,91.26176611315896,7.2199805087734035,13.45796288266478,0.0002782311978945261,0.0,175.9854238997235 +0.8876035170231708,0.1276944244702532,0.38394716460077716,14.255168656479455,166.16633923414483,170897.59494340676,1.6192312223317176,36.25501019768706,3.093002705627526,86.69911859280585,4.099277375222428,8.067885754162978,0.33205711425988316,0.8753196630313739,615.9667600123227,28.552205072719456,0.1132913829364326,225774.8220725978,2.1355551478359653,35.93556380930469,2940.936110226412,19.242236479035615,342.50216526712506,16.92033918924158,0.16070198972031774,0.19828772207412673,4.198157578678452,23.703022459236177,2.3814046409877716,4.279806448449354,0.0,1.4291525252737631,0.13982932942178325,3.6398406806620085,17.283314934548955,0.47487445762225716,3.098301444865192,1.6033010066721712e-07,0.0001132097967789073,0.21112657552029265,5.492796281244609,23.912093901241157,0.24195683847770094,3.7303404982326707,0.0,0.00014063033626880034,0.14757009845793254,36.80879081735518,29.955235502907282,4.615456711452425,17.06556710600003,1.9907974977412392e-07,0.0,0.216468406173162,0.42601377115397826,18.21081944234619,2.698149605373302,2.6438774371825553,0.0,0.0,66.73982603865704 +0.8798914545244805,0.1043993557072215,0.3509870229590032,84.89910263815189,59.40350953685976,229627.03105607114,2.0288855582016616,31.128693950042038,3.7797772250908683,18.29943006426784,1.1460938033214874,22.269189757726714,0.3551639997992049,0.9358207944649732,704.8467992777904,64.17729017012086,0.18361758672269637,58140.55766575241,0.6443367810300831,89.9645216318679,282.4854707300624,126.34563606129906,342.6663810530303,49.930051119876666,0.1681624515513942,0.19112079209733832,6.521042745350235,27.430912324919476,2.443046219527791,75.70594479100517,0.0,1.0148017226917132,0.1307412082757811,11.452023379391477,29.70025812972068,0.32552565825971314,9.999334014859928,1.6033010066721712e-07,0.0001132097967789073,0.20411469236633767,7.603556700662925,27.225472325678336,0.23680416014057729,74.97792818836538,0.0,0.00014063033626880034,0.14540267059720582,29.129394248968932,35.25727924896729,4.264931511174514,26.573101824323953,1.9907974977412392e-07,0.0,0.20183999193054938,10.864808728304448,32.1030907265856,3.9646638670232113,35.7032871462614,0.00016692666457523967,0.0,139.0060071508226 +0.8970142612386883,0.23126491483145914,0.44906246409083034,241.83433344415192,242.48402441164228,183190.58314181538,6.192517007964588,65.24940835289593,0.9445535143625978,73.95372266659135,3.0960264785661327,18.24714802508205,0.34793779554626214,0.7495376514125268,46.79537802322517,52.362133494364066,0.21573466441516964,64187.559877686916,2.873804449367772,8.356462285342214,2070.7525995454344,53.6687453788693,268.41631679494725,13.70243252606089,0.29392992288315306,0.19829194281218154,5.5640127392876195,24.29270014332746,3.4875850130094306,3.281570143894019,0.0,0.8856179087266438,0.13944938120937417,2.3446148544318715,14.792360613147714,1.3384447332028955,3.2593747516458333,1.6033010066721712e-07,0.0001132097967789073,0.21044033224375744,4.856628343740121,23.553952376560474,0.4317162557139994,2.0529943871815592,0.0,0.00014063033626880034,0.3378593318590489,8.195350472239069,16.787124647336306,12.979059223944786,52.3044210134445,1.9907974977412392e-07,0.0,0.17692217465543975,7.287266772362444,32.54784289747838,10.080161058883572,40.248398201751854,0.0005535251422718506,0.0,86.90080767498648 +0.8953960348545407,0.2324759891969993,0.42585002891534074,228.08775726039687,248.83866503679164,311926.5950327072,6.76655543623101,90.67739464402361,3.130292257615183,85.55813720642493,4.539391797913719,27.58153500322648,0.7893120430755791,0.9991411529777592,75.01587125255753,74.10704512293613,0.2788592613822409,85237.39484808707,2.511810670491917,76.35705215061705,2815.9429154721465,281.56920269532895,343.67379700890734,54.69618421052379,0.33700388142236437,0.18655211795894294,18.115760556972468,39.92314398277428,3.954679719568025,24.682013770025005,0.0,0.7746051382424705,0.07147369550808678,16.66446808423008,34.90516163512689,0.9251217185073628,17.926393266587265,1.6033010066721712e-07,0.0001132097967789073,0.19689630247866616,20.93578392611008,45.47046356345925,0.35532888791694334,22.04719715068467,0.0,0.00014063033626880034,0.2645844263503024,45.381353304405586,35.48339273929159,10.60651865944483,25.379513797432935,1.9907974977412392e-07,0.0,0.17055220341931246,25.927492856783676,59.05368728467726,11.476075869967545,25.93740431269889,0.0001091070892002422,0.0,128.0515414096123 +0.9385216353576282,0.2024136372487835,0.35708176750520954,209.57310400425854,143.65983105122044,308470.0517724913,6.1537873157841405,63.01443228444238,4.345669068472247,86.78672536713282,1.8636438560419182,27.30106878077561,0.4827041858138735,0.9873227596221907,961.951633004551,79.67641764335278,0.30638777390505517,131677.44862165334,2.908285590275969,98.53063123461538,3572.4711448005564,211.99918049150605,348.384048282347,55.59064673716634,0.19261061706323224,0.18697670531093463,30.759322711209595,59.989703587370805,3.074937131053001,23.620188173933062,0.0,0.7145305011685215,0.09000478890161896,32.83657575134199,60.34330786280678,0.6658620306246261,16.111031453827596,1.6033010066721712e-07,0.0001132097967789073,0.19992301961745687,34.02492306823135,64.11074097639838,0.3190903671220014,20.225897474117755,0.0,0.00014063033626880034,0.19169406990394505,96.47010846299644,69.75262669575378,3.14659651793181,12.095026658645633,1.9907974977412392e-07,0.0,0.14513228359664193,64.9713421088263,123.81660217472867,5.9324704599137705,21.75989894679631,3.329561508389286e-05,0.0,223.9601996565286 +0.9393695140036051,0.17183588204638917,0.42165733818718143,181.2696626049959,220.5111599365291,285343.2071371969,6.0356089113624485,89.02810288285798,4.107825935311293,67.9628568842906,0.7774224480899219,13.316377696382833,0.3101465611853607,0.9916701848477545,13.441449957291951,1.2165460519207372,0.3201428497030497,117532.28239153344,2.6884821539933723,87.1252025664519,4836.59823726378,188.1487579747892,337.2849739361364,58.68825422464596,0.2877876097047315,0.1913432150823036,15.076293456800414,41.58713743065914,7.964966709723907,14.27915250554169,0.0,1.3251541517995185,0.11644606029292726,12.442542600117944,29.998666111529264,0.7932027979195528,15.480845214611318,1.6033010066721712e-07,0.0001132097967789073,0.20265315649071114,19.812474231303803,42.26485469232992,0.3366551821165612,13.14284500867822,0.0,0.00014063033626880034,0.2777189666315785,47.77631024326819,37.22634426176006,9.640298112532074,21.63855543081121,1.9907974977412392e-07,0.0,0.155781715967789,24.038294871055083,54.444064992679856,13.528808847560583,12.55947949272907,6.837912843865757e-05,0.0,118.25859178592827 +0.9412814714937394,0.19082383059521832,0.3471643067379197,222.14042697539173,243.35113321665196,322730.98822793824,4.267549858715102,81.62361916282453,3.08652480424132,91.01334492905588,3.80999974375575,29.15123955401337,0.552112888283637,0.9452391312470011,825.7345087386545,70.68808805295443,0.342166527659208,60188.15357637503,0.7241895006286408,90.44969112423394,4396.217740833852,214.8649425988167,345.05065505198576,57.479741315987845,0.30081315983503887,0.18958099308608634,8.556727439372759,30.422201931089454,3.000580560246535,78.9625073980541,0.0,0.9173368497636489,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20428916956078197,9.310508272670399,30.07169287647796,0.28492554091993244,78.02081833832112,0.0,0.00014063033626880034,0.10091615827205509,34.75196865787202,38.70026489083267,2.9738909917863148,14.711915926559216,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.939259143705584,0.17183588204638917,0.42165733818718143,181.2696626049959,209.71161355824245,285343.2071371969,6.0356089113624485,89.02810288285798,4.107825935311293,9.381343313930914,0.7774224480899219,13.316377696382833,0.3101465611853607,0.9755141717849375,6.674970084756893,1.2165460519207372,0.3201428497030497,117532.28239153344,2.6884821539933723,87.1252025664519,4486.237756451753,188.1487579747892,337.2849739361364,58.55963431655857,0.21797023914983002,0.19197355543064504,15.511488854875266,41.963418325085904,8.00374229548715,14.31770296778547,0.0,1.3299229479982826,0.11186578473026026,16.844681611430776,36.9160071897333,0.7801198592024023,15.387052783589535,1.6033010066721712e-07,0.0001132097967789073,0.20416955004092358,20.617595588023192,44.49685185847675,0.3350134230929355,12.466513940928278,0.0,0.00014063033626880034,0.21513621243260056,62.516015619046655,53.69729531676557,9.118758205913506,10.061136763282677,1.9907974977412392e-07,0.0,0.17940018967470375,26.981710557068507,56.406664732766245,13.537015050706538,10.405365550095631,6.439508287580664e-05,0.0,133.7695500810078 +0.919608359139757,0.22766714517745187,0.42919459618894384,226.29873993196009,183.93291017443977,334617.1479567877,6.569929133234937,32.9212983343217,4.253010636378359,67.23185818415698,1.033432844689183,13.92358042334211,0.409164015926386,0.9361986964893966,858.6830934230619,57.12668594987973,0.05579947811229394,219531.5733190996,2.9126830489571987,97.62392073462499,4803.532472191758,270.614117315997,260.88988819675905,19.04459282253523,0.17925955140292446,0.1979060389519775,7.157323683952136,24.35319304757234,3.528758881439646,10.847188433588157,6.129752990931819e-05,4.959771669011649,0.1331445306938073,2.317664904891466,16.320606078645174,0.7464257360629507,19.1849108560635,1.6033010066721712e-07,0.0001132097967789073,0.2094297816675273,3.610567414176381,23.581221312877826,0.32803313951416174,7.171984946325851,0.0,0.00014063033626880034,0.35120157299293003,13.016017044915015,16.027460600939808,15.134086094904974,55.82257931747219,1.9907974977412392e-07,0.0,0.09473101850719658,4.674076934159293,33.74016566101484,6.575275943361294,38.833875660432284,0.0,0.0,92.43000194041099 +0.9499014851324129,0.20107159967380142,0.4050836126731837,136.31573619053117,242.86173397166175,204859.7675111156,2.3441776194876307,87.86071768845979,3.3655636771258006,58.621834712871916,4.042767660987282,25.530555615674125,0.5403105355368284,0.9233614617401824,763.7654658550945,89.21863599117867,0.279315423163168,220108.11095864727,2.9757681357688055,78.59492874066666,4578.973355539406,260.9548732484612,349.28780436521924,56.776242234313315,0.1621009554124986,0.19172943803640027,30.607950577720967,55.681490644636696,2.438408820465388,15.781214356015596,0.0,1.1656072032591542,0.11854954813989481,32.10115140415277,58.03754622281919,0.30171274138288323,13.707360270516368,1.6033010066721712e-07,0.0001132097967789073,0.20202665760838287,35.98721865975792,63.06812339943594,0.2558147182998467,14.474942361723874,0.0,0.00014063033626880034,0.10375113830401142,82.31545208775553,65.78234213861343,4.355269272015034,8.63435919728166,1.9907974977412392e-07,0.0,0.17523307818547537,63.823121991923415,109.58236028043278,4.118438739260954,16.73696980287681,0.00017221418917112778,0.0,204.78838659948752 +0.9375982087873428,0.13796139482228986,0.3811074210675936,215.7873549452575,111.70763776335129,279988.52558398456,2.572454544206296,69.96317980245405,1.4981143169128917,48.742971523253665,1.6409405717413235,28.447732811605274,0.7787373256425465,0.9446199186601681,506.0626117694885,82.52609852058502,0.1446111892942289,64126.19011797356,0.4520471053416333,94.30392977179052,1601.5648927737184,251.71930501061973,347.446336402681,56.61647291291711,0.17322079518664812,0.19113977390734196,7.981039931088969,29.056379560989036,2.7312261453655693,78.12490737090864,0.0,0.6810461163386953,0.12411262183590568,13.567168117727798,31.724876249705794,0.21311558591621785,11.459388976685617,1.6033010066721712e-07,0.0001132097967789073,0.20101239409256616,7.203664354057991,28.945915254815766,0.24376025341550733,72.34332052283123,0.0,0.00014063033626880034,0.12392313128115479,42.26980273927178,44.113635481043865,3.8497157690057926,24.110938785386796,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9804322441169312,0.1369003387667561,0.3934891361016387,215.80892094688787,139.6189250393474,291350.4500912831,5.14218107685028,12.371874806794079,4.6374462535966785,57.27750120485168,4.254867679930088,28.934016232628906,0.4729075983639464,0.8032568100853601,670.1166553195154,55.652769286103016,0.056050023621630446,297964.7608808195,2.9602685535749576,69.25131279213319,839.1405841999122,243.383544272247,349.5390533103537,57.588239089496085,0.16588006136702813,0.1987497710185282,49.771210748551404,63.63150877760574,3.1598113474527247,21.056699614986183,0.0,3.9906122582137624,0.13087371302264403,25.613135620458614,48.16471106577951,0.575683523411545,8.682945471482423,1.6033010066721712e-07,0.0001132097967789073,0.20616505680225655,35.378911280429186,59.623133078810156,0.30364620508237183,12.353066014918332,0.0,0.00014063033626880034,0.2391333610641993,91.54769917674312,58.76726616986151,2.9323463468073676,6.792466144818348,1.9907974977412392e-07,0.0,0.19474375000684518,55.65188151299188,94.18922407950677,5.464447685045083,11.186924593353565,0.00010138771023361572,0.0,197.53369787757075 +0.9514282502557536,0.21121353706156187,0.32845266285041286,220.23203446637558,172.31456450738904,225008.19524174475,6.550626461092996,72.28297671270502,4.249062738557511,31.770223097136775,2.9620921690382476,27.260321225852465,0.7813861245271505,0.9726475187082717,426.6038243850777,60.63299217148116,0.22475664154986577,161860.7327156455,2.885352691869335,90.58538480896449,4963.374985845211,224.05899586859215,342.54019614101844,56.9898768315251,0.15824387832710857,0.19050980062088504,33.249815635938546,59.399463734189744,3.203516613009733,22.204862125315415,0.0,0.7660095617688679,0.10584596852679412,35.985182502203855,66.6732561978438,1.05110345121794,12.881461390907766,1.6033010066721712e-07,0.0001132097967789073,0.2019076266841301,34.63450650459636,65.85863621679945,0.3830305888528963,17.704318322325694,0.0,0.00014063033626880034,0.11757767517699207,113.12699351873303,81.72239959000349,4.567983992004712,12.444486374612746,1.9907974977412392e-07,0.0,0.16020920550600032,34.68672192109084,122.58996435836224,6.115857737939,15.365195011652903,0.00019744609209549098,0.0,230.3315682883085 +0.9376214337248805,0.13796139482228986,0.3811074210675936,215.7873549452575,164.93430747359426,280383.2108419769,3.012150657333276,52.29370977863508,1.4981143169128917,48.742971523253665,1.6409405717413235,26.583272201638476,0.34065432386439726,0.9512444831743764,506.0626117694885,28.31179316802472,0.246236761385195,200117.41516776217,2.886231041126931,96.38338747005797,1601.5648927737184,252.4193109953947,346.03877995438336,55.03027500252666,0.17322079518664812,0.18802494941591627,29.758046699995905,57.58907626970169,2.993856890572917,16.428192205867294,0.0,0.8733955302060991,0.08775304126568563,29.906277088650842,52.475262452066055,0.30202644209953633,15.680945725749293,1.6033010066721712e-07,0.0001132097967789073,0.19782558586185114,33.26724037176739,61.322410405308254,0.2554875259271194,14.619902955295633,0.0,0.00014063033626880034,0.1879796822802206,94.26120023657188,62.42088258459585,3.4882941721574303,9.824008419531129,1.9907974977412392e-07,0.0,0.14039527712096234,67.1152281221255,118.31468358232942,5.026033020405851,17.47279440818459,0.00021007330915316446,0.0,212.55673434795483 +0.9245311910722134,0.12724398849310203,0.42974093216090514,195.88934943614476,242.81946286387645,240760.70171210996,6.536998771213697,84.6069502350133,3.630116255305474,44.9931348223468,4.409899703350811,28.70069434168112,0.42628417441737976,0.9904229824433098,971.5551922168548,98.92530816962974,0.2710378027001447,286779.46546275297,2.869604127506452,99.5962147932027,4674.167572396068,294.0158227624677,348.85856814713793,36.582043768155486,0.18500997264847188,0.18739155378612946,26.792719572463263,51.78812255435127,2.9000745364383107,9.477981423882966,0.0,0.704695153211833,0.09137785258044452,25.159633141037975,45.7199257329657,1.0608470277254567,12.249231305293325,1.6033010066721712e-07,0.0001132097967789073,0.19400909258432372,29.219507263078015,57.283204135113934,0.3818128611941624,9.272153013422114,0.0,0.00014063033626880034,0.33687845287633184,90.44047366960692,54.68787902678696,4.515885347909727,17.938115104128325,1.9907974977412392e-07,0.0,0.13951732552889934,55.83441795622864,105.0195335496073,6.527790836008234,12.811619634225577,0.00017819916539104323,0.0,190.94583279795242 +0.8632682875584774,0.16453239468964073,0.3242387668507017,166.77953118390246,226.7157114224499,317233.6224348869,4.125636963242643,88.36443946034507,0.8239942445864562,20.985753036405676,2.6675889519944116,23.51833918179733,0.6354025975821401,0.8882059815987164,342.38172638488,77.97503822691374,0.24362974447985442,126345.35747972014,2.6550741190090923,43.00614205958516,2859.6113353286223,288.6801756369643,348.30772839133357,50.83267685754975,0.18568101650746321,0.19514214870967767,26.183272378760485,43.76450128518471,3.1417407686364074,27.383382128621992,3.223467964748529e-05,0.6907240793355007,0.1271546387011582,39.69860726179818,67.16549287948726,0.4250022440462302,11.709362694981385,1.6033010066721712e-07,0.0001132097967789073,0.2080561636810016,29.22267726727021,48.71054249600469,0.27134235356522285,23.812952200619332,0.0,0.00014063033626880034,0.11801977100973036,96.79594009162652,77.50677665780373,3.0920600840932746,13.384322874313941,1.5454089733820145e-05,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9842482108242107,0.2286709881824148,0.3284575328895448,231.50888265566306,16.156242922815135,231969.5095807195,3.777506782170599,43.9037762318326,4.1186639631296345,82.92883911321204,2.3965686194228555,18.207728751826437,0.4113107903897174,0.9578127172963318,781.7609991262908,44.77988236012225,0.2124728503397219,57008.507715918386,0.8257383911152913,43.67291052782005,3608.1283098249155,153.89978856619135,347.50682058308246,38.371013510329085,0.24634537197754794,0.19347742313604357,7.056322785284829,27.359489053186223,2.722617620557935,72.52806919526785,6.780266659692365e-06,0.6745482332285915,0.1345881235081024,9.914758830053062,29.389761393096876,0.18392051708459883,10.806486311657794,1.6033010066721712e-07,0.0001132097967789073,0.20677675602439427,7.2978817068342705,28.11582724987984,0.258582931510215,69.31972386169052,0.0,0.00014063033626880034,0.1461309504556667,26.670723976853008,33.6352320043,4.234939542207398,24.269078670552297,1.9907974977412392e-07,0.0,0.20322586810052637,11.051157157828003,34.90243905406229,4.4223204316941445,28.68156096081146,9.575843545704068e-05,0.0,132.0101643497855 +0.9275038838231695,0.14828058408722494,0.3517266268702272,146.7146241195233,87.28909030470429,290578.7739767881,6.419373106587901,43.47566592313054,2.696720202729332,52.401626386244104,3.8245014872831575,26.135537116714474,0.4125636148547036,0.9980070077523902,483.5003137965388,78.02220781289381,0.31429621264058366,86661.38240094607,2.4136918972674763,81.88455281932524,4917.702055308337,290.89072083097244,343.95552203556997,54.19363329293871,0.20290346111056531,0.18574799756640004,21.29591205101157,49.309040686747096,3.167085662318578,29.488082315610704,0.0,0.7696676100620059,0.08660134451827942,38.62773161554493,61.35391727448434,0.5344705187456122,17.009158270260734,1.6033010066721712e-07,0.0001132097967789073,0.1953306827908428,24.271824261102967,51.77829277993499,0.3073080882696834,25.465824789663706,0.0,0.00014063033626880034,0.26764335382256366,91.67730031243953,66.1581597234299,3.204230184278103,18.634132124070764,1.9907974977412392e-07,0.0,0.15077648327060575,58.231524984772726,107.87279187668788,6.416331251106578,25.562655358115055,0.00021092405608552647,0.0,205.16129073628443 +0.9690449577102823,0.20854191282029552,0.3792414790058587,138.81041465117306,193.1575527393524,257660.1164662187,4.70345662179238,59.15717033190823,4.83750365387177,69.47922802388206,3.9994637945871334,29.208383013437995,0.37346443616483477,0.963882110333516,661.3176124731086,28.3270303458174,0.28728882239943776,289266.3389732399,2.9414821626325094,94.47605007708059,1671.897645115912,248.679772468134,344.53086293625466,58.409168646783144,0.1524586955640862,0.18947232324362076,33.328315171406665,60.640292498182674,3.0577320649983895,13.802750849148264,0.0,0.8488242596671977,0.10761845492903645,31.028968628919948,52.66393500635377,0.5703371932875948,12.399531646122025,1.6033010066721712e-07,0.0001132097967789073,0.20056989940547854,37.223190774341695,66.73617357537854,0.30207197817870357,11.917542593309662,0.0,0.00014063033626880034,0.14612691428096378,109.09354400559954,71.14610970809619,3.2169965322703344,8.204643661114988,1.9907974977412392e-07,0.0,0.16110489121484664,72.13078361753169,125.52930759703804,5.167472988207102,12.59303757910996,2.087257221718722e-05,0.0,230.3195285234434 +0.9283074800402971,0.21859733895755856,0.3613563647126066,196.18396283767325,248.5605443680947,246474.32785104995,5.449147359183739,32.13333131732506,2.152967852860477,38.8277161126442,4.3878338814928295,29.928645487464962,0.46877293588094,0.9572192447153873,656.4599121014896,31.688068058262438,0.29736350703335035,203467.11679913205,2.8829007848509103,93.65967146470167,2126.375947572529,248.7753851581684,347.0567760428047,53.84425222699869,0.20311700203468655,0.191446328638532,32.16745244834607,57.1601734941321,3.187508911069809,18.344742781054215,0.0,0.7822189700383798,0.10535493059331938,30.303041519893238,55.1040887210446,0.8903786133005007,14.901845602818316,1.6033010066721712e-07,0.0001132097967789073,0.19868089241115255,35.68720109404115,64.1536148356907,0.3518929910333897,16.4222355200374,0.0,0.00014063033626880034,0.19291803510381,96.34638831118569,67.23817934604861,3.5224157927010795,8.711777726648547,1.9907974977412392e-07,0.0,0.1462732349918713,71.28488072545218,125.37237961150755,6.344402186244836,19.034374934813457,9.40245786613343e-06,0.0,222.66651149946978 +0.9385533798505941,0.2561186023930089,0.33634360984497486,234.64936688379402,231.8924791485832,307739.36342228006,4.14807381186051,61.983238438511734,4.50295191819413,63.99593967072961,4.884216315340992,27.5025835207753,0.43364358770105194,0.9300366810876549,815.8656696200819,49.88932901267166,0.3113482100957237,288567.7527959604,2.311665462531508,98.81624466124276,3062.0335549199644,279.020915677557,342.72750277103455,57.96789469191552,0.16519614437707963,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.1310777099975034,34.833521075289504,65.90574647428632,0.5442504417107636,8.22236849948252,1.6033010066721712e-07,0.0001132097967789073,0.20395630150504418,33.299788227937874,53.575419923881114,0.2880880720871322,18.1539248575892,0.0,0.00014063033626880034,0.11040015692767204,106.09247263900008,77.61768853049577,2.893756798181553,10.224487393610472,1.9907974977412392e-07,0.0,0.19901611960763343,64.51183920649278,109.9052895577198,5.317976193698208,10.180998176379612,0.0004795383172482952,0.0,2698666337285.8823 +0.9486756711410551,0.217001947990797,0.4381886221569675,246.60277540906677,179.976898621366,346318.2265869131,6.474884077559187,26.618665092336872,3.844328883702969,58.207012193425726,4.587551545931212,21.537164601068813,0.6499553613372321,0.45235246869268864,638.4123322644192,91.248361623226,0.19303992195485314,60906.90565450808,2.6589082729262223,97.27754737283097,1598.9851750576045,170.06050011645598,349.0473681916229,49.50083119818414,0.293762306183587,0.184487687834078,9.115984639391142,31.86656593049728,3.159336353562308,23.847964557302845,3.5204826627786495e-05,0.7679601648287301,0.09716066261493976,14.24735093966504,33.81447716698738,0.7230656110699921,28.941935333312458,1.6033010066721712e-07,0.0001132097967789073,0.20967456931017184,16.745731951105054,33.91760839898289,0.32331315187117343,20.79057264229664,0.0,0.00014063033626880034,0.28607837738799663,43.12221724908735,27.524269306919138,7.320617642923805,30.55713998348696,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9421976173755091,0.1796873028999558,0.396235688662274,50.52349815436611,124.3196076438782,307837.3600359035,1.65139457264513,69.78483001106844,0.6009684129905764,52.84441576466737,3.0411948184298785,24.23578921997266,0.44661762589993564,0.7216943987253075,307.5672359160349,53.81696232893199,0.21643334941339082,60029.45503029464,0.5531945588216438,92.19727838436646,856.6463477448924,271.06267800322337,333.79685841374067,39.856320099480506,0.339370331697697,0.19591945852811785,0.9581604021142187,25.019688091618736,2.8292702094265243,50.72950989633898,0.0,1.1532148773838187,0.1338405130198408,4.628669019460539,21.63659941741712,0.4549955904833956,6.558503298470151,1.6033010066721712e-07,0.0001132097967789073,0.20817222355011045,1.8877055415000057,25.152126062165795,0.23882007228083268,49.98095273410073,0.0,0.00014063033626880034,0.12630639628421725,12.218783930357823,22.697310410879076,3.74581172567314,15.70385597482495,1.9907974977412392e-07,0.0,0.2225393308663187,1.9154104895716186,26.760359106300438,4.06760422360092,21.593481328748993,0.0002610209397486154,0.0,94.89329589062856 +0.9060468469224432,0.21262572865286844,0.35031250390754387,31.52186036128339,26.71481924575157,270932.58526353416,1.7553833119847835,33.98821652120942,2.069333234218746,12.236518641437337,1.2668187656089385,24.7682670715942,0.3605816660709942,0.8196327425226658,370.240331993783,49.37881452431711,0.2925790289807631,61442.63507647176,0.6837081703171324,45.7871481325549,3180.3163349441543,208.73909281110582,344.8189494985428,50.700571872049196,0.16793731794536032,0.19465567390213126,6.33688913548554,28.33503957282803,2.6385135910313546,71.74566818905198,0.0,1.3811641100868008,0.1340529822458164,14.015719247093418,33.596166318684126,0.4906596733887912,11.677251468250871,1.6033010066721712e-07,0.0001132097967789073,0.2084012328265156,8.377244475787958,27.537735222899098,0.24094576748000598,74.55246696333617,0.0,0.00014063033626880034,0.14982507837504955,33.10521317021051,34.69428647034371,4.059352790855306,29.743881700639292,1.9907974977412392e-07,0.0,0.2177903238612246,11.820360006719122,33.16104107324122,3.9550335641804115,37.44865596755003,1.0081739954928631e-05,0.0,140.3785256010821 +0.9451484424980194,0.10494054849459289,0.4411263146106201,113.0262773452545,244.21557890944777,302956.70457891095,6.090361860802868,7.113560803156967,4.959151803386858,63.582198039529054,3.9020649211536025,4.555453376768568,0.37510201747074845,0.6199988764876847,933.9416465585341,48.419742909274255,0.10548973229915162,51280.472487080275,2.9262132653185673,94.77603416707682,4851.613159129295,182.1941719402092,275.0935988003608,15.659031713837049,0.289777467765929,0.20096846228268123,3.7947890392883403,24.3281202634579,3.098874600368587,5.479641518058693,4.259277378006357e-05,1.6459289290817984,0.16087930587493554,2.2123970253528316,19.143563078052527,0.6118267433073273,26.487603647870074,1.6033010066721712e-07,0.0001132097967789073,0.21401938646354632,6.5412649489314205,23.61796694119412,0.30853188411631666,4.4809012922985225,0.0,0.00014063033626880034,0.3358667771042455,16.462237499700294,18.583207558961686,10.201515905224932,49.96484852486996,1.9907974977412392e-07,0.0,0.15513350995620093,4.009881682030721,33.604153847398585,6.184452860331248,58.00744403124428,4.5523890718830024e-05,0.0,100.53994707357688 +0.9848182766913895,0.1928558597863062,0.3915993261827976,172.56110564443742,112.90141340901928,319423.54019816493,2.260226407290285,33.662107971905726,2.307030797286418,63.162589312079675,4.339305211646645,18.797444160274747,0.4635752009004609,0.9187941305185882,803.3906164139919,46.13892834245442,0.26203643677242877,71885.10383461895,0.6083384107163647,36.250753391921876,2708.7408353324186,241.5014223206751,336.48114196544435,59.4092737502029,0.16673349166746254,0.19237303517469487,4.210221305310008,26.25900691345958,2.778272020526477,63.23662637845526,0.0,1.0297223031337877,0.13593981571047115,7.053263002590932,24.634497569028827,0.28308049280656933,8.934620303208018,1.6033010066721712e-07,0.0001132097967789073,0.20423136966563438,5.777732463333896,26.068690556741693,0.2364463193718857,60.54681319296612,0.0,0.00014063033626880034,0.14300019275365233,26.525936720016986,33.997098417850694,3.6755185980159712,22.974207886465823,1.9907974977412392e-07,0.0,0.1977647996651681,3.3756322670377004,29.55849656063086,3.397735445469189,18.643068116723608,0.0001383416192278983,0.0,116.08390919672154 +0.9412814714937394,0.11573916769017575,0.3471643067379197,222.14042697539173,204.69970938838537,322730.98822793824,1.6067394345618187,81.62361916282453,3.9372277085583596,90.92021824894472,4.432071964693792,24.148099600842762,0.341109738311434,0.9461522848064963,105.55616402222967,68.84419764081397,0.33416663925575996,53073.49838449086,0.4626573837794423,65.32626364833487,4271.605541557398,270.28952741143627,334.20183336879353,57.45131106055439,0.1937851149099139,0.1896582795300148,3.870373076536924,26.62217286276996,3.1404027436739357,82.0216726629791,0.0,1.2738964489016213,0.1272068680094526,7.099107315962915,22.294080499568384,0.31323098828054535,11.031958112869876,1.6033010066721712e-07,0.0001132097967789073,0.20088874751624172,6.092503230759896,26.878157423887004,0.23419671817864504,80.67064682818373,0.0,0.00014063033626880034,0.12029880631702514,23.091194130995724,31.680665878865117,3.5992535154958207,23.02148882607033,1.9907974977412392e-07,0.0,0.18627769098232883,8.819234063243833,28.814498788293363,4.380643017806162,35.53119790481568,0.0004120983907467315,0.0,140.2462498422091 +0.9546908895657104,0.20177201854529062,0.326376589128136,82.22674180567068,162.44620214447642,261333.71887663478,3.4915328381619055,14.20365020004289,0.5590935225216378,23.508673464311116,1.007997210340219,27.92055435383292,0.31451631614881875,0.9347978759407739,618.6311653481165,16.44696800000482,0.06721248703144671,55810.3278803289,1.3218924695317342,38.93846651467531,4207.310623560318,88.92098755340737,329.0444146724304,57.4396010105383,0.19854978724532885,0.19259971119740596,14.87200891254374,29.81200065313529,2.967203681045035,74.07366341299372,0.0,1.679293619993408,0.1199841061404366,9.624230944970995,27.129101445980695,0.2336295736544348,8.78492106900819,1.6033010066721712e-07,0.0001132097967789073,0.20166926758383655,9.351380573839528,28.89600880393941,0.2517698839085841,55.0250015333935,0.0,0.00014063033626880034,0.07740561162600465,29.052242781564225,33.82537722432083,4.180137542491027,18.896529770754693,1.9907974977412392e-07,0.0,0.1831559038784928,13.708859333365199,33.29474416427629,4.955645056130495,22.32779284030796,5.0199034499261864e-05,0.0,125.08790423754978 +0.9392534432243632,0.1545862585572517,0.42268203395963405,181.2696626049959,228.49065478632173,287329.577919182,6.045912645634317,88.71074983598727,4.111084358343943,9.381343313930914,0.7774224480899219,13.316377696382833,0.3101465611853607,0.9504388092197065,6.674970084756893,1.2165460519207372,0.32903941209970183,118184.32944046536,1.8453588912120826,87.1252025664519,4486.237756451753,188.1487579747892,337.2849739361364,58.50209108610732,0.21797023914983002,0.19407728325194165,9.96907174171632,32.70757510887741,7.997130038382804,22.61881117977512,0.0,1.331483183913577,0.13461808873921752,12.101049157017,32.3311418150729,0.7980831339382046,8.008632526967972,1.6033010066721712e-07,0.0001132097967789073,0.20778730844953017,12.055417238398789,30.73283891058974,0.3370285101603972,21.589232342122052,0.0,0.00014063033626880034,0.09592821574399966,44.02672841472521,45.101015048574816,9.474594259078929,8.272838647272447,1.9907974977412392e-07,0.0,0.20334109172609516,18.15674026800354,43.848676484168905,13.6658297457013,11.686378097842718,0.0004371879471509289,0.0,106.13943352169899 +0.9743730034340843,0.1417114017643305,0.3529719148471352,237.2326555192936,172.31456450738904,254002.38438848712,2.089045107308041,72.44411579459268,3.3784108001743816,92.4804359813493,3.9999382970357216,27.979917236997327,0.4605854039073856,0.8944971139963576,825.5018256243568,60.63299217148116,0.2695025418449831,244312.94035836635,2.885352691869335,90.58538480896449,4522.536364239745,265.93200131026316,342.54019614101844,58.02463383447559,0.15230018416786653,0.1896776590598149,29.713969134124206,54.80590482783947,2.5559749646779912,14.306576169622211,0.0,1.1096370206853627,0.109188629983826,28.02757362888661,50.246125271404864,0.221447215578108,14.223768194035836,1.6033010066721712e-07,0.0001132097967789073,0.19958163094883596,33.83741996239467,62.12530919785782,0.2433883908119943,12.678708621008177,0.0,0.00014063033626880034,0.10061565059821621,90.22330460803778,66.10655464931763,4.082377735992178,9.498965813350289,1.9907974977412392e-07,0.0,0.16447086156455287,65.09419071410062,119.11465042508719,4.249250103102577,14.659166475710336,0.00022642362868963942,0.0,209.88761123176016 +0.8596825197729797,0.2108271400754921,0.3208104859049944,25.66194154587894,126.51107659389449,306707.6724203092,3.5729994592569323,7.040795889014916,1.023248651374773,13.996428567464143,4.36750031199671,26.830672403274328,0.34994708686242904,0.7617947617223465,801.6710222727204,92.69969369584987,0.23071028732916282,101070.94290544714,2.379452172000708,85.3898719806374,4536.912109714323,269.08858037161536,349.97080433619595,34.55556750135873,0.17301690354350688,0.19500223527110905,20.600237358640065,38.37797490364506,2.6406816127367194,26.239115876547913,0.0,1.0577028299665707,0.09711230886414031,45.707155615815005,75.50551240309984,0.3541946381565939,17.151191939768474,1.6033010066721712e-07,0.0001132097967789073,0.20651341511048213,24.090464078786265,42.24039713356257,0.23625796677676483,22.95718563172651,0.0,0.00014063033626880034,0.10528107969536564,103.8714908398425,77.40942531279337,3.829799029324014,18.003457561924893,1.9907974977412392e-07,0.0,0.21619760034610502,49.448931464736624,84.03983458811595,3.981453651118825,22.392974587887323,0.00035528939480816696,0.0,201.78121916011875 +0.8977923415127246,0.15900105217923222,0.4279342365339598,155.50694239624264,222.66306953674172,338646.3034478472,6.1811546747069785,87.17387657084775,1.4806977440244085,17.885660838544606,3.184695728843414,23.773348270599303,0.6841690965569388,0.9339147604873176,828.7088972395798,87.60921637921464,0.06321487445011428,61302.46158654047,0.7984898477874018,31.062918007365816,4021.52243249756,163.5632839337145,346.78847549065716,54.36822260914718,0.28380753943401976,0.17836282044078136,7.440334519389036,27.834843865570033,3.1121590099740133,85.12596737921807,0.0,4.41955209124249,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20429903836353724,6.119446727325628,29.08809432150757,0.30860810856805804,60.92693881734449,7.468376064290285e-05,0.00014063033626880034,0.07590727017489522,33.53382859669138,37.83577970470034,3.564648955277898,10.081120513579588,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9789953526844495,0.24203819646354768,0.3654597962277543,147.11356389852455,249.11740546309036,345200.9284305851,6.08163410567057,35.71957429303975,3.355036938818155,61.40372441144992,3.8463530657531213,25.58287331753893,0.37881132376771237,0.9547924975079127,97.97984222350087,99.08032761334603,0.05547591643351451,226076.67734335203,2.8623294006586146,43.95006033560986,809.3641736671652,217.60593418333866,345.445106802376,53.81847729557955,0.19210496182607173,0.19859709547416524,42.955958835265314,58.116706685580965,3.9095020447098805,24.377435924808086,0.0,4.316413652336762,0.13026876941547352,25.157638280197617,50.71153897646545,0.6096553756751026,6.971664731276518,1.6033010066721712e-07,0.0001132097967789073,0.2030426897824969,30.032691544216117,53.763678841746156,0.3039419122393839,13.620813755337867,0.0,0.00014063033626880034,0.08503495449451846,71.51068962954534,56.56101415566758,6.830327693346827,8.339911348873352,1.9907974977412392e-07,0.0,0.19609131254511375,44.68425345870497,82.60294299207213,7.9234093431396175,7.9964334885578845,3.356133513109895e-05,0.0,174.5237186007967 +0.9845175005010587,0.23490283688514355,0.3708512614648823,111.24756333783151,224.64090945130124,349997.6680648307,6.9063859957188445,92.03275959377078,4.1280652543529985,55.416533276409275,4.781912808826486,29.873504707709046,0.4578969397137523,0.9855082282926229,651.5149710141928,43.85574465578883,0.23035365643088918,252400.5848897199,2.8067719884492535,74.58692172108786,3218.5813197311204,292.1571100178503,348.95794967172105,55.13566396503679,0.16636975028763656,0.18991742639321063,34.60353902067097,58.32710906420115,3.408474088438293,18.570446536023514,6.977775629464931e-06,0.6949877184100325,0.11686916459001079,32.4419904860454,59.721107142681625,0.5783315179720708,11.559521582565923,1.6033010066721712e-07,0.0001132097967789073,0.19954395727857152,36.54602320681731,63.011045349210804,0.30278813203348764,15.672857520182829,0.0,0.00014063033626880034,0.10487545940197368,97.16818134507831,69.1934535577988,3.5966163905273048,7.683080189027921,1.9907974977412392e-07,0.0,0.16840552341291953,71.99486276863048,127.58731404534645,5.997915521630424,14.08258250251557,0.00011361104397629423,0.0,226.40398358434823 +0.892245617582941,0.18229784308321573,0.32069682862004506,42.04010983831439,112.63588174528924,220627.36087865973,1.9286879091424634,48.31697498998986,0.6455736027451046,62.80689935059645,2.6867825584711498,28.17938271495247,0.43056237409083536,0.8173125220820185,164.86412518313637,14.935503442655033,0.06606072968980412,60608.84746836909,0.7053350345164416,91.58269061705498,1875.6661494268074,214.63979835460535,333.7672682529753,45.78557152294147,0.2847495507915354,0.1946663739149022,10.490501013355399,27.817263727962555,2.849945817632508,79.00038547570884,0.0,1.126033444379688,0.13332177805020598,10.237623582786352,27.704484294528854,0.36934228009966963,8.714680630316508,1.6033010066721712e-07,0.0001132097967789073,0.20555163175515873,8.077298927339132,28.577810804432033,0.23560056059861692,68.51032703939597,0.0,0.00014063033626880034,0.14378206473480548,24.248715472028717,30.35718358247472,4.054292700028778,23.555269309562437,1.9907974977412392e-07,0.0,0.20907716119043473,10.886188132905833,34.41409127853289,4.3787546202500724,30.10727460428801,0.00012704303455864872,0.0,134.04422807265672 +0.8679977065748242,0.15120585270816037,0.3717383584001813,217.63126646893178,238.19613904417398,319614.9308899106,6.274616088840449,77.81266704149982,0.3560997680409166,87.62061195144982,3.049691467907618,26.115993174459938,0.512388626238,0.88169844381739,849.3042730458355,76.08736935606693,0.33160273738634727,254306.2108735115,2.6113357091852865,83.98538857257596,4524.260338153557,296.82952968612335,349.0361635142936,59.08990146236624,0.15241996936526953,0.1936051985219244,33.95463224295616,53.40434705905634,3.1850282435739783,20.37961034193624,5.2254513076490234e-05,0.7405595575187535,0.12389823550341399,39.42192284293391,71.88089805757302,0.8128264079502233,13.046178062615027,1.6033010066721712e-07,0.0001132097967789073,0.20609470525263843,37.48620944715897,57.69398892828848,0.33655717716958894,18.846127969652084,0.0,0.00014063033626880034,0.11741284711155359,107.87611603834495,78.81362552368273,4.926695427162951,9.877730924960616,1.9907974977412392e-07,0.0,0.17957534943173262,42.24851192046287,122.63122901338046,5.843909014717435,14.222350947453121,0.0,0.0,226.8093661084301 +0.8803975171352294,0.2329961176799523,0.353728332517915,18.010003986634736,91.54399374275775,155169.01337101025,2.643305060753765,68.19805363502344,4.584762586928526,51.88353905218598,0.7231370463751604,28.32889977600218,0.448433311732317,0.5985956788770609,303.98488194670557,88.54312594496979,0.10574118199904117,50149.99239735534,0.5537012491615686,52.27151437262048,3978.735903780812,294.27277027417716,329.76325217133547,53.779910940248065,0.28167777372181896,0.1989985934641667,4.111972414639,24.463718722363296,2.3883168590743136,79.99822010275015,3.4036326271068733e-06,1.1615506358455507,0.13844433896079722,9.103993768374762,24.59366887233477,0.3113973650285506,9.374258626912738,1.6033010066721712e-07,0.0001132097967789073,0.21190357592425024,4.54185112995676,25.39206598582314,0.23788378321027698,75.99797484973269,0.0,0.00014063033626880034,0.1529748207411256,19.781859267550374,24.644062873419713,4.659727030063564,25.699099100649214,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9046827448908462,0.18835569563031354,0.3272435912852707,238.36561362315513,60.80911904526998,298907.3111304025,2.9616602733363244,98.04379580263128,4.382989696899779,63.91661210960048,0.6044089359767998,14.707456736625714,0.779954037930122,0.9692255136398571,791.676548023176,92.35929985913475,0.21750629168423563,173145.2103949394,2.9514142049731484,95.97462770302894,4725.457191813195,277.7616918973638,341.0041159732032,51.098586657198325,0.1557271513476565,0.194856117566314,32.810028439260414,61.654094811424415,2.7442134111115446,18.474552150705364,0.0,0.7140350692055567,0.11545583328665933,36.75487843680474,64.22382486032313,0.22853976763243358,15.982939469202977,7.533990820643124e-05,0.0001132097967789073,0.205698837254502,36.24339698337292,65.9858090349093,0.24322687278246516,15.643905646766484,7.468376064290285e-05,0.00014063033626880034,0.13021818067593596,106.6655913339565,81.25649006072699,3.743526007949919,12.390562341689543,1.9907974977412392e-07,0.0,0.18861925834061988,20.960835577872267,95.00382741466696,3.2829596824947656,15.475022825600592,0.0,0.0,211.50388612245376 +0.9814274578531059,0.14996502403837225,0.4011002161979207,227.12938689318872,121.21453099396835,219645.8466513578,3.1711261776862427,39.42213112756402,1.8995419268487403,80.97745536746743,0.2730238684921853,26.179936868235174,0.43193228237445835,0.8374773467530735,595.1662885853351,70.66651944949884,0.20832355248860676,55799.26799447558,0.621866064469965,26.28038652675442,4339.533960960325,287.21183815466236,347.1422921268697,48.09407874312028,0.28593064688547337,0.19211317072096531,2.3147209599232723,24.923769523389957,2.6129638048111956,70.89457999652885,0.0,0.732513290818272,0.1280835159916706,7.027369512826572,24.49814979746887,0.4108267620319858,10.441029720038625,1.362765310388545e-06,0.0001132097967789073,0.20306129498360984,3.3548773581894316,26.721858772793443,0.27779645457531443,64.77074533813892,0.0,0.00014063033626880034,0.10994942193139864,19.350251185676015,31.567573911349783,3.8952677533560567,17.367238624212085,1.9907974977412392e-07,0.0,0.19388292096417206,8.101838641509746,32.931046467104174,4.431384935408922,28.161385247499084,0.0,0.0,122.43366047033574 +0.919234660093328,0.22089322292417662,0.3753456067171346,234.87915771899912,244.77321279312469,268117.3408340071,3.754252744936546,67.63392036137367,2.1817261966231594,79.64872851626836,0.33700241953599774,24.793038612556533,0.5276399828787041,0.926472128011703,657.7459323655228,48.03799546581014,0.24683380456436319,240663.7665371492,2.987002082927287,93.67762121744683,3584.904991005386,245.08601428648973,348.39737161447795,59.048273685220934,0.20798610738766243,0.19421941374542462,35.29322686942668,59.19855504144836,2.889647467596109,17.584727133216724,2.692559929595063e-05,0.7538182280482556,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20247504773134536,39.371220871727274,68.2216860324273,0.29524183183607117,15.915582875531472,0.0,0.00014063033626880034,0.23585091468390118,94.0179576870429,62.70563619027676,2.9041459094446025,8.9807940177306,1.9907974977412392e-07,0.0,0.16971636294209244,60.120532898907726,109.22232690878802,5.307340604745342,16.117228593738343,0.0,0.0,2698666337285.8823 +0.9482721862814911,0.22089322292417662,0.3753456067171346,239.5505982321427,244.77321279312469,295262.40785961197,3.7677792349117643,47.88227641430356,3.7544809755604542,80.69801261258257,2.855821042255773,25.356320138644485,0.5234381624201836,0.9607497784093672,657.7459323655228,47.00032480424432,0.2463280495551458,245304.64945158717,2.938025585673535,99.53886868075351,3584.904991005386,245.36463601302876,347.9321818043403,59.47278954084134,0.20798610738766243,0.18958851183693848,35.247088060605,61.164069272308396,2.970639018347912,17.493744725322387,0.0,0.7384390014890344,0.10291985440312311,29.6025668011138,54.0942631286156,0.5252049286367955,16.06448107226176,1.6033010066721712e-07,0.0001132097967789073,0.1999863359551526,38.519420533342426,65.38880338877807,0.28387250472028075,16.04125180752571,0.0,0.00014063033626880034,0.2709261389220519,91.39146067833973,60.6067504883551,2.8324258609281205,11.529240253082296,1.9907974977412392e-07,0.0,0.15432438874104906,61.919042976170225,111.27286451517985,5.374593894043154,16.806231767054495,0.00020117002388273393,0.0,209.92891903547343 +0.8912500526221572,0.2333662152727451,0.3506997039970182,27.560953877485275,127.07894491461394,333499.5087448919,2.853368938335251,61.682742833904946,4.650549164666535,99.08195742242486,4.507066793081943,26.54476148567975,0.4824589353662221,0.9697825572169396,659.7031954344901,94.3620459325011,0.2891136058565669,243232.70268306555,2.649262390017735,94.86034689115222,2520.061533908153,208.5763287517708,349.7702201179849,58.78915082215308,0.1784562104639857,0.19202667120649317,34.29736793987576,56.96154142919909,2.730360276394892,22.228941996301597,0.0,1.2358654077726856,0.12715402643176069,39.057715424229634,68.75416495033609,0.41822104514993214,11.227636914388238,1.6033010066721712e-07,0.0001132097967789073,0.20457701921451707,38.87979242365077,62.46696188621839,0.23750971207901772,21.009345601414033,9.077814551927327e-06,0.00014063033626880034,0.10693970128942117,100.5622304732965,75.17834443403993,3.6678773139782503,9.6581656999193,1.9907974977412392e-07,0.0,0.21366516065710897,62.64223156537435,105.83932828148473,3.9936842822127256,14.25971289614774,0.0003337686912025817,0.0,219.94283590934913 +0.9756104460506397,0.23576423556496073,0.3880483268513501,230.26550211011065,249.34004859717388,309465.9234109754,6.653870890979938,67.48872556820504,3.3914073591820397,96.02861479970565,1.1332555172005456,25.895504312196152,0.5056814643633072,0.823310280463206,883.4740807215721,66.84662769533494,0.3400136734844593,255414.93401123554,2.663851689070986,83.09605764299593,4192.556830911961,251.16211073869354,349.6079502538022,58.033220748490976,0.1530603781022315,0.1944464876999649,30.672987620604886,50.39259418517203,3.2075158441489684,18.20141059188194,0.0,0.7244491747296163,0.12794910518973948,32.90684319408637,59.8068124072303,0.9215843762180514,11.058546040081515,1.6033010066721712e-07,0.0001132097967789073,0.20649044821939475,33.67378208921431,55.637384274970465,0.35462067957565124,16.30158639665227,1.8354759256352144e-06,0.00014063033626880034,0.08510953827982538,98.26765474541008,70.32992269025408,5.781357192721224,6.494077406806447,1.9907974977412392e-07,0.0,0.20108464760415506,63.22508639300601,108.1180120530098,7.150277926848495,12.980455855633656,0.0,0.0,209.01105703967386 +0.8989050583488246,0.23669345438018285,0.35975899398877864,225.34903326172963,109.46920058436712,301568.20182219235,6.533334873852425,70.04969105196687,4.384874654465146,54.08490156298952,4.380648784113156,28.63375423690621,0.7978078915713945,0.975718567807031,942.816301545488,4.850667322521856,0.21626941186933948,265000.3420274325,2.9752467504506916,94.59189175231327,2409.7494151787787,271.1053077741044,343.1800473629765,39.75786330288851,0.1786030319559588,0.19012169780809846,31.349687331748083,57.22295585516606,4.199422375038951,11.358006517681083,0.0,0.5373766899375453,0.11915026311998078,30.991346642822094,53.97578745781669,0.6565335623995905,12.842255010586863,1.6033010066721712e-07,0.0001132097967789073,0.20180150687330406,32.47618678075929,60.0755441644778,0.32227860053405594,9.301685859583081,0.0,0.00014063033626880034,0.10763730656202083,110.91491354789584,77.73142862257271,3.7157787351335423,6.799862408608675,1.9907974977412392e-07,0.0,0.19536972580756276,49.83830025891175,95.83465539416116,6.313707494616892,10.640671472785472,9.79183840184926e-05,0.0,208.37347152977642 +0.8828298192192454,0.14270216698268812,0.3800485109465459,180.1930033733106,196.71984658644658,133495.91030868544,6.615340663261868,60.95081944021938,2.086057735931627,92.72442448066894,0.25821585204638214,20.822182666136086,0.4701684604728096,0.9768335366560645,889.3024059560045,60.64511105168556,0.22333327432243621,115328.69080243012,2.8821714820341526,91.5994384500253,4396.220435546151,260.03005359993523,349.4041450032426,55.39505805653946,0.18662582891890056,0.1895989358657967,30.609022463711,56.463031787033984,3.0297840505839697,24.856933287526548,6.975295284393823e-06,0.7535147170536503,0.08368381773882047,33.17843710670906,59.007311734408454,1.5150582547001918,18.673616956043325,1.6033010066721712e-07,0.0001132097967789073,0.20087800298333913,33.10087568225623,60.522482549900836,0.46485778500263536,21.67265733188428,0.0,0.00014063033626880034,0.2048522846125118,92.39471090642857,69.11937928133186,4.585054223844322,11.558360373492402,1.9907974977412392e-07,0.0,0.15717229586314715,58.83745374410477,113.9593715151383,6.622702566431108,23.678093319695854,1.1284701718931764e-05,0.0,213.15948688678438 +0.8998227795045151,0.22000869355296362,0.35975899398877864,242.57473193103505,227.61903469199478,301421.0682201935,6.718960684782306,99.85502872554756,3.5565292862481988,54.870546048514086,4.410781054414528,25.85884104848483,0.793048941559814,0.9807259961236289,938.7865278502956,77.01394712443467,0.214746678552625,297631.9959996517,2.876677046996499,94.79956558138679,4513.18730138743,271.1053077741044,342.3277482807908,57.99787370755797,0.18044885101019018,0.19507706317501589,37.489788271068534,58.770874416121984,3.165857981587329,15.77467908302021,4.7288644481363986e-05,0.7215252575112695,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.186285375360375,25.67583695311638,70.1062867476431,0.32169462976133084,11.4755603320307,0.0,0.00014414060373783881,0.14545722908654027,116.70420677956287,76.6385438159753,5.6509060810203415,5.656809481234138,1.9907974977412392e-07,0.0,0.18137959316989616,24.21024057095048,97.48317781918685,5.75856901975688,11.391372823960234,0.0,0.0,2698666337285.8823 +0.9670042267279931,0.18015853246138275,0.3673003435679496,52.35145416686828,76.63621030693808,305832.8622709574,2.593991925343728,69.8807648467612,0.5677361531834295,52.84924432109527,1.9360932366012422,25.081732345016967,0.44816879654588326,0.6808726816995284,706.098362454871,50.60628572891709,0.22175094763268535,55472.25036645841,0.6661649751899692,92.19727838436646,921.8215528562102,298.82720862086796,346.84642467799296,38.323732190788974,0.19030474512187323,0.1956088291114131,2.7873848540829043,26.16553924432322,2.692658732498599,63.645352757574734,0.0,1.0115899638911863,0.1353616160088277,9.250289329188137,26.090157029101512,0.36294878633560573,8.96423838288582,1.6033010066721712e-07,0.0001132097967789073,0.20867108562467743,3.6477890542951967,25.81601683342886,0.2356268620271872,60.9998983396883,0.0,0.00014063033626880034,0.1447892002579382,31.043175789495738,33.821781548464784,3.822055571209628,21.51805675625258,1.9907974977412392e-07,0.0,0.21991751294354112,10.18435201592167,35.35762158690482,4.076361537472898,28.635844393950578,0.00021686549237452795,0.0,121.55198890669016 +0.9389384656614814,0.13957800537904047,0.4433282493139537,187.09923814836583,243.23327809297143,339878.56748741627,6.5446915596075455,92.87173929923448,3.3137308292984993,80.4412748784637,2.2725847942692283,3.8097391827980713,0.6074836822371105,0.5729271351397304,580.4319360061145,16.62134906586649,0.06804830383294791,102677.50295045695,1.3669661970017903,62.40685564574828,4844.6740728232335,193.65349770148828,248.85440020622525,34.984624484134116,0.271896440956114,0.20231035475933273,1.747523615776467,23.770004954888353,3.8096665787424264,12.24842207088491,0.0,3.477396028852571,0.14543284559798175,3.9581597565740374,11.49798768866734,0.7522192907811346,4.597133243312645,1.6033010066721712e-07,0.0001132097967789073,0.1992965473596479,5.1451320785913515,22.982642186103337,0.30445462226711595,4.152572663943922,2.549169379729343e-05,0.00014414060373783881,0.3272214013971929,8.252872203650755,16.331991111347847,13.69267456056295,54.482777957719996,1.9907974977412392e-07,0.0,0.199344271064054,7.514203789392917,31.04778589683232,7.449153240492508,40.4796729482506,6.630813651614366e-05,0.0,87.70264879020333 +0.9128847816202912,0.1499109803424426,0.3348881205610146,49.234744258685126,70.35849423937027,181577.780732496,6.07673263670279,86.46177127267848,3.5662802615029685,69.82599700291992,1.9292459264748403,21.473399852601776,0.765185985829625,0.9745336511447628,991.9466498431534,63.68912006105192,0.25904353653988654,236926.9801207514,2.730705018748883,80.24584716268629,22.826228972011222,270.6030213016177,341.88116490010316,59.748077096476905,0.17614540569808126,0.19309097859871321,35.44342464221455,58.299179134480944,2.623712019435873,17.640880233361305,0.0,0.8406125159208506,0.12877885598276104,35.498201240745125,62.48210536489419,0.5464927307987638,12.071401905621732,1.6033010066721712e-07,0.0001132097967789073,0.2050202692886812,38.54440928777729,65.65976918332694,0.3171000115982756,15.576916576816213,2.591728445437997e-05,0.00014063033626880034,0.2944212916888608,130.40949649768598,75.37003093919252,4.376252967504889,7.789797602485334,1.9907974977412392e-07,0.0,0.18585034359124597,60.27049336224521,111.39885738879308,4.387109264472491,12.528266525381568,0.00028581461888236523,0.0,235.1794264337138 +0.9412803968086344,0.1602850333741517,0.3891534204706977,229.97663336480795,224.7801295382607,263116.5261004046,1.8518650584178742,81.62361916282453,3.9211149777629215,47.54696512095873,4.434248478057996,24.148099600842762,0.31610409590600197,0.9461522848064963,27.422703469126077,70.68808805295443,0.3344523520105219,53395.66253116904,0.4626573837794423,65.35517488374526,4241.440346682007,273.66991006622436,334.2487847010228,57.33971028138651,0.2841867055225895,0.18883474012941154,2.4549419874352454,26.759555419294912,3.0091656413789933,72.74743581467294,0.0,1.2776932561569463,0.12424273248442363,7.048223503019944,23.957148715305163,0.22682378810907167,9.270162681208742,1.6033010066721712e-07,0.0001132097967789073,0.19953845610483492,4.326399104228806,27.118561918568467,0.23996824619404952,72.28965018927424,0.0,0.00014063033626880034,0.10257409886565062,17.615357391996834,27.994439011692855,3.3632353107301634,21.061943803637465,1.9907974977412392e-07,0.0,0.18922246633737186,6.7801198900847215,27.963079161289713,4.457338389948082,31.08189193182914,6.836475930830095e-05,0.0,126.79697064949438 +0.9819232246861628,0.2321717431315904,0.3504127293987894,235.1285298810048,187.0150319379383,177170.11714152287,4.1261809595421965,75.89147848370285,3.9448381427703882,53.5613126699469,4.204150863304514,27.70817066162282,0.31772043196548333,0.9879186838253206,230.31325406000153,49.93840020134933,0.30295214666723635,188618.7894942262,2.822646766425202,69.78266866325082,3511.4164236127203,242.39292902919922,345.6106870966298,57.55792909634558,0.16356493588443533,0.18789018035951832,28.447665058986665,54.20846187696829,2.9601853587116205,19.409051915089563,0.0,0.9658987309227175,0.09916844401283693,34.153125319549055,57.64815691220721,0.9063974562145781,13.17828821867788,1.6033010066721712e-07,0.0001132097967789073,0.1966054241118275,33.41762305560307,63.26158698559657,0.3580121954548331,16.861186279364002,0.0,0.00014063033626880034,0.1853057055610869,108.02159837343058,71.9524985700682,3.222229458810311,11.746474730895308,1.9907974977412392e-07,0.0,0.14890896231150014,68.14006387255802,118.69704072746704,5.846015525419859,11.5578918792191,4.1368790667253825e-05,0.0,223.8209317282054 +0.9332088595898537,0.25209819832614894,0.34680690507649126,117.98239134771217,70.62392241504267,348624.6012769824,5.310793019370226,83.80227495131331,1.8477547261388965,35.470230984484004,3.2825539253699123,24.59020208284689,0.5841327669874109,0.6543978231326506,881.8964643580491,93.81551302346159,0.1318260733398478,152724.75396007556,2.9921698280885414,71.20961710374647,2570.3484510413737,274.68150902856894,349.19141299946955,58.93466246293583,0.1779115935293079,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.12136244354751864,35.06228994253415,58.832179523313904,0.2459646700389237,17.470258718448655,3.378645459220769e-05,0.0001132097967789073,0.2083188624936924,36.13715759727945,56.902926368689684,0.2585114494151548,19.286136377004155,0.0,0.00014063033626880034,0.11304898763824801,98.83291890971526,72.19930074098242,3.4656216284535257,10.187923023607796,1.9907974977412392e-07,0.0,0.2111034960188553,64.01173302353725,110.41751705809833,4.646774557336992,23.512763179850026,0.0006137387163487119,0.0,2698666337285.8823 +0.8451828350315762,0.21395623957981916,0.43642924991789284,202.57483439979643,238.02243853932123,348770.338570741,6.593311623398918,80.24782007679522,3.3305694867756355,9.754724752645949,4.902068394766305,24.776138577754004,0.34528156613855776,0.8715023202142074,526.3832859779586,14.121551718281168,0.19057768834412692,74635.78129254775,2.5932582114525293,89.45435339207856,2952.481398490327,212.49201841939296,243.9409754434014,15.32374353960799,0.16951223975171587,0.1978847460317891,2.8933920838317366,24.96641078651027,3.971441149471358,5.8734486329323765,4.280698721415448e-06,0.8135604594260001,0.12450989221952942,1.667247800288901,16.45167118662549,0.7581455310902458,19.404802421547284,1.6033010066721712e-07,0.0001132097967789073,0.20880287005603476,3.348935240190728,23.457113023593045,0.32722837809920285,4.453447660949327,0.0,0.00014063033626880034,0.3447046778923052,1.0058082613712382,14.206489531279367,18.440438937472177,59.39618693077155,1.9907974977412392e-07,0.0,0.14476227633374994,4.636668792837885,34.552027833335366,9.480043161713676,54.40642389467668,0.0,0.0,101.24661718323118 +0.9865638918064563,0.14424323309734055,0.3505907961114369,180.67944262523025,178.46844038224947,285391.3501494559,6.9656832500430195,60.951104560844534,3.6978015228677963,85.63418662241492,2.6114229001976392,26.42101534519685,0.31910782189015874,0.7661273159419302,9.562585406672042,1.3288034458772913,0.14158794302720187,172153.28773639924,2.0036522088533397,99.76375582946555,2558.5986092719154,35.74712293261611,253.68435804169525,58.97978727803198,0.24571052026205992,0.19292392879386383,2.932740021199452,24.979250259753666,8.043805577475961,6.114783061565065,0.0,1.4110500384860702,0.12379203793294978,1.077807265452062,14.93934418492098,0.8500593562267288,6.1110407645768205,1.6033010066721712e-07,0.0001132097967789073,0.20515392871898916,2.414706506213127,23.122747280544367,0.34933031211810966,3.930638600102587,0.0,0.00014063033626880034,0.3486597345511302,25.52351185843326,20.405711833317024,10.43432865915017,39.8872186730354,1.9907974977412392e-07,0.0,0.1933548987343001,3.1014292295095838,26.226971113558616,13.960750005845654,9.704350253006167,0.0,0.0,72.86725752082789 +0.9039989873358977,0.15356749074408813,0.37256743581265717,131.73272463458457,86.14839077079756,311179.8952756218,4.921282899792932,42.50619718209386,4.3174723225166565,99.87742526302851,3.522897929356095,26.256969886669737,0.41797382780085685,0.9972008225126407,931.9547791797627,50.69900866361145,0.2301461901381304,123903.04997876962,0.670972093135493,84.38086650902696,4356.25451752299,228.8960251171489,348.9181772296769,57.747797081476435,0.18241360918243502,0.18969177337100487,16.15119089169163,35.14227913300412,2.993778055057595,51.90571107751168,0.0,0.6322485107836138,0.12757621798934043,20.82000476413857,39.68643460822743,0.3099759438773516,8.16107108467429,1.6033010066721712e-07,0.0001132097967789073,0.2018208405873357,15.562823020061263,34.48741761002054,0.2668047456727296,50.35219729913069,0.0,0.00014063033626880034,0.1373322105435337,54.06746529342879,47.62698146874431,3.48940030811958,21.602363331968025,1.9907974977412392e-07,0.0,0.19270618843012283,28.326826247107963,55.92286567584441,4.750241862279457,22.61088903564253,0.00011265717110127422,0.0,142.74378986921846 +0.8521314155943189,0.1491412164502754,0.37632051293384583,136.31573619053117,242.86173397166175,204859.7675111156,4.413599752649764,64.88463746080163,2.1360725246930996,51.31972410402241,3.862666306347472,29.486071427814174,0.49226709815001085,0.9591509619302131,757.3338064009422,92.01305226755922,0.2866001910549542,182304.48684264498,2.689955531304315,93.14438405477817,4767.934937635344,163.16046593591307,348.3501926611067,59.542094314897064,0.16211030922557726,0.19351434159679567,29.045444073727502,49.21113281582471,2.6062509048027476,22.664674127027254,2.4766043525298308e-05,0.8753726142940371,0.1198524447996991,39.24651428321717,63.728598162972105,0.7329373627870273,12.362536423080469,1.6033010066721712e-07,0.0001132097967789073,0.2022408979407406,33.35584614199688,55.2861119260448,0.32978211009962266,20.658006278971218,2.4469028766119242e-06,0.00014063033626880034,0.11536260830640704,104.35242690448628,77.637175670298,3.351642930935797,11.382597060264239,1.9907974977412392e-07,0.0,0.20377771131113476,64.51528899003436,107.43287165484206,4.741537624899426,13.274651260434226,0.00014393275586513087,0.0,217.0214010524354 +0.8805935356684355,0.1449128065714112,0.3353531500165222,16.166850223164857,106.63642611099029,337727.860781536,4.087573855630263,11.841008265743412,4.445017575032402,33.99259899679059,0.997435420428996,13.90368501933618,0.3785769782092346,0.9128037418916596,208.38889859229687,98.00174257035191,0.20430800677134023,61525.16188416073,0.5365402416666281,47.68471983868461,1016.0135554472567,247.37848106455584,329.4423880586121,38.59060950999557,0.3137454918020301,0.19592596308847687,4.025331642011176,23.69420273268977,3.0287569540615555,69.157172844567,0.0,1.0348448973206654,0.13759930950285634,5.656348767589581,20.473630797690728,0.41261750462847474,7.73638662911415,1.6033010066721712e-07,0.0001132097967789073,0.20925399562114302,4.982937344838939,25.266447575898002,0.23794100682511946,64.05901831006646,0.0,0.00014063033626880034,0.15120277879225422,16.471157676900166,25.004472568293217,3.5585202991316986,21.56791928848296,1.9907974977412392e-07,0.0,0.20475795831565893,1.1616829304795453,21.373367576219408,3.2898906849516116,18.568450657418314,0.0,0.0,113.3000816224586 +0.8015602112884552,0.15191360510494886,0.35381996701969554,136.02729404852042,245.14140349534964,203937.061565292,2.3477481901389368,48.49220640407018,1.9779108860680186,52.18381165353628,2.744480428764549,18.133164354031585,0.43780064529056983,0.5009366397701353,123.31424316263269,83.93158798922414,0.19364006731108083,89298.56410859765,2.082108073287873,99.31805250781373,2092.8453558633737,234.1326501711403,348.39634427049117,59.427627608974866,0.15478168726203487,0.2004617176380256,18.525888800175213,35.310299874624434,2.682758117038066,36.73280095216695,0.0,0.9095062945205644,0.1354302525156286,37.22502686775187,64.66065954616259,0.3056875192559631,18.67689733842806,1.6033010066721712e-07,0.0001132097967789073,0.21324754097125806,21.39777325673655,38.5717344257106,0.25627592652229364,33.190250663202264,0.0,0.00014063033626880034,0.12708023476823133,102.3727552494385,72.71083031374965,3.8840363700206186,17.27897328535285,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8920957322116783,0.18292369179069126,0.3250721888715798,39.66150009013031,199.45579668805485,254463.6363828397,2.7979551972178416,47.79792463377811,1.3420219715943813,62.70486838778258,2.7888692486345086,26.938230338202995,0.6144229191513693,0.7068818683460868,744.0070842532105,69.11857436175313,0.25290730127640015,50619.27800807399,0.8055057364386968,94.07772546227396,828.2879777066435,291.94441984377454,333.8046025620588,54.15236113953981,0.23757738017013041,0.19689543189967973,6.1486397505832935,25.208547221866404,2.4999311532809063,79.24470137531941,0.0,1.1743730300589885,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2091615827837702,7.524928934240798,27.28359656707591,0.2374080018203442,76.1116296643422,0.0,0.00014063033626880034,0.13782043798503119,37.597066380769796,38.136654266388334,4.104702988682173,19.66370105938185,6.177450949598868e-06,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9383173914097755,0.2084813642238963,0.3724379369189263,116.24747181993227,246.08997722127486,343136.1800617353,4.831138944113974,40.091519509495114,2.3912238330315407,99.99101912289208,3.137658154744076,20.642091927150716,0.3993082037923678,0.9594737087450907,985.6176686982697,52.12142550239253,0.07160466655088557,79590.64524392449,1.4331155761431023,49.73336206016449,4358.4721859446845,69.90039894051284,349.58758341480745,57.81591963999182,0.26071838860203816,0.19790199691080218,20.78003322184336,33.368062364281904,3.0566452183643635,64.86263257752319,0.0,2.6045539908921165,0.13378182697760319,16.31183220454396,36.956452658868294,0.3855597852364648,9.697587892979032,1.6033010066721712e-07,0.0001132097967789073,0.20644545019473862,13.484820042693205,31.812120218628895,0.26754632322268307,48.73944156425314,0.0,0.00014063033626880034,0.11478525871737703,42.699940753046015,45.59433326955142,3.1037986956283072,15.739648758104687,1.9907974977412392e-07,0.0,0.20915904827498588,22.10473769935951,47.011069845776234,4.983388583276294,22.020543338872937,1.430629433012485e-05,0.0,135.76480391438818 +0.9537878598736385,0.22274295877515385,0.3443706168345854,80.08959644472468,221.48230767509392,246401.30459878387,2.604455652092227,72.49594591748361,2.8911705331913073,52.33445390745578,1.4809457255038374,21.751555647745757,0.3086422307614296,0.8386095573369902,419.21771561923083,42.656166060696044,0.07280467837095372,91279.3619796877,1.416344665455681,91.16846397820589,373.6384284417711,130.93152518589466,343.1222075939045,57.86648241672299,0.19696100823499568,0.1961992994397858,18.5237903817959,33.33106799279135,2.6889402445057646,54.693774221037536,0.0,1.23174373675261,0.13074847002383316,19.0211265002971,42.19290593002519,0.2184338517508382,10.194813848683577,1.6033010066721712e-07,0.0001132097967789073,0.20659891991482185,14.526659340606999,31.032214525007863,0.24302872097313122,44.05485890724336,0.0,0.00014063033626880034,0.12156701697607816,51.57046675470705,48.4529928035534,4.064189327369624,17.942681760665938,1.9907974977412392e-07,0.0,0.21141877579213225,25.27527067972183,47.36456230594787,4.349277030362455,22.336657285847892,0.0,0.0,136.23909157376337 +0.8984123246139731,0.23631020144963924,0.3830211648692618,223.87556805378858,149.1645214910961,132402.12383663043,6.52981751848167,35.66288945829797,3.7731893158360004,87.06268989688645,4.28872219889074,18.603204021047038,0.7971651522062224,0.977979944372534,798.8997046736646,27.675352254898492,0.22486538876745304,123490.45501379731,2.5428215128570475,95.44125905260358,2425.2703018348134,282.7714162285432,346.3522036790535,57.99240173626565,0.1783107392253756,0.1932345123840812,27.917498118919905,52.58051244703115,3.367729547057068,26.972220076114578,0.0,0.7237768449124697,0.11781651734063903,40.63571562773648,65.53383370178372,1.481934679314069,17.80617035711313,1.6033010066721712e-07,0.0001132097967789073,0.20349629558995613,30.64176451343737,56.10844642845378,0.45849201460580885,23.600412842168122,2.0142207633159016e-05,0.00014063033626880034,0.12086158300542661,99.29558956175148,72.40325391631791,4.6168554527233985,10.807928370628272,1.9907974977412392e-07,0.0,0.18451589963316198,20.51859079869002,89.76947537929287,5.424593564109782,18.613204527387058,0.0001947112814757173,0.0,198.21324624852133 +0.9549331108432387,0.12007038916984689,0.3328149487739662,21.459906011915805,49.84516688987759,166976.7558732306,6.218928634274814,52.31672086734772,4.395864276124778,86.52305459665678,4.246061242360693,23.00340320508277,0.33750209119719615,0.9121031333330621,598.5545693818971,87.77434595921684,0.06318890843531857,73075.85637418277,1.4703615927300397,87.26325942568967,1518.7170710851874,288.9759213882102,335.91335912929935,51.8054942024049,0.28046731042980216,0.19387302048075117,15.618813025872152,34.910775892146034,2.470186511858272,53.97805342428693,0.0,1.536497898585572,0.11526709410391965,11.976574880025167,31.27762838189398,0.3467802970725573,13.51824372389408,1.6033010066721712e-07,0.0001132097967789073,0.20256193689541496,10.455372101709214,28.063341711367382,0.2792033263625669,40.38896049794443,0.0,0.00014063033626880034,0.1327574034416648,40.70559725983152,38.49674907044891,4.580324521926667,14.331008292356515,1.9907974977412392e-07,0.0,0.15988747322466842,24.403082696163775,56.23206205310234,4.042205386584047,19.210820000800197,8.897614870059323e-05,0.0,125.40332516703211 +0.905557839876563,0.10401691262995409,0.35787414555683295,121.6046816400436,122.43613686864504,102401.4203294068,5.120001441700628,40.14709532609109,1.1357103269939686,90.70576931710399,3.0696599490863457,14.132845856061913,0.30404376130851624,0.6759812015474689,27.734853978018492,4.395526211652854,0.052859465009248624,51200.24864981345,0.52991433491376,80.56805657842516,475.05890812694395,153.48901088026918,280.6303108118394,16.14916411767147,0.191160565699663,0.19959398441136345,2.8175160108172452,25.358626850284143,5.390243579856035,59.13197310783701,0.0,2.2931261765752917,0.13859268190885662,1.9687165574524135,13.466390028668274,1.2568842320172124,4.266955877854936,1.6033010066721712e-07,0.0001132097967789073,0.21132399748830297,2.530068171299636,23.595460012328985,0.4245763096949741,42.59541920088661,0.0,0.00014063033626880034,0.3391632991950252,8.463665094917664,17.447745403172476,4.912745693636299,26.403205124023042,1.9907974977412392e-07,0.0,0.2153269196343184,5.775650474046714,22.252305975341944,8.612699574250483,4.5445241556695795,9.474697203741915e-05,0.0,92.11702512066981 +0.9708625481696318,0.12170559220056462,0.3373986608257388,243.694345632087,65.44989270492891,155135.50975659117,6.529195063195694,99.36035986483323,4.984988510155963,70.21007326468361,0.6667220822980545,23.946013027933546,0.35770997935593707,0.9884521257187245,750.3386348256919,62.28565621967381,0.25130749246105527,174308.60638371314,2.8628890562420324,80.33860218758502,2341.573968849869,178.01870192228574,348.39060085415764,51.70985143302605,0.15819505425220476,0.18812252544478208,28.66704756888911,52.12581772966934,2.9763147979900384,20.278019739293466,0.0,0.7500942435255713,0.11580489697151036,28.01541982043149,57.700335304546485,1.0287207255701292,11.847040570397146,1.6033010066721712e-07,0.0001132097967789073,0.19955792162538552,31.501997188122363,56.39442294335603,0.39252738961429895,16.51394151959221,0.0,0.00014063033626880034,0.10420780079631542,86.89298741665503,66.82873611535896,3.93736541280725,11.698340094930941,1.9907974977412392e-07,0.0,0.143890645288313,66.84781758797104,115.79768034342045,5.1824875144414,10.722960580079933,0.00012105537138712735,0.0,207.0005140834748 +0.8947640551212397,0.1999280443215053,0.3502406950604883,219.68255997569833,190.66619272463686,223041.14762446625,6.1185740808581786,13.666388917582971,3.672503114395017,91.10076185238509,3.8482995316646074,25.609750336087426,0.32950785157256857,0.8248592118191125,680.9420530268575,88.75023068803524,0.2937912238980349,69340.89737159267,0.7924058454684388,90.53167871272908,2163.7674307570433,294.4384333348241,340.9491696570929,52.50719034646076,0.24084919753489625,0.1945273593032358,9.108674413960504,27.814885323683846,2.8711371393850573,67.11168363295647,0.0,0.7558755000359625,0.13013522455766116,15.061079284819005,33.62581677429952,1.0334846168678684,9.261077333349174,1.6033010066721712e-07,0.0001132097967789073,0.2063152588651824,9.403611829673645,27.49637672628346,0.37894973796146664,63.366929511564,0.0,0.00014063033626880034,0.11292689800927416,47.442254781695226,42.22132047565062,3.9314321717941003,17.08926576802972,1.9907974977412392e-07,0.0,0.19084273143726546,11.880348559121664,47.815886736515154,5.703031533583057,17.2253698215299,0.0,0.0,137.00941108638162 +0.9745020485680417,0.1614046668089099,0.35797591516732635,215.38757826833404,244.975139713212,332064.178575267,3.774043196955831,89.06085961606193,1.5173098376005802,68.45117066244086,2.4967114935345234,28.7767176362234,0.3071793207122373,0.8120563894942278,296.7703984281679,38.65516442361459,0.28010833647849187,292438.4196463404,2.9042000075831873,74.8425217257191,3178.4408432350283,267.9877810821758,349.7388825188873,56.61929453063928,0.17285704468985824,0.18897087383452682,34.35698016416779,58.437995681531476,3.377093073263246,15.857362946045132,0.0,0.8554152102454982,0.11444420010584543,31.016941329793244,55.57465854572132,0.42156824686254596,12.10822105238361,1.6033010066721712e-07,0.0001132097967789073,0.20493073216539331,37.8941768861638,62.10316741902082,0.2672275386325581,14.4725653519834,0.0,0.00014063033626880034,0.17206637219341686,95.3184592138228,61.4220701807652,3.3265201795178636,6.253130694803625,1.9907974977412392e-07,0.0,0.1809995187876074,63.21112945421709,98.84499469544885,5.680343037340793,12.54211935324962,0.0,0.0,203.52597716825727 +0.9715928998964994,0.2374717450844257,0.42124185269878983,196.11004190645167,207.34627533444768,216787.42078875404,6.618957245425851,15.447804759074586,2.5254132969417094,89.16467489307362,4.741652517328763,26.378227707130108,0.5069111333431022,0.408273926350983,998.2169584271511,33.902714374830154,0.10597427252937153,66886.53357215617,2.9627050935509027,99.01350027931977,806.7795418680364,99.12403189571427,227.76637605507963,43.86279184636512,0.30589330667583337,0.20045987669862586,1.6555982341037814,24.828471909206588,3.118891355068834,5.775443930802511,4.0056308038835776e-05,1.9034431946412307,0.10795525917357425,1.86590580704066,18.115329884783126,1.1186363863873348,26.226338536285592,1.6033010066721712e-07,0.0001132097967789073,0.21288530928524552,4.958753417344265,23.994490039454018,0.3936011801039019,5.420502606320256,0.0,0.00014063033626880034,0.2854181909626342,5.10547450687754,17.491170704137826,16.14427044110828,56.99593561176923,1.9907974977412392e-07,0.0,0.19916196756999782,4.923332392365739,31.004584915423752,6.524899789664897,51.54349340662934,0.0001258993681708306,0.0,99.2104316420544 +0.919234660093328,0.15220612182704826,0.3753456067171346,221.9143212043088,244.06218545281948,295262.40785961197,3.754252744936546,47.88227641430356,2.357379293679983,79.60454938502629,0.2817453306823279,25.44232022000139,0.39661103372899853,0.9607497784093672,657.7459323655228,46.61157204779124,0.2458605651622171,240663.7665371492,2.9784542672958128,93.76289455567326,2527.16150452712,234.21774641528728,347.9321818043403,52.11935879752567,0.20798610738766243,0.19138759901922467,32.05875333176562,55.34600725110836,2.96365239135199,15.44105363313721,0.0,0.7427519885615056,0.0954418857522708,28.01996224665648,51.27971398435563,0.5016802122022953,14.383764961367778,1.6033010066721712e-07,0.0001132097967789073,0.2009818314086479,35.916978161712606,64.9593400577631,0.2806552133114008,13.665760722177723,0.0,0.00014063033626880034,0.27710798966307154,88.69998246592165,59.66619720978415,2.840303017874139,11.397140621817618,1.9907974977412392e-07,0.0,0.15041570748462416,58.05447791081589,106.870563828324,5.293161654161455,14.717359891454414,4.283961052778484e-05,0.0,200.64720693552567 +0.8644092313206871,0.15043027614771967,0.3335308087060102,233.44025752116883,109.59178559855278,300582.89263954415,4.260834816521456,53.50286612893136,0.4641188013721451,54.036802974990735,0.3736472283301442,18.54022155023133,0.6267325172244473,0.9807259961236289,938.7865278502956,8.010948910113862,0.15890272637347042,215006.24717330557,2.8781651762507057,98.44290954555021,962.7689696150371,271.1053077741044,348.01908258787773,56.19548309557318,0.26354091038023536,0.19429374045530132,38.44053074868209,62.92431076828641,3.388396578092958,22.045204565631177,0.0,0.6699926265333523,0.08439675319766395,29.96341091396697,53.85983615459709,0.3788669631705162,18.251270193520476,1.6033010066721712e-07,0.0001132097967789073,0.20102132469092915,39.224929383580886,66.76392856786794,0.2725473655327909,19.195850473053593,5.4593741935908805e-05,0.00014063033626880034,0.25409225252114465,83.02076649549392,56.594114951921775,3.595663986239346,10.67092470524598,1.9907974977412392e-07,0.0,0.1782877624599142,48.40443567460745,92.41837420919484,5.839968595265337,18.67459567393196,0.0,0.0,194.73286478548147 +0.9716510310870448,0.11911324237857272,0.324721354509152,68.67346338848762,182.08446202042995,229381.86070332743,2.8849736920271996,91.99564327138908,2.8177934282169157,48.53385425916596,1.6623173737398385,26.150827216760025,0.39459688754589645,0.9900807980795331,741.4251421430497,14.63704188732654,0.30110737754928224,66367.64186807231,2.678493448254928,54.523759644115756,3948.519699098536,255.34200936659607,349.7259756258686,43.465023170071305,0.15608647781120813,0.1846381474166992,18.925736748401107,52.46281668156118,2.7035559922645076,25.092628414402117,0.0,1.2178915615922132,0.08439174879997106,28.30886655851492,62.71216403742614,0.20656805112936172,19.479619813281275,1.6033010066721712e-07,0.0001132097967789073,0.1979725337775588,24.15305350854234,52.198953179541654,0.24653907440840805,22.26454677287048,0.0,0.00014063033626880034,0.2722061258259305,109.5434358517101,79.53028525611462,4.337785738465581,21.83574837557039,1.9907974977412392e-07,0.0,0.13878261440819428,63.32637848257083,122.91683701879579,4.784501277935304,23.769562824136308,0.00020234353113563494,0.0,226.2605215794288 +0.9776712449696991,0.2074585871053971,0.4354608656164307,223.562536567505,180.24699827916345,133737.32755695857,6.738275344636605,85.44767637373216,4.741390608863614,99.35418734574924,3.9406454762629886,5.027547509725377,0.6114137792412646,0.926348235030544,715.0705507936549,96.289433941249,0.3208697508177177,282261.3375989975,2.857481215281641,96.49131426209853,4733.461929646854,213.40449791776192,224.28472535799017,10.700465090674669,0.34311245106197746,0.19908386167942216,6.487327148152978,23.860290003155324,2.931345271289648,6.669532200506556,0.0,0.7856548491156347,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19712300203301142,4.560433652662644,23.392761803664875,0.41571160165879484,5.578331535455918,6.0063960314469144e-05,0.00014414060373783881,0.3538656730989203,6.365782356732288,13.894351370349124,20.382619267937912,61.26534848149283,1.9907974977412392e-07,0.0,0.13427418203586086,7.366530736212198,32.96744630575072,6.752352609014288,33.697922926868785,2.1002992054521505e-05,0.0,2698666337285.8823 +0.9389893695350423,0.18780782134755267,0.4339970815328041,136.31573619053117,247.1401583062605,204859.7675111156,4.254478507344311,64.88463746080163,4.505022561395133,52.002307542028205,1.9195919052776753,29.5178563584404,0.4938883127548574,0.9692082737774286,947.7112349282386,92.98048034893597,0.28519051626707076,285417.22204356035,2.8675270012034697,96.55465838998641,4806.683681518974,269.54008470576264,348.3170472443023,58.89903828597761,0.15730346271678441,0.18887914318376023,32.94564804963287,56.101575227376784,2.558005565820151,14.216980393377376,0.0,0.8873846967761243,0.11365359795764658,30.504915981761958,55.49042380286265,0.7076798294860183,14.136876080305454,1.6033010066721712e-07,0.0001132097967789073,0.20170478403586745,36.82454529928804,64.94340926056095,0.32510835399559124,12.871704234791224,0.0,0.00014063033626880034,0.189829869506097,99.34147193132158,66.35506362485492,3.4197840546920344,6.795353323284365,1.9907974977412392e-07,0.0,0.15417497629893334,69.52644084314306,118.02040322187575,4.677127797033993,14.91769441899639,1.2084131056450184e-05,0.0,218.4690435550476 +0.9377498560450427,0.14809417891962712,0.3490436268738223,50.787639417197404,245.6645863799367,199129.17726363256,1.5224534817074094,38.94859149981569,1.3647531332154978,53.56119752093249,2.5056639559893283,20.52994924639559,0.4266777808842653,0.8218241110271701,265.28706601699145,36.18854209889023,0.2866001910549542,66435.6808676513,2.079743638601216,99.31805250781373,4619.468749842048,296.4881928463601,345.67811416537904,52.628656751834136,0.1645544879495216,0.18961940971901062,15.98821512581865,39.696960433753716,2.4991817699557055,35.79287711976741,0.0,1.4122965133432273,0.07719468328754471,44.00311498839308,69.70098000675175,0.3645034284904234,23.102770184621495,1.6033010066721712e-07,0.0001132097967789073,0.20246114107357951,20.371867449680312,40.372975830068064,0.23524342419652008,33.568027345700095,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9554507747067584,0.5748924712075963,0.3561637521598063,88.0857758310057,150.19529915939322,311352.1019303779,3.5159136155378548,82.97054299521797,3.270862353165187,88.77302624990622,4.773051490846804,16.749960204525813,0.5153067664167813,0.6859884582035994,388.28448397125703,78.30473103616276,0.1602212439407419,212443.29086929298,2.3892836806496547,71.28766602561929,2374.328667139923,49.0549477588412,308.9297187614675,40.59887636301421,0.18170326554070776,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.09550710611655526,57.898805222137426,45.30415120499183,3.3889611756728097,3.963258968961927,2.2767425569533687e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,5397332674571.765 +0.9708625481696318,0.18835569563031354,0.3272435912852707,246.2176792213028,145.85852422245512,305146.8011943808,2.9799311674854527,50.06098310324581,2.660188716871197,96.37939461106501,0.41636119318548825,20.862250416647065,0.43705786165600924,0.9669782760254817,756.2213855312903,27.86189293006409,0.24507148795662728,174308.60638371314,2.9306152434865576,80.9249020254397,3667.5764292578397,136.82453398638506,347.5717341370144,56.9356150345542,0.16647544833954275,0.19239778302686952,29.746705825267984,55.06700222256594,2.95391324891643,21.254479062269255,8.285472023684476e-05,0.8416798690786014,0.12650782101984676,33.49310936854863,61.39321381450961,0.2522690640192167,10.837940161768158,1.6033010066721712e-07,0.0001132097967789073,0.2032418524606557,34.12818235989474,57.27672160091749,0.24968048704818907,18.811481622709817,0.0,0.00014063033626880034,0.10837178241922286,94.4304410999594,71.21052076043054,3.440221410773557,9.922474293772819,1.9907974977412392e-07,0.0,0.17947128982976845,61.10481449176139,116.11111174312761,4.865786053434752,12.316562692794255,9.24337068590697e-05,0.0,213.7184953491512 +0.9360656672973094,0.24589731805386078,0.34694868776669474,139.47514977090736,66.46484304679177,131732.58648283512,4.736603580626558,64.53801451225807,4.443436359913295,86.19353315546894,1.6556098758329887,28.94689710626802,0.3139426881268559,0.808171342275351,765.6368876566443,56.3904867688515,0.25395864479265423,135303.6259969163,2.6806694603101993,93.28209542156165,3359.4208001458132,292.93602366004563,342.32668300135794,59.579868481973385,0.16068803899979192,0.19134870222575232,28.753062939408142,51.935816680047424,2.839825229399601,23.83679309269249,0.0,0.8243541048179566,0.08732571442311865,41.16481776398998,66.66522652786988,0.8241475783716568,16.223345245287266,1.6033010066721712e-07,0.0001132097967789073,0.2004921255011433,32.54708214110675,56.58320993194761,0.3643699060969793,21.115366774637373,0.0,0.00014063033626880034,0.13548096789683486,114.74874441934475,76.124440318755,4.773719948307351,14.190585274133422,1.9907974977412392e-07,0.0,0.18244974498072644,59.72022464452374,103.92894738127076,4.8073983428549205,21.28205200856864,0.0,0.0,221.90292729081966 +0.9310631536694641,0.209111156230795,0.35416158083291577,175.55650028236937,236.42186897179954,198767.65949028285,5.926809892031931,92.75258588808913,1.3635267017409674,51.471072818265405,3.6163318006405576,25.089009113543206,0.5704606421774921,0.9329216154767244,860.0295149450168,80.60873915954812,0.08398762730908932,233138.53992474853,2.6217172783241334,74.76362231001038,1698.8779942066647,264.5674380909543,346.5180082539432,53.29861970698318,0.2056228704291561,0.19711221228701886,39.014357423050974,53.81287122497658,2.7755532931014146,24.488807594533714,0.0,2.431436295453022,0.12843884900689198,28.894240119973514,57.980955020413894,1.0969943380776266,10.599895036057374,1.6033010066721712e-07,0.0001132097967789073,0.19003224997711543,21.49778132246829,57.19860195767835,0.3395028062156469,14.59666414985627,0.0,0.00014414060373783881,0.11282134292161829,85.45498101664627,61.58927457657269,3.6807472399415504,6.431899501231578,1.9907974977412392e-07,0.0,0.19773856586860755,53.40018274048285,93.30629692804858,5.732293543263314,12.726834433772057,0.0,0.0,190.2415137305205 +0.8807716751264658,0.20161231558213116,0.44162216379463054,17.846675394844524,93.47259418597679,338660.0398088819,1.9940756948705642,6.76022126978458,4.464534850742034,84.98254222387799,0.5587570035138418,14.782823978339012,0.31797980489496136,0.9591142526480039,148.5357517496829,99.88318919663391,0.13321692964292872,51173.06937797167,0.48423575719182566,58.981878420930066,3976.6065981895813,236.4098497195713,329.1069515206592,58.16135612999455,0.27866826753570695,0.19684026102467128,2.2946731857286724,25.152995437930088,3.034795228652839,71.30091984931013,0.0,1.0707617957843627,0.13848920586119134,5.308160861455017,19.63425795995079,0.5226531019210257,8.959570827223969,1.6033010066721712e-07,0.0001132097967789073,0.20819044940570627,2.6705704536929304,23.99372009605174,0.24703833753257876,65.61674581508335,0.0,0.00014063033626880034,0.14585370172085066,13.65003564599957,23.047440410585278,3.5629831470661957,24.176023525789862,1.9907974977412392e-07,0.0,0.20127068162923945,0.7771460368634647,22.487227326489034,3.1861861404642786,22.062742345878547,0.0,0.0,115.90010681334327 +0.9790695235136408,0.18116316638512475,0.32987071615674257,136.95812243607153,198.92278217313816,133525.63380947168,5.873922750082556,82.40098052233775,2.2461365842179624,90.9747767934453,0.5349150119023434,23.032298703078016,0.46787429477366954,0.9786875976390104,605.3329191947416,45.158763553100975,0.20654871049515788,90299.75082931036,2.903594215769245,78.43603380720823,1253.0212101500413,259.8787552994819,341.45862717420755,59.76004257400893,0.15729686312156582,0.18675801920268947,28.578818148344446,59.92331514242073,3.0690761392910466,25.861936066257314,5.529652927971395e-06,0.7524363698995757,0.1048857798571485,33.43387441864264,69.95801470919808,1.30898218732859,16.899441899296715,1.6033010066721712e-07,0.0001132097967789073,0.1983830244477792,31.510845802274517,60.41961816557866,0.43033385824863085,21.108991067731484,5.106391182468034e-05,0.00014063033626880034,0.1942180972421833,107.25820821601371,82.08715521133833,3.730570782106331,14.929127219335996,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9848825401428566,0.21430826677336642,0.3366584756201266,136.16830478127076,19.173785977535587,274835.0920981409,6.770012511432991,71.66637846173855,2.2196862173203322,97.2437423866816,2.4365862045352333,24.350480492504744,0.3819535422411754,0.7749578657627932,886.499438368793,49.439765165992355,0.08235827823030441,293676.1502968157,2.8819268992285627,95.5573823015899,4507.595794673484,199.90461314408296,349.1745357329935,57.275220482991195,0.34924850737173385,0.19930901611078636,44.1119278542849,60.01769562988669,3.103844230636174,20.350149187709388,2.3026838744543618e-06,2.6575285424385524,0.13283726684809224,14.581634058876043,31.927719019779083,0.298882690094709,10.787508787805901,1.6033010066721712e-07,0.0001132097967789073,0.2060219609075761,32.67820948266706,55.14112396830111,0.29076736385345764,12.717456761259761,0.0,0.00014063033626880034,0.3462809471574409,54.82671602348514,31.20679310604757,3.6007701873313684,26.907490925121376,1.9907974977412392e-07,0.0,0.17307280415662657,31.561125026676883,65.9941913674035,4.700045051548022,11.940655590937135,0.0,0.0,147.75171607309645 +0.9370904067004877,0.1726802520572005,0.3607798393767449,133.11193392827792,42.84512651494149,125829.52848632011,2.0967153769597475,16.022407251519283,1.4091223409774518,47.57134337180136,2.730178069649629,22.590937550247954,0.7810923305840933,0.9113431374331614,431.84649834448624,91.52868897633138,0.2918967310492592,99880.56014625315,2.0052299821452526,76.02388807631824,4851.41202254068,295.4050725888978,349.7757027378706,49.91376257262958,0.2330570457562818,0.19125888422769266,15.097719709999438,35.89619232123486,2.540066915918362,31.836195943633204,2.0988286467398596e-05,1.310011102612997,0.11479967124699611,21.511172146701654,47.84431389764513,0.21762327014757318,14.498359147604946,1.6033010066721712e-07,0.0001132097967789073,0.204569430505062,19.3893296394646,42.335389820216726,0.26386090002432644,30.05902430921633,0.0,0.00014063033626880034,0.10313079243505907,48.46461020651402,48.2140807927549,4.813146907893253,13.603286936628038,1.9907974977412392e-07,0.0,0.18882404166101396,16.086868066089764,63.27599117619104,2.7257471398632833,19.995013404471585,0.000152116751801019,0.0,134.6244114198412 +0.9757928106537664,0.20657250070818128,0.34162786478227386,194.56623134757427,248.28266380799838,253094.18380969728,4.910834885293701,50.07769611144684,1.5193962694394587,60.224455573397265,4.51906227098453,21.26071622354073,0.470288441297364,0.7928685680767663,369.51712618688725,68.84378323121396,0.32915372556429645,203020.76265569805,2.845366315855728,92.03914480101889,4969.112069271415,298.163761257718,347.3091453684,56.71406540393943,0.18718181223934183,0.19275851056578916,32.330748202392726,57.94327225505919,3.0649062247663412,19.452104993152204,0.0,0.8894783426187877,0.10307954551598009,31.587476399162597,56.52801527522409,0.7793877449478257,17.271569072370585,1.6033010066721712e-07,0.0001132097967789073,0.20340862408154792,36.23309818154026,60.175354303649875,0.3324278622781773,17.886277741049682,0.0,0.00014063033626880034,0.14224915989744827,92.65057898664135,69.6325610178317,3.322751468919674,6.153492417180522,1.9907974977412392e-07,0.0,0.16658595291078207,62.51536727665264,113.08291861667423,6.134246762091128,19.473900680605208,0.0,0.0,212.4428279955187 +0.8031525516050607,0.13124927933023547,0.328900125242067,138.7968106177858,42.39600025386461,172253.1739671803,2.574263546832096,56.26720328932248,3.5316248124307545,10.187138829914609,1.7513108746935042,29.67222769185879,0.4228612214840772,0.8100849455792659,770.3328686482056,41.627944507189966,0.2640896266803695,81177.56149952581,0.8193677502936048,79.2948922330022,3360.2973804435856,272.4447800615721,346.58406938675097,53.43159300220668,0.1789988380530591,0.19364415107718105,12.42723983872314,31.18384424772885,2.5427606530010802,67.21329067546861,2.6176150750644784e-05,1.139515039605029,0.13273402950420757,23.29016740165773,45.48980645961591,0.19107661972729142,10.012268500392183,1.6033010066721712e-07,0.0001132097967789073,0.20726704405460344,13.864895581696915,32.61541597859625,0.2560916546203849,66.42334333836519,0.0,0.00014063033626880034,0.14678852955662827,60.698751466566755,49.502452910346335,4.568394389823736,25.97219759815304,1.9907974977412392e-07,0.0,0.20310114371903695,13.164408590895976,44.26857864523499,3.047052762895906,27.434844907347024,2.7976394211901666e-05,0.0,154.13566625080472 +0.9581877903077645,0.10761213098434048,0.3449860632915019,181.34555086526422,237.27653975423195,270055.8469459848,3.657802263178309,33.31296150757862,3.867025782171274,19.944684474695304,2.813764792320798,12.814241895652994,0.3181498616864836,0.5552323242523943,5.037713638055578,1.3288034458772913,0.3184354673220879,147421.24193401172,2.048317597467569,27.495672332786558,1301.0197538495245,188.1487579747892,251.4667958874916,40.00405825205712,0.2130022678811782,0.19853836548101056,3.941904450705078,24.30320494243863,7.090698240508181,3.828414413338693,0.0,1.3721269018808293,0.14199617176354792,2.278007142382372,12.720744614791194,0.48260113531968873,3.6766965073909796,1.6033010066721712e-07,0.0001132097967789073,0.21224169069911933,1.5711654048041699,23.2652046619306,0.28034173605358054,2.643901618495025,0.0,0.00014063033626880034,0.328433200937061,13.230054088178534,17.04769162965649,6.493645999741333,42.24364725443655,1.9907974977412392e-07,0.0,0.21843331120568427,5.553997067073891,21.212598410471937,11.013241050595267,4.059231318954468,9.459104526299462e-05,0.0,65.69450663724588 +0.9876223158202444,0.18845534089478908,0.35239144373152276,175.8695030985614,141.43456098684123,327225.7021093932,6.565753354116664,75.49137901785917,4.583340518252994,93.18179125253323,4.237485869440171,25.57480141790047,0.7133241593556257,0.9449999696951191,883.8170614895571,53.76447325903358,0.27484294119218794,288871.47576163244,2.958420673346209,83.96796268985037,3197.2078210977197,252.55043358389855,349.24705990998444,51.50600102523826,0.16368004389554752,0.19079639713442015,36.00578284455166,60.09824530812117,3.239962039004303,15.789005767927412,3.8624181547237436e-05,0.6388501369692349,0.12348281525400652,31.598508341066555,56.61517967304508,0.625437262605934,12.397358460039227,1.6033010066721712e-07,0.0001132097967789073,0.2040290945824817,38.3898470286299,66.57270171906646,0.3132252841987722,13.561801065763852,1.675518321396402e-05,0.00014063033626880034,0.15782597863912465,108.50182897656914,74.29598177704739,3.414601631583583,6.1082034783964465,1.9907974977412392e-07,0.0,0.17230988259497781,28.627912648767694,102.41664223132622,5.07170942355266,11.90574648451357,0.00010588125385893521,0.0,210.79331470774164 +0.8654668916555265,0.12046623574300848,0.3485995210099104,117.01270531728206,237.15618995952934,337024.35555079626,1.8354124613115723,34.03498720392402,3.4390922248720655,13.141121058279829,4.739813727336509,26.12580948339198,0.35671812547474396,0.94921390125303,798.0942196271083,49.12671751371004,0.33007659975637815,65102.51918646235,0.7060825269418167,27.594239655387582,4399.81274434797,287.3205868548382,342.3113063041206,47.6376912698567,0.22073297002251574,0.18789671893395488,6.688251166422163,28.144997439281994,2.766002283087954,69.660438366867,0.0,1.2533991984414845,0.13039611385220667,12.01955839552786,29.61625068328687,0.3446096903483753,9.931797086105892,1.6033010066721712e-07,0.0001132097967789073,0.2030657664891626,8.612231225708815,29.736390659044808,0.23459551170102882,69.20080833811525,0.0,0.00014063033626880034,0.13282555780605768,31.625582023700613,36.809033723715544,3.6238960909030355,25.069793422682288,1.9907974977412392e-07,0.0,0.19753618980919174,12.859763438603874,35.37356038426045,4.167710873842389,31.729869356692568,0.0002884020954025918,0.0,134.1787253162016 +0.9638972135291876,0.23778122624221884,0.4079702424790227,249.1405949940933,178.10626833567704,337647.3801940336,6.518362571571443,59.51304976525992,3.411360483806381,90.15309002788288,4.754888204222657,15.793139506129423,0.37010622999391857,0.9180607819923957,907.8893020934499,96.43542871546595,0.05697162303988061,206456.48353728367,2.9499371138726005,99.90542540254371,86.37828305983703,231.22448883955025,347.4979563875194,57.74862549398303,0.1791718292321396,0.20104363849360102,47.51743827706769,63.42903759417153,3.4378612115059144,25.321276509503065,3.538874195390553e-05,5.019340136116724,0.1033164615710934,27.833670901516513,51.957885684077425,0.7472895496051645,16.904708626484695,1.6033010066721712e-07,0.0001132097967789073,0.20666535481768863,34.13381494704184,60.696859326325296,0.32782578689664615,14.39023338425308,0.0,0.00014063033626880034,0.23324616311221238,99.88169901916267,68.3799388079538,4.711875523839705,9.948493974776097,1.9907974977412392e-07,0.0,0.1663982173221483,50.38575881451778,98.76711552862241,6.56073404873866,15.355445390393747,0.0,0.0,207.6593973362495 +0.90164515934132,0.15082363838650492,0.44699236036064355,213.39204967279156,232.08234537433557,303809.4462125907,6.852224942399919,89.52981150824769,3.7641389999845716,87.04816435411638,1.3683902844273925,22.961305857893848,0.41505621627805567,0.8743173441698646,637.8111254684492,2.602935930545561,0.06429423266654022,94003.57535386882,2.800831177089981,99.27351015551007,4974.882004624346,211.13332616331678,294.17137298232524,48.664974868408876,0.32248627609387986,0.18810882927059985,11.009867589980523,30.05529302556771,5.159779906640442,11.048277353662291,0.0,3.1373909478211983,0.13083608081165907,2.177125011895704,17.311659648872368,0.9144417449076356,15.565145039959916,1.6033010066721712e-07,0.0001132097967789073,0.19687797128098522,3.76520570421097,27.91243578651709,0.355113315638168,7.2906767424427885,0.0,0.00014063033626880034,0.35065278012139883,34.50968072871303,23.236050064347015,9.391565041545306,42.4912084727655,1.9907974977412392e-07,0.0,0.1688539124007527,5.453252355386409,33.15098813962548,9.040429202419269,20.098611784487495,5.1666949991471105e-05,0.0,88.41019027427546 +0.9638972135291876,0.18801944965053044,0.4079693284477765,247.28794966812563,177.8108297679354,331452.1688118759,6.518362571571443,59.182131540575284,3.411360483806381,96.27324863423985,4.754888204222657,24.85836735479954,0.5143388752220976,0.8934920601240192,908.0045709819852,96.43542871546595,0.05760651402157907,206456.48353728367,2.9499371138726005,99.90542540254371,4801.505008171227,232.4117626233885,347.42335195694636,57.74862549398303,0.34045250031666,0.18298804709926358,28.154718481081513,59.70340744139159,3.332438526386606,21.186219916470222,0.00014386143815431804,4.887925133582385,0.09023487579822975,14.881157037871294,32.58154564250356,0.7596083793916314,20.69240492461841,1.6033010066721712e-07,0.0001132097967789073,0.19388124469028556,26.731263743536232,51.90416735428398,0.3301852284636891,13.708024498182258,0.0,0.00014063033626880034,0.35270425969284686,42.79611581469439,26.120882317906634,8.447583051987165,43.455887484679195,1.9907974977412392e-07,0.0,0.14741594674411085,26.257253072910764,64.76381756073312,6.523148999025235,15.061907253064891,5.8147241157327286e-05,0.0,140.62871543743594 +0.9152582132518904,0.24282209059780327,0.3241288950394839,21.50033178030459,155.48075262958008,298261.4524840041,5.775377486635308,79.64929511602026,4.7528947144455405,9.202033421590613,4.066142834270309,20.799812385892448,0.36922533640063765,0.9177813848970409,809.1971326848329,66.2032090742008,0.11727951169870453,88168.11573939888,1.5068365835270252,49.491597506605245,2832.4895125738612,247.56808318504346,342.47657527725806,40.20273261304811,0.24117117416209924,0.19583127501986455,14.941259995939442,30.389303679939975,2.693637900819216,45.66619249064683,0.0,0.7922820926676023,0.1356222924949384,18.199349223111934,40.675290719900396,0.23432639946345823,10.065697209713992,1.6033010066721712e-07,0.0001132097967789073,0.20656108306207022,13.54596493655413,29.832364794005194,0.24264420213994536,38.74179273680686,8.701405084007454e-06,0.00014063033626880034,0.1331968188836952,48.472280474294266,45.034501603481466,3.8123610051216144,17.441143564888197,1.9907974977412392e-07,0.0,0.2172986108589643,20.25420569132461,43.336251086862006,4.138408367794705,18.782987839514046,0.0,0.0,123.51641057424585 +0.9618546976541219,0.22550299434736415,0.34572977585367504,128.8660405914276,217.80972511360636,131245.49739035944,5.2545517390734755,45.00567079880535,2.1235559986998167,92.52612607812823,4.949534833723588,28.07894554727743,0.5237495638833529,0.9181104299390106,992.7939504282336,48.9481787761892,0.24574328031299578,281723.5213169501,2.916820233334314,91.71258400225626,2774.35688911333,259.25728758826654,348.7698422858566,51.36918484221875,0.1959211702551185,0.19174981203972558,35.72635949412688,59.55108638106395,2.907722513578029,16.166821738564135,0.0,0.7339122286858424,0.11765431408571912,31.827522279223746,56.59958916858266,1.2215072368986917,13.602933889253721,3.576397059179128e-05,0.0001132097967789073,0.20159010380078116,39.37566012549135,67.82666220658001,0.41537150053984573,14.403886955385136,0.0,0.00014063033626880034,0.17449223407301664,98.69036304448315,66.07416260531846,3.659394304084768,6.1361081734559955,1.9907974977412392e-07,0.0,0.1634833250765692,71.12229264907737,121.57159992943582,5.129001038401292,15.925371020901515,0.0,0.0,223.89590588679042 +0.8171773097715225,0.11534917428396595,0.34235162523153956,231.5500025729952,207.4919300528528,279462.3772882696,4.3090851238188295,43.14981398965878,2.5726708703609007,41.061130209132706,4.358423099596109,26.076404918261844,0.39474445144728104,0.9074748706036732,55.92892137677061,84.45646170212521,0.0675423602586908,153204.75062176277,2.1803846987429556,82.70894008539783,3092.783518949802,261.3223467603241,347.3271599687652,39.825283115156886,0.18171651002468694,0.19735660315343775,28.5921070293057,40.13836237826139,3.394514514823478,31.02476343135812,0.0,2.678230667528738,0.12170365001572075,37.39804759011227,67.58941023102008,0.6070919094131082,11.115039091312548,1.6033010066721712e-07,0.0001132097967789073,0.20584249695633627,22.821065185495527,41.64680327938309,0.30181476552184977,21.59350998419118,1.0980993065818171e-05,0.00014063033626880034,0.11516622281497668,91.1043469364975,75.81160935931322,4.599532886131907,13.445965552294194,1.9907974977412392e-07,0.0,0.17725086744125662,30.60892120986832,91.68913566018185,5.814061229765911,11.318165357567999,0.0,0.0,189.6773887236543 +0.925706508665895,0.14542202475048774,0.3874425147816963,217.27688280925875,241.0951424467231,127753.71662907107,2.8962545920697713,75.86066658669591,3.2988305913537177,40.710088344416974,4.676331742672913,22.45062621232816,0.4198076615456075,0.9468850583128327,655.9352748286932,92.23892412980437,0.2666337323014115,50429.30766052248,0.3802331706364124,93.29654732559511,4623.969131067658,296.30228013840815,349.74948650235126,49.98958127886544,0.1654842532924496,0.1899477621208293,3.568324771601076,27.918571031504076,2.659089530599614,84.01279507447738,0.0,1.0615769904950771,0.1314917478788624,11.012076167005754,26.751875976293892,0.9366909722367689,13.134800045450374,1.6033010066721712e-07,0.0001132097967789073,0.2026254349411814,5.437155590986994,28.69582945989885,0.36168055211584776,85.5691800848556,0.0,0.00014063033626880034,0.12372220449183995,43.66155508944655,46.59486706631214,4.118112455527251,25.969598277664,1.9907974977412392e-07,0.0,0.19810701371644276,11.531463982617497,36.67163447638621,4.615316981417016,38.14203708173757,3.311119413324266e-05,0.0,157.3751098477043 +0.9346892839441594,0.1337177454343298,0.4311036087301739,194.40623960482594,142.52962144868923,232279.94005852047,4.8500675835788165,40.379064349551506,3.8637708494682803,88.93722591705193,1.0149855782649624,10.908719303255502,0.5166909693133748,0.4446499116583209,519.4207095218635,96.80768643669636,0.22391505890260713,56876.79166885929,0.7192115661253606,47.060447770321396,1483.2320365237485,108.82068801082066,341.68926182128354,39.38773276057765,0.2858220178966087,0.2008310782621458,1.480449389922253,23.78082703210555,2.8054427364435113,51.33556023548994,3.9775937880610635e-05,0.7064637064239172,0.14388931227673046,3.473544917358511,17.20614398514831,0.6836594733392446,6.888162586028755,1.6033010066721712e-07,0.0001132097967789073,0.21424235074270365,1.1592026710097185,24.2863176607384,0.32438245268335825,45.65452992318476,0.0,0.00014063033626880034,0.08382970155466508,21.939956225845396,24.006049959201036,3.0283148893193865,4.782545086971269,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9200074909791891,0.13722646242491923,0.3338096494799239,42.36041455585491,249.7132140455875,135442.4221501885,4.737628372186323,19.618545882002834,3.1374980582377168,53.145577683832926,4.937939631749332,18.831822971834768,0.3106801072364014,0.809037165371135,325.2190723199562,93.69220319881502,0.1560288907238124,70965.85524960009,0.6701428129356488,43.42729025386727,1352.7625252671317,258.6782412882849,344.8479102738885,53.88399267100985,0.17842659425712848,0.19504341178141066,9.317652220005964,28.35007298879233,2.572693606269651,73.1170435627959,0.0,0.7813246810722552,0.13348042446100894,13.444175271864506,31.188027366748326,0.644804619198504,10.59171760241219,1.6033010066721712e-07,0.0001132097967789073,0.20786827298583377,9.371705577594042,28.648410970802157,0.32763937737253934,68.1338514763832,0.0,0.00014063033626880034,0.14567412409605485,38.107754291338786,38.242833293311925,4.686463723025506,25.70118744466854,1.9907974977412392e-07,0.0,0.21276256156240883,13.209928511360207,33.346613367457294,4.28644859255187,34.49636060441677,0.0,0.0,138.39462142255576 +0.8903685336253098,0.16204877012636953,0.3686919967897378,234.86672818648208,178.48463757182515,305845.69742757856,5.3005437980221295,99.94654373523447,3.2594441190181804,95.5083196494894,4.670285309736009,26.97183556208859,0.6099594168463841,0.9110349838855464,368.3864292018082,45.67138504389026,0.14513200607808874,148947.90995656425,2.9971151120891264,99.61996237939965,1125.546678368507,259.1018288783767,347.63180996880783,52.57848051177285,0.18524147245056227,0.19110395790952409,35.32749213008496,60.53062101127934,3.407988430292694,22.319167046921,7.505247803581141e-06,0.9685141669562459,0.08350437268956001,34.859534293424474,62.888142928614,0.6527343048937364,18.250048448982053,1.6033010066721712e-07,0.0001132097967789073,0.19575789800230928,36.145749594426654,63.0315203057423,0.3119955477416044,18.706962285163428,0.0,0.00014063033626880034,0.179113332670827,98.73456384376632,73.30713486808273,3.75225312259555,8.514105808023993,1.9907974977412392e-07,0.0,0.14795405224545682,75.84902327078943,130.043612466617,7.79999373527031,30.627307812643433,0.0,0.0,235.4320700308015 +0.9005773047848769,0.13266140965570788,0.3436410687627395,207.34899990147895,133.41595022814764,288396.23214160174,6.234132499891952,83.02866320289216,1.4435190874758026,52.59363668152438,2.6545723725528187,21.1622655564327,0.3241402873429096,0.9270834203587397,705.7675396629966,32.45631466753591,0.26543030300164333,68134.66863905611,0.8730119419114838,96.69522100305944,3227.908668486031,251.27692595625035,346.2066046712464,49.06892852021265,0.2487912765715577,0.1931514575869938,9.856486348836372,29.36171084415929,3.3489932746797235,67.51464375899853,0.0,0.6732050663993846,0.12857224512051701,14.614028629096177,34.28153996680288,0.7020429535985979,9.707654949232664,1.6033010066721712e-07,0.0001132097967789073,0.20346276209753042,9.923647164121764,28.25866623864505,0.3272051552232351,62.96926792975542,0.0,0.00014063033626880034,0.08900780694415052,44.78647147828904,43.348939389546835,3.1699712515862766,15.493632571315548,1.9907974977412392e-07,0.0,0.19618545242484672,23.553805073417525,44.68859457641391,6.262195157334926,23.518171461721703,0.00014495230769628444,0.0,138.39913928700847 +0.872864647087306,0.24621485520432176,0.33630022052410197,63.580655017024625,147.4978268320206,157238.0317862829,1.6397299828249274,13.115130089919774,4.205381803633673,83.24179938860911,3.5316725430828937,28.84639562817719,0.3402837159149761,0.9960385730086957,658.2521407073236,72.41245172210817,0.163095231743473,298895.79863111005,2.43686702865866,37.365891814913304,2337.7653337162983,268.03032716796446,348.7393146860543,54.20370805589394,0.15441774412294182,0.18996934075962896,37.67422078240168,58.56276355567968,2.4274581721459993,21.50901670257989,0.0,1.2035599971503759,0.13067909681369402,42.900325616185306,73.23487530123381,0.25880626410658236,5.6242703799894125,1.6033010066721712e-07,0.0001132097967789073,0.20333654457944111,39.714794941512,60.81131295393381,0.23967162968633357,20.778560017589164,0.0,0.00014063033626880034,0.12554459913327226,111.3320224102396,76.82423649046537,4.6299425271731245,17.28193587088111,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9252318297004484,0.13266213829419898,0.39519930065395736,236.27390122634142,184.17568997048838,326437.9646172985,2.1295346089808187,30.069318248268356,3.1895334464333085,18.947456105854673,3.7824035894692143,27.061745947359967,0.369632389259086,0.9099966013788764,654.4036910292639,66.98371825523954,0.2705605489043557,67851.21528074992,0.7989783242636623,34.67681356056755,673.6047295986425,189.5656884050098,349.7474112822607,58.44133577495688,0.20096969297646924,0.19026182807873593,7.076013723565978,29.242161731896918,2.8084978070355215,67.27607653235277,0.0,1.0458466936373065,0.12710590211113174,14.17366575884928,32.104152003952514,0.24678133908702232,10.813161481648459,1.6033010066721712e-07,0.0001132097967789073,0.20253363356199483,8.342754938491897,30.08860420155727,0.23745506163926938,64.80439352828944,0.0,0.00014063033626880034,0.12020930990579645,35.60535266555164,38.761634650865886,3.5545738189612677,23.696605433460427,1.9907974977412392e-07,0.0,0.19159320990228806,17.224620605371083,41.98022361152267,4.334164677113105,31.173935615419886,7.552879076645877e-06,0.0,135.48989704353232 +0.9850374415395395,0.2377169348779557,0.33899950363265613,142.22589667980367,217.3704694391695,275677.46688788146,4.0114534699403634,72.9675179644127,3.3480997579464926,93.40150705306164,2.53447989815356,27.62081724192153,0.6688037514517406,0.9433200354348318,833.5679679647035,56.21322357749988,0.2793826387314226,143610.1909813498,2.8732781805405785,96.29850822122643,1302.3387446582021,192.23765060726976,345.9884084050218,52.39923278862703,0.1535593315726259,0.18751399890140147,28.887673931264644,58.24704664511721,2.8121556843011652,20.70633414492001,4.6613991659293576e-05,0.8516506715973644,0.11635221741836523,35.26678783447125,66.3371571301193,0.4457447009419443,14.678187518531177,9.261604730927342e-05,0.0001132097967789073,0.2018028015789216,32.656989908517346,62.626901439724655,0.27757389059325366,17.929864464665002,0.0,0.00014063033626880034,0.12061779175617225,110.08454235382922,79.90697506226573,3.193728238414519,13.24092637691798,1.9907974977412392e-07,0.0,0.16287408894757624,32.98729326548772,116.3273671993073,3.841373752102706,16.197053045828476,0.00021255339897841696,0.0,222.3094277022346 +0.8421998120662799,0.1640992125750563,0.37128575690821114,125.42989810674291,170.57248260856886,320588.32179942227,3.822671173540113,73.2624576222646,4.640292540681072,91.11908773960099,4.372127311590101,23.376828378568884,0.6026543721694627,0.8834875763605634,320.8965001077952,48.5636079787108,0.2041635932992666,245555.10054823675,2.4205044418265196,98.0373187974975,3125.0520940896486,293.6091297701455,349.2356722469444,59.47204612051708,0.16965329364015905,0.19513798005688,34.334869968063806,50.9744495032595,3.1953009288387073,23.270311103181033,9.431870029844101e-05,0.6627650890010368,0.13184258574123342,38.17448347940968,67.31214271906707,0.26423851513856356,12.22936090959116,1.1023213052511918e-06,0.0001132097967789073,0.208967234507444,35.867363635426315,55.29985678479238,0.25320556645900644,21.005124616635666,0.0,0.00014063033626880034,0.10959029402120407,105.37453325373582,75.52768218081289,3.246095360458439,8.850358945922274,1.9907974977412392e-07,0.0,0.2151291673454563,67.51776694326999,112.46163199515203,4.999805567245664,16.4267681455309,0.0002195212765405677,0.0,222.8260515739521 +0.9396627929421355,0.12825125712940366,0.4011653660674315,202.45264482767521,125.99007819582167,116167.58214663625,4.083443003681303,62.582568037278165,4.958417634029278,53.343761204274514,4.660800144991428,21.204360226582114,0.32694060907079286,0.9808707155354504,255.1016130372762,78.85319864228836,0.10867766759058992,66300.26093349818,0.6738526725103274,52.986673090388585,4146.676715396841,185.99185555302265,348.7972932176753,59.596187817427264,0.3170281559785385,0.19461677540440764,8.462182452938032,27.460365470909753,2.8076627398831944,73.95566641710214,0.0,1.2049648944649596,0.1211230281745638,10.309625095212882,28.69927597848389,1.0889802032578006,9.699305855628447,1.6033010066721712e-07,0.0001132097967789073,0.2003879092949145,7.108281634245958,29.08846002340642,0.39544130259656685,65.44435043219434,0.0,0.00014063033626880034,0.0823416797376878,19.51859897061805,30.45087085377501,3.7815184702489555,13.83730596951281,1.9907974977412392e-07,0.0,0.18499014594293686,11.974585667202422,31.718581215418272,5.06824362409391,30.376297740244976,4.163667333550189e-05,0.0,126.9702406139701 +0.8517325879413178,0.18433929307235022,0.35611400024974477,248.34440541390046,74.93919930885787,290921.3946924001,4.120797339072819,87.93836494370613,2.9794435559949486,90.56712041326463,2.642072372216032,28.054006827318894,0.572063375311715,0.9569980016079124,758.2122076316634,91.99688221711068,0.20587497016625586,205690.99849220336,2.873126798397978,92.72945328171582,2269.474547907658,289.4018419957339,334.68804226317786,56.84203226473909,0.2244587331118769,0.1924788227010634,30.066971425908907,52.090960524515744,2.8487696598039856,15.446449342164325,7.132662078350707e-05,0.6043223207469358,0.09510763353398814,29.72290314838807,55.235697151483734,0.2917685773258459,15.645274590873873,1.6033010066721712e-07,0.0001132097967789073,0.20206511729588925,32.30708857867762,59.248559307636796,0.26492775288631554,13.1387221011285,0.0,0.00014063033626880034,0.12935496955998982,87.26385806557678,60.10411891253397,3.513967189207869,6.48917863478591,1.9907974977412392e-07,0.0,0.16372583796582485,55.71022631974875,105.47419450370184,4.471742021037917,18.108194234038958,0.0001103085872793096,0.0,196.54288449483548 +0.9521983067473112,0.1616047494530155,0.3746479658605248,26.037917468864528,152.3561277685678,132440.26452304737,4.931481286355096,36.98509076268674,2.3118296869181827,12.215450181345041,0.6742150015228563,27.123394867989138,0.4091650385545688,0.985665727728822,410.5032474621092,90.75027464989225,0.1488086179341002,121813.48339680124,0.935251136122447,87.46544184682985,4237.039385478286,171.86466865672938,345.52368173972786,44.799418175610114,0.15122615386446545,0.18880327871822153,10.624042312412707,30.684778148482685,2.5375891358063076,39.01122857142012,0.0,0.8420558505116913,0.12311194821324409,13.63974955177073,32.617731993147316,0.4720754112352028,6.629601306917698,1.6033010066721712e-07,0.0001132097967789073,0.20163774090172548,10.811465256971543,29.16669784991531,0.2992376620874148,37.07621467993972,0.0,0.00014063033626880034,0.13559157243351702,39.35456503980597,41.96415944996874,4.744934152154019,22.54800827779983,1.9907974977412392e-07,0.0,0.1838381863080575,19.786943336830824,45.45938108496775,4.039070618173636,17.106367155906792,8.287069012943899e-05,0.0,113.25973135999313 +0.9875667945671875,0.18808197427278459,0.3853716044659033,166.27919261767403,244.02742325504008,309387.55945337814,2.327045808655332,97.03703302030269,2.34829195958262,67.21143391272786,1.5851667289640619,15.241674503639805,0.45855039308340106,0.913588891101738,96.69734840707434,29.255591090574768,0.3167414283743909,53191.89678380528,0.9066829135836332,86.95172692699643,4575.958520133161,284.17791027748416,346.02768520579593,58.99076805498956,0.24178555401048626,0.19500135001273358,4.688028095849426,26.92662721204588,3.3345727306346107,67.41764393177698,0.0,1.1875767145966933,0.13551669891512957,10.809478167537238,30.174564268103484,0.22766562918746575,14.374052389746282,1.6033010066721712e-07,0.0001132097967789073,0.20805647115954373,6.295630456879124,28.64532259783321,0.2400836143537888,66.72851013262584,0.0,0.00014063033626880034,0.12387552270132586,31.946698926890893,40.57979962680075,3.7120359796686615,17.101485840477658,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9177078342289954,0.26216058264841013,0.43841098569285064,136.36324284364895,237.51679541052613,316986.6742996025,4.113322320650943,94.0750260659245,3.5657494053239285,90.57248851803591,4.559624693692736,22.33074483479871,0.44330891318405724,0.9953460620282741,835.1662580108373,96.05768655401413,0.2866001910549542,298078.56445196347,2.961234343828717,97.70719291879077,4750.825514076411,279.0949333537859,347.9755329199968,59.04621508449809,0.16211030922557726,0.19343571672415527,35.971188345215616,59.39366295516981,2.87249792828035,14.137490812915429,5.633994367870301e-06,0.8383468330943449,0.12036635339877842,33.357419084898964,56.170325479934206,0.376924990028933,15.545620033620535,1.6033010066721712e-07,0.0001132097967789073,0.2037292266309529,39.910459670848844,66.9163404118693,0.26524042787002255,12.903907661770297,0.0,0.00014063033626880034,0.179480457419016,106.92787641558424,68.99099406519825,2.957030644097257,5.91353452754439,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9396713252643301,0.10141636672829675,0.39053235808544307,207.3361856008397,151.67668361787653,250424.38621829575,6.030669965331596,79.16799888829203,1.647963631204253,39.27901122588518,2.813764792320798,25.073211122250278,0.438670615014326,0.5687673457948845,6.674970084756893,1.3288034458772913,0.3235639911108104,147304.88297786165,2.337355232899407,87.1252025664519,4971.58649423809,272.2794557916416,250.89359539461262,58.830262736799156,0.33515024908900626,0.1922752215512656,3.2825227473299745,26.51006180606022,7.968773591957707,9.615410819623284,0.0,1.3439044164221534,0.1348492867502671,1.3789657095399777,15.022658680482078,0.8291422257252867,9.293092494280447,1.6033010066721712e-07,0.0001132097967789073,0.20359191019719397,1.718477981896693,25.63361186026278,0.34762244260414893,8.31899264659236,0.0,0.00014063033626880034,0.3291892130360483,19.15896706350324,18.521552746321863,9.937892428157202,44.38974193100441,1.9907974977412392e-07,0.0,0.19898475556295478,4.761104743259126,27.552899468982186,13.230441555859562,8.608964333349103,8.201758174092224e-05,0.0,75.66949907555271 +0.9036496655278915,0.16260796353983695,0.44076581442595153,232.3695015882426,93.82858827071132,291268.4162299226,6.79216964113593,16.485951233732813,3.4219104518997616,31.491447228514474,3.057100766381694,14.949884545163354,0.5841997054434104,0.770534382000812,384.36043540317803,57.22188923303486,0.08026121143358962,124216.58829275357,2.2309240116386824,77.10950783037357,2702.4203576211444,118.89477108323996,258.4398120748391,21.048604503083975,0.2390506631481382,0.20089791964404155,1.726414024474443,22.77084828291059,3.448571594773752,4.472291073051212,0.0,3.0589844289757893,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21066551102011,5.01750429245479,23.609412791593073,0.3270883689201502,3.007235511474432,4.579537547279832e-05,0.00014063033626880034,0.34405592794260864,7.712289372195771,14.827324144530348,13.35269832864311,54.000860707150295,1.9907974977412392e-07,0.0,0.15067683673319357,6.773175849646593,32.9450484034068,6.903755072373896,40.99750525683766,0.00012706105714594006,0.0,2698666337285.8823 +0.9698980334903613,0.19166577689016248,0.41835008390631534,150.8141693856644,163.1793936919733,134232.7915489251,2.9521764132893744,46.14594243021307,1.7019793228411721,33.94744085531475,1.2899722286577686,18.63089750723704,0.4435533414592446,0.9338712589418048,893.4361303446942,33.89352812931453,0.3192661065173065,52961.36444508747,0.5104488953382762,72.00895703798493,2794.667595678918,179.89391978770269,347.3651611325664,33.77518790291752,0.20919509256057586,0.19210064907589391,1.0347295384640782,24.867096676546588,2.7317101725513915,57.76492292951602,0.0,1.2204376995579234,0.13444644360550417,5.4554817308395736,23.32777623990278,0.6922714558238737,8.827242816089527,1.6033010066721712e-07,0.0001132097967789073,0.20540374419831645,1.8320289170162922,24.88538174858789,0.3284942200161696,58.455018759062526,0.0,0.00014063033626880034,0.13619816931908088,22.16520994735558,32.97024786777735,4.794608720905692,22.792185572906106,1.9907974977412392e-07,0.0,0.2066816486913046,3.5563369966645637,29.636280606002515,4.511497776341066,25.158551270088108,6.950458630661424e-05,0.0,111.00671573457872 +0.928066099163627,0.23311038093952124,0.366686405858381,161.87140767489896,240.8218524905011,272681.36047181574,2.6364962304767676,41.47820021082382,4.703814989341613,91.24110860976118,3.114282586512242,22.550691789728415,0.37111589582463683,0.9676208729360427,798.8583139666937,65.76171975450791,0.2649946394459309,67848.50042294867,0.9357910182817136,80.56987151278186,2077.785900901218,272.9140311121779,348.27470845424017,53.01454627064972,0.3002461342415428,0.19229699785663812,9.176903032299025,30.842442805914843,2.645712648219118,64.94647428436583,0.0,1.0131371529777016,0.1341177950575756,14.66092812532496,34.437878728437376,0.2600895574128265,10.377784381560865,1.6033010066721712e-07,0.0001132097967789073,0.20504899132158635,10.319289400793446,30.065195055018044,0.2489063021433045,63.5164910955996,0.0,0.00014063033626880034,0.11204574139779172,35.13476983435301,40.65450514582573,3.726451550632119,15.963353635351336,1.9907974977412392e-07,0.0,0.18149611839774818,10.245307698573427,41.00543313357965,3.4423781245478895,20.24906447462671,9.764553314233355e-05,0.0,131.07026412052957 +0.9280306765546753,0.23311038093952124,0.39783203515116744,208.01753447639504,241.22275732056312,107661.51960962338,6.667440298753784,41.47820021082382,1.4502643777705424,53.48496848534101,3.123949875814743,18.85125609499998,0.4308358257237443,0.9676208729360427,717.9940141335625,65.76171975450791,0.08382015435452372,67787.39400008415,0.9357910182817136,80.93664983542007,2075.073704575089,273.1513025946077,232.74692929573638,29.961132201960474,0.3002461342415428,0.17744527171245772,1.469389288987163,21.75162565580981,2.5365380234910284,32.113667364551965,0.0,2.5635718768278433,0.13410940729704368,1.4644488016090291,14.208174246232302,1.8238007248939148,5.542836891889652,1.6033010066721712e-07,0.0001132097967789073,0.20636416806512461,1.9559704748130282,23.376132697773706,0.518116624783792,19.799602850889425,0.0,0.00014063033626880034,0.35265832216061105,3.5920302818343695,14.491393621722594,15.397872516060515,54.99464344745279,1.9907974977412392e-07,0.0,0.08995838593489039,2.1169204641544357,33.87115510398306,6.9905600147522815,29.15440403132549,0.0,0.0,90.74927434624418 +0.9566646586029243,0.16901900877314763,0.3947931046601782,138.69389745332697,121.7896515889528,274679.8540755431,6.721693051235422,56.90674421461174,3.12800987556675,72.9821730611717,0.3585357536859721,27.94044463542619,0.4300240927500175,0.8047034537853109,803.7296192102444,57.36052270080168,0.28884841884048296,285827.7424862914,2.908424785067524,92.39045615960481,623.8187528794492,260.2792005451465,347.47857439236503,58.51945822911693,0.15967836022702578,0.19289254115535437,33.256589216305976,52.72118580451413,3.102771239188791,14.605693332954962,0.0,0.7382390044643822,0.12861510446198232,28.53992154881824,49.99689647429693,0.6788521550885888,13.829262718624653,1.6033010066721712e-07,0.0001132097967789073,0.20187093244020482,36.6257289730374,62.230281500337526,0.32771166555098596,12.690140288233977,0.0,0.00014063033626880034,0.21025931006697776,103.45443308051125,65.93013532178209,2.961704099237118,6.489451108189245,1.9907974977412392e-07,0.0,0.18104275602457143,61.59519496313224,104.14379006782167,5.607524191648008,13.935835712380165,0.0,0.0,207.25915005463574 +0.9857334253682435,0.20551964461247557,0.3210416445040541,126.25353822542799,148.94009689720187,304291.5576941517,4.189986786044967,50.046317652977294,4.425137126363943,91.87980009684328,4.495601088694267,26.349336975477904,0.4506242422313408,0.8168288907675211,894.0842667116051,20.055791339018512,0.27410753747500105,84773.19221123421,2.3084842584119976,79.30061390380575,1599.6582598573666,268.96716322457587,348.2174140804727,41.23655129708235,0.16717304163914423,0.19065166192031033,18.36603607398726,40.6400701809158,3.0814444526348135,29.388551285949415,0.0,0.8621516297107072,0.10322200880479095,28.832382531589744,60.92148400406931,0.3207037845016294,14.383728412413923,1.6033010066721712e-07,0.0001132097967789073,0.20162441969704611,21.514512014550835,44.02968497471887,0.2620325159276982,25.551677533437495,0.0,0.00014063033626880034,0.111466821523018,93.6392140884558,78.7448037661288,3.460382466986104,17.046360209158962,1.9907974977412392e-07,0.0,0.1691244282329139,58.06207053435398,108.87566225696557,5.12153569181273,21.45030471831606,8.461933900258609e-05,0.0,204.08383529262744 +0.9699667578619985,0.13070376055689967,0.32556308153629604,188.69371799948027,90.1097630256002,324380.4172357898,2.724065628424274,70.07843751196982,0.7699074932750554,27.565616388391902,3.8439516450191937,25.831112705401193,0.49542056131966655,0.7216093714167824,135.70351634201194,90.79046410400292,0.1946679787485623,55842.43602225438,0.8448787917673362,80.90023469274675,2440.0220415974973,279.87528812902735,330.40497103869956,56.011313444119104,0.18164160135445484,0.19580446195905024,6.048398973694768,25.229418563602696,3.213624131012868,68.88868381775514,0.0,0.7340919312210759,0.1321522701273171,7.762028347569178,26.262568164257207,0.24825539655142584,10.654811735970066,1.6033010066721712e-07,0.0001132097967789073,0.2063197754336591,6.771960492392269,28.870652652266088,0.23986562582391255,65.5242904104421,4.232828062467893e-05,0.00014063033626880034,0.1263957884670589,28.530245095700522,35.67713760678118,3.6561337668825806,18.831495122457845,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9372902965002838,0.16247274292022304,0.3746097139240445,190.65331858175142,150.31701290815863,134823.8065707328,3.2289884277907888,37.40046139514931,2.2715557027498177,19.25161263378235,3.118731891179714,24.119723534703187,0.4091868961674006,0.8766049541845373,482.4150358392337,41.12500617109934,0.149730943398227,60448.039855165305,0.932345510839959,31.460236332607334,1704.1780911691892,129.63067757138543,349.5187196366467,58.33337050103663,0.15558601964233668,0.19212415251152148,8.333379998851875,29.53651782177805,2.7871346703321245,74.81070199001992,0.0,0.777186144083483,0.12911035550626748,15.127416759362184,33.116212356749145,0.8012372180433615,12.320445015816299,1.6033010066721712e-07,0.0001132097967789073,0.20463365012754514,8.710816233476654,30.019843033724566,0.34652128482893874,67.65788075856089,0.0,0.00014063033626880034,0.12815560567992015,49.12822432969824,47.81214971420435,4.419793562558694,26.215654915274953,1.9907974977412392e-07,0.0,0.18005714560761055,9.111448649408807,42.560390502010144,3.811795054357617,27.30487870611081,0.0,0.0,147.10749548152566 +0.9577134526995803,0.10764515862071872,0.4218011367866175,181.56936788506158,231.59787864726167,268056.9730509808,6.138238408656341,65.46511993168716,3.866777819136143,75.81917372500455,2.813764792320798,24.750572763954555,0.5298445327044683,0.9264801506957769,29.80830581193294,2.636644831667713,0.21865408815129572,254080.3580438329,1.8856313093676973,99.9886917603605,1974.4168182864225,201.26331233598475,248.67978734549672,58.96540862781126,0.23290935297831053,0.18940100299214854,3.194368646862155,24.654844058158073,6.464805945621339,4.3422988263025335,1.4133469494522534e-05,0.991470908986993,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20205643325220207,1.842259930115377,22.61680813941523,0.3500899548715685,4.202229221361249,0.0,0.00014063033626880034,0.35619547394971635,20.74215197105074,18.445262933913575,10.89149017002504,48.710572673444894,1.9907974977412392e-07,0.0,0.21725079614879644,6.926588026699196,26.106606149598747,11.462674948351296,14.03547129107289,9.760629211881286e-05,0.0,2698666337285.8823 +0.9780337971643694,0.24203313245545488,0.3678374450504097,147.6533600220799,249.31246974709177,311672.1922637331,6.111065366036943,35.71957429303975,3.196577864488059,88.39738083704374,4.951259540443671,28.066801551491057,0.37881132376771237,0.8572316043546868,840.933725098232,99.51356167231224,0.051831748617195875,224395.59697462237,2.8673532217285405,51.27829651801067,804.2562125277117,243.20672857286604,343.10303452123486,54.23460443011355,0.2702937782711791,0.20035454677596107,43.94379069650473,57.143073324180826,3.3247966051147864,23.688636814758528,3.390895766488852e-06,4.913207971169286,0.13132571474731516,18.171408443734045,35.8824469332927,0.6910537325976496,8.910572068873448,1.6033010066721712e-07,0.0001132097967789073,0.20573176323768164,27.499598566450512,49.871731071142506,0.31904143468758805,11.46660474920636,0.0,0.00014063033626880034,0.32640209729538083,68.4323627678845,42.29618697831452,3.338180470593917,14.914390774363632,1.9907974977412392e-07,0.0,0.1908013969955591,35.74179807934891,67.94550701449351,5.803340722745889,9.197805147719444,0.0,0.0,153.5691651883214 +0.9807902439778055,0.15727685228640242,0.3997701945387612,185.62820030731808,126.39438823762733,111156.02102214529,4.797017134839569,65.79824784401762,2.5071028820857437,11.588537439553985,3.8216027683999285,23.09910173890756,0.6483696850458318,0.7835285475914944,12.725611022931915,4.448188238471758,0.10849541641035694,86528.92496844144,1.6198394336530475,96.57056250571371,2422.395932966656,297.3011981530576,334.00648995283746,59.97175477660818,0.2091358595797935,0.19530399768314713,9.512768226323894,29.470333617419385,5.467367860359301,33.383557231607746,4.2178658461206575e-05,1.1568298502027563,0.12241916885514414,12.74845475716261,29.601478930635515,1.2534947412689228,12.959794918480062,1.6033010066721712e-07,0.0001132097967789073,0.2065882159094899,10.612518219152822,33.29638378327938,0.4219697385581424,28.56212960812202,0.0,0.00014063033626880034,0.11585310020262982,39.176256600623105,43.63201804926811,5.371733534307964,11.902820591195985,1.9907974977412392e-07,0.0,0.18545801923739869,10.500678105945946,53.3697107804755,8.405469627760606,16.066656035444915,0.0,0.0,110.66535041427656 +0.9240489316762658,0.23957659719880287,0.4287666843366356,148.5711366981913,216.14179374838744,348820.7310572214,6.160818113029792,92.86616753258711,4.43925106274029,96.17361256630444,3.3139487741948246,29.408694102719455,0.4234341312821669,0.8492459831663697,778.6759423687248,79.00773277723123,0.31756194121501463,93332.82677635303,2.7784988018786207,92.62846457665381,2709.094035959979,285.5748071877876,280.17379445875287,14.495225943757132,0.31995684516805584,0.15957941037281925,3.4699994499303912,28.731535445531403,3.2127285662284355,14.910892117143806,0.0,0.7282264709949263,0.11925754912166159,2.009876898826556,19.363218228211654,0.5870185332444484,21.328628353505078,1.6033010066721712e-07,0.0001132097967789073,0.18441485588435835,2.87555958424478,28.305332147987524,0.3013877356434401,13.516060303882808,0.0,0.00014063033626880034,0.3465655914012225,24.437034095475997,20.398329099977815,9.27705899549711,47.601826897945685,1.9907974977412392e-07,0.0,0.09302289308737115,2.3684269294351967,35.98095324087764,5.93022324407488,46.33896519102195,0.0,0.0,98.71858598336668 +0.8594579098908317,0.16060174632650176,0.44008267185640676,127.65420363908262,192.5843338857391,215976.52984520118,6.627948905906928,35.86573749158009,4.688618832515985,44.256939834568946,3.103379700529378,11.60765028629763,0.6705183595521942,0.5942437270482386,918.1545473640613,53.923162738215524,0.2106751075499147,69971.62831881078,2.8829044919409115,98.95861667347259,462.0246109135453,116.39953111539488,267.9991558997848,34.14179920897217,0.1615784973239854,0.20087658019807822,4.595317614123176,23.98671519903528,2.9047732397409973,5.43338473835089,4.179954875007675e-05,0.7055284765676472,0.11956109562069199,2.035105505321259,19.32299554834689,0.9491644270678761,23.70867191752762,1.6033010066721712e-07,0.0001132097967789073,0.2137100565592772,4.370049871483622,23.626575745579245,0.36950574712158946,4.258925904691931,0.0,0.00014063033626880034,0.3211797161808327,25.48039425789235,21.321742005862784,7.917437340050548,46.81410188441855,1.9907974977412392e-07,0.0,0.21090297796915058,2.39037039124216,33.28157400660154,5.618944640803859,43.980784922881895,9.139162823801642e-06,0.0,92.78289684001687 +0.9221275790069682,0.23721801405676632,0.38211194949528,79.42745861458899,230.95100651901498,322117.50294846646,5.50382132579747,66.48988957538667,1.7085016607979604,30.438677560293144,1.68016136895127,28.545718035053046,0.689686542680261,0.9057137714968608,355.2906169580839,45.68667629417992,0.1845630895649794,58352.67953393067,0.4631118305109836,91.92200635713581,2193.149117336247,250.59783193061503,334.54952566070233,59.00844827007471,0.22335173167258762,0.19462694241316572,7.171982708761831,26.275288031715156,3.300530624298731,79.68492341254546,0.0,0.6546740723475092,0.13092749942144843,10.40284463329693,29.948997672364246,0.38107508458601685,9.804188145296333,1.6033010066721712e-07,0.0001132097967789073,0.2046472581570983,6.85807695694315,28.67201635480783,0.27124850499340386,74.04514541521388,8.937154617803143e-05,0.00014063033626880034,0.12769600557938643,26.57347495597958,41.26396261825482,2.7730243360709337,21.37108748797362,2.7581264978416273e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9746291887533453,0.1856484480511103,0.4352884782566793,165.87970783265578,235.81064335892424,185730.931253628,6.931155031147263,32.8626851981641,3.6194833401556887,44.710427532499516,0.4596282624120527,27.7733792206897,0.5856393718555885,0.7156164642713734,988.4620003825237,69.74016212895579,0.29217188465585964,84318.0855202298,2.805658427824055,97.69115221991281,4782.873433831926,281.8574151466088,278.506120607945,24.031398004639502,0.2295042093519703,0.17407435701168117,4.93249230258026,26.30882123522309,2.8854425088528175,13.80622168840588,4.318859377762362e-05,0.7579089228931952,0.11874780287537072,2.0621720024609833,19.9402974529318,1.2759935132445432,22.51973478709319,1.6033010066721712e-07,0.0001132097967789073,0.2061994125208636,4.823909653781441,25.441755341815348,0.42214408488082944,6.8077266052984005,0.0,0.00014063033626880034,0.3427085041691715,27.70359783834821,21.899661759207188,8.463761666736914,46.157935104919034,1.9907974977412392e-07,0.0,0.1336138743566011,2.534088637671432,35.999936420982294,6.407343683884175,46.18416401917567,0.0,0.0,97.31213478378109 +0.9177078342289954,0.20204883738614388,0.3541956675566268,171.72975473282216,233.685269412838,241068.69744178758,1.8847423033451003,64.88463746080163,2.686634358845313,52.694283925353645,2.79497681245321,24.0846299096405,0.4271114464506466,0.8147965667931578,175.1925915160893,92.99727513578372,0.28115845276639284,290186.72148917895,2.082108073287873,98.67649029823002,4750.881018999514,267.05955811661863,348.72206303732816,59.421863041455076,0.16211030922557726,0.19590943115354978,31.4780504019781,49.324476889722824,2.7282627495058676,21.699899474261976,0.0,1.2115808535437909,0.13397013574103692,35.028679368380494,62.0549934937206,0.22315892959853983,8.039902098512345,1.6033010066721712e-07,0.0001132097967789073,0.2069449781886969,35.17973497289616,53.40027821387643,0.24107919444696987,21.19504926983157,0.0,0.00014063033626880034,0.11184137290491025,93.85302967018275,70.77211780709293,3.802892954142404,9.952066478150781,1.9907974977412392e-07,0.0,0.20872759172666655,59.46388102928471,98.91403471823381,4.227117266589537,13.3802547917031,7.738836212463952e-05,0.0,202.5639766109454 +0.9460831832198954,0.12653092598209806,0.43236873608270143,168.45428343981752,195.12439633503925,193799.06162952574,6.955348258633592,74.77948615354073,3.3794510802959152,76.89224206231496,3.226308499041062,9.508917894573042,0.3438304170613727,0.9597096727586499,827.7145594191288,55.636862501210594,0.2247302572702415,52514.261928194246,2.2798621532736556,66.95234333021722,1382.5177637983968,22.550809868665468,228.42858343243572,12.713104717169264,0.254021450756509,0.1966488265669338,5.416920531901758,23.908363470374425,2.9863352990691303,3.2504977189606676,0.0,0.7194004094416916,0.13706105503424112,3.4882687745484757,12.183208702993012,1.19246523570003,14.499916741517184,1.6033010066721712e-07,0.0001132097967789073,0.20900074522706097,5.141419377358464,23.63427844412412,0.4082844239679113,2.2611191205111716,0.0,0.00014063033626880034,0.35644870079606217,6.296419641872569,13.65361032767732,18.8149718513865,59.66755539242408,1.9907974977412392e-07,0.0,0.14628655618814834,4.55935836079256,31.435711201072973,9.216047022192997,57.29808435810039,0.0,0.0,100.50397377036981 +0.8987577114920235,0.23725944104099597,0.3604568756173315,223.87556805378858,149.1645214910961,132402.12383663043,6.52981751848167,35.66288945829797,3.7731893158360004,87.24119932667244,4.346639103536403,18.603204021047038,0.7949256845947489,0.977979944372534,798.8997046736646,1.6475485200079447,0.213700043779106,123660.11910053896,2.5421438291846425,95.44125905260358,2425.2703018348134,282.7714162285432,346.3522036790535,58.09097990836686,0.1783107392253756,0.17693173317106844,18.698674309490706,56.63533634532489,3.7677159935627182,26.20657580825599,0.0,0.7511883807613909,0.10770165775080448,45.219591531965655,70.08243208851589,1.481934679314069,18.610495516417394,1.6033010066721712e-07,0.0001132097967789073,0.203992867276604,32.03349124483036,58.14943660953523,0.45849201460580885,25.22185834908323,2.0142207633159016e-05,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.17872416619165474,26.68374530638152,106.04166121883866,8.82498946990804,20.665475507412292,0.0,0.0,2698666337285.8823 +0.9203813407014172,0.16013799817639182,0.37443660907030957,110.0159236225978,215.0073687576369,143328.40243438803,6.53121891917287,87.70784058471918,4.814747509115427,91.24624198683209,3.5813434590351165,24.118305959343886,0.41849965360743907,0.9852607903850203,258.9040927609488,49.560915861313475,0.3190782914624436,299288.402195238,2.8741392198485056,92.46119311946083,2505.598395785629,227.03441799364703,349.140175367386,52.85733263075968,0.16093395126851973,0.1904231578426349,34.384154047594336,59.57558361683782,3.0965078131491017,15.270118169373088,0.0,0.9052108272202887,0.13054920060385142,32.743946849100084,59.31798708839606,1.2676812932138177,10.07784970972178,1.6033010066721712e-07,0.0001132097967789073,0.2007002248478762,38.09003334038089,63.908263090836286,0.4240135907973969,13.94302716564054,0.0,0.00014063033626880034,0.10678767317495569,104.12831490114226,72.20609654478669,3.9540595822541316,6.560909296771113,1.9907974977412392e-07,0.0,0.18557966470335924,66.8383759059087,113.19291673970675,6.335505338023123,12.301181268381209,5.8041953277961874e-05,0.0,221.32663012642166 +0.8804090876382045,0.12803626963724019,0.4360576191328658,108.51144382795384,184.65743299308932,268421.5254729793,6.616937087927449,95.29531981223676,2.3265750478511524,90.3071670284585,4.445972947550518,29.101830787017562,0.7868969665617125,0.9222019495181378,480.9008814334383,21.13086505610662,0.3405736875108806,78985.53950376363,1.8323698235239474,91.30420862139168,3652.71301846833,270.07652578901514,349.7209377110858,57.20870861604309,0.17442541273125134,0.1908650066295457,13.049985177158788,35.366959219257666,3.516645000758388,35.73904204859841,0.00013628416591395125,0.8479373726710933,0.10639020150393333,29.79114872848053,65.35648933890997,0.7031679752892156,19.140718575159166,1.6033010066721712e-07,0.0001132097967789073,0.19979510509222193,16.16894606492461,38.37965355785139,0.3287439929411832,33.12766707581715,0.0,0.00014063033626880034,0.18116686500609264,84.53354732971191,66.03885006866413,3.1754741630652035,14.915311587982604,1.9907974977412392e-07,0.0,0.16030496825967702,20.945958312844784,92.87944002209389,5.533037985860169,21.10887830206603,0.0,0.0,179.86268689080987 +0.9396627929421355,0.1635648930237026,0.39897893741239326,202.45264482767521,149.84594783757476,292348.0152253374,4.083443003681303,57.439528994613106,2.4460164722128317,52.44802384834918,4.5549829959819,27.920067418372064,0.32694060907079286,0.8117132485730759,255.12526173464926,78.1701014673366,0.10867766759058992,58529.82742459293,0.6820469707126062,54.24021376791561,4146.676715396841,185.9694559003309,342.94304792968677,59.596187817427264,0.31744940610282907,0.1954356365960393,8.46151434950792,26.905241345333312,3.1455450843647252,78.53690917923073,0.0,1.2587779036024438,0.12671136143101275,9.910953795372535,27.36525404602798,0.4255012655676064,9.56703812089136,1.6033010066721712e-07,0.0001132097967789073,0.20307857588266015,5.591638381222313,26.930699415792525,0.2758801722437504,66.13843671267286,0.0,0.00014063033626880034,0.06142414317085486,24.9885417729578,28.92736175309291,3.06818200221309,12.69359609967486,1.9907974977412392e-07,0.0,0.19755411983229618,11.912638219552356,33.79713828155052,5.079206007220434,26.278469524490667,0.00016715161256129508,0.0,129.1399176244128 +0.9288376172072892,0.2449684746492139,0.3471544218021225,130.00453498769042,237.7689997554523,322954.7505569073,5.747322714490796,81.67663345813868,4.816945830997666,88.104309528359,4.979977709478666,29.3914647740784,0.5800514212653421,0.995210788696837,940.6120411223749,80.2031611987902,0.3372677776147481,206809.3781625018,2.675691871529238,92.79968847452193,4502.611761602741,270.18952663032763,344.85434577990816,57.51344601044424,0.19488032231588948,0.1909323154986207,32.305912183591914,55.139301647242156,3.0237603040555134,21.23487327642618,0.0,0.806292462765936,0.11600180698358632,33.004905652253754,60.67863480724852,0.5682546082969251,13.835827338373152,1.6033010066721712e-07,0.0001132097967789073,0.20037572916549812,36.10971190989154,63.67759766766897,0.29886016139590493,18.913537905883533,2.2084711549990404e-05,0.00014063033626880034,0.10552155567076497,94.74092330444789,71.1817737987865,3.0329639604050382,8.651141921695466,1.9907974977412392e-07,0.0,0.1662411226153851,71.8351960622481,125.47923527242877,5.256191351569469,17.990007623231023,0.00022315595237864744,0.0,224.96159533913018 +0.9578721407593991,0.11597731379961423,0.33812802009627907,28.878179756877685,102.64982270776133,256367.46268032727,4.161441764212501,57.24162815173836,4.569618343028814,73.36690472782283,3.27188837567704,24.106830538917034,0.3911639214669097,0.9888777542991812,525.6409416712582,83.96839503284589,0.29833762334091085,101481.1867938753,0.9479037008861657,98.87216032089061,3943.1731692054423,131.39390860826134,344.0359706743267,58.1042518795472,0.24258478399184824,0.18785439284846023,11.613317129226612,33.22603889690609,2.583433839897008,49.995326425970866,0.0,1.2011509418685806,0.12497915383647265,15.621255916375539,37.55647794247431,0.24172654611514285,7.10911207412138,1.6033010066721712e-07,0.0001132097967789073,0.20207990747797241,13.403520693139388,35.995986299649864,0.2421982265090707,51.75321440114323,0.0,0.00014063033626880034,0.12042727566716878,34.97054013496873,40.151430765358256,4.04683317009723,19.464552918611684,1.9907974977412392e-07,0.0,0.18503677291524623,22.014101554087134,47.6874273053297,4.067143482745365,23.47669075378369,0.00014282097392193715,0.0,127.1309894565108 +0.8532313570229141,0.12653092598209806,0.422431713373986,204.81743389557496,195.46153679409755,308885.63159963704,6.863188383567005,29.820866296491637,0.36427694209793016,90.55949172333122,3.068806524267411,9.508917894573042,0.3438304170613727,0.7670181489820802,969.0888568827196,55.99431886560603,0.22924147530429012,52514.261928194246,2.241416840569301,46.72253474338299,2021.8394631670963,19.69889047091843,262.9744819973922,12.713104717169264,0.2663205042715894,0.20044433867373534,4.412542510901213,24.452075065641093,3.2043888112861474,3.078511172778924,0.0,0.6803644994371254,0.1426334457884571,2.7518761520000763,12.796313996252884,0.8366174027734132,6.467511095682631,1.6033010066721712e-07,0.0001132097967789073,0.21254960771331716,4.3999568569856295,23.520013687934167,0.34423310986118155,2.001248297949159,0.0,0.00014063033626880034,0.3425677537789505,5.606264013576459,14.925845672061318,14.90654225190038,55.52907552033733,1.9907974977412392e-07,0.0,0.15108576735721144,4.6567446434730515,33.85659967248321,8.142449824334419,59.11251559560565,8.715851300583292e-05,0.0,98.57376818794042 +0.9702254649091852,0.21423083821826727,0.32857185105216047,233.69424711734928,128.49074132175306,234325.18261875137,2.8244743042354368,69.03277093561285,0.8652269032996776,59.51756023179506,1.663799764636477,22.94801204753042,0.3760347514263019,0.9239394975790978,77.67162175214042,41.95768877064538,0.2950270445907946,56094.53970313142,1.0766455618051811,99.88278362700717,2930.90262464684,255.06464604920484,336.6150978429196,49.286698410605396,0.31375729631926375,0.19104795112663664,7.032536751280882,28.539571639085047,3.1059934226900405,62.03052640314766,0.0,1.1060618135275835,0.12756046160218323,12.95647372608563,33.99971190499269,0.32103163374567434,12.836399127962565,1.6033010066721712e-07,0.0001132097967789073,0.20402944997036962,8.550533071232946,30.08649904299484,0.2614563865109896,61.30604875459761,0.0,0.00014063033626880034,0.09962240831675598,30.495336486649496,37.78873103948151,3.306133283804307,16.023264497750127,1.9907974977412392e-07,0.0,0.18899947882358065,17.77016048012318,43.532565358700055,4.894730588160159,24.019321846098244,0.0,0.0,128.0065416397339 +0.944198150895682,0.19155593514347324,0.3481638175808939,12.150930115452326,23.61606477038388,295800.8297415116,5.603747895894429,74.93351519911165,1.441582854058351,94.4029306392626,4.250729966616123,20.187516490002352,0.48254423062504104,0.8425245371021824,132.42262878242428,18.4639950270494,0.051230970872988696,263391.4530803987,2.8391772460752134,70.93290305800221,3658.379327067425,250.2678390275543,349.9118808196328,59.12991543228038,0.30115849133887473,0.1974026172551324,41.72665923034093,58.56955149041866,3.2172768939919067,21.562146798016627,0.0,1.7274988222221583,0.13495696521026745,17.955136000469942,38.76729781133053,0.37116104423613533,10.462307040217356,1.6033010066721712e-07,0.0001132097967789073,0.20699134778280415,34.92540302113797,55.65435159320703,0.23700439928334924,15.564015944147949,1.111898005447212e-05,0.00014063033626880034,0.2846217344424016,59.89948800298501,38.55443946801396,3.6312660082178887,7.646105078114954,1.9907974977412392e-07,0.0,0.19184607624079095,16.736939219636234,59.30779151379311,3.691392321827262,12.829643699449884,0.0,0.0,145.8292384396643 +0.929907552326827,0.14963016046410677,0.3559752124108342,202.25290837753602,231.7984209096895,273935.471290591,2.653356559008339,78.87343831334549,3.1963861712611066,89.67251046356488,4.850645183232988,12.16147862599868,0.7043962816466931,0.8316255691078505,915.5825420958985,56.335083086009675,0.08065070270644403,296528.9426769474,2.628701055165805,96.48797854680984,4641.181546582018,185.46370139283718,349.90827875846145,57.90620596473634,0.16120363737414786,0.19914662314636858,42.88837579269593,57.96225818909999,2.6687808373985615,22.14571664529479,0.0,1.3599871432951802,0.13868761893860812,31.249357758672314,57.278277686751096,0.29879782280364986,8.641820554264239,1.6033010066721712e-07,0.0001132097967789073,0.19500628651454566,24.69398051428194,60.25591856142993,0.27382639886173743,14.68085405566851,0.0,0.00014414060373783881,0.1038938430499025,91.29960671057327,68.10782503346275,3.5310417413042114,6.537837681565986,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8726418091582296,0.19104027656403372,0.32506424585258026,103.47276491678667,213.14586807086644,239109.46719222,2.6079911106520033,33.90362050582221,0.9505033357281909,8.617295956412057,3.153750082285315,26.773943471321843,0.5337210169066529,0.7428766382787004,832.5203617034189,52.96316044330755,0.30233309738395114,248794.95839969965,2.9109324733942543,82.73008597729321,2485.5538018284024,221.5043863094819,346.12355536027155,57.241845437743734,0.19611748911849572,0.19540293507215992,34.06458032707138,51.91975296663257,2.5260398330083773,18.13651658165529,7.863390083238562e-06,1.185467252278732,0.1328941374569635,35.273443242119086,64.43629256967567,0.22174311051360548,12.044891621077328,1.6033010066721712e-07,0.0001132097967789073,0.20905226657064357,38.205262072662684,57.55602936865044,0.24717031116789137,16.398813323630307,0.0,0.00014063033626880034,0.10949103548059815,99.14754808051136,70.13934423457215,4.074695080135222,7.640011070924146,1.9907974977412392e-07,0.0,0.2244795413182843,60.247178080292485,102.39057278809207,4.173612712808057,14.971421617971624,0.00017428085240323157,0.0,209.6556458833548 +0.892245617582941,0.18245920862152365,0.3203454901321899,32.61076716265804,186.19237562080866,220068.45798598358,2.1461276294804383,53.113528287606684,4.093747288419611,62.80689935059645,2.7187402211645253,28.19047823934737,0.42873875947953566,0.8135115606305976,157.4506506760186,14.58523240584599,0.16868466689264477,52901.84266287965,0.6991127726341817,91.99502145816734,916.2149931599147,219.02032974917398,306.5016117481254,53.745931814722084,0.24204185121711452,0.1941463464358979,4.708749424080584,24.235381667997952,2.8536070876103143,69.48256903744027,0.0,1.1214728188954775,0.13323785688931952,5.6380079985898535,20.981341077961904,0.3627532381763881,7.399034949572214,1.6033010066721712e-07,0.0001132097967789073,0.2061062663198621,6.156603939534774,26.475986646443758,0.23586187415850335,68.12318033543404,0.0,0.00014063033626880034,0.13752942705012025,13.462491405785572,26.249194815811762,4.044069080666975,18.48316707745245,1.9907974977412392e-07,0.0,0.20950285950749126,5.107781915095329,29.787279802138194,4.382317907627457,26.98132140120253,0.0003539063633232542,0.0,119.34114877125201 +0.9415069252363231,0.24481883169151913,0.42562744995716584,232.33484539973327,90.81277617611053,334490.43459713523,3.2454011754226975,32.506045251249155,4.108839891868757,61.81085799656543,3.971218346904483,25.550243336412287,0.4560939913514944,0.9025450074412102,42.770248630571984,24.911886084869355,0.32365904433933795,90367.08767624559,1.5258543362448063,87.62530570332085,4080.4921040524932,261.512996362964,349.3681750541386,50.32288218395652,0.3438666769848119,0.19161697314787657,9.782810033804394,31.154006015106532,3.7680999095611507,34.79198735837406,0.0,1.0607897204819474,0.12841119252755917,11.351128600006634,29.866413428821982,0.21024245908079864,12.131156516619273,1.6033010066721712e-07,0.0001132097967789073,0.20658815616005838,10.799665434159593,30.215673105851593,0.2445961580150375,33.628366672573684,0.0,0.00014063033626880034,0.13589367144533207,32.745209477440326,33.61514913172655,4.037200704031301,6.094181926457714,1.9907974977412392e-07,0.0,0.21120726836873488,18.37757046841687,44.80294963029395,5.344944023259963,16.711135538233286,0.0,0.0,102.61277720671167 +0.808571488214173,0.17404069186116722,0.3481075740630684,91.19913035980208,144.60177469093713,274339.7522214908,2.566933327208437,58.19817631829954,3.3472096091613905,34.7189550894811,0.3829788655387456,19.15132553970384,0.3646464871161648,0.9784289614603571,46.002899466992346,83.09944333586648,0.2926750566249268,173119.8073116139,2.637135928071578,72.25680046794385,2166.508700814662,191.49073342421443,343.726132357206,56.73236661369008,0.19800683117875328,0.1943131718993051,26.987429574334367,46.626824573635226,3.041607664425227,22.562369951819566,0.0,1.1672695044141606,0.1322263491679932,35.08377453909208,63.01459358559158,0.24489995037037735,10.74304170295172,1.6033010066721712e-07,0.0001132097967789073,0.2077022429160846,30.987010253361994,50.83627977252643,0.2400349700977121,20.007527970648216,0.0,0.00014063033626880034,0.12281265307649425,97.44978346754235,73.07685537118674,3.5591605944138345,11.885338309436131,1.9907974977412392e-07,0.0,0.20212911956155152,53.12437613588013,91.1210856576908,4.368421620967106,12.583770250204337,0.0,0.0,197.4273966054414 +0.9336850782976305,0.14920188377451193,0.3695374761767569,13.77247121303921,41.92617443478111,113089.95245610253,4.203144632654924,51.180659174718485,1.211262322402263,93.77195455919306,0.41147865964392505,14.113763362882777,0.41007666312128477,0.6361034896743272,331.14804693960406,50.884712957536934,0.08643053623332951,56149.98873388559,0.5646793168461246,70.51486936706699,4930.183584565336,255.00217195317063,340.4262996315201,41.75139625714642,0.19555657311306116,0.19894087884873649,2.6657865762262065,24.461719528676824,2.5325911496244884,66.28098965821988,0.0,0.9776514594346617,0.138682417266736,6.34328377202917,21.825659236790234,0.22034868549989442,7.989093732177805,1.6033010066721712e-07,0.0001132097967789073,0.21209868862813458,2.6752109523296643,25.153676865259488,0.2564508514077149,61.25231778583097,0.0,0.00014063033626880034,0.15470792239997042,16.679708994860366,25.093327397910777,4.924275885935936,25.224450251525038,1.9907974977412392e-07,0.0,0.21884708589208987,0.8184213455296958,21.917504483443874,2.7489950565022583,24.25197932777721,0.00011016409493700047,0.0,112.35486575791069 +0.9411854364310447,0.1796873028999558,0.36720891936699396,87.90598336065528,126.86593848137574,310842.0494775653,1.65139457264513,69.78483001106844,0.7691807661458244,52.84924432109527,3.025239123270809,25.855847289279097,0.3660250625677544,0.7244093464673222,524.7974880480948,53.762280034197644,0.2983288259673425,52669.24411264413,0.5549509845547168,93.97602743931103,1054.7241791111885,271.06267800322337,333.79685841374067,38.45777388111286,0.339370331697697,0.19631598289098723,1.2415840525848594,24.354692483633958,2.7216591863354838,61.190376084901835,0.0,1.2737859702296088,0.13480438647270027,4.664763941686633,20.84188846440744,0.41095710515072315,7.102688515494853,1.6033010066721712e-07,0.0001132097967789073,0.20879826010740773,2.472578124228529,24.610096157105215,0.23592913148044828,61.541899313316925,0.0,0.00014063033626880034,0.12306335527519421,13.45389304046453,21.333445028190052,3.773665998437486,16.958280934293125,1.6255665273327583e-05,0.0,0.21434534157177682,3.16645235391952,27.851250061854433,4.0840883638455505,25.013431161084867,0.00013132542827392694,0.0,107.79682743183136 +0.9648079797567097,0.22834373838617222,0.40220853745965107,139.33299490749124,122.27809295281439,337752.2716801674,6.03604555277932,57.8015011030368,4.194032295315807,11.641282607595656,4.489965952273319,29.62953054093323,0.4780804269277244,0.9298548566290242,847.5985777945363,47.63045993973961,0.2404110216911408,51417.94873470836,2.8864940620519475,84.0521242651131,3913.710028773861,116.2767623365943,342.9068045584834,54.84528357115085,0.20305460375734768,0.18960852788008042,18.834103392375695,43.225848861167634,3.2260920461398013,21.091308344671614,0.0,0.6063011121514424,0.11855140790357954,31.557729909497954,65.909656239225,0.46079680243222154,19.41071968888334,1.6033010066721712e-07,0.0001132097967789073,0.1988405279337372,22.378513627924,47.48911035423101,0.2874636681625623,16.22517342491433,0.0,0.00014063033626880034,0.2668422394833171,81.04249577847825,58.27855569386469,4.1580942499988,27.39753060945294,1.9907974977412392e-07,0.0,0.16470265277243482,45.60689180559198,86.3865754530826,5.470038788630235,17.48857305627225,0.0003702463943968978,0.0,178.95784098361503 +0.953806666899856,0.16875768804417157,0.4383655899446581,166.26112225430126,244.13121138964152,335081.4088108991,6.031599815289301,84.21371461768143,3.0285472394292237,65.39188964619247,4.341022907291838,28.858466873923536,0.32239854424607645,0.8539554772657032,539.0928262066451,39.78260712530951,0.19528951404613773,238960.37583506247,2.1508216741303308,51.03159767313934,4164.328187107928,72.793412200323,348.63395618300063,36.01970708412962,0.3447491478451998,0.19299931264656545,15.418772584151164,30.510952711026665,3.438916827881462,12.437568242578667,0.0,0.7373580463313798,0.12084129353179365,9.823485074163802,26.874074148156712,0.6623951606037067,3.8101729646177698,1.6033010066721712e-07,0.0001132097967789073,0.20368516730032152,14.748036427032337,33.65464195338709,0.3122986616764255,10.379590946605012,0.0,0.00014063033626880034,0.35113525192056444,36.3607989776559,23.358593600611226,6.011154651588116,41.89356017861662,1.9907974977412392e-07,0.0,0.1871034678871002,17.32307338347866,37.85458501237122,6.534969058293749,4.689271607945208,0.0,0.0,95.3116296796354 +0.8903685336253098,0.13283352431320095,0.3686919967897378,234.86672818648208,115.32048908685553,307665.8275761337,5.3005437980221295,99.94654373523447,3.207363936301644,95.5083196494894,4.670285309736009,26.97183556208859,0.6099594168463841,0.9110349838855464,368.3864292018082,45.67138504389026,0.14513200607808874,100998.86174347525,2.370908881167739,99.61996237939965,1125.546678368507,259.1018288783767,347.77889616065335,52.57848051177285,0.17912590003305354,0.19150558379811272,25.599015652645477,46.528199250873925,3.403576919777539,31.723295180526534,6.438451260426936e-06,0.96000959479668,0.10672033274413363,32.97732111173769,67.8195246571011,0.5179411140893252,16.50261141497182,1.6033010066721712e-07,0.0001132097967789073,0.1990832155361816,25.776953571651745,50.13481395846269,0.29629350700758345,25.670495765241693,0.0,0.00014063033626880034,0.12188573484493155,84.04650379841696,66.69293873039665,3.272208738143595,13.53655961770364,1.9907974977412392e-07,0.0,0.17725918244289118,55.69793179614189,98.03743807876258,6.278779769066798,22.510003934857647,0.0,0.0,196.47195814978295 +0.9889080485165145,0.19030245340462576,0.33015572514077546,233.32179089312007,154.80996969149473,205646.89258314058,4.683221506208514,84.59010248622556,1.7220091155671917,98.34523610987809,0.5549108396286491,20.9112189833445,0.424871339256501,0.8872914235959594,820.4231009885366,96.3788136172713,0.09155675688496621,257677.67027025297,2.960757571638856,21.40543192568968,4574.6727378346695,249.99889667672414,349.8460775261361,57.53374618749611,0.31572821696696823,0.19567992813426693,41.20902752939065,58.8115669538544,2.6675314223919977,21.93898390379385,0.0,1.787706001526191,0.13408201533218497,16.194700162149815,35.7850467630448,0.8209035043049562,4.44450307715877,1.6033010066721712e-07,0.0001132097967789073,0.2054628889508664,34.35180424391663,58.046127091226744,0.34590407220236086,14.661976888856763,0.0,0.00014063033626880034,0.3058485642369064,58.63048488467807,38.59174569568253,3.083188107091633,6.771367331452003,1.9907974977412392e-07,0.0,0.20580203112275086,32.11398106347892,64.2961142127322,5.079609897894974,8.08730852417153,0.0005023651237539583,0.0,149.04806749339735 +0.8905686293085417,0.20073215918873372,0.33589789032244355,219.96463050424887,176.50682512254366,222446.61270496546,5.514876567727638,13.666388917582971,3.6820679524144904,12.94412241220094,0.4203004375860211,22.465295511402214,0.3935108305431609,0.8805114368234016,660.0572381032424,81.09876007982017,0.10315518214235322,71078.15311965728,0.7746310181613053,49.653874953947586,1370.9929527233253,294.4384333348241,346.70954806034814,39.29140932298334,0.18461451693851577,0.19790312804754315,14.015951930197676,28.989686940428527,2.8724591712717715,76.46426728026475,2.375649188864212e-05,1.798330678204071,0.1353091036504584,13.99931799753307,32.40695709746336,0.9205768583624501,8.80418517311441,1.6033010066721712e-07,0.0001132097967789073,0.20697984283500653,9.079621880071333,29.218677778903103,0.3608201454103728,61.19068614568243,0.0,0.00014063033626880034,0.13403322653165375,53.702370100728764,48.06815262416651,3.1424095562768612,22.014027343544786,1.9907974977412392e-07,0.0,0.2169420666915741,17.324251837726347,38.937405172670076,5.784456168785134,22.68692966164432,8.401054266768258e-05,0.0,144.7543752268524 +0.9288376172072892,0.24487257941626134,0.3457485032326941,130.00453498769042,238.73406899019895,309818.4409952412,5.747322714490796,79.88307943143332,4.076878261938276,88.104309528359,4.979977709478666,29.502269978517266,0.5800514212653421,0.995210788696837,945.725673952079,80.49025667138297,0.18539058759244811,206809.3781625018,2.675691871529238,92.79968847452193,181.60183950534474,270.18952663032763,345.4713953274665,52.17406484300704,0.18174778658270346,0.191999129880365,34.00374808073481,55.78485078486041,3.0029446915662303,21.845231282842267,0.0,0.7118932108307877,0.11140714240290349,35.52411323006232,63.81870437902216,0.5987043706672293,13.645067374006144,1.6033010066721712e-07,0.0001132097967789073,0.20041784272776716,35.133901085536316,62.46459710624694,0.3045262619144773,17.806561569319907,2.2084711549990404e-05,0.00014063033626880034,0.12434638936240179,108.27385125982751,76.13224638469899,2.9841783070961734,9.563964036387196,1.9907974977412392e-07,0.0,0.17149093314000025,72.73977298513799,126.06789460890313,5.212501402545428,17.17845587944928,1.627600686422196e-05,0.0,234.2135249680976 +0.9455976242364853,0.12296613296311487,0.3446730279736842,77.32740394593549,109.01975190302802,111289.59310728515,4.120512078485116,78.27852649090342,3.5616206315760195,37.567141039132565,4.309231011282,17.871063214261827,0.3137817770274493,0.9702173679488715,603.4418260216536,17.977218573665606,0.18403778076787963,257206.36878113018,2.9475387278001235,68.43418032127474,3049.630136863322,234.05781826979708,227.40898623215526,31.20317218830856,0.17154615798493164,0.19163839321593992,1.9241156332759002,22.051963353080072,3.0418895263972354,6.247126668409567,0.0,0.8064577014433121,0.13232778785194305,1.6220746538961186,13.88757560009742,0.8250209692922091,12.357693889519565,1.6033010066721712e-07,0.0001132097967789073,0.20298864404300082,1.6035033395696228,22.185240968542246,0.3611645148027036,4.445511957150411,0.0,0.00014063033626880034,0.3568832637657218,5.454806924201678,14.160895756162944,10.704994840837571,51.23160312092392,1.9907974977412392e-07,0.0,0.18467464153943347,5.902369281415604,25.44897353090764,5.2171290406905015,13.924979276874742,0.00012738670975137505,0.0,72.63530982588408 +0.9841230552155249,0.20751935697126664,0.34767445336733244,63.539098676762336,114.06163044782087,239807.10037265802,6.419445027873269,9.33396060394924,1.9171369759931849,63.159609117869266,2.364335628522099,18.570171825923918,0.3749848216782652,0.8777359291542113,712.7422516782143,92.52993113241384,0.2702883810844709,60487.989144308085,0.7733561767883635,63.89299737673714,3555.037583662244,270.77130498338084,333.8208316056899,58.922566897817966,0.1713331557587684,0.19375202199623132,6.6226433404964,27.08355771313346,2.7472422423946536,69.31861819060052,0.0,0.7668062108365513,0.13534802082554817,8.38391677963411,26.92194628981889,0.524197370850573,10.040053268322033,1.6033010066721712e-07,0.0001132097967789073,0.20630096433569547,7.405206262572865,27.00112491717759,0.30639204968143197,65.7952823348009,0.0,0.00014063033626880034,0.12996351440348622,33.16626272218606,37.53683039146208,3.6794073653727764,19.513293798783145,1.9907974977412392e-07,0.0,0.20158170073545367,12.884371402230643,35.70874078129939,4.628295993386527,25.73175205343628,0.00011887109555172062,0.0,128.94920266225708 +0.8430041224926351,0.1435590893793174,0.3750899140161123,234.977448191685,34.816537385032525,286518.6765499511,4.6769651848667575,47.91001590671614,2.8721826002576334,37.94255154353061,4.443462048729607,27.35847106762866,0.3869284682654813,0.9809342344130373,307.32714566346556,48.526261317333926,0.19468962046460367,85730.72549199896,1.1014124180399927,93.50727190172861,2511.6959295968854,279.3916900938002,349.6327244596006,52.65181886870543,0.17013252658482508,0.19229209877290748,14.194078445222916,33.15744843994673,3.273912556452902,58.02198742450631,0.0,0.7122771694864585,0.1286636053614745,24.78248348260269,50.586537391929745,0.2175704147353139,11.185744876125455,1.6033010066721712e-07,0.0001132097967789073,0.20088251664970083,14.072293085163325,30.839097798035997,0.2641905596579997,53.697426153839935,0.0,0.00014063033626880034,0.11528139426980304,75.70334206724645,62.77022697106789,3.7245091487091204,17.972754210665748,1.9907974977412392e-07,0.0,0.19857675696018076,35.914149715704475,68.13142413934868,4.939612655840424,23.59456365168092,0.0,0.0,168.90980293768504 +0.8392327331281699,0.1869990518701465,0.33061082141958664,47.39992651978041,180.3706784550307,293660.6596089418,5.325228789143546,77.7678385108616,2.333120697670074,95.66919872673526,4.642475095588667,25.900600484367164,0.39333891998050174,0.9252179519763692,562.5161680689012,89.84645864794203,0.08312798290689663,143325.9450853783,2.9371967441249365,98.59011031884022,2289.530144998981,192.97775809253068,337.996585795229,55.228522370011184,0.18122662175143478,0.1958659373924518,36.41243479642462,56.402730079529604,2.8274417580167124,24.23653565092147,0.0,1.5709886829865396,0.11515983357108096,40.252462612376114,64.08965209308951,0.253698338940808,14.382118839647235,1.6033010066721712e-07,0.0001132097967789073,0.2020741213381624,34.36294121714036,59.61591788464212,0.2565028082211446,17.002969863700304,0.0,0.00014063033626880034,0.12403248087015072,110.56207476307353,78.32946200517762,3.683515648351335,12.50430097099862,1.9907974977412392e-07,0.0,0.19471221142893003,56.85117059356631,102.74946827008982,4.441036332673328,16.243479077721492,0.0,0.0,220.60445692310913 +0.9435948787739579,0.15204630439284594,0.3646898687239764,202.58624024790834,220.5615121474607,303835.99250327505,3.2760170769813035,89.96752493176484,4.282024993269355,63.830916736598745,0.37554207783305205,16.542881935739484,0.3725386348746856,0.9732060187366366,537.5682195516863,31.41795560967514,0.09539882480380218,59413.74425734239,0.726440433312261,83.19592974942147,2342.419981910412,261.96652730170774,344.9360405661405,45.78503670105049,0.21240960462589992,0.19627647398494222,9.416432793006665,27.64974112982756,3.0587211652429085,76.64977847180408,0.0,1.2592838638782307,0.13383283135396018,10.18768721091124,28.257137665956662,0.3523709268971655,10.23373125875566,1.6033010066721712e-07,0.0001132097967789073,0.20613065494278945,6.08204543760031,27.866345273950497,0.25903915469314787,63.8466197966571,0.0,0.00014063033626880034,0.12367554115499471,35.39131773201533,41.416783183749814,3.051052362501559,19.69178895771912,1.9907974977412392e-07,0.0,0.2026675752842638,13.780569480777666,38.06956097418398,5.141556927200654,26.675728894999146,0.00014854317625937757,0.0,135.56824818084573 +0.8619629690164985,0.1461669469102393,0.3201306373167561,139.33299490749124,205.28877696862338,296852.0160519711,3.320329281731448,59.10200764030592,4.371524779881718,92.76445139905553,4.6179880831114,25.91435567360732,0.47118289427527504,0.7996746892480858,847.5985777945363,30.573334128587703,0.14972931751952254,239329.16079459834,2.886231041126931,85.31220730088381,1599.8214961681072,252.81458667333345,342.9342580028793,53.90354152117724,0.20123117406452207,0.19803204249378065,34.77619661886682,51.56896839010692,2.8796911109619336,18.1470388614927,2.855492598721909e-05,0.7026114733153183,0.12908667189939335,32.566585357229854,57.87512273279565,0.2774464952569617,11.923873312342781,1.6033010066721712e-07,0.0001132097967789073,0.20597370635977402,36.48050929719444,60.28370702552779,0.2530978332287275,14.660878309063945,0.0,0.00014063033626880034,0.09821662282339999,92.99548680742939,70.93401062068938,3.5702566500211455,7.832640268081957,1.9907974977412392e-07,0.0,0.20219184633462978,58.14308502765279,98.93279870948768,4.7377519222381,13.926038023677009,0.00013287829202594123,0.0,202.67685629222518 +0.8604461715034508,0.13164127881579307,0.44453265099994616,127.11784151278881,56.314405054597884,217314.9667226854,3.2642459052041817,30.036204568581482,0.6295918057085155,44.256939834568946,0.26801533382091947,11.504102503538423,0.6705183595521942,0.4152884092521732,929.9384130800312,53.99020785476083,0.21405171689757857,68831.42473761573,2.8829044919409115,95.57282166780514,419.41213328205026,116.39953111539488,267.9991558997848,20.763100155429484,0.1552467468167812,0.18580516474941722,6.064170232920827,23.976641071397513,2.147199841242979,5.58486892702954,7.262379999033203e-05,0.8747499314138065,0.1082671437028505,2.0034738726474632,17.253965540587934,0.21806275747561762,26.44678518938468,1.6033010066721712e-07,0.0001132097967789073,0.21482603343908424,6.408028241110323,23.28694561081271,0.2578150218936479,4.27829761040355,0.0,0.00014063033626880034,0.2817583104896014,10.145095125252888,18.45423428243778,5.314835530924331,47.03520516889961,1.9907974977412392e-07,0.0,0.228269771586905,7.288797408274271,30.24769235146875,4.187035709091569,39.16340490599199,0.00013294592048868626,0.0,86.34086349651761 +0.9812375665025319,0.10900985598908916,0.3428753895616063,96.42434461693372,227.07846186409603,122302.7573137169,5.623430002192673,24.431642853849112,2.1814212658429524,33.064177196044874,1.3431663499006956,24.94445309539535,0.35400022129861164,0.572631773284904,242.79405876243501,2.058295793283431,0.15723135096620725,56683.12309439172,0.5948402906537642,72.27795212820686,360.8516350256035,213.49883250703107,249.53864680192854,36.953477533021584,0.33702824877220927,0.19698629331804957,2.864392286481358,24.09087855936925,5.110147846056351,42.56561290586608,0.0,0.8023397633323746,0.13625904969511612,2.1412946077199253,13.168785223485363,1.2308322502473439,4.3486548188879866,1.6033010066721712e-07,0.0001132097967789073,0.210616815275743,2.29470818681979,23.878521817897887,0.41884346559793234,38.23469793596317,0.0,0.00014063033626880034,0.3325031360549178,7.946484712527676,16.46038871741747,6.10442380566288,36.99666614473421,1.9907974977412392e-07,0.0,0.21185835162550898,6.429173847252912,26.178535729047066,8.842478472308589,11.600646074615435,0.0002909986681035725,0.0,85.69065691582456 +0.9121912128760741,0.15171212159531597,0.3290016291976603,168.9477416819211,26.222216999455085,275500.25038180937,2.388469316765964,88.33864601246205,3.161181838350806,29.798788137435043,3.8428593251488246,29.552151944583162,0.4185304284777944,0.7178812022329969,835.4865288000541,40.0130542088652,0.2725772596849747,170036.04497374577,2.6501795528162635,97.32334208251515,4619.50208509884,175.69752977885585,348.4210133119265,52.14888841681998,0.16203445589032953,0.19463994460704803,26.232893684489916,42.522788565141326,2.656375890381517,22.14518612888335,0.0,1.0865470679612366,0.12396253866903645,33.227290231293146,59.56260984680282,0.3522883049731026,11.236011201260906,1.6033010066721712e-07,0.0001132097967789073,0.20734688893123424,30.56449399390411,48.704879389336995,0.23760706832786588,20.225625609351958,0.0,0.00014063033626880034,0.11753496695212809,98.3829608338701,73.03822777421888,3.996954366968133,12.346470145773367,1.9907974977412392e-07,0.0,0.1997282210849773,62.618961160790136,106.25850631883773,4.169939413336237,15.209607145010372,0.00017452518002601832,0.0,205.26005307736835 +0.8953522436239686,0.14246534260248558,0.4454354655370353,212.55769491425215,188.76884843839852,254750.64095706222,6.635260425059297,52.84836451443506,2.3891364911014596,17.429402356115506,4.926747408659163,20.8347682188391,0.7571575742181603,0.6831090139557225,915.4051600994476,92.69898957613947,0.2074302770728341,72779.93792273433,2.3825098304802292,92.98385403827533,3467.1638879024795,96.30335566674965,225.52808083612902,12.817095385183244,0.21393615118838286,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.1952016557244986,4.706900749848702,23.881823795407364,0.32568239801631754,5.012712374693271,0.0,0.00014414060373783881,0.33694873461436997,6.858837232522428,14.50528554027317,19.561800400535866,60.52077758810789,1.9907974977412392e-07,0.0,0.17239194635206065,8.020536264364855,33.208052524369215,9.96615620654255,60.98611465881169,0.0005375739029221443,0.0,3816490534509.4204 +0.9152582132518904,0.15188431823372456,0.3276655147006748,21.50033178030459,155.48075262958008,298261.4524840041,5.775377486635308,31.06047676724144,4.7528947144455405,9.164278408774575,4.066142834270309,20.799812385892448,0.36922533640063765,0.9177813848970409,809.1971326848329,35.42168291659394,0.12292937316354911,69666.46586147671,0.6088453315486777,49.50811829905169,2744.438994684493,201.65467052682743,342.47657527725806,40.252226590866016,0.17511132095729187,0.19425647586336411,8.596449441456276,25.381132423695014,2.751718539368152,76.27761695612779,0.0,0.7436841331416806,0.1339619815738168,10.142151959694825,27.923778998107498,0.23432639946345823,9.383544747843496,1.6033010066721712e-07,0.0001132097967789073,0.20669136324457477,7.324921794194846,26.9903768272398,0.24264420156666794,64.71085293666297,0.0,0.00014063033626880034,0.14461251537286035,30.550705935682362,35.70829093924004,3.8463298506267503,25.43261051723449,1.9907974977412392e-07,0.0,0.208201335340363,9.70243027726209,30.05209005658953,4.244095593431795,30.656653552722457,0.00021399685075861196,0.0,131.56825519434256 +0.9088493869777478,0.20058732688179579,0.35111140235005966,10.057979812720394,119.72280546878793,220068.45798598358,2.581753687172323,69.78483001106844,2.756626818601309,65.41617826972806,2.6187443777003994,28.429488768129726,0.7942236007663654,0.73325858351236,806.8526681715126,83.3557197616532,0.21631354969745656,62765.57394836437,0.5531945588216438,94.28311467277021,1054.7241791111885,223.24132534856614,332.0596656505277,56.5605334619038,0.3394144059234227,0.1946299775642207,5.322840659588211,25.819975603684508,2.3608835325139648,68.5195634931762,0.0,1.3393818073876518,0.13468216437931155,9.647278562791508,25.69335299886089,0.4776002378052591,8.457146991218588,1.6033010066721712e-07,0.0001132097967789073,0.20800173882837883,6.977107172336667,28.410541126586224,0.24287322671959843,68.98787521488372,2.0142207633159016e-05,0.00014063033626880034,0.1451168006849272,19.80854224713869,27.540364578312563,4.375867705699285,23.000494769089734,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9202975536747289,0.16568949384656279,0.44076581442595153,233.04927308822593,246.75260057236278,204367.4411627864,5.899035041095923,16.485951233732813,3.416834301759098,14.528570197019278,3.0371386932437243,26.805727382355634,0.35420527682113645,0.5815405803885718,361.1366553347434,57.22188923303486,0.08026121143358962,52705.92452551034,2.268292763566941,71.26351719612298,2207.6480758316097,274.95491521752365,223.70501344973485,20.91526676357268,0.20715701335086828,0.19885173152183416,1.5112600070150162,24.609124195208143,3.1489063489404376,12.25607444208416,0.0,2.676363211157987,0.13628469435995394,2.9124454212604496,13.60615010437041,1.1864131212987168,13.449430573358683,1.6033010066721712e-07,0.0001132097967789073,0.19815619567302373,5.61583968809993,25.353365052426604,0.4030904867078169,9.94749559550328,0.0,0.00014063033626880034,0.32490573012389157,5.361363146330526,15.115629999072754,18.423864606857713,59.32628252446319,1.9907974977412392e-07,0.0,0.1883577821179953,8.126476363427104,31.90641185812082,10.344347842531741,60.24501319957786,3.310933401685108e-05,0.0,104.21885872176861 +0.926570327642207,0.14828058408722494,0.3517266268702272,133.72043328290744,87.28909030470429,289540.5834592952,6.419373106587901,59.056217926199906,2.696720202729332,52.401626386244104,4.353428496000541,25.915638265469575,0.4119313732278604,0.9979035217614648,483.5003137965388,78.02220781289381,0.31429621264058366,86661.38240094607,2.4136918972674763,81.88455281932524,4917.702055308337,290.89072083097244,343.95552203556997,54.19363329293871,0.20290346111056531,0.18738080486482647,21.486916055344278,48.68806683603141,3.1463549815898606,29.933194614807867,0.0,0.77532119289384,0.08134069775806874,37.714533882109045,73.1310173004855,0.5208308708568734,20.01487175134542,1.6033010066721712e-07,0.0001132097967789073,0.19893171119491931,24.258124272124697,52.08458451276093,0.3052441956414218,25.55203756829356,0.0,0.00014063033626880034,0.13007641038553514,73.18463981516514,61.90189998218442,3.112536957159854,14.430319228556588,1.9907974977412392e-07,0.0,0.15148842129782464,57.56449871658099,107.36436826824787,6.1070483574699965,25.05968156616264,3.4260725817893276e-05,0.0,199.43999933955564 +0.8406775309989315,0.22351264226562545,0.3286096600863755,65.04258996083968,184.62529100002396,340800.3717814698,6.340348012352475,6.9844743565038065,4.003091943061537,90.43146479357404,4.060333250536344,27.932876864258787,0.7384595459276333,0.9684403864424715,619.9034654061969,65.66638314854787,0.23949670140664514,208919.31962754953,2.5286620954593366,94.94918625184806,3906.234295123894,76.72475277381389,345.21016694988816,39.27214399869102,0.1706461978681821,0.19348942453533893,26.601637503333347,43.45944938397289,3.142016353477457,18.76899144842237,0.0,0.642966507546368,0.13414849116124722,30.94621125665185,54.08220346500266,0.3509407768594738,6.0927831427905845,1.6033010066721712e-07,0.0001132097967789073,0.20506079715005368,27.74835585448946,50.12221196360657,0.26908014600925456,16.033600031773673,9.865689605205384e-05,0.00014063033626880034,0.1317258657842618,114.32219064432782,80.51538108220831,3.2715099035958635,15.32713526418817,1.9907974977412392e-07,0.0,0.2184361318745022,19.81998850158876,72.08180567992152,4.1124519375214375,8.13225657956162,0.00027655920289055224,0.0,189.44082547893098 +0.978369512530265,0.19638341684101399,0.33099373231846846,244.89908320581833,123.0757657323179,153925.93217258184,4.194267400763457,70.37774178046101,2.6775696879866864,92.38908017793332,2.533431045950524,28.505867988783386,0.3968598282713351,0.9432005066902382,828.9732061437587,47.74713890723737,0.06477936113903417,105593.51179042095,1.4073773985233275,75.8232924660425,2413.4758485915436,88.66000260475039,349.6040927492532,57.919918802910104,0.2599249738174689,0.19523283546795894,25.419736917507446,37.72365809905889,2.795811447874521,61.351415878206275,3.3477734279859035e-05,2.451330830637154,0.1232665985373805,18.7651783877197,39.8334259856675,0.899992059748057,8.962135960766046,1.6033010066721712e-07,0.0001132097967789073,0.20201154415868533,17.482881430100186,34.59327266344826,0.3637877799201104,46.33337610483133,0.0,0.00014063033626880034,0.11037623158560918,43.891493181662206,44.46403439678577,4.072306222863028,15.47768239630431,1.9907974977412392e-07,0.0,0.18485022875785875,30.807254625251637,59.732727491571616,4.971910895538822,20.92782838659158,0.00012439076638852452,0.0,143.72146141975796 +0.9106543174283045,0.23470067361368852,0.3469470212185649,39.89153123713299,249.7132140455875,279800.67627849756,4.717632341470834,46.61233157513347,3.112757936897684,54.89466805373918,4.856017053822534,20.721148415851555,0.351338244219351,0.8077062761089666,325.2190723199562,93.69220319881502,0.34473151851792666,72412.12775956173,0.6701428129356488,43.06854935917737,2994.410824469632,258.6782412882849,346.2247402608169,53.55676917496855,0.17842659425712848,0.19586956560377522,8.637493917045527,27.39077677477941,2.853258138975243,69.70185639109985,0.0,1.1698624252542504,0.13577952930408832,17.210318990100962,36.66098353498004,0.20782398390421777,11.122517086760478,1.6033010066721712e-07,0.0001132097967789073,0.20932321253328576,10.136053771602787,28.519809576715126,0.2491981785186873,68.55977831864321,0.0,0.00014063033626880034,0.14897203273824453,46.39077568736584,42.115558478036675,3.7660410593863687,27.127769812033087,1.9907974977412392e-07,0.0,0.20361082030852057,8.370874048981113,33.90507114392308,3.4920173109239148,25.72227346331358,0.0,0.0,140.1529973875009 +0.9776712449696991,0.2074585871053971,0.4354608656164307,223.83392012389137,180.24699827916345,265835.53923619183,6.749410324498669,85.44767637373216,3.3155026186918866,98.28226070888518,3.9352287316998793,5.027547509725377,0.6115122112463768,0.9260992298744564,828.7499664006989,57.496674690901926,0.3208697508177177,243608.40928278986,2.859592302520423,96.49131426209853,4746.342890597671,79.25800860902258,224.28472535799017,10.700465090674669,0.15898330170842148,0.1991110395063538,6.293547549761929,24.201578402156887,3.1511974554984183,4.938153249747882,2.925290882062801e-05,0.7502553589819726,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.1971554799545674,4.5614002494790435,23.45316603598845,0.3232833583859273,4.023092808842487,6.0063960314469144e-05,0.00014414060373783881,0.35385649952493753,6.3646002029828574,13.895537370600703,20.38830288356641,61.370131549872106,1.9907974977412392e-07,0.0,0.1350062885406799,6.75985972129872,33.70675951381522,6.630366166629444,38.35357475789103,0.00012153421515251429,0.0,2698666337285.8823 +0.9820419676057945,0.14478287908317672,0.3460191694645208,107.74192114282138,101.980440032482,313820.68381416023,4.16259699657668,96.76287111875702,2.8897306283376207,58.39886274542452,3.970163446152327,20.10210677552493,0.3954288465863197,0.9196272316361694,175.97598617399734,98.05987170016326,0.30920553993172545,61527.468185042446,1.5174304652808186,33.64846550575677,579.2271602851033,167.4176014952217,346.8464829705591,38.305144911247325,0.3272884528696196,0.19164426557889744,5.756346013787591,26.57068302618381,3.227036107958579,41.385182762128416,0.0,0.9500967835289483,0.1322457937922239,7.762823792286764,24.36529471238395,0.2278846615967116,8.689787535408138,1.6033010066721712e-07,0.0001132097967789073,0.20345261147897456,7.807749067971341,27.69289632365704,0.25254574488365406,38.63060019995642,0.0,0.00014063033626880034,0.09036134441512426,22.58450963454762,34.450425528779625,3.5209396117393466,12.678905456145024,1.9907974977412392e-07,0.0,0.19612998014172595,15.04174087693765,38.734579119833604,4.699658096264753,16.76398587188101,0.00019384987462523458,0.0,97.01984213703611 +0.8868196261237803,0.1583593689832305,0.35306861228425684,110.31299722733965,206.37631126618504,339567.21410682064,4.69888090484485,16.410438489904948,3.3083043747955916,96.95904546901514,2.261017071406611,24.6347090913789,0.49622722828298,0.6634556322262759,389.8574069383598,80.92111775397689,0.2714549805674732,67407.800151564,0.8906340282049638,79.41301258323698,2756.521570092345,204.50320037083722,349.0287513724866,53.0741773491271,0.32161852568613747,0.19770452758311374,8.522821918770633,26.73103451641375,3.185880358393191,65.73546337282872,0.0,0.7461754389649107,0.13591588886318767,14.372750395681296,32.05482812345483,0.3384507502034821,9.408919183910964,1.6033010066721712e-07,0.0001132097967789073,0.21009571133912325,9.241809611983024,27.555693448974917,0.2622517981551148,63.11332965103912,7.975575470320185e-05,0.00014063033626880034,0.11823917954778358,33.657156062588626,35.74952738758827,3.140351931246701,12.724047515169836,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8915726627846728,0.2155890753868943,0.33267239807196186,66.18980298988055,193.48426897431207,220068.45798598358,5.8754150368732345,72.34881425727389,2.0119290257120106,52.84924432109527,4.347146911845852,26.922676660860258,0.3645000905664934,0.7026760707166624,654.4508945986813,29.028381304789864,0.25377320650096774,51015.191940396384,0.42860192330019453,94.07772546227396,1384.091138467207,279.8528602518464,333.8244997310846,38.74941232665438,0.15588773536874273,0.19713832448306043,4.148288715700769,23.937755399133938,2.946667593274311,79.90108426842993,0.0,0.7821796203288948,0.13561270750686402,7.314747394998609,22.5966052071425,0.5985055794628179,8.69817728421221,1.6033010066721712e-07,0.0001132097967789073,0.20999961772647727,4.424096841943335,25.576100282810703,0.3153677134469107,75.85591524853554,0.0,0.00014063033626880034,0.13480062078968644,28.750266354156803,31.78493937710691,3.847554225676178,21.594064894220836,1.9907974977412392e-07,0.0,0.20951057279808588,2.7487717917099768,26.40005964144316,4.327063195281677,20.37645873114724,8.431604591423628e-05,0.0,132.31905827385864 +0.9250306406512259,0.15131687451817888,0.34601297358474936,14.285273909388216,240.32536792048847,346314.85672522755,2.701486440827857,18.873204184947156,3.0596174425407083,98.63100476594347,0.8337232180848302,15.809051994056546,0.400545617029634,0.8396209764611745,973.7686339350471,80.49025667138297,0.18137608423775844,56185.73886018507,1.2930050472300731,80.45251935786494,181.60183950534474,270.18952663032763,345.4713953274665,39.04891435755938,0.18017730115355357,0.195826874347585,6.51424987327687,27.26293263055308,2.697709647450363,52.034097827791044,0.0,1.125134458248652,0.13481712655776856,18.0101430825707,41.75597189023762,0.49985693849756385,10.542819155892618,1.6033010066721712e-07,0.0001132097967789073,0.20780447572331195,8.366084241385321,30.600866961733086,0.244894317982741,47.106565693206086,1.8133644313284818e-05,0.00014063033626880034,0.13083104293104628,51.13960174820048,50.608602302508416,3.7085417881183833,17.09050671656123,1.9907974977412392e-07,0.0,0.21387847558197898,18.5852055111271,50.477956422923185,3.8961024721443023,26.59559928746484,0.00031680947889479685,0.0,134.18287648055795 +0.8930961961952952,0.23195757903221534,0.3389710899693577,167.90805786954107,185.1206023030144,272716.9896006447,1.5860453266548658,73.11951755656835,3.656106811506385,84.93969758271137,3.5346716884300857,20.45132167202596,0.48645331512916434,0.5743584294914761,110.99635623197575,34.43807928260787,0.33875845139568617,85329.79724638449,2.5100960467078575,94.84360285388803,3273.9800304342534,259.97688590073614,342.20385383076734,59.161972857386104,0.1523621613924867,0.19705724175477618,21.374984079666973,41.42674309977994,2.9907740645262093,28.50432741107677,0.0,1.344549338513651,0.12268051263709884,45.63681778025003,71.80185937778533,0.3052334275251892,22.15555078686877,1.6033010066721712e-07,0.0001132097967789073,0.21031770550006815,26.212535402803987,44.960174613977664,0.23470359458895423,26.18957826544019,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9871981031097556,0.23134026348357836,0.33899950363265613,141.75080827982038,217.3704694391695,272028.95403459814,6.74074638219456,71.2061210594581,3.0130680765016633,86.0750665976247,2.525161586943435,27.62081724192153,0.6688037514517406,0.9430117884187386,875.6624169998291,56.21322357749988,0.2685394722259624,143610.1909813498,2.8953790426998904,76.68999749311783,3752.519387331511,202.43733115710654,348.85712634568733,45.023101986861164,0.16138039851985306,0.1901589940026681,27.837789679104464,53.286662364176955,3.0920551871829374,19.89617226889697,0.0,0.7112455595568186,0.11077053567791849,32.434719433083984,57.03618285895229,0.8329324945205363,14.911782600160286,1.6033010066721712e-07,0.0001132097967789073,0.20326956438545368,30.790892181412733,60.39227131308405,0.3466708422971942,16.228953830120734,6.432497277695724e-05,0.00014063033626880034,0.11243778996343776,103.25670911331416,77.11829486852773,3.3945466456460287,12.386657966338962,1.9907974977412392e-07,0.0,0.16767087646553155,30.53013579361753,109.81317927269787,5.012667479534228,13.941420011903816,0.00026457427477822524,0.0,208.30772374213157 +0.8903632417953761,0.18041589998359586,0.321860888772371,38.419964482259545,121.60433543027322,224758.03533312608,6.666142774447039,37.203725133525694,3.867025782171274,28.677322430241322,3.691804819951448,17.260840921523254,0.31039853089189806,0.8257941075801217,895.169201252094,13.618545718597282,0.31609852734808025,58716.14063538747,0.7928724452966104,96.37231092025445,737.5392077430762,188.1487579747892,333.79372404969837,57.788227190081386,0.3373060207068627,0.19553399875555963,7.911690374326072,27.124297533305835,2.9693359751610475,75.74521008759172,0.0,1.023417932609969,0.1357679989585075,11.77445406057232,30.269675268470145,0.44420320436054117,10.43703509031729,1.6033010066721712e-07,0.0001132097967789073,0.20865448041137058,9.368833928701541,27.317784211926245,0.2929435631872608,74.92259246733882,0.0,0.00014063033626880034,0.12322772828074487,29.809135906842798,34.69355882962864,4.408172211453891,18.05572833356996,1.9907974977412392e-07,0.0,0.20560109317794453,6.062518498093759,28.105550740919526,4.21435309644025,23.687084547932354,0.0,0.0,134.16557709292167 +0.8777093906372917,0.16984094902898647,0.32504224480834515,16.97483724286264,37.14744665438478,264881.320551684,6.99801456006167,88.09068164800097,2.3549030051748017,42.44449485358975,3.917087119283548,21.196222973497484,0.3807651842554558,0.9819133323059881,105.52446201532743,1.1656230205068852,0.2581719357527217,113196.56614003194,0.8906586367022266,55.93556471130067,1126.9017626453945,118.70475688090924,330.0932727408732,54.21415902596075,0.15249015764616314,0.19097513516532535,11.062938184056197,31.17716541612298,6.190646516717858,46.467940016069925,0.0,1.3107072838759173,0.13313176937790555,11.874702558917898,31.209559479107018,0.211510521479438,6.531598850814911,1.6033010066721712e-07,0.0001132097967789073,0.20459785053706211,13.270780609981204,30.59798043161747,0.24635724043760793,45.12624219156789,0.0,0.00014063033626880034,0.1479258036508641,34.472590383642945,37.034312909728214,4.626559623439448,23.61244667661936,1.9907974977412392e-07,0.0,0.20772916278056724,12.944380384089126,32.3706778320539,7.618980482932175,21.85926435846265,0.0,0.0,111.76118985179131 +0.9617714852010303,0.18963880720426185,0.32733382485586116,236.78859791718202,65.65395151376663,227805.28577603493,4.927723181660747,41.372994555965434,3.108523344827514,96.37939461106501,0.6667220822980545,24.906486064464737,0.36360232008584886,0.9692255136398571,759.0898870235097,23.136447242727723,0.25158337400264397,174308.60638371314,2.7328901896618376,82.16970438607396,1280.9204383906704,181.92767338144114,347.00009955657686,51.70985143302605,0.15688896717011974,0.19004109166771332,28.27131613770689,51.25618338509724,3.1008108189919676,22.0946533711792,0.0,0.6975109363156193,0.11821225708949896,31.607243258489447,59.47494721682983,0.5092735467569233,12.475634608570969,1.6033010066721712e-07,0.0001132097967789073,0.20164578493640836,31.30282183064189,55.566434554325,0.30891235474633233,19.125228586763463,0.0,0.00014063033626880034,0.09536913890393611,96.02933888507225,71.37944804552113,4.131898638326009,12.739003964927978,1.9907974977412392e-07,0.0,0.16161563213392074,66.74535049699425,124.39741258661309,5.054014420462304,12.24040040517448,7.934077644215328e-05,0.0,218.29214561585295 +0.9847395933455921,0.25753512955997176,0.3292018707310067,216.66717918860246,90.23270079303202,220726.67323983432,4.607812049784085,91.5386918583516,1.7773842053355162,63.4717690486853,2.6861978993442484,27.976004236939335,0.7554392155616342,0.733007387930754,720.617503765345,61.67249538879519,0.2102323713547752,52214.24042670416,0.5656055610469545,94.07692548939147,3525.926350751599,291.79620560649755,320.7079991217823,40.12520858078647,0.2255392604857726,0.19653591120305638,3.7291566811646124,25.16289268546888,2.7711407167112014,69.72501652251545,0.0,0.6593222133543128,0.1331134394844213,4.490746417608709,19.454360387972326,0.5678053107631332,7.144646088661125,1.6033010066721712e-07,0.0001132097967789073,0.20776431352992633,3.5427825275269713,26.31840390081446,0.3126081547597808,64.5919496683615,6.821039459349864e-05,0.00014063033626880034,0.11707166199147412,20.858860134255973,30.512784354759365,3.7355489277839076,14.438262025090465,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9835642386134311,0.1897991645412622,0.4365464663329227,176.8972658078683,107.74649557902409,233782.09937765478,6.955021750854112,49.61200261916791,1.1607595277415335,23.03192109154028,1.18444406798987,6.410859875116232,0.6649266160575165,0.6613705095719304,117.92814319626382,2.7377062307623916,0.20946815733128804,203911.77093541474,2.655123461137497,42.2616196353383,980.0495529290765,282.1867345647124,344.51823809154735,57.908227139190764,0.31097298812411306,0.20005715176256214,16.78808154015491,34.419598591522444,6.041264840662317,12.648303628564054,6.09254289840657e-05,0.9218874223536637,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19818335688651223,12.328876373040375,37.78113128768507,0.31611964023227845,8.605244227154968,0.0,0.00014414060373783881,0.33813012367530826,41.69891975466381,25.335333773707486,5.112993235810226,24.41728193979463,1.9907974977412392e-07,0.0,0.21686314848998467,6.801976212751353,40.8108472808447,10.094195613119005,10.067051200426825,0.00026146876477517206,0.0,2698666337285.8823 +0.8182805191419844,0.15572076860303008,0.34881297868403555,167.48183554324848,15.705971442501102,170442.1196610162,1.9468406533744707,45.13589040103204,2.108191850390926,18.846625294179724,2.111704045912325,19.175200156635693,0.3643637918862129,0.6580206871745864,695.6278489494408,2.53030878707985,0.08038956748552566,55886.85363347062,0.6261324746014106,71.02001523198035,990.8866164273131,257.58624741182626,309.48076902232344,46.6151022927392,0.15747407459353732,0.20012928478693287,3.9479025206208918,23.562032698713864,3.285203724331495,64.1991554431979,2.846551442758168e-05,0.5129667484983463,0.14033413130645075,5.2618791717789275,19.624265210040605,0.3094706355877431,6.681630300870985,1.6033010066721712e-07,0.0001132097967789073,0.21203403467646922,3.0767685690705266,24.384806260925934,0.24285535260635097,56.23761134799686,0.0,0.00014063033626880034,0.15368948972288152,11.461821783062785,20.616309562393358,4.674003487944223,20.5136506568874,1.9608247495478145e-05,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.985813849336958,0.25378434565580976,0.443679197449643,230.0946250226795,238.16677212446044,261091.19953544656,6.537802414360925,64.3102571362656,1.8900068114925774,91.73022731241578,4.26981975120873,16.74422229715225,0.3610026784393151,0.4953541122119609,832.2696398697525,83.86664892928195,0.05809086305154422,67083.73715805903,0.9054710722923254,20.386728088098756,2486.618296814325,193.11798411834525,242.93379953145873,10.424703756656609,0.2997804178743746,0.18743573641732555,1.9251896504926118,23.71505219803094,2.852135084624867,25.18017129371596,0.0,4.691945391860953,0.1422192534149838,3.590051689710733,12.19724186186189,1.040675467477486,3.180575404990555,1.6033010066721712e-07,0.0001132097967789073,0.21337351319549822,6.495658357162265,23.493229146871563,0.3767486685638872,13.598245121368643,0.0,0.00014063033626880034,0.30926488484461734,6.749370046825051,15.505873528911126,18.901797762352682,59.83162546264752,1.9907974977412392e-07,0.0,0.20782351513322947,9.576507272524385,30.861213390615006,9.641490628829327,58.466049626208836,8.828810678719515e-05,0.0,104.6949303321912 +0.9142365223614533,0.2274156773263254,0.375575042523192,232.89569541760736,172.4198133999631,216582.31844324392,4.58538404902472,21.402483116209982,4.377392216354937,32.12797686622595,4.998762367759287,29.144791550411924,0.4505336655163464,0.8780837318354111,827.972487659595,38.713492173839256,0.10005275449760187,234501.72502593126,2.55937207691059,79.93629146999415,240.3305880421001,297.32570008847796,345.13151929682243,55.37344744629402,0.16155927847803103,0.19706911383949488,34.396300825313396,47.37010599885351,2.8507955023856515,21.8072167462479,6.327632166750185e-05,1.5113771236145104,0.12655833208126496,33.30717469350573,58.70143761083153,0.7968580828721126,11.555381385259862,1.6033010066721712e-07,0.0001132097967789073,0.20590015445918244,31.540315820322657,52.16002004110667,0.33976827650293673,16.16685458339399,0.0,0.00014063033626880034,0.11504205971111807,98.38456986959294,72.03992206032149,3.178272132119396,9.395831011416956,1.9907974977412392e-07,0.0,0.20176130541646603,63.06830898306045,106.89534808103322,5.444166739039711,14.132852792318792,0.00023246758487781047,0.0,207.79976058934193 +0.8971464913301275,0.10851862544636771,0.3838074733650695,91.76196476362037,232.08234537433557,129777.95544106382,6.8517378378747775,88.34732153321133,3.267666502620633,47.1897686001373,1.4554403225199857,22.961305857893848,0.4156651159855783,0.8637053543508593,56.49897353241312,3.662040200406517,0.06429423266654022,92687.41793853676,2.39887778992334,72.63266428000988,3125.986009443879,34.83798549917149,294.17137298232524,13.228516889048386,0.15071600598535376,0.19688271466000998,2.0518249763983474,24.74987758121529,5.738722209488874,3.792761559549451,3.899983905837846e-05,2.2375238378577333,0.13316178541914847,1.8231086242820969,14.309819801922107,1.3351141924702348,10.434085895071787,1.6033010066721712e-07,0.0001132097967789073,0.20488119447494618,2.3228081054355645,22.955801758515722,0.43645125118118244,2.230561587085538,0.0,0.00014063033626880034,0.3515569177255959,27.274827917744236,24.388543764624327,5.5091402738271285,32.02879424210967,1.9907974977412392e-07,0.0,0.15788861184563832,5.59628023115619,31.68967501631014,10.161528742850361,20.65171496167507,0.0,0.0,74.06639495209605 +0.8596825197729797,0.25855300065313014,0.36759690592000754,25.66194154587894,124.3916634892155,311684.727213195,3.5729994592569323,7.040795889014916,1.023248651374773,13.996428567464143,4.36750031199671,28.808210311658563,0.7504346906195065,0.7612878096241179,801.6710222727204,92.69969369584987,0.2469947916181237,99824.47031772516,2.379452172000708,85.3898719806374,4536.912109714323,298.6869603461137,347.78315275464246,34.561613677026294,0.17195983343922333,0.17694219268923114,9.962332963163982,41.08224893665185,2.3522848439144535,20.82849051728615,3.409166834659271e-05,1.1029221332208674,0.10982233250903232,41.668493983065545,71.57685381629182,0.3586743471885563,18.0593255647709,1.6033010066721712e-07,0.0001132097967789073,0.20384478994710936,20.65294135489215,40.70007174613444,0.24529495197696732,18.137331712851637,5.0352953049155926e-05,0.00013645273790397982,0.11176477011038187,67.35313021363757,74.91470804969337,3.8017898660977703,16.542381123500903,2.976034599231779e-07,0.0,0.2129927042383273,29.29595836684833,89.2851630919975,3.37218670872881,21.307949380837734,0.0006079957947247068,0.0,177.6451893479062 +0.8679977065748242,0.12473662850791069,0.3720632873936695,217.63126646893178,238.19613904417398,290887.61224479723,6.274616088840449,77.81266704149982,0.3560997680409166,87.62061195144982,1.7745119639607911,26.115993174459938,0.512388626238,0.88169844381739,763.2854617984026,76.08736935606693,0.3327524692218487,250052.6242855163,2.6113357091852865,81.40582299939445,4524.260338153557,296.82952968612335,349.0286613327426,59.1497141949156,0.15241996936526953,0.1929437947666876,33.34447166522433,52.88128343022869,3.11657129491285,20.33540500192061,0.0,0.7573955106359607,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2051373618406077,36.33552194528254,58.15299456706014,0.350851119230498,18.49794510818056,0.0,0.00014063033626880034,0.11109677999239446,106.77901394664453,77.34227767549642,4.909082317884037,9.314105320101635,1.9907974977412392e-07,0.0,0.1981614900314794,71.94866455386543,122.47258419273524,6.641595647543111,14.545047610031972,8.017916344083686e-06,0.0,2698666337285.8823 +0.9385749472802533,0.24366065383619068,0.4177614937966283,234.9972036298243,148.547576425666,321558.1650143596,5.826105690574353,60.45677825335939,4.406167854920959,89.08246106427218,2.5803922640891144,27.212153838881974,0.4888220442801486,0.9915460155628791,314.7528412461186,43.642166412923345,0.23985771951603263,284684.1400531408,2.9496454970448696,99.12120753558713,4402.958755834033,257.14064719313075,348.9946909222337,41.55597661556472,0.191987034835991,0.19246894191143216,30.86309135766806,51.85113198563357,3.598140641472254,11.741667745335855,0.0,0.7404408924960286,0.10511244634562189,28.797445161753654,54.30651712558555,0.629207292936208,15.815539848841453,1.6033010066721712e-07,0.0001132097967789073,0.20054385718806467,32.858822640966444,61.18513862999615,0.31087340342238867,10.179181689675227,0.0,0.00014063033626880034,0.29830921351791323,97.63455531159745,58.20957138832418,4.151333778898944,12.58904121336702,1.9907974977412392e-07,0.0,0.14867785356100058,60.1490805251349,113.37374416156253,6.999458038868223,14.13878311759651,1.4017575975607412e-05,0.0,206.31451344305697 +0.8915726627846728,0.18292369179069126,0.35111140235005966,10.057979812720394,120.40539253193194,220068.45798598358,2.581753687172323,66.99799471852813,0.978979354432798,13.865190687197423,2.6187443777003994,28.45071774683352,0.5323165085299995,0.7372658371382478,693.8248108193009,15.154408155832973,0.21631354969745656,54202.121739369846,0.5531945588216438,71.36543680302667,1054.7241791111885,291.9191642942576,331.98660122541185,39.095673324644764,0.3394144059234227,0.19450636816547934,2.384754320739356,24.972554276980823,2.4125926491265375,64.77506593960399,0.0,1.3576701767893407,0.13475647684262143,6.170466524922619,21.447436422336313,0.4775801353211215,7.5675183328962135,1.6033010066721712e-07,0.0001132097967789073,0.20791219878253697,4.00468902324608,26.67693748569599,0.242872278906716,65.03783540168693,0.0,0.00014063033626880034,0.1460418131688413,14.408419727852243,22.341585452371323,4.377531513375451,22.868789653522843,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8939065642295395,0.18886948267016979,0.37741678045052046,99.51105361732871,182.7846420708401,221319.1810043563,2.336580303237535,68.46136808485218,2.2942191113959427,98.23683466025298,1.4077461562242148,20.676853128937154,0.39626844434322706,0.8606391798661626,873.6672132364494,40.78040350148285,0.13765780410237136,57437.3762965648,0.5531592499665801,94.44006661554857,2631.3154479820014,193.01308256587393,335.7213628644012,55.03802650885911,0.34351123312699683,0.1958478510654764,5.816434737808469,25.176625872344392,2.4836988377686047,74.90948561672921,0.0,0.8512243443575312,0.13394230642312172,10.07366502993341,27.174710582870798,0.21126401116259638,8.700820409340475,1.6033010066721712e-07,0.0001132097967789073,0.2075730533733014,6.004824149190765,26.226331077334223,0.24476240249416462,70.45532485354506,0.0,0.00014063033626880034,0.12918414071007436,21.03160322781525,28.925383644656147,4.241544869969203,19.514131656638327,1.9907974977412392e-07,0.0,0.2145127024031791,7.213907145794334,30.34597352286057,4.146539925423927,31.795441471026702,0.0,0.0,128.71916761401772 +0.9306219444030607,0.1910970486703329,0.34746268900011823,92.3916999642502,240.32536792048847,345646.08811616525,4.874952656447886,46.93911002252793,3.3149377485218574,41.08824489237877,3.7259318095190364,24.741208405913344,0.5038751572075771,0.9547595953968644,442.2445258767252,93.77048392344787,0.34684082012907447,64637.42487721951,0.9022290648187936,93.56782622501773,803.6695630074976,267.8410821640634,345.4538552835222,56.12037419074273,0.18372122393712775,0.19089871322347862,9.73963107419628,30.128670165198965,3.133862135277266,70.61144233538487,0.0,0.9610917482110422,0.1298962604162042,17.62894918310452,41.22923572534983,0.3181041674880926,10.982619588542928,1.6033010066721712e-07,0.0001132097967789073,0.20474306662513156,10.680464570837572,30.69237013199226,0.2597334957038147,68.64654376244061,0.0,0.00014063033626880034,0.11965429462248942,63.037840793932524,58.307175134739296,3.1586427042545115,18.78508943199482,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9290176392047498,0.109451185646099,0.34995813983821916,87.3800510894239,129.0075376382075,345646.08811616525,5.142412809157231,46.93911002252793,3.38963814577443,35.44891531695844,3.8539105340903532,24.741208405913344,0.5030629446965329,0.9547595953968644,442.2445258767252,93.77048392344787,0.2073632469912517,63874.141660682144,0.8600249795035096,93.56782622501773,809.3394844508753,267.7315860182734,345.4538552835222,50.90661300743323,0.18372122393712775,0.19091349697975557,8.654738700200925,29.616651016501088,3.1401055054071656,69.01031552789694,0.0,0.6173889031273722,0.1282994874335214,13.697271421158035,31.537018793573754,0.26738461006367104,10.397252815859794,1.6033010066721712e-07,0.0001132097967789073,0.20208262463595306,8.456658054023587,27.660784686135738,0.2571437350212228,64.19795993077697,1.5802121907111845e-05,0.00014063033626880034,0.1177395840035986,53.58297596920158,53.03283559718291,3.303444320288409,17.44049550454358,2.8605507110931695e-05,0.0,0.19086627770246337,11.626827569622417,52.97554537456118,4.266610220203889,18.992765172088983,8.719362693353768e-05,0.0,145.91960891950765 +0.8154820222289647,0.21182266158316865,0.44095838210786,227.4798574238215,236.040717586288,288731.94411797036,4.27754694950597,79.6611005487288,4.433421979186322,63.11892002883492,0.5314003224013377,26.714811385523497,0.3483266312267527,0.9770059790741188,749.2399621543836,61.808015433256806,0.10188825333646039,278133.1646107973,2.880169525349166,99.90436412619295,3057.8151561486106,224.91821497386695,344.3032977038745,43.39857970672832,0.17911220879493792,0.19798517114900865,31.93104438160509,45.224180797935446,2.946316818465971,11.511057928048512,9.78881316802172e-06,1.4628956100513362,0.12773638915268115,29.9412987934506,55.70597705471007,0.6078566005325707,10.946116762243621,1.6033010066721712e-07,0.0001132097967789073,0.2048081524777615,30.569632693846614,53.27247589659273,0.29992040845553647,8.374404679267526,0.0,0.00014063033626880034,0.17551097945205515,107.37505770434315,68.49175447599177,2.827274331618263,6.2049944138228845,1.9907974977412392e-07,0.0,0.19627954378387336,45.93186104325562,82.729110669589,5.424538259160182,10.872845352317498,0.0,0.0,191.15260669046225 +0.9549632811082219,0.10761213098434048,0.3369625630112161,181.34555086526422,60.31281632797965,270055.8469459848,3.6603960122876797,36.62869349586381,3.867025782171274,19.85169654010569,0.829471155241907,12.814241895652994,0.3181498616864836,0.5612202562217424,6.674970084756893,1.130030155831669,0.3184354673220879,147421.24193401172,1.9300525540622475,24.853481487617188,1301.0197538495245,126.40620819419743,253.86102576641946,40.00405825205712,0.2130022678811782,0.19832802837294414,3.4828166975317076,23.990061092239177,7.341457401259764,4.807806445300499,0.0,1.4004571734028524,0.1421554380998449,2.052744122082023,12.72432737801454,0.2142270654384697,3.3202693645339503,1.6033010066721712e-07,0.0001132097967789073,0.21239305654798948,1.5466046131658222,23.406363707712156,0.255295772043721,3.552453192833566,0.0,0.00014063033626880034,0.3289990795148163,12.045557240809933,16.44282135605379,5.182590061896397,28.4110079243024,1.9907974977412392e-07,0.0,0.2185335851164847,5.273607216041197,20.99993723228611,10.573944609746567,3.3739425317487695,9.185415696205665e-05,0.0,56.99579627182365 +0.8712063139002028,0.13163579741239806,0.4324028959389284,131.6926616747673,50.10052617369204,219610.8407607717,5.027669440143361,69.40884098556764,1.6867421104402016,43.498929423866464,0.26801533382091947,11.506207730022112,0.5718621493334228,0.8272382801311059,866.0747912798304,53.34173359193231,0.3047371902165563,69607.19269549733,2.8829044919409115,95.47762149384573,4866.4415982976,104.84785016800885,270.5281427686164,17.73212565357397,0.23665914730846274,0.19776430158770322,5.604869870187539,24.779806894821224,2.7582734534072313,5.4025543468611374,2.2481379681936807e-05,0.8774905963080829,0.12891460058612178,2.2600779431513756,20.238377116402134,0.4197889344617843,23.568693564555506,1.6033010066721712e-07,0.0001132097967789073,0.21113248735916273,4.528932528042381,23.37246455998432,0.2988120516279751,4.229793613010795,0.00012085624995844752,0.00014063033626880034,0.3475313090658883,12.56065920767489,16.56954090803649,8.139844672389398,47.973654436794845,1.9907974977412392e-07,0.0,0.10967985021065609,3.868777600380514,35.61182192990161,4.465756525875551,42.912170156245175,0.0,0.0,90.45988284827503 +0.9735883302556115,0.22357697706667107,0.3433734020670631,238.58390619823945,248.70719712987747,303063.6170504045,6.085210648814592,70.87282934642882,4.848656756449443,76.74738514046554,4.578674990268916,29.637472129129634,0.7757608586683874,0.9883917995764591,823.4990050672187,47.30257295987845,0.23972617932815177,255638.12175372028,2.903162260528872,97.78095831938002,4937.916437434911,296.1102407022978,348.62565685144995,32.62475030865726,0.1812973540347197,0.19010287345071603,30.95786271026272,57.25928895095974,3.2197049167539222,12.355446591732441,0.0,0.6537828401659891,0.10656457319625275,29.658430857012092,55.036679718423684,0.8753343131949285,12.244629765345728,3.684473024352096e-05,0.0001132097967789073,0.19870621236306635,33.19352930690023,62.021776953958074,0.34624076770149576,11.076676991644469,0.0,0.00014063033626880034,0.19789208782742923,110.66399048460289,76.14424272199582,5.2046070315391075,7.8872346554152974,1.9907974977412392e-07,0.0,0.14671469050737593,30.232630289752255,125.26124510986507,5.4935937945122655,15.247463258791846,8.64556679614204e-05,0.0,220.3000472547464 +0.9354589539416572,0.10625575268169458,0.42148943499082037,188.0907695074818,163.70443062518999,322012.6358833845,6.668859315533788,87.42214562445028,0.7240181462016124,31.48449279007878,4.370502509329071,25.974478680187104,0.3620975468209174,0.5295844711242359,965.8980368891337,30.535397067878716,0.1058804952948463,68042.27528678146,2.8727692851581828,99.98550163324019,2076.597654277095,193.53388890242758,265.701130105761,38.05285501138447,0.23100834673494075,0.198287746819258,1.7125674694624176,24.573693397029306,3.3906015975583537,8.823728728826127,0.0,1.9116703868424167,0.11416257640344901,1.932594742448495,19.746938807853137,0.7053712828000117,23.4272642959412,1.6033010066721712e-07,0.0001132097967789073,0.20283820938649275,3.8230775417280523,25.737616089051894,0.3245124175398828,8.98109072594399,0.0,0.00014063033626880034,0.3229115595686508,24.378056883197953,20.83692790169025,9.406657020127252,48.41395994673998,1.9907974977412392e-07,0.0,0.18355260567133722,2.3147348646897727,33.07945605664681,6.292167415448502,47.29533471184636,5.590917403256759e-05,0.0,96.11331273607455 +0.9822533359036016,0.17191985457971015,0.4402151021986485,216.62525668937693,240.27939922325714,287396.1110556761,6.966060048399777,55.571203182759184,4.587687222854448,17.777725630098374,4.1950290414576115,28.58906226442561,0.7905693239592193,0.9719502714878312,857.289985460387,56.58708755927434,0.3386091937892062,188627.2129444852,2.688597344611345,87.62990407189034,4506.126320868083,250.9544478522741,337.28718992702255,58.55826943326596,0.3179749673163657,0.18748473963432524,17.583035594069333,43.39214789404507,3.2346410094269196,11.820753696311469,0.0,0.7413781287140156,0.08742375243330613,11.617202915689635,28.487831808080916,0.9926617467181302,17.129029361534513,1.6033010066721712e-07,0.0001132097967789073,0.1969828534589973,19.47384738707334,45.1416499065525,0.36843520331750584,10.656786175612016,7.750698769182108e-05,0.00014063033626880034,0.356639257575559,41.14474843109286,25.61806146981396,8.643754205076677,42.105822138665545,1.9907974977412392e-07,0.0,0.1476888783963036,24.362849176443532,63.687071141519525,7.2880097932739,15.708391591433067,0.0004886824670639449,0.0,123.53490340691563 +0.9397049233480775,0.15856035987220146,0.38068199797388985,131.0547093649754,125.99007819582167,290330.4148507025,4.083443003681303,57.439528994613106,2.630423082836818,52.44802384834918,2.418691689839584,21.193374033637124,0.3281330261201938,0.9813698825363808,255.1016130372762,78.14216679215473,0.10786100966450679,66617.3609082583,0.6738526725103274,43.417103781020984,4146.676715396841,185.99185555302265,338.45133364115065,59.596187817427264,0.3170281559785385,0.19433439594868246,9.094766080071832,26.26583692275173,3.1046306016048395,77.36623368310957,0.0,1.1488577799401447,0.125367495813139,9.212404460977659,25.41000423636483,0.31229885684800746,9.499208560302007,1.6033010066721712e-07,0.0001132097967789073,0.2027820750839956,6.715068284060913,27.60350196147924,0.26256219702383765,63.8786384155154,0.0,0.00014063033626880034,0.0754613690371508,22.991261739287616,31.31192110092812,3.2295829234289584,14.396755586442014,1.9907974977412392e-07,0.0,0.1906594368545341,10.99426864520093,28.9073889829932,4.83925412897529,27.92041176855658,3.13472025974571e-05,0.0,126.34837763773763 +0.9595171584792064,0.15110827945222197,0.3598088698999753,221.963440363407,233.03636804924955,282876.0025465855,6.832775835147817,70.80011948222122,3.2035375650080455,38.52149602829991,1.9922870966609671,22.812500563200913,0.47782485956647314,0.5912459337190024,224.0165625911382,24.40862116158897,0.09628887024858598,57132.498139089286,2.8475799474588173,92.45329927494741,458.6250204931006,203.3845884063511,252.8351204740644,46.73261058845462,0.32093917501006997,0.19880961634757907,5.762432638213167,26.408820400642245,3.9379389881350217,10.025196200896682,0.00016143046139444831,2.2199551769822965,0.11681936775574926,1.5686263051742861,17.581105096274136,0.9887991864481515,19.444537191782217,1.6033010066721712e-07,0.0001132097967789073,0.202287523287281,1.9432481305965492,25.636828598324954,0.36793970452399716,8.299141376745519,0.0,0.00014063033626880034,0.3306171196655634,21.44174431957215,19.3255802176589,11.573269775663034,48.884396760180024,1.9907974977412392e-07,0.0,0.18049532833547124,2.2539658483569416,32.82941457207961,9.653951844677112,34.62765759203064,0.0003010165854792241,0.0,89.4675415618298 +0.9794178911181574,0.1348572379906248,0.3540962230187294,181.27742835952168,231.92936560513718,151458.69968337016,6.142511546175715,65.46511993168716,3.866777819136143,36.861337506433244,2.7553684723260923,24.097674495611738,0.7070444517373566,0.9264801506957769,50.43758405119246,2.636644831667713,0.22866724827667512,220849.41552681706,1.858154873757512,82.27757855433683,1931.5878140056939,149.79245574031472,244.80957034602267,58.43250085890833,0.23290935297831053,0.18914098420771608,1.8675054246393419,25.67015908444384,6.208562165180777,5.149773515123139,0.0,1.0539769679956141,0.12846060769326534,1.298722916995208,15.074552721515914,1.3845695479538447,5.112159100243147,1.6033010066721712e-07,0.0001132097967789073,0.20246546493361695,2.172924273008494,23.061191997816316,0.4418257687964644,4.095730134380332,0.0,0.00014063033626880034,0.3560781590407377,22.90335968073971,19.164480652225638,8.381473789963328,45.372516727061395,1.9907974977412392e-07,0.0,0.1993585478976021,4.232848095947065,23.768160743636603,10.797076207606432,5.227881559778664,0.00011826330301869186,0.0,72.71091934400552 +0.953501257430094,0.2075792474247825,0.32886773342406245,121.09499636844153,113.23625209337266,292638.0206669709,5.594556039386335,93.13912327426125,4.583200048602046,93.37337736264803,3.9385642188779637,24.11875456121621,0.340262611571179,0.9464306310951612,882.4846333126322,53.18176243413054,0.2376114187400425,257364.950983174,2.9103024222872547,99.42688967942061,3979.7419088642446,276.4984390110705,348.3480926129407,57.92592613948203,0.26768466706630734,0.19138477347771082,37.865990344471875,65.31706827579075,3.008080838044196,18.97890974118056,0.0,0.654504164640286,0.09608173453162566,25.994042249500374,53.40706295373401,0.4606872574681201,13.591452642195712,1.6033010066721712e-07,0.0001132097967789073,0.19849543867567468,39.684977141497214,67.2955156939321,0.2903232833507469,17.31705355531596,0.0,0.00014063033626880034,0.32331899563255895,82.45181649972838,50.77385736123668,3.270926437637832,14.521083195453873,1.9907974977412392e-07,0.0,0.13653964125872392,53.17851854204299,99.06413377985618,4.950620995168966,16.099955648791916,0.0,0.0,196.74794031706307 +0.8573811082485513,0.11150505280856288,0.4017758666451452,190.2642290547901,145.41084276922896,125786.13495029128,1.6997976508075763,30.278572152191202,4.716511622666355,14.788097752912519,1.2946864887111644,15.92012663195039,0.6965249591663263,0.10969838705437912,584.7276842375586,60.13065224362934,0.058548089870752516,251370.93267669796,1.0568149403917892,63.277910054256225,4003.2638649977453,207.0559343323005,326.01153709518866,21.438976978469345,0.23372082823852683,0.18766604063205128,0.80639674549338,21.65171414905331,2.1860751139481986,5.390916404567737,3.051875682487471e-05,1.3001312530682505,0.14731719989974743,1.5371837272820645,12.535834698907607,0.3682734128737003,3.3854758226227424,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.15397173525761407,17.539968236146432,24.245908824008765,3.505795489677346,15.08196186309297,3.092715030179917e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8685703157831253,0.1616550615133576,0.3768969158931869,148.03094113399428,203.81247396936527,204461.3188684684,4.423459495310836,67.95761552317454,3.1713254725504774,63.768192227694996,1.0386987889106534,18.656813298259763,0.4226354602430506,0.9033108233448744,888.0365379125973,27.635672088353175,0.25879311717217984,90643.35175960402,1.2786418599530034,95.33962878219107,58.689457185485864,224.3759837825057,345.7639107928073,47.572217697023845,0.2855943262974881,0.19476841042591592,10.500222415495044,28.08440063915434,2.8381527668639865,43.129669229619836,0.0,0.8170486568261667,0.13535026503060704,16.891944879915595,35.961409419969264,0.728290991152266,10.477580879450468,1.6033010066721712e-07,0.0001132097967789073,0.20839810571737422,11.29721844340803,30.698930434494773,0.3300505921689816,41.02762640123824,0.0,0.00014063033626880034,0.11718861830296846,42.142793138883135,44.42735475379795,3.5941494035070582,10.881488989459644,1.9907974977412392e-07,0.0,0.2156482284260047,19.959178895050698,45.288878560120935,5.217393135350631,17.921393590865804,0.00035440345973542084,0.0,117.8529383280378 +0.9814477599832047,0.17620188474094253,0.447397650520078,206.53955004673213,143.55948677087622,349268.27990034,6.334379588921981,57.40471286067964,4.767292195613833,57.8071771737094,4.745893340827097,22.110825996777073,0.5906644349301348,0.9506000767980944,965.4587948295937,86.5335410576532,0.2063581465664949,96618.84917861466,2.837626536307752,79.95799151355685,3856.984663485022,184.93127141172937,233.33146030602686,17.92432648722827,0.33428325478716525,0.19023283734130939,5.094331171662821,25.602977441578954,3.2123991529718405,8.271221454710917,0.00012988137966373788,0.7162913228575655,0.1305125046663045,2.7071202530274743,18.723018633766113,0.5919269167229976,21.730095020164157,1.6033010066721712e-07,0.0001132097967789073,0.20294804465530045,5.395305246595911,24.52475754540906,0.3054000299144445,6.318611448021739,2.960811278586923e-05,0.00014063033626880034,0.35578375365576015,5.046651595846038,13.74107648201077,18.88732871873842,59.87278227454353,1.9907974977412392e-07,0.0,0.14280277759456989,5.010522401075777,31.9762439741616,7.583148169263761,53.03995707064092,0.0,0.0,101.66643523772281 +0.9743619757521197,0.14507056523151013,0.3887773524028288,212.19242832678293,229.63784630839882,320033.36498182255,6.421161415609679,74.49990674931547,4.747771644011497,95.00234540995842,1.1383253261053516,27.529879839250597,0.3097483019477935,0.8233995145599895,146.22834244544129,1.1028339847841266,0.3418125282738716,256515.6241645135,2.5696902638778205,55.99920787823752,3806.4699954522484,298.571473799914,339.3401334172472,56.63552949217448,0.34892890411330857,0.189924953159023,17.01232145843827,39.95238036610389,7.491309245070133,10.873354779114768,0.0,1.2370140872605533,0.11754517809091301,10.76428529965498,27.595846902840254,0.8117071245692522,9.839038719616864,1.6033010066721712e-07,0.0001132097967789073,0.20439874552713738,20.889050843137014,41.60603214932904,0.3371183660952901,9.61228147616162,0.0,0.00014063033626880034,0.35127423785668377,42.28074820909552,25.872063954152974,8.828866251986371,33.639796432882626,1.9907974977412392e-07,0.0,0.17587189181238327,21.279743597237395,45.04022443640896,13.289707635480445,10.774592914145163,0.00016820733859434112,0.0,108.33879859199102 +0.9109145771993044,0.21454238686612753,0.431689183065905,136.31573619053117,247.27782652860236,310667.19021551067,6.41893190412078,91.62436675373121,4.552805807984335,53.18474354747172,1.3584674571815243,29.543186272130527,0.4935142685644021,0.9421626543850669,964.6210122955724,21.031979036933095,0.29348232732313106,274253.07622006716,2.685105849263276,92.43483969808995,4764.164354256762,266.6739933054204,348.3170472443023,58.61739617273919,0.15181488837349744,0.1906691693850194,32.13275301549869,52.996633391596816,3.402845848031623,16.27989826009312,0.0,0.6767907268839436,0.12477956457633431,32.32218299655468,55.75835706121492,0.7006647958489163,11.01701270742071,1.6033010066721712e-07,0.0001132097967789073,0.20242808451028363,34.55216095035741,57.61174050112863,0.3218669305724382,14.502090567543624,0.0,0.00014063033626880034,0.1082871528613755,103.7032144618555,72.01447454989244,3.506049919343186,6.595683960131377,1.9907974977412392e-07,0.0,0.1890377481346379,68.7413709191295,113.94806803481556,6.154234508785447,13.857368065474953,7.054607065361527e-05,0.0,216.91705355394194 +0.9452768397466709,0.1243288069348322,0.35852364078899673,17.513523822724125,226.62179467034062,293967.43289429706,4.587781577973609,73.6508979827043,1.902965379643148,89.22364614113445,3.223101478459819,21.677922843026014,0.5187305772941988,0.44787575163723975,535.4600203389332,94.09904350533276,0.22521622322345863,66733.43069464268,2.833169422729001,83.09737329876344,1345.4992562921793,198.69519200250681,347.408063397477,31.64221261530239,0.32024238772421,0.19587928750954006,12.458506801177485,31.93896587720462,2.6577645064708153,16.661149544476743,0.0,1.0581939523541104,0.09469906704941311,13.889875197115222,33.819774585027496,0.33119731633627525,27.44227987359796,3.81465658981401e-06,0.0001132097967789073,0.2080310684436395,17.089889961437642,35.194148309036606,0.23689525287914792,15.920104751068482,2.128429568527162e-05,0.00014063033626880034,0.16180034649705827,37.80052772994174,31.814013041630023,3.7885166044526297,9.653147610817607,1.9907974977412392e-07,0.0,0.21805132231424354,17.793560771997978,41.41050062590251,4.0110934718063485,14.782536167510994,0.00018827244281535469,0.0,100.74694132774815 +0.8161255268814144,0.19145988336520794,0.4019830658993662,238.43067283320255,217.58591217965147,348848.4479309921,5.768471130183013,83.62494138899866,3.9512343690966643,57.96805030889793,4.166794268834023,29.630097196552228,0.43119630882599186,0.8390237913228947,945.3255287662683,28.573684666140892,0.32999578453833667,222051.6832931806,2.926690631488117,97.44842572495283,2970.5151752972315,275.00543419285816,343.6290581780902,55.619788320780785,0.17354701382654514,0.19387201813450564,31.64669378134497,52.96196248931786,3.3892415228764583,14.929209623453557,0.0,0.7358665907266572,0.12393375381461229,37.7624562022101,65.6883500326857,0.6789759444211831,14.505442246852335,1.6033010066721712e-07,0.0001132097967789073,0.20350724360854053,35.715151918945516,59.51622505868351,0.3125760014620996,13.722163185716365,0.0,0.00014063033626880034,0.108001309767428,109.77857672676252,76.34007352953208,4.362559405598169,6.253306540604226,1.9907974977412392e-07,0.0,0.19554909191824996,64.95348587862864,108.1218370931499,6.20058184243604,17.762367576401857,3.0332506481131575e-05,0.0,221.81080001535608 +0.8777471280965145,0.1157166065548906,0.382862658175083,222.02653375628816,40.68020764723843,123547.31565313313,1.6001281975676473,42.249262597661776,3.5733733751191066,25.143308035373643,0.4449700410163606,17.91939295625946,0.39876658546137556,0.9847654662686068,968.6919594856942,31.31087689856399,0.31697867133272495,57534.68334324796,0.46401928175032237,61.25341661553422,4484.091586581929,265.54947418136965,331.7346828268976,46.87968165045015,0.19367025545589983,0.19231996983076435,1.758452658821886,24.18951847388575,2.6166402345327833,63.39609626578466,0.0,1.404754572798765,0.13212002550443186,5.833634139268376,20.584083515870415,0.20321419144250127,7.726033133593691,1.6033010066721712e-07,0.0001132097967789073,0.2071514556114348,4.007625436666609,27.711655493293,0.2502240745773423,65.65143372496942,0.0,0.00014063033626880034,0.14938328640072443,14.286857191380207,26.30432776417091,4.869179663701996,25.603016211426837,1.9907974977412392e-07,0.0,0.20866067674950764,2.5070756061544226,25.646391904832107,3.9880475194890765,30.174866258019215,0.00029984273202092877,0.0,115.7307975064236 +0.9739886591511329,0.13550743567695822,0.3831628496491371,215.46888344270036,139.3684558095973,290993.50234121666,5.153270633460524,5.664936226837628,2.8539413191955707,42.03721332480578,0.8479447196242684,25.157309229158418,0.3944579836814609,0.8260082255817253,428.7051217948827,57.253597025658415,0.05722108166762782,61144.35970055082,2.182449188320478,85.95734303267913,863.1438291890017,120.66496987359893,349.5815966324406,58.37679562508692,0.15548760849989152,0.199595169193341,23.366198820245724,36.687879485349136,3.2239715794100046,50.59868828143174,1.583170357589212e-05,3.8941177427545495,0.1121547831868228,23.02857838448752,48.55897589682428,0.5772476975129165,12.887599785268726,1.6033010066721712e-07,0.0001132097967789073,0.20417958348766493,16.889390942999835,37.37693399508472,0.303978377656296,29.927911953245694,4.776626638077851e-06,0.00014063033626880034,0.18283285913546649,79.8904788915874,69.32779964266669,3.08133148406783,17.419870369946693,1.9907974977412392e-07,0.0,0.17503951511532306,45.47665285052888,87.69602815154154,5.854088318832655,17.616621440962902,0.0,0.0,178.08932950621644 +0.9540539988621617,0.15111306573946282,0.34978792544675585,111.51622069029914,97.96154226788599,197479.1070487885,6.339588415709123,26.332111859721937,3.471751813853535,11.299203983839448,2.378812907809164,17.762113761478634,0.3541645311720468,0.4441144211438289,188.6000984335872,83.67611960598438,0.25867030351825077,55248.04853586361,0.5462717475444442,94.6341813663058,4425.7896778921,109.32905621116686,341.5137531750063,54.282578785298746,0.23719986045586605,0.20000118681796364,3.614611229486527,24.566985708767273,3.0427105840059867,82.2991201420768,1.7277550803445088e-05,0.8135964591975052,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21335274442332583,4.1618227521696545,25.250463066584107,0.35171395363675734,75.35535017032436,0.0,0.00014063033626880034,0.1426783179215543,28.156180929890027,29.923726768268203,3.1153740534259255,19.14821052394789,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8928216270944056,0.11094895441989806,0.4402403918231597,205.72708033843534,93.52649265235534,229179.88906717126,6.299053632837398,80.77785831180806,0.4053841456412095,87.3874213223681,1.0896564543899423,5.105946540300403,0.62038322087297,0.578089986494437,936.0344312377772,74.30703219567941,0.2971699971869554,69616.0223292959,0.6819387524653391,71.7318668460408,1450.2490530608402,180.2980506284032,226.26419346740792,16.60373109107129,0.25457737139405845,0.2007613394881867,7.228622134525946,24.304917384750684,2.891789410238835,18.864753825438083,0.0,0.7254983104922991,0.1450579680291317,3.931949460650143,11.615308524929342,0.7745603046344443,3.2738586057382713,1.6033010066721712e-07,0.0001132097967789073,0.21440515528926044,6.372368598599087,23.347289588986843,0.3472142884356293,16.927212671756664,2.651695303946423e-05,0.00014063033626880034,0.32585092718665176,6.507933200146407,15.013200387374239,16.49675060272951,57.411862221008356,1.9907974977412392e-07,0.0,0.20157458470896028,8.729758626292186,31.756569071990356,6.0245999819726785,51.44923759227977,4.646945887007839e-05,0.0,98.21442847385204 +0.9213834673579915,0.22725743956047204,0.3423087722643124,122.56349842888238,184.7133536597163,335888.4005601983,6.5972187143881165,36.7463602081975,2.634078015735305,70.32679295812143,1.3163820228477083,21.21523035852283,0.371087732856173,0.7471033303694156,911.3610554940723,7.670880388850094,0.2858619293862077,61452.76979074176,0.9440567506048761,91.47166081052085,2793.68070521969,265.58528918815705,344.3602964001061,39.58656604151984,0.3447436856575648,0.19756225561374388,6.269713396172152,25.21099794150077,3.8027131994380574,60.29920556199586,0.0,0.6422002385935623,0.13740819850103342,12.28397178265049,30.587791511152346,0.5736237903381084,10.80255262417077,1.6033010066721712e-07,0.0001132097967789073,0.21000339234601678,6.580774985138316,26.07315112136244,0.30323982879134825,56.15677324142308,0.0,0.00014063033626880034,0.08255652577261408,34.81410016558724,36.84271680229172,3.708881869869817,8.564823562245769,1.9907974977412392e-07,0.0,0.21841233377174935,15.49608840570182,37.606995619895535,6.529285063739385,19.408214878851528,6.518848279212557e-05,0.0,118.89699820822693 +0.8847848186286976,0.19099047740257588,0.32283453947561186,136.06098825486865,116.80417021273978,171572.06037824106,1.5406093581237927,58.17467664584904,3.0517857485034265,77.05011785961614,0.8426761804152236,26.661756195223415,0.438168834922437,0.9240023221852348,306.49230093992753,24.680822699322242,0.11401445063311064,119239.99967768048,2.1563741033883645,93.86248039134348,578.5653365823032,208.9924607734623,342.61344544118435,44.94723880992006,0.16215958664089283,0.19357622834263527,19.82215848036682,37.2784095684174,2.562401968716008,29.64218643672773,0.0,0.9767887435299408,0.11827760511222403,34.663566763971254,60.97020997335763,0.24160806182204472,11.075111297058122,1.6033010066721712e-07,0.0001132097967789073,0.20424831899607207,21.672805949152966,42.72346371796149,0.24039732296266408,25.5602092207967,0.0,0.00014063033626880034,0.1120111946863372,92.4660725845674,72.88604631202494,4.462989349928231,16.048456688873806,1.9907974977412392e-07,0.0,0.19915339297084605,46.73743808393041,85.95815285537068,4.298695781667026,15.435833749532613,0.0,0.0,186.08791650419764 +0.8442039791859538,0.1477279424595512,0.39877915153224147,147.45286413785843,40.75853931710631,120813.15499034905,3.1286590670367316,21.50076307299865,1.04134283332148,7.824513025531189,2.114263297971881,6.659026591984337,0.44411986012500965,0.8875905233597599,979.5098355629937,33.42494158459959,0.2633132131347023,140624.43482347822,2.35736223650463,15.117886118165012,1548.2211418977345,115.32268576540498,328.3363535834461,17.97391937761638,0.22518633602002258,0.19935499539548354,1.3684790518508565,23.645195953644688,2.7869201175693736,2.8867827605717014,0.0,1.0946246100873045,0.14416054506703901,1.3164654652974237,13.627621622063801,0.4644168429427257,3.1195810088721503,1.6033010066721712e-07,0.0001132097967789073,0.21296041188251438,2.053194083005411,23.539238638076657,0.31465722074822045,2.0168055823464055,0.0,0.00014063033626880034,0.14485703658400653,20.29199320123969,24.54254993895315,4.8366703973098915,9.334959259554035,1.9907974977412392e-07,0.0,0.22113618507540211,3.2912324267588615,18.07333490728943,3.1720470715387847,3.904045175227877,0.00011773915962993552,0.0,53.15760165512387 +0.9884318394442555,0.25401370120824535,0.40139231835699224,232.53885065741176,235.19830808304437,261188.90853003017,6.530249033173464,7.647544794215044,1.9244528185210381,64.63172824572588,1.3639629926032444,28.08017330783879,0.3624242990406355,0.497559195368911,852.8305774671768,83.86664892928195,0.33364862913843707,70517.2015550633,2.871054510316667,61.88070256828344,2486.618296814325,86.7087810442111,242.93379953145873,11.799418867512323,0.22793174843443104,0.19917291182981328,5.732604759837558,24.4966896958517,3.0296138555190453,4.762565394402803,0.0,0.7693097148438578,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21218091133035788,4.667342552981992,24.255823128046643,0.37647265196890645,3.6896777167081636,0.0,0.00014063033626880034,0.31012957312263184,3.8280592504687285,15.848003365092525,18.648086168147515,59.577151758411425,1.9907974977412392e-07,0.0,0.20190191247982997,7.718260974594917,31.24999752145641,9.893752669976758,59.98759879730535,0.00032451720018199064,0.0,2698666337285.8823 +0.9379940389207555,0.14998851970379656,0.3472446678237955,120.99174402419659,245.30092195941697,199868.03155407935,4.783081777471839,38.81227612064371,2.001124738749758,77.81959196357235,2.500646262548536,27.51549484492946,0.4787285797534413,0.7866565403171786,905.2557287243253,40.410294026710204,0.06928671999552743,67229.6317840681,1.921083868412937,77.55635449812326,4620.847757265975,242.98158647637499,341.1790888015281,52.48354234088538,0.3228309512348426,0.19677388821283232,18.9685111111377,33.649119028159326,2.749024574468393,47.57035835863973,4.456469036462094e-05,2.362345172760599,0.11133466179794574,14.643223936654044,37.55301704435275,0.7733741488465319,15.750399380941756,1.6033010066721712e-07,0.0001132097967789073,0.2040951684806328,13.884125844712827,33.15308760510598,0.3383167592915822,31.90559096142147,0.0,0.00014063033626880034,0.15992001103944398,41.66863844203346,41.55473721409902,3.498192958423247,9.042185486399754,1.9907974977412392e-07,0.0,0.17519322651890576,28.045165432929547,57.40423432423151,5.0492639898060405,22.533146741053333,0.0,0.0,126.97906280812818 +0.8118257335797829,0.23413034412037428,0.35871495692565863,233.42805589331175,166.57752020355082,225485.72275958364,4.952265575549769,97.74133076154362,0.4398015783937488,75.48113972197625,4.4214006908961565,3.4430284300598393,0.44848427600583474,0.8667166868236607,370.54361088381825,38.50231502022848,0.3228437785129927,261311.35540809593,2.826576261463786,93.09457260503243,4298.569011783172,256.86125761458976,345.0862577689886,57.84580819588903,0.22956901009705966,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21454718669930722,37.07571951556036,60.14131677421866,0.34337318728311905,15.018566743325094,0.0,0.00014063033626880034,0.10648324995862356,97.72098397706976,67.14077082865076,2.9982797753094474,4.126487546096828,1.9907974977412392e-07,0.0,0.2228504011051674,37.76555501877647,83.68968005257494,6.108034806932828,12.571470619156244,2.4471536783725565e-05,0.0,3816490534509.4204 +0.9486756711410551,0.14930233505737464,0.35580137191202266,142.24060760207925,204.07722491095814,192429.58334547863,6.474884077559187,26.669634126069738,3.8732718551750542,67.60055296893741,4.5869204259385805,12.082660992466712,0.4190231023022135,0.4368215909845102,632.83993195927,1.8930420893299598,0.1726047092575262,61431.00381954707,2.6589082729262223,99.02550864582831,1597.1233614016328,171.2898775769386,346.72076040508824,49.5298712296499,0.293762306183587,0.19887796724718262,16.431376068893318,33.83793047480286,4.980864373252269,26.988938742179503,5.284707686815349e-05,0.6371810979633814,0.10542987573914842,15.515074671287952,34.7963200983327,1.0851426279138734,27.898887030574674,1.6033010066721712e-07,0.0001132097967789073,0.21067246506974013,19.053523906389046,36.55657367756947,0.39099661924747126,23.184429853163213,0.0,0.00014063033626880034,0.2229285079217743,48.90605389628946,36.40182427837554,5.960579213923189,14.774851329740649,1.9907974977412392e-07,0.0,0.22439888389087412,22.60660873936971,48.495482044639004,8.217775685091423,23.127685256329837,0.00037674888400573005,0.0,118.62941382722097 +0.9421496309573307,0.14884580476574327,0.44055726741156775,119.3279697030629,244.21557890944777,195486.58181054128,6.6718894336487296,29.826045702631987,1.3528685743203723,65.71942807535979,3.776397642506896,23.870533838271243,0.3501896455363305,0.6833357052406338,625.8131765622022,35.640371124244595,0.13734826871576808,56710.62211159713,2.538162432448931,81.57062693291306,2859.276302303003,203.58012821614145,260.7618689117041,13.87854341992932,0.2463987098783571,0.19349586280164788,4.601329299361709,25.229901694397885,3.123362741748359,8.516148336870405,0.0,1.1277406386390003,0.11581737768245277,2.5620583598959956,16.4660497045017,1.0661496457322635,21.010030233182718,1.6033010066721712e-07,0.0001132097967789073,0.19560055032130272,5.377171884457044,25.033509992280376,0.3880770664375996,9.112099946309547,0.0,0.00014063033626880034,0.3398131987381651,2.3013429947951782,14.985892208498813,15.18675982056639,55.766246409813974,1.9907974977412392e-07,0.0,0.14701425003299848,6.957407074012724,33.784154390087394,8.326424414591525,58.763137387799794,0.00019069622283079848,0.0,102.38709984887267 +0.9652655293978502,0.19736784643998614,0.32104853352877916,126.5504390565478,148.96241076239295,237498.8677550573,1.9764412713839052,75.9184207677153,2.651582617986902,87.01370391860245,0.35217153864409045,20.812826036543385,0.4421212627086618,0.9515220940518088,427.5916193781028,86.95406670985322,0.32638303022697623,67032.9858961895,1.0966441046145334,98.68777070624864,1040.9151093561627,227.72748227394635,344.8677602012363,38.40098086803398,0.2589797887395984,0.19318271855103678,6.580843376694627,27.26276541551377,2.5404590496695536,54.600428869978366,0.0,1.2950147169743813,0.13247573826104067,15.590637865986325,36.69581010580192,0.24682763236430383,12.922218860810302,1.6033010066721712e-07,0.0001132097967789073,0.20576007349351655,9.457535399753098,30.544372003652338,0.23925033252912167,53.532634929877624,0.0,0.00014063033626880034,0.12112345164337728,37.80053859808724,42.97076233614874,4.12112957255513,17.98197738601426,1.9907974977412392e-07,0.0,0.20342360604327941,22.30030242538523,53.65402921540543,4.077261516800277,24.015358545357635,0.00039847694662029597,0.0,130.40735476916646 +0.8915726627846728,0.18193610822920883,0.4064304758225167,11.79454285138068,119.72280546878793,220068.45798598358,1.9913484674449424,69.78483001106844,0.6438691661360872,87.20291468430571,2.6187443777003994,28.429488768129726,0.7983834129755348,0.7244093464673222,927.3206886864908,15.308154180541163,0.21631354969745656,55472.25036645841,0.5531945588216438,90.22673731381295,1054.7241791111885,138.19016017380775,333.8046025620588,39.907635509144754,0.32178406677613025,0.19483767444952,0.896878277986877,24.533008248315245,2.3730309698314764,54.186596606035025,0.0,1.3647401681146742,0.13493262824489669,4.9555413445213645,21.067446208126743,0.5005725801366,6.92882659081746,1.6033010066721712e-07,0.0001132097967789073,0.20808222775845864,2.0044877411859727,25.754590609427606,0.2449145115828989,54.60419658828305,2.0402651519669658e-05,0.00014063033626880034,0.1450280391563131,11.296743092600238,20.668970252616447,4.37918441804955,21.877749233623376,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.862813215933102,0.13809381512007698,0.33290757612091704,29.58484675006622,179.28025210052652,316341.2645946732,4.233905353226742,46.671998432521114,0.8667909811156665,26.281700086912583,0.48234373501525707,18.853947543583093,0.3169918775156264,0.8815964900109587,323.4404336877816,23.029524951233693,0.15869075350432343,287981.9805158884,2.6505032239309245,84.94531081343706,4373.575056221528,181.23814724273,348.85446072041367,54.84012996542701,0.260303120107526,0.19465577370040177,36.14094306554139,54.792518079461566,3.1119100515990836,19.3326737506412,0.0,0.7537506043347921,0.13309769874950622,25.67439919352282,47.164556996432495,0.28541090931396323,6.983659233717158,1.6033010066721712e-07,0.0001132097967789073,0.2078750783112956,36.421192704852906,57.95023942913752,0.23822692356421674,17.197799791068793,0.0,0.00014063033626880034,0.17495166868371856,75.63505070413586,49.23698272360868,3.60389592873436,5.0662442747418055,1.9907974977412392e-07,0.0,0.2168705043751529,39.038016238015956,68.0900892823447,4.591717794308987,10.116818155042075,3.963481991578264e-05,0.0,164.5384561015332 +0.8770764346993153,0.1663798550170136,0.35024851760256664,41.81690242097684,37.14837378770767,313659.80115759856,5.6015701110570735,93.12680922160737,4.0848961309453715,62.20997042141815,1.7061859187087218,19.103533759096713,0.41036571590271975,0.9723347154834827,979.9940122704961,62.48094856699866,0.20653614103512125,169617.591995452,2.7183393929725317,94.18113878121892,4332.111069535592,250.15290285780458,348.940244167813,43.39810584279751,0.18312281580374776,0.19259750789646587,29.19470854361999,53.87190716854035,2.8274654170668825,20.320596972698,0.0,0.6231954582026744,0.11304601498746161,35.931768664708116,69.78973101776346,0.20670709006027463,14.355715390537394,1.6033010066721712e-07,0.0001132097967789073,0.2035558588809643,32.56936996366273,57.780348541672176,0.2478528105701119,17.764821355840184,0.0,0.00014063033626880034,0.11613619901362823,91.7715699289174,74.36655268567485,3.702038859484956,10.867614591067792,1.9907974977412392e-07,0.0,0.18934735949883955,55.09142292774207,100.1950241136645,4.270929117377307,16.558396212411836,0.0,0.0,206.66281408928856 +0.9152573212128516,0.14900402735277582,0.3292618521329916,214.5610485442111,33.56004144106352,198707.030528565,1.7043913980960204,66.10946299376313,2.26762836148054,23.40507214075206,2.857691010423518,19.885023751402063,0.41977585397644107,0.9307659421144661,640.2706128537843,55.86862632475874,0.19281610080478118,82274.20038188538,1.1094563475122143,77.98015245799493,962.3480632597815,177.17373694229812,342.4071420425773,36.634890021331884,0.21937255671542025,0.19208697662025545,7.995929114577313,28.057544317368368,2.4291007598501655,45.81651959222733,0.0,1.043492502287964,0.134828881208152,11.051666442272742,31.55111411112236,0.33825471384381506,8.05161809199569,1.6033010066721712e-07,0.0001132097967789073,0.2056651308214481,9.395058612305036,28.45453030522348,0.23797939370191953,44.42563518344131,0.0,0.00014063033626880034,0.1428296117295871,36.6078787384312,39.11451711741269,4.446834898967194,19.11031950826746,1.9907974977412392e-07,0.0,0.21354326923297504,14.104964160306965,37.96933893699789,3.9801119247306493,20.833844061368087,0.0,0.0,111.16301136348324 +0.9267960431823874,0.17247966579640855,0.39910669569644325,137.84629182921884,216.52891511581055,204187.64969487092,3.034056412838437,78.28462636601894,4.408331186968627,49.270301246134395,3.335285622296252,25.116331187707832,0.5175697390792379,0.9381396186334017,480.2968919680791,81.41205758804281,0.22229157534588184,92939.20783271146,2.3605213089880004,70.59041824437509,3168.3348762588766,250.884750513564,343.33321570596587,55.906629030386924,0.231234082100818,0.18904481310410884,16.823420596754193,39.00613192856278,2.537182959649395,24.72739839723846,0.0,0.878261570681958,0.10447357134544707,20.155690459556972,41.15623516904031,0.44804807450676937,13.847413974234607,1.6033010066721712e-07,0.0001132097967789073,0.20063991715365972,19.98371776728679,43.490932098966056,0.2796185406621224,21.676507073304222,4.074165157775349e-05,0.00014063033626880034,0.13678574898868134,57.606181056212165,49.235844162755996,3.898403937196836,10.878220766672678,1.9907974977412392e-07,0.0,0.17451582949583389,34.023723847219195,68.82999932541992,4.458407073631115,18.196674648699382,0.0,0.0,139.99444940511194 +0.9782235479992114,0.129665934657831,0.3797578499048006,155.35614503226833,223.38366862665004,333103.65544360375,5.608485473829278,78.21050160126445,1.5742674694485757,67.54195031048123,4.155450389360351,24.319869164963933,0.5095317548145956,0.8375422114812969,934.038660007964,41.126112929183854,0.23399157564058715,256734.74353054017,2.9136449103662985,95.63682591921106,3167.2827192738337,273.4263221143584,347.43292186423247,54.53173895414969,0.15994625141197027,0.19217807001664108,32.76675489461444,57.80852665733628,3.199205987080886,14.75455754725763,0.0,0.6084625352683264,0.10433569792351889,28.987364306221117,54.585713677973544,0.574117765996862,15.969625439696653,1.6033010066721712e-07,0.0001132097967789073,0.20096868797634304,35.058153549643784,61.59369399049074,0.29834443932421456,13.372685593207033,0.0,0.00014063033626880034,0.23057005615236104,100.59017396417526,67.5218398330335,3.23728184339461,8.584191724006002,1.9907974977412392e-07,0.0,0.15550979340123247,63.411164976729964,119.23549097961919,5.630712181183686,15.265012402865652,0.0,0.0,217.22225620654595 +0.9772244225279755,0.13892619529774555,0.3383913904667913,160.8683662032649,245.6585791154447,257960.69360360564,4.243077030389227,12.9547111053925,2.76701923621577,8.926623824666713,1.1279211480258517,25.706199039846155,0.6910400897773221,0.661307489420918,815.6204753671025,11.30586210335974,0.08486670979964674,299051.7984502278,2.877373997843914,96.61188457617357,851.6467924738809,219.19956293060403,345.4082993517032,59.90411304313813,0.1514481463967265,0.19797617807944662,41.12837891733323,54.055439804540576,3.2457795755978696,19.036755805115895,0.0,1.6058144684505857,0.133995306014167,31.176550513212895,55.25732778445772,0.5886562822598059,9.119274723984976,1.6033010066721712e-07,0.0001132097967789073,0.20846781043665477,36.48186405665577,56.02765766744413,0.300606149011985,13.462658970017882,0.0,0.00014063033626880034,0.0916567729815582,103.11453405958451,69.31102069336562,3.17810230252811,5.523450477192033,1.9907974977412392e-07,0.0,0.19592569606858548,22.161246995529957,79.66518204824959,4.919067972882952,11.101647446218498,8.137159854164003e-05,0.0,190.29384758486987 +0.975956087111906,0.1515582950285799,0.3917155384697415,232.8295594866601,236.0401363335207,275807.9791754584,6.637807873240668,50.97979621235552,4.8363017820834635,59.423874371305416,1.9157455283738658,29.06179989153144,0.5848051653217515,0.9867889461145718,988.2784060330816,42.030051464286046,0.2575162944294507,286481.43162775633,2.9859843912829107,99.13655399363603,4841.950581891463,253.31203904993603,348.0900660097429,58.80558792025745,0.2584847168762552,0.18793413176808507,33.25798166653232,60.78204839127241,3.2314714647335654,14.498854219579416,0.0,0.7066295351703215,0.08878644774846453,19.417005590757764,38.08355824663462,1.0064472862942944,16.440462424420115,1.6033010066721712e-07,0.0001132097967789073,0.19669579824652908,34.26310507015189,63.124271303978134,0.3705325782471549,13.135124421887328,0.0,0.00014063033626880034,0.3575074179299522,67.84083642874491,37.355898722936196,6.283657925077558,32.69423687198353,1.9907974977412392e-07,0.0,0.1532533570421954,46.50499856946902,100.66090036439866,6.884425696975791,16.477836261438515,0.0003382529276219106,0.0,179.36669252016952 +0.9757416745186644,0.22987076217452482,0.4139543676752684,186.52011206558845,246.29047013838937,347323.419988992,4.063582643606283,74.36417846308836,1.2001766169328831,81.27356550701063,2.9707526647305036,27.774259565877664,0.4827314170054575,0.9355483668575869,314.91135110628943,63.38246428760288,0.23014265417876836,117392.27878432034,2.655825665848983,93.57379398238396,59.23290140226118,272.74264961332693,346.0129714665402,58.311610579661625,0.16409331484496215,0.1891103800204408,24.55505798206989,49.69990720474948,3.3315548463111306,22.573123957724626,0.0,0.699842651498322,0.08475547191596222,30.61019100188614,57.10827821495476,0.40390229359108454,15.818753514723678,1.6033010066721712e-07,0.0001132097967789073,0.19952672357232226,27.770071588724765,55.96424045762331,0.2656486344777308,19.56305476616315,0.0,0.00014063033626880034,0.17374385151533744,89.69029990018464,66.63763148817036,3.4046460366658633,11.398844585047224,1.9907974977412392e-07,0.0,0.15092642477154614,61.21462867224239,115.02371297964035,5.771957620593216,23.522732335557393,0.0002052360487325315,0.0,206.2032086956431 +0.8984760671785921,0.20949868633316457,0.36796997053752944,75.64101472414463,201.6060041257577,287261.7855033481,6.926990589581201,87.49957563001237,4.858770667856545,19.621426123947412,4.4127774565179,29.082950188555714,0.4396295942076466,0.9850525684792061,542.9071438322713,48.47977062376645,0.3050201489269274,252398.44859071932,2.913220393662579,97.29898427186028,3058.5079495057266,177.2025765940535,342.3365992565425,54.84282136342848,0.153103586105185,0.19166803731283405,30.354797163090197,51.470637816476255,3.1755296604746865,14.254094875865123,0.0,0.7983015369379044,0.12611107269764196,32.11638147861032,56.109976325426715,0.5745478225812122,9.731922788840475,1.6033010066721712e-07,0.0001132097967789073,0.20166907681599788,34.08084540055145,58.316147090288176,0.30829088274037103,12.409614187986557,0.0,0.00014063033626880034,0.1071407392575429,113.0670285021116,78.38013743865314,3.0773421676216297,10.759933359348402,1.9907974977412392e-07,0.0,0.1939335852402856,61.98757239216889,105.30305099037926,5.4794973340586335,9.770340584893795,7.4828405571703e-05,0.0,216.53038308603703 +0.891910216991329,0.1927155203954092,0.353204918061774,167.2610265348294,241.11026581130514,224396.92246618716,4.9297174715434755,23.75277268832161,3.112748406635019,51.20060066192245,1.9953398608052226,29.047898021630807,0.7762784072229623,0.9580482282354781,922.5922089700636,16.342678420350197,0.3173884702375162,75182.09259471422,2.7798405614604436,93.13042834915709,1128.2130362218584,192.72611201506513,341.9134727961556,39.93950441761411,0.19936719986155182,0.19040409089000102,19.156078643573775,43.8181328400506,3.0773447178557984,18.94596388991935,0.0,0.9062831602051861,0.10138406630579594,41.93091217825373,67.4027089114264,0.8205047792454347,16.785323741627234,1.6033010066721712e-07,0.0001132097967789073,0.19790816270274772,23.94625734399121,49.520914525286635,0.3423451032846311,15.845118426312242,0.0,0.00014063033626880034,0.15069086023299655,69.80921210384275,77.7854714154077,2.5353596909011817,14.978416697654954,2.703631212605816e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.972072477391923,0.11377513794248549,0.3272435912852707,77.14432359353458,223.68510440934017,305722.16268229694,3.4231652270789295,73.88859049054258,2.744327271906437,98.80589653559545,3.5043069646475953,13.835947543823321,0.3493984501098382,0.9692255136398571,290.6563592809337,27.84168038972153,0.25189358500698805,56007.17291605391,0.9624206661490085,71.89281224355219,1475.3630317079953,259.5909811742246,344.04619021689155,51.46413210351533,0.15718734519417996,0.1942645123133638,6.978697149849024,28.15831855486791,3.1728317039492264,70.2039047919857,0.0,0.9645978219819128,0.1344004108932293,11.897089823440426,32.01309294525198,0.21171468499333537,12.493924382152377,1.6033010066721712e-07,0.0001132097967789073,0.2072229079400568,8.076937271844445,28.753270228693832,0.24430756607525558,67.37325024993291,0.0,0.00014063033626880034,0.13036667173665378,42.69419380420874,45.839116330967556,3.671366451603039,19.94140314266348,1.9907974977412392e-07,0.0,0.19122969464119205,19.77443023138723,47.3050231202377,4.866593311549907,31.02862296644887,0.00015740254707679346,0.0,143.1274416660742 +0.9488561088452738,0.16900117223584873,0.3411182241646096,27.05026348523974,115.64396915267154,325684.64485743735,2.1889554230196246,53.51513212302866,1.2796063658419106,29.907159497718034,1.8308008976409624,25.32033312281456,0.6379361903063137,0.9826815603267571,245.8194494431866,46.7614748100916,0.20089963400149685,103209.04740601027,2.8796230813439276,94.18189710328741,2800.932874578903,216.9531281748735,347.7830785180461,43.900934820358025,0.2438124285548839,0.18243939875214588,23.913692645153514,53.392828779485704,2.9557713185945302,21.403730324700646,0.0,1.1147592019546653,0.07634769037635437,26.386423429120697,51.034515949670364,0.4682398800216361,16.822703926927456,6.877940327541789e-05,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.12973668824811915,63.44180467343425,53.458151919058544,3.614346049622667,9.819028511273926,1.9907974977412392e-07,0.0,0.13789778055492463,50.808494328456,102.27178206097793,4.1959208596952635,29.072384314590003,0.0001150341488468364,0.0,2698666337285.8823 +0.9306029366567784,0.1456381173697394,0.34592895227079695,202.47449179477172,240.3475992204395,249558.14532341776,2.066721722807617,47.13428936148037,4.236863040069844,35.830553399719484,3.83605000889255,7.896030261903352,0.4393739533955609,0.27551395061679934,300.54509541415723,54.76971101681878,0.1841098964445169,61842.16889562104,1.0672367131718299,86.50285533477319,322.12188061265215,270.66492774956174,346.3008243048469,39.74038918200541,0.18057043803050246,0.20138279236053655,4.281219122743649,25.573757045231236,2.7589339583022667,52.382040337659106,0.0,0.8397094459221789,0.146189751353201,11.193944367127584,27.827992748579646,0.23844794933390667,11.152892583959522,1.6033010066721712e-07,0.0001132097967789073,0.21529770968981288,4.575806621524781,25.874067984541714,0.24464094229411534,48.298977481307965,0.0,0.00014063033626880034,0.14929177263187485,38.31371793322866,32.67964511107702,3.767208350901351,14.82626810669847,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9581877903077645,0.10767560516595825,0.4218011367866175,181.34555086526422,228.38032071199476,191617.5574372481,6.138238408656341,94.32055818493106,3.4000635006634323,85.92737029521189,2.8155752030529193,24.750572763954555,0.3564267952428767,0.7539700714530372,22.327759136602538,2.636644831667713,0.10378388932521122,254080.3580438329,1.8877041759515079,22.840357751747618,1879.5532411461288,200.64081513503646,257.4238108783968,52.29874033306482,0.23290935297831053,0.19475179953002325,2.00378515599616,24.63169860433017,6.151546727461099,3.807053911399876,0.0,1.5578863753948866,0.13051180966529521,2.3273744290755043,13.254832701885515,1.1639838046221942,3.804361635926291,1.6033010066721712e-07,0.0001132097967789073,0.2048136122936074,2.546526296889465,24.7714827208208,0.40173018076555367,2.4995281007550725,0.0,0.00014063033626880034,0.3480680838170393,22.230770539156794,18.540455547345157,8.16602791123299,44.58715949113998,1.9907974977412392e-07,0.0,0.20330282701875171,7.416167768126715,25.68995406756468,11.333309979826119,8.722874472610057,0.000266545203818596,0.0,72.81052795864011 +0.9114777803098505,0.20722019344019257,0.37445362103095003,110.0159236225978,215.0073687576369,144533.9370209839,5.310743032858221,87.46919012368394,4.814747509115427,93.09500418647437,3.5813434590351165,24.830433581870928,0.41849965360743907,0.9874921389871509,258.9040927609488,55.4143791531415,0.20411262152176202,298880.9966757457,2.8741392198485056,92.5627302461371,4861.458937208581,227.03441799364703,345.3309601653891,52.85733263075968,0.16093395126851973,0.19227500060462657,33.16542643549105,54.585704019412866,2.9366525850896408,13.821650994649428,0.0,0.7838307784968308,0.12760525900175518,32.333134261640524,55.9444416499426,1.0757714625790442,10.548329757120062,1.6033010066721712e-07,0.0001132097967789073,0.20477660727715197,36.34643193881542,59.3937376482151,0.3921879162291299,12.261054046601924,0.0,0.00014063033626880034,0.10170882217209308,103.58472224729363,73.20369937905603,3.4890043131634956,7.910368018513046,1.9907974977412392e-07,0.0,0.19147964682826688,59.86426325639886,103.1167861246321,5.501206012538407,10.376361648649022,5.71284832104805e-05,0.0,209.96386203381596 +0.8979748758050552,0.1153374850997479,0.33114235929138164,121.75464914851918,145.61395221534764,257475.6007639824,2.4001554728133607,36.111086226502195,0.46989636996886985,61.63157389935142,0.6769892267163025,10.443914131002042,0.34361311947286854,0.9276227940574291,620.0475653193901,61.83242142335959,0.07162692283245141,87088.89115296892,1.4317482911090924,25.290134735160038,4233.969958408944,67.6406421272351,349.53597959822076,58.15852715600912,0.16371136737995307,0.19852742197692763,18.955862341016985,31.80476396356843,2.6046097661358436,66.98488062319589,0.0,1.3363840264567926,0.13971270688478382,17.89021284819493,36.5870473612401,0.2250090435699614,10.847008904992368,1.6033010066721712e-07,0.0001132097967789073,0.20934871892214194,15.671924354668773,33.10397838308984,0.24192205146098011,52.6577025878983,0.0,0.00014063033626880034,0.15137798833378696,52.73541209555441,47.85263833989777,4.004649127087688,26.072103811418604,1.9907974977412392e-07,0.0,0.21968257446292408,20.16737219937461,41.11090667972656,4.227548040852908,29.887754433778824,0.0003690057200529191,0.0,143.28995300120886 +0.8437669930655459,0.15035187516432827,0.37526710498577803,234.977448191685,34.816537385032525,283578.2986737959,3.7672957591055067,47.91001590671614,4.177872545696416,37.94255154353061,3.8349354097187343,26.99541849771174,0.3880009852011731,0.9809342344130373,307.32714566346556,48.526261317333926,0.19403006101965412,85730.72549199896,1.1014124180399927,93.50727190172861,2511.6959295968854,261.7414892931293,349.2366802943468,52.65181886870543,0.17013252658482508,0.1920414536501697,13.674726303515735,32.38468263286441,3.123780233774469,56.574745612227005,0.0,0.6862666546859033,0.13012372165591785,23.107321810471838,46.981671551243544,0.19587035753341395,10.76277524752003,1.6033010066721712e-07,0.0001132097967789073,0.20469893562505692,13.65284798390896,33.94792222505914,0.2511385015893946,54.01336307214018,0.0,0.00014063033626880034,0.12756947827700213,73.76637765550372,60.788542193521856,3.762924985245309,19.35946420056083,1.9907974977412392e-07,0.0,0.1981567928183654,35.15752564940158,66.31070464692264,4.707435548617721,24.189257499636003,0.0,0.0,165.3070856664726 +0.9810851049657514,0.12402148686554186,0.34947804447040054,84.54343724031854,187.9931048626494,104805.12200829429,1.686666112516702,13.502750737198655,2.204563471698311,14.179084190410581,1.996349779611765,16.391612869561907,0.35729278595746194,0.954917508962622,757.7804486304273,94.23380863441061,0.0900838626147725,61442.63507647176,0.4831041410364265,99.1936781647226,3192.5664358910904,171.6456118479721,228.8818390534526,53.20044521298487,0.24833669026487926,0.19541157237880918,1.4947877139707395,21.989850217579722,2.6032414419315804,44.45229237316374,0.0,0.9308985788937026,0.13345701421562256,1.755074961544587,13.715150464062598,0.32689988206825077,4.194011082955438,1.6033010066721712e-07,0.0001132097967789073,0.20487123970724075,1.464373749425629,24.18568048236582,0.26731175593598544,41.17930915662687,0.0,0.00014063033626880034,0.27604917901027964,2.236510820187147,15.993960685499555,4.908838540782542,5.5195214517754,1.9907974977412392e-07,0.0,0.19654243381516157,6.2010618602228815,24.068229056217703,3.907405911398643,14.259229913116732,0.0003166572879252325,0.0,78.18649506039617 +0.8906944866379829,0.1890190332192317,0.40309837775323093,99.27046036969494,95.07636459192791,285854.05909979035,2.5076274082665653,32.045504163163216,0.6438691661360872,71.32600891349074,1.8434472332015526,20.9881123483654,0.30960640425531866,0.7255080678535879,502.711512994969,29.188685144511503,0.05490782704546783,58054.34249880925,0.6275894896372209,82.71469902305459,4029.22951056458,178.21942764782705,333.8408220431147,47.954864983074074,0.29612025662117053,0.19882961519705356,7.9643102432065795,26.27241526416052,2.8826903390970773,72.66477601227477,0.0,1.9120980230393954,0.1359165328861114,6.512363313857362,23.4588310315282,0.2777845137269625,7.737339507261641,1.6033010066721712e-07,0.0001132097967789073,0.20992429109420724,2.8923792246502864,25.094840295213185,0.23822634041660296,55.83594968375589,0.0,0.00014063033626880034,0.13284553132295956,19.035946223494935,25.870320415300345,3.844495466198237,18.463876216371585,1.9907974977412392e-07,0.0,0.20930470184219244,1.2565232389401382,22.326601530121387,3.496371438416621,18.016976464265582,7.550465873022443e-05,0.0,112.5997114475877 +0.9109495797961561,0.14905510780862485,0.37632051293384583,136.31573619053117,242.86173397166175,204859.7675111156,2.3477481901389368,64.88463746080163,2.261474051242452,52.18381165353628,3.862666306347472,29.486071427814174,0.4938883127548574,0.985649845683275,757.3125647092713,93.00039762378891,0.2866001910549542,180475.05592822543,2.685105849263276,97.32127006596438,4767.934937635344,260.9548732484612,348.3501926611067,59.52581225257899,0.16211030922557726,0.18475989184424235,30.358559846139215,58.70491128804611,2.4344447537019023,21.049099596455736,0.0,1.1776423422504074,0.09530761780262213,35.275195259642665,58.58622220801507,0.3025489455363546,13.58489268851734,1.6033010066721712e-07,0.0001132097967789073,0.19972176696911817,35.07533298281876,63.82072124459094,0.2559199633127913,19.992860379233022,0.0,0.00014063033626880034,0.14276440950976088,97.5218027839416,69.09416281259212,4.363443505636615,10.595071575510461,1.9907974977412392e-07,0.0,0.15769131609834502,62.965446009535256,119.0133792921605,4.108192368370539,17.34406874861897,4.8696325460388257e-05,0.0,219.64792396746273 +0.8024108130026735,0.1511594625719739,0.35376767945831156,234.98041223564752,180.1137548949976,311660.5996632799,6.466220010140717,48.02928851285391,2.485848870253119,84.74507075105365,2.5592137407692532,24.517647324707937,0.727712072328028,0.8680769640161435,872.2376325534536,26.03308488992932,0.05047865218203454,264023.45649469155,2.6043233246065207,97.72575779606848,4795.541324912685,91.39611394730045,327.90479632755444,36.52697681854277,0.32869284856155256,0.1870651986552311,20.2711318438287,43.104508186347275,3.670159189448635,11.413627425393184,5.6363433066764967e-05,5.235056188000713,0.13308312292882551,11.015405027690855,26.423400012876883,0.7940187682711187,5.35434161220541,1.6033010066721712e-07,0.0001132097967789073,0.208960186402467,14.353536801315297,29.91253738550103,0.33675212171039237,4.3202770845560465,0.0,0.00014063033626880034,0.34538711664911476,63.31676686373884,34.5593851407983,5.400337330706965,30.536533811510964,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9884656904195127,0.13692710430011143,0.4256532070940058,170.84254258018672,243.47133400208327,250711.47596287858,5.945689112314614,74.01173206352411,2.1444336066028984,87.08474364194373,2.089306631890335,24.675251517692494,0.6835836146735961,0.43254063703204426,938.652323153151,55.93718019567096,0.16022911582659,257139.11660571385,2.6360291673797462,98.48390465404782,1500.903304417044,43.23661301940065,242.32734619321462,12.663330716817038,0.29144948343077326,0.20035583790371178,5.45348680351229,24.82146192564578,2.968046145630877,4.251833403654405,0.0,0.9174133219646022,0.13746637488814115,3.8819084761461813,13.130467270400832,0.8933045904758528,17.120196507290785,6.072636014010256e-05,0.0001132097967789073,0.2125851968824089,6.303954136936184,24.08350610991343,0.35410241322401076,2.9942150235811,0.0,0.00014063033626880034,0.3063905821880307,6.945549550886843,15.504228092425537,19.627528369721393,60.60854658803805,1.9907974977412392e-07,0.0,0.20922621336947075,10.364130078875855,29.216118547000853,5.843984789785371,36.09728211338318,6.309639713174114e-05,0.0,91.81209056504687 +0.9719166540454067,0.19625544881530715,0.33032722717091956,219.80995894474427,197.18696175404273,193016.09273562845,6.992603143068381,52.09957406041346,3.7922259521813118,88.25195884013716,2.8332355810663277,19.04809927116399,0.4615755061768293,0.7906897003897382,914.5095751027708,41.0828948441919,0.2627515306324446,285984.9429415206,2.9218496887394716,96.20979418829847,4837.268910982103,145.20904106243756,339.0648221249181,56.75439675261847,0.15960960484541775,0.19617918953486077,29.961455867610226,48.67148435397304,3.086678829038593,12.979961861880126,0.0,0.6923643249534692,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2083280956276891,30.434972558269337,50.47300755275253,0.4249888626380461,10.193924195441204,0.0,0.00014063033626880034,0.10676634802042576,112.87700710612309,79.17365825888697,4.796765284089292,5.84423492316619,1.9907974977412392e-07,0.0,0.2146596320809911,41.25375734137021,78.18567318163393,7.132072909169628,8.758688629776495,3.924016697998056e-05,0.0,2698666337285.8823 +0.9846884109558915,0.21138523888230107,0.32794302343051995,211.80053526221224,100.42592158904579,233663.8554433492,6.8475845896316825,28.990264733861682,4.57905452300234,19.007876457216533,4.01770846522942,21.572189592313645,0.30882108328258057,0.7103714640266319,930.59984677005,29.42625934927742,0.055336257542886215,66303.12696662519,1.0616183534102623,82.75591850954633,4942.397358696038,290.17339746405236,337.13463476438466,47.102939485562125,0.31980909774968114,0.20138198042038521,20.51308090274176,33.04984386310272,3.3155145980427996,85.69161286783962,0.0,4.621486913854763,0.1348096150736009,10.065245786112074,28.212432947067608,0.8546304048446007,11.36259766447955,1.6033010066721712e-07,0.0001132097967789073,0.20866816554303758,7.865792277376921,26.221124827735515,0.3587540357574242,51.04039145254139,0.0,0.00014063033626880034,0.0769529680693366,34.61076851538512,35.27017641473098,3.1077865150087502,9.281884367767198,1.9907974977412392e-07,0.0,0.20514967438035486,15.795966189390045,37.859735801540786,5.966615309675802,17.653928830310374,0.0001431145236959014,0.0,133.55982309322457 +0.8133727928223384,0.1238381191853258,0.32369941654483203,27.272437888407485,162.8617707159492,105614.73907067311,2.791168739030852,84.08997553631637,0.639367932562849,65.93954028363065,1.9826245618361362,18.786972915089272,0.321607797533534,0.9724119897166643,756.7035425876455,61.047497252343476,0.06207310998764723,248773.80208837707,2.58479344228272,65.74515030768686,1940.7935391137685,171.13839358294396,346.9589035362001,47.79647230579623,0.1602640607725651,0.19464826619583697,35.50073360860926,52.52216798417582,2.599656146011734,21.4146955206166,0.0,0.9108546949786255,0.1324380967781366,35.274020217345296,61.66609442719983,0.28553601604282064,7.238402185370226,1.6033010066721712e-07,0.0001132097967789073,0.20726194434314685,34.66529721911555,56.53902212082981,0.26510106651699417,18.138395877946575,0.0,0.00014063033626880034,0.1238157392546463,102.80363241064728,75.92311369794638,4.937571579904416,15.11031479852839,1.9907974977412392e-07,0.0,0.21183673831992528,50.40991729023864,83.79501250526914,3.893515201688121,11.260966024121894,1.1680118982582736e-05,0.0,201.50039963555417 +0.8915726627846728,0.18292369179069126,0.35031698184112137,37.75056872278358,119.77356807550804,220068.45798598358,2.535185297660626,69.77101368702324,0.6467575238857692,79.91775503031305,2.672971637436155,28.312243818779866,0.7619443627203802,0.81287964991691,688.3626884218179,99.79752609962587,0.21631354969745656,55472.25036645841,0.5590770797486644,94.88944425454883,770.728434988314,293.47959079403137,345.05503782062044,54.0408874158591,0.19476598771654202,0.19370304651086603,6.5205523896815585,27.349856551781425,2.395149975798641,82.98540025298546,0.0,1.1511941454894876,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20646159139513318,8.198467332209953,28.64307996413502,0.2375824689401789,82.91873884134509,0.0,0.00014063033626880034,0.14388220684129985,39.739600313036,39.92241589206537,4.3179270454037475,26.083754810521164,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9838348809803448,0.26420689102995143,0.43947272614435184,197.57308427769553,206.34426723694787,226990.57216950823,6.694476785490552,79.04945849746807,3.630245172248868,12.211574450698762,2.259545046630507,14.858847628740047,0.7105997805045127,0.8911361104287904,943.4758785864188,58.94083173827064,0.29641879316099906,260799.66704375937,2.9382896399549097,97.1170316716618,4295.778089926735,98.21151476286217,226.10180466166273,14.881648311752958,0.21238556326483757,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20896395923888336,4.790825616503331,23.501942321519493,0.38820958329879485,3.7302351501825037,7.164325044181291e-05,0.00014063033626880034,0.3504902305409616,5.268134806948369,13.970473156556528,20.183966172356577,61.144129346974495,1.9907974977412392e-07,0.0,0.11355031450770912,7.229565655247766,32.71038308394169,6.570255443898737,37.24524891823153,0.0,0.0,3816490534509.4204 +0.9823426328921703,0.1134576738122264,0.374767349913173,191.96496918267331,52.10907206617267,272087.0532197831,6.871598239983358,28.144908621724618,2.9010538137061435,75.91811541504347,0.2786716817292305,26.689345787439123,0.3225111854483892,0.7212814465406666,23.761146563277293,1.8059790312814101,0.34266171351124475,117158.56186659475,1.9148982534297694,27.01578492655308,3749.7501048064505,68.00161928014799,343.13310693698514,59.51451293423087,0.2269714091425397,0.19264309837768273,11.886038395953136,30.743948282765817,7.548265704357971,27.365151855229048,0.0,1.262791905112772,0.12538555558704417,12.135830019745509,29.120487659689374,0.5261729154180775,6.388426634680499,1.6033010066721712e-07,0.0001132097967789073,0.20471144171165404,14.6763980526012,30.525364061704533,0.31610983749557736,25.95717654100019,0.0,0.00014063033626880034,0.07218081078104273,36.039182742190555,37.25041774961786,5.811620083212965,12.680022251650017,1.9907974977412392e-07,0.0,0.19629257913504422,20.875570844047008,43.2133230754718,10.833970635006452,12.671578573766034,0.00024491114047956884,0.0,101.0621961714441 +0.8428709432284807,0.18151398593927096,0.39129443379531803,209.38179673510632,75.71249351038233,274262.5934327037,2.857797004814084,59.79816571771531,2.194549302642115,59.58028193142231,0.6624008931995522,5.7859742423443326,0.3223088938182515,0.9540208723052901,403.3572282182773,18.601238141540776,0.05000477456069782,69312.23308871871,2.184571055725621,70.85648734411697,3735.3648183136756,272.7114973470843,347.86505626094805,49.33089551020844,0.2967128297135558,0.20000448834062093,23.114108955179237,38.2526920878511,3.1838813405473365,41.285184931300876,3.722962525172105e-06,2.720142736150436,0.12334205241698568,15.372626095201927,36.42371487269282,0.20858900586161902,18.541636543913917,1.6033010066721712e-07,0.0001132097967789073,0.20965197900041715,17.76966636114627,38.46793397676483,0.24558478071722326,27.713927962577483,0.0,0.00014063033626880034,0.11056355371085493,47.455542293941484,46.10501687689456,3.9054860025848632,9.344873474097605,1.9907974977412392e-07,0.0,0.20908836141893333,23.313236116913416,50.854519991343835,4.9382563930683245,22.82832056820861,0.0,0.0,127.85023362444063 +0.9004459699580327,0.17918220731637358,0.3650959694379252,231.23426418387754,38.668510310433454,264436.2460972036,2.7993533157054387,43.677644103876915,0.7590930010787886,82.38960162398989,1.7014733753904325,18.207728751826437,0.4113107903897174,0.9574084335867729,779.2814296132058,44.77988236012225,0.3002409416313176,56649.81339181161,0.8031024843169836,90.99026091710061,3588.927449771744,158.51489186131636,344.30118967452677,50.327582908014,0.24580061138103443,0.19368976834554424,6.205614258794027,27.486756875624728,2.701566081549258,70.2859234400806,0.0,1.0738704069260963,0.1336872283720271,13.073345755026862,32.38736366026427,0.24771094642000888,10.68460326230318,1.6033010066721712e-07,0.0001132097967789073,0.2062591945177691,7.6724422324862696,27.99333923557505,0.24337953628602862,69.52085910720326,0.0,0.00014063033626880034,0.150108044906217,24.107836648539926,37.32252131031844,4.034557659357605,23.53494669659733,2.7615343999459633e-07,0.0,0.20999055171763667,13.121937884453134,36.632874634468926,4.305148825012582,30.51864715065918,0.00011241055957978444,0.0,133.27018287725198 +0.8610451692764484,0.20145556264977066,0.37624002976632853,99.27001999661726,26.370976484322746,291420.8370510512,4.830074677881214,57.95364856144846,2.142856708222024,23.839809133792407,0.40824319483775007,21.79644685869054,0.34382200465843915,0.922951965274394,562.6197292579044,48.1011980666125,0.20527318025506958,89628.35661006771,2.4068826192352057,48.412376193499384,3455.4736839922152,248.6644394109187,343.47398610218295,56.89345795062815,0.16675509525855733,0.19530474224864694,19.176121428546374,35.18938980123324,2.9993550363045336,29.133936230816904,0.0,0.6459083036126535,0.13012453590113207,32.85469483145258,59.62288265311314,0.18627494481778628,12.920418155483162,1.6033010066721712e-07,0.0001132097967789073,0.20490306405433384,22.64482884921162,42.4947815837007,0.2541805330120468,24.441374439639393,0.0,0.00014063033626880034,0.11263330064065719,79.22624886809821,65.86497570519188,3.8327094409815317,17.944896527580074,1.9907974977412392e-07,0.0,0.20609480922679707,43.08758243279973,78.9379602798221,4.573749402331039,15.537345580303429,1.4332422297311089e-05,0.0,171.70751832835893 +0.9744583331443739,0.13070376055689967,0.32556308153629604,184.88539454241354,103.63816269377288,295731.5435200741,2.6000874233213613,69.53789023138452,0.6205598823826278,21.354921884952617,2.382552527921354,19.34092530959154,0.4933079360205225,0.7243944917066252,665.781372702162,61.23164706667121,0.197222407587466,56066.871389146196,0.6617512119513433,81.74533406257231,2374.0940330045364,280.8943999471295,330.40497103869956,55.94824869705049,0.17164773104414888,0.19608755217489948,5.71643618963145,25.578143377274905,2.749449495114864,74.97228231011402,0.0,0.725560731753064,0.13620824774102977,6.34557695080346,22.00532965138149,0.23034442342228856,9.090053071136035,1.6033010066721712e-07,0.0001132097967789073,0.20875295891195605,5.851936828685587,26.623776142062894,0.2413966562272463,69.44131605110486,0.0,0.00014063033626880034,0.13751340255105277,25.540644308506597,33.215230725029876,3.7784876655370008,19.70012646681141,1.9907974977412392e-07,0.0,0.20470452381524554,3.011043404499972,27.347003080966108,3.413765854749837,21.50798785501517,0.0002992860546233664,0.0,126.0061032947748 +0.9848814291407957,0.25378434565580976,0.4401779305531442,233.91924712943836,238.16677212446044,261188.90853003017,6.537802414360925,64.3102571362656,1.8572267852991566,64.25067369422061,4.263590786304718,16.731615389097783,0.36081575002447636,0.497559195368911,852.8305774671768,83.86664892928195,0.05594273207991754,199364.10023532202,2.3816216633710945,19.566342606751785,2486.618296814325,192.83636439874124,242.93379953145873,12.298328892838889,0.33231520253827074,0.20322916291251963,3.4210923252762386,24.78409208308995,3.1575174514235123,3.034603890687454,5.243476575990416e-05,4.951842733119817,0.14218943651713004,3.5298431791862015,12.220671228297272,1.0460433654868182,4.658291315343484,1.6033010066721712e-07,0.0001132097967789073,0.21335127493774247,6.369603803702184,23.498258318433756,0.3775409998322907,2.3760134572792304,0.0,0.00014063033626880034,0.30965102496797187,5.667380860466549,15.601354926688984,19.213605653664594,60.1508058583626,1.9907974977412392e-07,0.0,0.21393953219724843,9.931166139625683,29.625141246639913,6.9110360685557355,34.053653894417515,7.66007536307547e-05,0.0,88.879267058536 +0.9591002737757421,0.20968450613889303,0.3526113539268096,225.0752841879581,134.88438853581272,327315.4886551136,6.860858884002834,68.50562169980302,4.129717017764275,88.98746048619482,4.593988637134242,23.13518569460019,0.48897619081609983,0.9690142515116205,680.1230424455202,93.45607670883987,0.2443321256783486,185460.99267845188,2.9026125616686507,84.0049026713309,815.7017130574368,277.88803629949246,343.94762644426623,51.46541067502894,0.16437138000148402,0.19068625618190405,31.541464785421603,58.33004521018505,3.263814875132877,18.030184367025655,0.0,0.6931356566243403,0.1052954669733972,30.43369377728503,55.58615925494254,0.697411181974998,14.592140832851884,1.6033010066721712e-07,0.0001132097967789073,0.20241244454747792,33.502763390964525,62.14745567065736,0.3249648509716572,14.495679380229756,0.0,0.00014063033626880034,0.11020267544200153,99.3289823346475,74.30274149282207,3.8780329214581766,9.036906565092956,1.9907974977412392e-07,0.0,0.16959223483372407,61.705018119902014,116.89120459820212,6.812324892110862,15.705304489554663,9.945636254620945e-05,0.0,217.72919820073713 +0.8448502213735799,0.19813981736058936,0.3312288291060743,47.208777015649666,182.7846420708401,329519.29168302764,3.1981879645238873,89.20868360523727,2.284908961513521,99.97194443610147,1.0999454312131016,25.918337411018168,0.39626844434322706,0.7601354198496983,262.2019167266515,40.48169196227652,0.1312696455537534,59399.74766721598,1.363865570774806,18.933485660810636,1789.8323515271215,193.01308256587393,335.73848672865114,55.177608615790405,0.21472223165464802,0.19778475521842198,11.435404917113507,26.81095166677899,3.1096413768279962,62.176737973545265,0.0,0.7062779964008938,0.13507613555402784,14.689467294162677,31.44672171212912,0.30737784485017094,8.86976593973958,1.6033010066721712e-07,0.0001132097967789073,0.2110009015426944,10.65569403557255,27.567236814757702,0.23668204997447467,55.20193115407487,4.776626638077851e-06,0.00014063033626880034,0.14851216335070436,38.49643707003574,36.50463507382357,3.5624250016111105,24.36718368047189,1.9907974977412392e-07,0.0,0.2131447743960892,8.099692617134698,31.9763788544249,3.5904479967406426,19.65167642389393,6.214408125493585e-05,0.0,121.81263517086211 +0.9383173914097755,0.2262157201687341,0.367837936725818,116.24747181993227,248.51906072730796,270722.4188798694,4.790044472440236,34.71262953640439,2.0265525698594367,82.78486413656015,0.7881474805352233,20.216963787228266,0.7657028514144315,0.924759719442137,898.4131359635481,52.53043859956039,0.07160466655088557,78228.74622279237,1.4346250331316308,49.73336206016449,4237.166882538397,65.1741606735866,349.6040927492532,43.577369552333295,0.26271879937137643,0.19915177610662138,17.09813067165593,30.442603878453625,2.851026509142747,57.000244681409846,5.5735955938170474e-05,2.435451876015389,0.13565738631198454,13.988632093395202,35.035611342350435,0.5354488274976783,8.771359193535078,1.6033010066721712e-07,0.0001132097967789073,0.20652760471198384,10.816453857557628,29.85698827324771,0.29468624694943707,41.50516734805385,0.0,0.00014063033626880034,0.11926058986553578,30.198757824427723,44.613703682734375,2.5321945227803355,14.712199585122312,2.7615343999459633e-07,0.0,0.2351394846476015,15.760874229442239,39.117843492157796,4.927032927839355,18.80482613471277,0.0,0.0,118.30330914753603 +0.9798358858982813,0.2034791639523965,0.38421858127375746,240.51428516614794,227.18339301880218,304016.4272941886,5.966159969417186,94.30664918005036,3.0320645044017436,98.75935644620179,4.128253368241338,26.736461255504118,0.42597471667674053,0.8714081853095519,131.11812665271805,78.48694820093193,0.08263619416703212,292734.36607845756,2.6971813888345504,99.38338613110557,2949.1921399606845,271.9264201945616,347.9374611589049,59.442502740953266,0.2735441437193441,0.195589668359679,40.98649396936272,58.5327450788129,3.6755238068766904,20.265449166164508,8.883410917078146e-05,2.646228731062288,0.11693982811150182,17.6969118094562,37.31027644180677,0.8304887606814482,12.098791410214314,1.6033010066721712e-07,0.0001132097967789073,0.20481313119905248,32.19136315032324,56.926919295904305,0.3395080211875365,13.859910422009833,0.0,0.00014063033626880034,0.3517416676036079,65.95109914860262,36.32316183996337,7.7674005069375,26.088586088387526,1.9907974977412392e-07,0.0,0.14645834136800026,38.95326801089895,83.03004981882434,9.002207368221061,14.084414749152785,0.0,0.0,164.19353160265874 +0.909480333289095,0.16948836228947337,0.3652462293044339,63.79482977992542,152.59016371286194,334100.8190961628,6.490975763810409,72.0203574548436,4.6931094181854185,5.8490477164030885,4.056090780730747,20.80425025349529,0.36492048061755245,0.8175493482808052,74.70394311072778,81.88558122323995,0.24492730946772548,249204.55506736677,2.8437356485556715,91.74737600255129,716.4928134945394,208.37918947687922,348.70414609348364,55.61498087807545,0.2315925772069453,0.19540377442110227,31.684360076576432,49.477915144471254,3.663843971675672,17.214693883021972,0.0,0.7862948221160584,0.132901422270649,26.099019534604977,48.60238712663876,0.3534820673849815,11.787864128638887,1.6033010066721712e-07,0.0001132097967789073,0.20761932142242762,34.393083547003805,53.926438105776015,0.2709891892312834,15.123497580839212,0.0,0.00014063033626880034,0.2592126495389537,81.97070111539773,53.54417268212496,4.149763199635639,8.876484883776579,1.9907974977412392e-07,0.0,0.19319895334306156,44.109174593097634,79.39982568251507,5.5081416673985775,13.774691834020016,0.0,0.0,171.51367921598606 +0.857462275310012,0.12670844043817112,0.3338655589635428,24.191569763083194,62.99136834509295,108940.37006058423,1.5793119570454388,10.042018477182939,2.6575027597958187,81.27645015277575,4.358192436408162,20.46216376549668,0.3758507072603773,0.8835364733759884,799.8836481681593,20.624061681759798,0.2148972439045025,75621.9458089968,0.5757591604304548,82.09696233855084,4495.7524563468,174.72662903381396,348.8320910186307,27.412359428759025,0.28871442855952845,0.19341466870413798,4.524185060363579,24.89433534356808,2.5345029831344306,54.052544015486504,0.0,1.461636981191639,0.13474133483356485,10.528438688905146,28.658996352640372,0.3248150866247312,7.911550441771864,1.6033010066721712e-07,0.0001132097967789073,0.20666588874875783,7.069336647113269,26.300870534265417,0.23754825038328065,56.0507240306821,0.0,0.00014063033626880034,0.14751430654865264,22.474204154483058,27.96975574040087,4.964999481382065,26.496397724705634,1.9907974977412392e-07,0.0,0.21302773424792273,7.248487912273624,29.182721079123485,3.7854548549720413,29.70107671924729,0.0,0.0,110.74158048973634 +0.9658803467795767,0.1919536669125561,0.40568791676025073,241.0735729029199,196.05401912509362,309288.1503402699,6.343614390190115,27.463167696474393,0.5136853330508269,88.56005080233777,2.3756417942571177,9.692278637822858,0.34326962263000604,0.8351364399514984,445.6069133849631,55.4584919956009,0.10537222329266295,54087.66401955129,2.2462310629252062,97.72355826173677,1384.467189144883,15.484927288995308,264.50319121495494,20.891811679174094,0.3493711851803096,0.20041465016803953,1.4518579200712027,23.575307893575346,3.424477123643094,4.245427727703362,0.0,1.9720824894895586,0.1316582446956951,2.6496507186830787,14.475949249831698,0.819529383505166,18.630524204087234,1.6033010066721712e-07,0.0001132097967789073,0.21109669868559253,4.1651726657897745,23.693317517994824,0.33968806163959475,2.38561361386508,0.0,0.00014063033626880034,0.3498078181661524,12.782845539502087,16.570650702103013,12.928100934628086,52.37044878352495,1.9907974977412392e-07,0.0,0.08846363027286006,2.159819616413527,35.73250541152455,7.700262407958862,49.11064775541998,0.0,0.0,94.02690701758753 +0.9211664580926531,0.20892323820921785,0.44948414070194304,205.72708033843534,142.02648018042447,349440.4773021354,6.299053632837398,80.40132961791687,4.723454463854648,85.6683636973182,4.911714547812859,22.21735930508084,0.7690163753183824,0.5789954493000077,965.4587948295937,74.02663408961243,0.2063581465664949,65268.71248955145,0.6819387524653391,37.66989025319124,1450.2490530608402,183.94663036196255,220.71173115590116,16.929079482523818,0.34636333706732564,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.13967796475506777,3.0223965089836113,13.545898112260963,0.5837779372606703,3.2437231774792377,1.6033010066721712e-07,0.0001132097967789073,0.21205449809824672,5.839047156759098,24.09786850020509,0.30416073961755713,18.72991969794048,2.692661669823005e-05,0.00014063033626880034,0.32132469265065305,6.395090798270527,15.032681852338769,17.88288345580176,58.853722187974704,1.9907974977412392e-07,0.0,0.20775236354593427,8.795806679178895,31.602872345519813,7.572679127941553,56.8750477134483,2.2204981777095493e-05,0.0,2698666337285.8823 +0.9390799167597008,0.2084813642238963,0.3724379369189263,116.24747181993227,247.81689167322452,343136.1800617353,3.010509038229989,38.94432637190041,2.384134531962522,99.99101912289208,3.0270060805417813,24.36663173037203,0.44666928761936375,0.9281005210959801,950.8473921551836,52.12142550239253,0.10303673367519439,171787.7571467386,2.984517867713059,95.49206951585,4649.360569377064,292.32611105661556,349.58758341480745,57.79903154686593,0.2634202287263653,0.1906339348325422,36.52952636270117,61.48978891790005,2.8735938677781716,23.715149509065007,0.0,0.9821615570254824,0.09805096798494181,25.363675505408192,43.022955739204924,0.22253266449088424,18.02546911174562,1.6033010066721712e-07,0.0001132097967789073,0.19395748034804147,35.40747439138918,62.75715897998849,0.2414701967346479,20.293935024278028,0.0,0.00014063033626880034,0.2953455406507252,69.12940333699471,47.21841934718788,3.2992270392539877,13.230344129469746,1.9907974977412392e-07,0.0,0.14771841221895912,45.608271682577836,91.94386778436693,4.544279667245934,27.786275335956013,0.0,0.0,180.64172000692162 +0.8817838564775771,0.10699254827508099,0.3758099534539778,14.569202606292421,16.467412961532148,159017.26182294392,1.8268656922956985,5.604346768942921,3.3705215812896547,52.70663490268017,0.7820685998127153,14.196006712254128,0.4516532227174277,0.6180175260154641,325.30370479572264,90.49959435655866,0.10942971076278185,50799.068622241444,0.6805464842795739,49.56545823022692,1229.5440811508106,102.90289841740338,330.1453974366397,52.26500233889002,0.1883704772966811,0.19886684040669264,1.168910806103055,23.712654693810574,2.3706844190724543,72.97208648594574,0.0,1.352781497305226,0.14027687427334443,4.976520445753062,18.71493004949211,0.46405129592670685,8.74282626419867,1.6033010066721712e-07,0.0001132097967789073,0.21255395744404043,2.2421572931702523,24.534527187437554,0.2400093018208635,66.86550034981587,0.0,0.00014063033626880034,0.15626562267973476,11.527791824327435,20.44673090858407,4.684678985137365,27.07660467729872,1.9907974977412392e-07,0.0,0.2253996169493376,0.992057516324579,18.839651635866744,2.5963075492840644,29.190293215852268,8.19496293864671e-05,0.0,118.09606049630662 +0.9447623933523699,0.12966348512695502,0.347496159593774,181.6261346321983,47.235944897243414,243794.7184620935,1.7276064535737323,59.16303721849183,3.2816066231725234,22.408136353141032,0.47326250599201414,22.068552489382377,0.4245066646024582,0.5956275930442617,465.46911430635276,5.301744038716194,0.20730162193075086,61720.664507911875,0.6556997918127286,60.85254191542704,3193.1631227162125,252.88381022139652,336.80887592538147,45.88698959172567,0.17640459558500812,0.197468147970365,3.1736172528078264,25.20762200625733,3.218058958118962,60.06486510429975,0.0,1.1022888735992775,0.13687456899613626,6.607612423063006,23.254242376949612,0.365852425653114,7.433140676759112,2.857404623126205e-05,0.0001132097967789073,0.21070355968778617,4.316701091120026,25.558368375650684,0.23522843434492918,59.1512991436765,0.0,0.00014063033626880034,0.15162538009702015,19.786026644187757,26.010462350339264,4.191369807772029,23.912202542375283,1.9907974977412392e-07,0.0,0.20860795869668083,1.9232698786796392,23.668513677999076,4.3442428695224145,19.22347039020822,0.00010156931096295365,0.0,108.09869940815952 +0.9536640341974876,0.22715642286321086,0.32808614121394886,208.02670678974619,195.9235445954456,158439.24886177102,5.934174563810973,47.71499453395339,4.344727084427188,91.64837908386792,1.247804410056636,29.7223476422287,0.35758675731822476,0.9177053389506928,914.2860855823045,79.71427198536253,0.08853792500441096,67090.78232084122,1.1437785364159294,26.099408252841748,2065.5367705825124,154.68002654038494,348.2469014672963,41.94074275373938,0.34791900506902984,0.1961627092706771,16.24203701959314,31.47750077349443,2.83116919156262,75.24390426398912,0.0,2.2812355417134245,0.12747978250671257,12.755233370679116,30.944145037608724,1.3080101715520467,9.143110710625125,1.6033010066721712e-07,0.0001132097967789073,0.2034693239548198,10.070087421314373,30.321083337950668,0.427908141048275,57.62035275496638,0.0,0.00014063033626880034,0.07102649301694226,33.754430231753254,37.02029225464544,4.128300189996927,13.334778492286421,1.9907974977412392e-07,0.0,0.1921059912106343,19.743966016704427,44.60067890616315,5.931577782518624,20.930330580593353,9.308670885581717e-05,0.0,134.2880331119281 +0.9789953526844495,0.24203313245545488,0.3678374450504097,147.6533600220799,249.31246974709177,311672.1922637331,6.08163410567057,35.71957429303975,3.099952988904759,88.33684001235896,4.984160084955435,25.58287331753893,0.37881132376771237,0.8573528137050435,841.0241098286482,99.51356167231224,0.05547591643351451,225623.99128680307,2.821685248503281,51.27829651801067,804.2562125277117,244.1488661141255,343.10303452123486,54.23460443011355,0.19210496182607173,0.20014953704752708,43.16227171856592,55.68552768542432,3.222624816253641,23.783938861780456,2.1662189170430707e-05,4.525660621046341,0.12941324416829927,22.619068460113535,44.2675669257312,0.6874141708591599,7.582930312028769,1.6033010066721712e-07,0.0001132097967789073,0.20616155706531566,28.09913357044628,47.01357163430502,0.3183886690817924,12.221305883888096,0.0,0.00014063033626880034,0.09840696312070317,79.42733748131148,58.037632917152514,3.303614176225874,6.251620870095132,1.9907974977412392e-07,0.0,0.18029919100894243,22.465194521964293,72.49036692240577,5.139224910770102,8.256108641803188,0.0,0.0,163.7688447482031 +0.9765085416030742,0.1728360592698085,0.34858928384941906,230.82636573067563,83.43239437026669,224961.4468263362,3.717260674036286,72.3914974803892,2.211803730220266,19.066912862038283,4.678174853623796,25.706011151148463,0.3683662558132883,0.8175814153017135,707.9802023720749,61.803539161287425,0.0759041830332751,56296.4269313884,1.1092429277992943,71.60362383430979,4744.221547348751,210.71536826424096,348.02422362727276,47.28313806325782,0.2070159918658396,0.19677763561607728,12.695284661306074,28.04191774122069,2.6910333746225525,76.59627416910516,0.0,1.8869271058636463,0.13284360894903216,12.288098626899494,32.26318480120533,0.39923300797662337,12.235709989781109,1.6033010066721712e-07,0.0001132097967789073,0.20453421120971146,7.883360202291422,27.346764430008903,0.2835303437888704,58.43040354724401,0.0,0.00014063033626880034,0.09385694896316098,45.90916126278074,44.847039669308295,4.128331377309411,17.51885887963015,1.9907974977412392e-07,0.0,0.19478217184115112,22.108364655013386,49.67763037421275,4.564098233460037,25.282939901530995,0.0,0.0,143.00695751075696 +0.8676214818563263,0.17948931616297337,0.4490814513207248,183.39632464804728,144.09045422460062,183406.40636618016,6.308088241745234,29.964421654809744,1.7921343969623167,70.80182465256961,1.3645323344595437,18.40091112985725,0.3537825243417486,0.7202035194723856,44.99368884464394,32.4423186203265,0.1253138627291086,177074.45357999086,2.7640578063179664,94.04061171967322,3005.3921228349586,181.53149743347038,232.70795223420185,12.45454119142181,0.1930531370938295,0.20022110569906074,4.242895573972178,24.19575750253081,3.7148183848908203,6.627084535220096,4.649401321216686e-05,1.3618321900337873,0.1318704057547008,2.378733892478277,16.143101220606493,1.0871890266694737,19.154205748099912,1.6033010066721712e-07,0.0001132097967789073,0.210518628904704,5.127911735142282,23.30726077340645,0.39281436895823657,5.2699430809805,0.0,0.00014063033626880034,0.3362598362482601,5.682662847380315,14.553773986361923,19.255600765129135,60.19035905123814,1.9907974977412392e-07,0.0,0.1918276307309142,8.259027322875209,31.27948113375216,8.006194494727382,38.53184379220235,8.374033533106537e-05,0.0,93.42492956304082 +0.8839597795439504,0.15584202190571886,0.39897893741239326,201.99619094945285,125.99007819582167,171411.47123001673,4.083443003681303,57.44296737624619,2.4284072261464695,91.57924521930735,4.568405520824988,21.193374033637124,0.33010176740939196,0.9818448551939997,321.8488706508602,25.286308908282763,0.10831612662522977,66617.3609082583,0.6793235384203098,54.24021376791561,4146.676715396841,188.5382198489805,338.32040353259583,59.42600799681935,0.3144367706308331,0.1939381032479203,9.042460815066493,26.70173261812911,3.08812297433339,70.83460166995043,0.0,1.1616615328724653,0.1292193311918514,10.036096552185654,27.518662393912965,0.7575469406715295,8.666003054400448,1.6033010066721712e-07,0.0001132097967789073,0.20332445396366444,7.370101113886773,26.07257374417264,0.340568827217721,62.43088868242304,0.0,0.00014063033626880034,0.10429468126275616,25.97700070698466,33.18832140773573,3.78055592152525,16.63513783210616,1.9907974977412392e-07,0.0,0.1782101743103993,5.84813349173801,27.986044080168742,4.9649363403472595,19.817173858857352,8.94753663365172e-06,0.0,121.20600836432251 +0.9100658125273144,0.22136245777291627,0.35987748114225826,209.4293657978573,130.34639749292143,345267.4732879786,2.254890038231999,76.76875022111655,3.5103452092967533,81.77490935601143,4.681478721703455,23.90076435796816,0.5923140791987332,0.9280990810732885,719.5732744048668,91.9377446389083,0.3362798784436621,294660.2028045866,2.5823638785472776,89.77584155647953,4791.001692936578,291.283103227585,347.7024891762303,57.21806891338217,0.15011549210735484,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.12805064984709008,39.65762314686403,71.55848249073478,0.27855543741369365,11.333913046561399,3.380663675171457e-05,0.0001132097967789073,0.2059911777990973,38.26482150759634,60.61385016109802,0.2359993820684029,17.29852741482491,0.0001329942963883685,0.00014063033626880034,0.10938691213870819,108.85189188318867,79.48859523055218,3.5474740607675828,9.361214811002695,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8987577114920235,0.23665389728124742,0.35975899398877864,225.34903326172963,109.46920058436712,313263.75087074173,6.533334873852425,37.832463257511286,3.6377969516002837,63.07153855744984,4.167116648679897,19.615838842289303,0.7963679204807019,0.975718567807031,607.6820361768847,4.850667322521856,0.214746678552625,281590.8210408238,2.876677046996499,94.59189175231327,2419.100171497519,271.1053077741044,342.21690592358,32.67552318057682,0.1878678968977903,0.19532257698224825,25.425910468496774,46.04864243527462,4.30652715741317,9.17246186203317,2.9798081356584235e-05,0.7088475564868056,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20554405888542632,27.922048015188768,54.09259441359914,0.31712187317487195,7.440683182481567,0.0,0.00014063033626880034,0.11796823654985267,107.15452374243334,73.52717452722086,3.9914626574754495,5.442475527600707,1.9907974977412392e-07,0.0,0.19997776826614208,14.211574179500019,66.11146515723237,6.8609843654905545,8.276766497869074,0.0,0.0,2698666337285.8823 +0.9346897058870199,0.2321717431315904,0.3504127293987894,197.02534614018464,168.74665152805335,196350.65393116718,4.1261809595421965,92.72529249007674,1.3491322882271706,26.69288674930861,4.276393530969961,27.70817066162282,0.34309973642555763,0.8668414113525595,793.056190228225,20.72446636118277,0.3258051400871742,58803.8026173207,0.9954400166378975,69.07230070756987,4106.6946228282095,242.39292902919922,345.73640666646685,57.55792909634558,0.27901834456706603,0.19272362369248933,8.690582165755517,28.736357268651822,2.906034498398563,71.03468751703174,0.0,1.0255046892662023,0.13154698343225613,15.946229711213393,36.70464939916042,0.7412429337899753,11.053891419791913,1.6033010066721712e-07,0.0001132097967789073,0.20308825704140251,10.496760680299117,30.43087525464069,0.33237686591876536,68.76755262679815,0.0,0.00014063033626880034,0.09472242413657911,40.27145824024666,39.873433723036506,3.716705398562517,17.479734262837663,1.9907974977412392e-07,0.0,0.20034759678578146,22.32510989181217,49.57126930101471,5.480015876817444,28.95847915548074,0.0,0.0,144.22833501623165 +0.9218255461215535,0.1824016784836181,0.3275245973442251,187.78600075504562,247.95918061553513,253385.12946726594,2.0159897098979394,16.164283248637005,1.4873208957981694,60.493161052338344,0.4132097888177008,21.249375657500767,0.46877293588094,0.9301756916548527,280.51391449939246,94.49762377590469,0.33613515883325634,65047.68423379599,2.215662209682294,85.39865308440855,3647.4718265842494,273.1518018170618,343.0886546696656,54.75549215012607,0.20305460375734768,0.19140576069151186,17.861908932915313,43.54794095025143,2.709714966520583,36.64824104853621,0.0,1.2679914038200983,0.10865655658076921,34.7072510035171,70.23113380318817,0.22536801623831004,20.88315323778416,1.6033010066721712e-07,0.0001132097967789073,0.20202923127624076,22.43117503142219,47.479329426105956,0.24266389163306928,34.20264639760277,4.274103107160903e-06,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8987577114920235,0.23725944104099597,0.35975899398877864,223.1132602078458,146.8124383732798,225163.93291801974,6.533334873852425,60.69844526020462,3.8342712874822458,86.1426089258833,4.749913143502831,18.61265004014787,0.7949256845947489,0.9740642389234834,913.4243433845957,98.84465947070649,0.27186051482427603,288079.0961215041,2.7705130776051705,99.87264053673577,2359.832557848083,268.1264619390953,348.64813403205585,35.48809253668413,0.1783107392253756,0.19558835026006466,30.889275416364836,50.79751164683167,2.8579771686150703,12.85051897043402,9.273531006221772e-06,0.727135100905315,0.12983817109761267,33.09577930398582,59.12747918603775,0.9945179973306196,12.641454103561138,1.6033010066721712e-07,0.0001132097967789073,0.20680889666315372,33.73081764298197,59.31221574248112,0.37553731917255734,11.09156080640803,2.0402651519669658e-05,0.00014063033626880034,0.10101610698781364,109.40786276956668,77.4894309434679,3.2827324128467774,5.7715548409801425,1.9907974977412392e-07,0.0,0.20640175524700388,48.314510452672394,89.50420113498083,6.034625249962469,11.357210998072537,0.0,0.0,204.37477777730263 +0.8972510624140116,0.12922002414263023,0.3937284910859742,215.40444768407392,139.55663867254086,291350.4500912831,2.1507599783445843,12.796695934583227,3.257923993305274,57.27750120485168,1.023188998285732,25.157309229158418,0.4395227288883176,0.8261194113461293,415.0069068288704,57.253597025658415,0.05496723801621381,299847.5425636818,2.960440503802816,85.95734303267913,1030.6467206746506,218.57071176633656,342.3369866524604,58.37679562508692,0.1568148918091033,0.19712843019104326,38.52834409248394,50.36677745463222,2.8518762769935475,15.03825067514698,3.780548368385248e-06,2.0058300828769906,0.13029516294738727,28.336814676804245,50.755856069965674,0.24329927199281798,7.888620957071963,1.6033010066721712e-07,0.0001132097967789073,0.20547094312667666,32.87931668347822,55.4612470730489,0.23884280563572877,9.935800782325819,0.0,0.00014063033626880034,0.098260898379118,92.35510909710116,65.22266062938193,3.7214542983431227,5.849688012633894,1.9907974977412392e-07,0.0,0.20312329863299325,47.01535563768931,81.95540392523702,4.37808596532396,10.041868916622024,7.664278357562574e-06,0.0,183.94446594293854 +0.9868591632299386,0.14546392125807975,0.41570417904979307,173.80318213700758,72.63656236066944,321597.88483096054,6.845679459147538,77.0641402728596,1.4291071472676375,84.5162115287888,2.9316181533050805,16.762618593985337,0.42254571173307903,0.6387237136371554,694.2907919418101,82.66272309722075,0.05738014492519074,97330.34908434123,2.7244197120463243,84.85509265395689,3096.389679989718,275.4351525557368,238.06101791875534,35.97932817446237,0.15487822249489483,0.18616804930037467,3.314813628058255,24.158267188532022,3.27086153996058,9.926116082137584,0.00010655522842274097,4.751603894849509,0.12506565295373454,2.887596484474349,14.862343744245097,0.4869488984508261,20.901690641328322,1.6033010066721712e-07,0.0001132097967789073,0.20477040145072678,4.727266549852675,24.218886738784995,0.30133453035247504,7.8521494830284375,0.0,0.00014063033626880034,0.33845644085114734,4.310070405362053,15.184000776454026,14.139916559330851,55.03930485892415,1.9907974977412392e-07,0.0,0.14661991740692465,5.818331955322762,33.19502710324301,5.719067574900118,49.190003703111934,2.499522895746153e-05,0.0,95.55184958240733 +0.899517499657584,0.1039481622877805,0.3493246623745821,121.33506104549525,222.8907244962492,317752.4171589834,3.7822192985441467,72.07392452817842,2.2892707157042222,81.90282715376736,2.7323470660815445,22.78634543380782,0.42167192445649637,0.637337144058664,502.970342760457,73.0073710473655,0.23432926985505143,58875.01559550954,1.2875838173960457,97.97482740841616,4341.19671826138,102.63556870730376,332.01642579076736,59.59686358680089,0.29921790320903763,0.19722640402337227,7.0775665142186615,25.71548303747938,2.9614100581388105,54.175183105983294,0.0,0.7269459826470374,0.1365360185948009,9.570384514018436,26.31483473828426,0.288846693749643,10.003468757333998,1.6033010066721712e-07,0.0001132097967789073,0.2103299740126065,7.782055708797472,26.80339542924039,0.25471102156665937,48.47011436174697,0.0,0.00014063033626880034,0.11299147785508884,33.38055710927872,36.3065325773159,3.112084785231575,10.918599629307865,1.9907974977412392e-07,0.0,0.22286217386607218,13.429461514429782,33.53494349279379,4.693920582906078,21.660426873673188,0.00010470362606941458,0.0,109.6625852639135 +0.9545750994054206,0.20176733783248096,0.3588019306044671,80.35944344576862,167.318721660055,338335.05958217,4.95459943470353,14.440138620547572,1.1796596621849973,89.25448343442588,4.988743729504708,24.725390255052925,0.38758712438320764,0.9311625718264991,515.8209787841256,62.87199333730887,0.3463398750741937,89562.07159336894,1.6918296736976732,51.36846662366332,507.5556647771515,243.6443527485681,334.6748198104472,58.071418743977326,0.3358084227174278,0.190054894900708,11.579288573167753,32.235613094306835,3.1057551167232873,35.39730046231829,0.0,0.9914179460248144,0.12863256386607483,11.872426768780722,31.16045689393226,0.26873428958805345,8.699486593782563,1.6033010066721712e-07,0.0001132097967789073,0.2049368300342998,12.992234636456358,30.741629568925195,0.25618016180946906,32.75524033438076,0.0,0.00014063033626880034,0.08755467954040404,34.98009086830191,36.947591009411425,3.253963457477588,8.594019789343939,1.9907974977412392e-07,0.0,0.19742541541357145,20.243892474613194,44.17540581681502,4.843474527652664,14.266127269879647,0.00024751969500621607,0.0,105.2278133360275 +0.905557839876563,0.1202064751138531,0.3722757456273182,120.11325487123318,122.43613686864504,102542.19714133667,5.120001441700628,40.14709532609109,1.1357103269939686,90.70576931710399,3.903615284217751,14.434151678973855,0.30404376130851624,0.6759812015474689,21.2658483017824,3.88623547736454,0.052859465009248624,51200.24864981345,0.52991433491376,95.424012584838,413.93812008525356,284.10638116298884,278.26398518981046,16.33994099143159,0.191160565699663,0.19997375700441575,2.071508580076426,25.698082756920833,5.529643872851943,52.639321441550585,0.0,2.1881162462462447,0.13915904474219376,2.2121071770719145,13.08417656137891,1.2518104923286815,4.549265498671714,1.6033010066721712e-07,0.0001132097967789073,0.21137470377744638,3.036541234714666,23.658590692046644,0.4238401957853386,39.358240613174296,0.0,0.00014063033626880034,0.3382527286270421,7.190097973569222,17.12522583089582,5.376690742626428,29.810363040931907,1.9907974977412392e-07,0.0,0.21688740978136875,6.089785443006791,22.433164576684923,8.880354024763125,4.56470477478115,9.474697203741915e-05,0.0,87.69452802287095 +0.9828161195881909,0.1527388849194451,0.3202088543558499,225.6803092576307,67.49803599485533,337658.88930603844,5.167808959353127,51.62863835964775,4.727616406845213,23.622251958900467,3.5807776638592963,28.69943960881063,0.5358285802912933,0.9823362174561368,552.8083328526659,20.280243184026844,0.3003413269678216,132847.28029984306,1.1669070167741944,67.04365690233257,385.5640919667465,216.05261968569658,348.49606558562095,56.791417410177274,0.22324010403906264,0.18890167876724842,18.37526718579658,38.84755709308369,3.5553201005547015,45.94594347853219,0.0,0.791726319326804,0.12393636729743432,17.883133581845716,40.23805275949253,0.30072674379105635,7.778988479858977,1.6033010066721712e-07,0.0001132097967789073,0.20121380095516825,19.035527318271782,38.06538495591692,0.26787538672897987,44.59864653115682,0.0001066881111945344,0.00014063033626880034,0.10742103536706675,48.75926256383082,46.490949065920574,3.454209236524692,16.975104829047545,1.4409638751710426e-06,0.0,0.21419668261287303,31.33710975537181,62.086187211831394,5.585903237303819,18.756812815089205,0.00040851771025603916,0.0,140.81855156876827 +0.9286410547139026,0.10909679744225764,0.34190588084937856,14.91712782365397,75.37837451592863,110326.35130730506,1.7808284826633232,87.71846617437242,2.7351627750936514,9.372660186233873,0.9372099081662384,20.538257817231937,0.3611988878405921,0.6180515241090003,649.1719623740428,15.456229386299137,0.2149726185769042,56414.874171449555,0.5781802935692226,92.6781060392929,3148.8741265925646,99.53145958198402,312.8866890285819,51.994555609597995,0.17096694926130332,0.1963821996692807,1.1612028600617672,23.072989785271005,2.4773361777735596,61.51496575840572,0.0,1.5009676194320298,0.13627925587421907,3.5682169683776177,17.832416756991233,0.364582419880347,6.637137692516941,1.6033010066721712e-07,0.0001132097967789073,0.2103646356169281,2.7501043800651757,24.152263132113937,0.2366375456397264,60.97453570883702,0.0,0.00014063033626880034,0.14977622728759118,5.204473305936184,18.618518323977963,4.974313449274899,24.084110708781633,1.9907974977412392e-07,0.0,0.22650743305344462,1.3779718611099934,23.418422883690557,3.816770791155148,31.445219132025752,0.0001250616687606138,0.0,107.43527814442491 +0.8225285566817025,0.17682732711179905,0.3336749082805527,172.0608350245664,140.48894303687223,195019.58915912855,3.3025511538541563,68.50903049238967,3.9816675223860143,69.58985486538873,3.2434985850655087,13.26728777874054,0.367179421910631,0.8859898561154622,148.21231442809594,59.83308524314481,0.08992245422684376,153809.79183327727,1.0473089686489265,94.49774084288069,722.7649466665786,56.158792081442144,348.6213044203157,56.27309649141759,0.2345346704163648,0.1998515084602858,23.807492856019405,34.70890100213401,2.8230782874112075,55.01987201732078,0.0,1.2928730655163316,0.13977394674406168,23.861883754542504,45.229329139062486,0.5017611815817902,7.924244385569492,1.6033010066721712e-07,0.0001132097967789073,0.21054782374353362,21.222770248359907,35.27469471095654,0.2939979991942275,46.67534825149609,0.0,0.00014063033626880034,0.14763576773193998,61.3929791016853,50.58465088779426,3.546567027148226,19.59154145555869,1.9907974977412392e-07,0.0,0.2157711269561478,13.512543293536417,39.033090735366116,4.041071650961148,19.832105882656965,0.0,0.0,142.1272006237122 +0.9700203839742839,0.19166577689016248,0.36926762969900584,228.7914365968649,160.09217009836385,203080.51059651712,2.9521764132893744,46.14594243021307,3.854202321745102,33.94744085531475,4.865541660615925,26.955428722960537,0.4435533414592446,0.9121888827464192,638.4210572289115,47.683813363437075,0.14397252433753877,52961.36444508747,0.5104488953382762,99.67429865364824,2832.9859502302816,181.57496717138233,347.3651611325664,33.77518790291752,0.2092750452074782,0.19219538284873722,3.7104529712815846,26.448934528907095,2.6265979220483255,72.35102336496375,0.0,0.7673560391416694,0.1289360424273843,7.666758281185817,23.615409721490295,0.4897218903145073,8.997202327461775,1.6033010066721712e-07,0.0001132097967789073,0.20436640253863794,3.27239926562481,27.747642525363922,0.28682456674247553,65.92163197108759,0.0,0.00014063033626880034,0.12327310267356444,30.567501671041132,37.18716371932024,3.9916697827629792,21.878726446954868,1.9907974977412392e-07,0.0,0.20268111227650845,7.9490368967633245,34.62692756014786,4.672428186666468,26.721171283771792,5.613671350279613e-05,0.0,128.80061043756857 +0.9452768397466709,0.10656055837667733,0.35852364078899673,17.513523822724125,124.430505215349,312592.32647587865,4.6076183895635845,73.6508979827043,1.3102506055365706,32.57986197384018,3.7417962309572044,21.736392270877637,0.6197944674704956,0.3303414164391464,535.4600203389332,65.5130610230437,0.22538589735176884,66733.43069464268,2.7892297508302226,83.49284074276095,714.0927173876876,197.8501933257948,347.408063397477,31.568578936135907,0.3199899580831427,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.10398677280720228,12.964099863867448,30.348955159037047,0.35199059228925744,28.637353387311766,1.6033010066721712e-07,0.0001132097967789073,0.21197767094913939,16.27911970133304,33.98433507652521,0.2366007727475538,16.49060440270339,0.0,0.00014063033626880034,0.13235590319968957,33.801316267173064,30.207709567270655,3.7251363861796714,11.244886515672755,1.9907974977412392e-07,0.0,0.21296782844055218,6.260058242126995,40.72223290292613,3.089234013666094,18.033625602415913,0.00016425945250270923,0.0,2698666337285.8823 +0.9461183661591811,0.2521660087595747,0.43218895216652187,200.86937539404903,179.32637598603625,319781.81888068747,6.140707376502364,92.83039448490882,2.133166790583622,99.73926911563998,2.1759317859587934,29.29470666458552,0.42344715383461085,0.9624907614664451,813.3382889797258,26.062104428182586,0.313041206509764,127778.47252686098,2.824019329719625,74.08818308296374,4436.77314189799,294.381702607602,343.89183481983054,55.205279605544035,0.19767192094802355,0.1892568116732073,23.314412897453227,48.96144601339198,3.407420198046727,17.468129463565198,0.0,0.7210561677567071,0.08304714762051567,26.176924973110093,49.06874957543683,0.691125534939184,15.842315281614711,1.6033010066721712e-07,0.0001132097967789073,0.19888445428444593,26.82875000716346,50.75742999989561,0.31998385381138794,15.165093024091352,0.0,0.00014063033626880034,0.19409521795460938,80.3992433128848,60.85390493577329,3.769086370951473,9.503143714164645,1.9907974977412392e-07,0.0,0.14789392162134313,54.25650749472261,102.19757682823807,6.386793911672812,20.729517039666796,3.33475537769799e-05,0.0,185.09233682299018 +0.923331599340441,0.19577808293962629,0.3968777622820688,196.46293672856237,176.3146653541338,331607.4170035302,6.681677117008963,64.67407723500165,1.8609022048233859,31.529657820642083,1.9702178622514268,15.753631619218705,0.42880383060113836,0.4655982927819624,820.4911583959209,57.54863118058596,0.20539754559773882,59756.50112425979,2.8325830961027507,99.50540838862842,4453.123601320123,287.4660588689338,236.57929360657798,30.45012642648019,0.33180645667072206,0.20049130573235316,3.659770784197133,24.25947871937053,3.291049567455116,10.578788751447318,1.6544585341442535e-05,0.714850872605792,0.11461973045234072,1.920832882791558,18.213349060641537,0.716450935988336,24.9098940551455,1.6033010066721712e-07,0.0001132097967789073,0.21026691918808527,4.256705914614315,24.0457160592746,0.32475445625503396,7.98966795663572,0.0,0.00014063033626880034,0.29935601117636274,4.938823630720733,16.98684438584283,16.241771662479596,57.2390095665862,1.9907974977412392e-07,0.0,0.19614910727713758,4.509078928145127,31.520553000743895,6.529936739331342,53.52720357857008,7.928733678687966e-05,0.0,100.58233245867837 +0.9238820472740368,0.11464922928999051,0.357079148126335,135.53293283072202,28.9287244107787,210473.5102544782,5.823122931682003,23.994767081691275,2.889992313195818,27.93723209599619,3.0797508053592297,23.315275379755718,0.36699191846715756,0.6904848262325864,464.4310232129389,42.3852804725329,0.060088213378708705,57954.87974418083,1.094117894998422,80.75115077711807,1992.827677748067,33.71521302599058,331.96073452759316,48.363453938251986,0.2855910076411906,0.2003899934042392,12.26183163221131,24.858944383401603,3.0577183577877247,76.41533694813764,5.901974037302052e-06,3.425613370391212,0.13494501335204154,6.024413507269775,22.733051280533278,0.42951093607961893,7.8400283419545636,1.6033010066721712e-07,0.0001132097967789073,0.20786066841882855,4.888797753492688,24.31276069427976,0.31124068036965424,48.638920720731846,0.0,0.00014063033626880034,0.12021912017306145,22.134649584487892,29.354355840060204,4.257272044760964,16.487290153897636,1.9907974977412392e-07,0.0,0.2187209731861828,7.23584761846571,27.762612034486164,4.879419074973315,17.3432599400531,0.00010429088943730487,0.0,114.07783779951714 +0.8917974390636085,0.16946488581212055,0.341913982046583,215.56849513164457,237.18528853836088,201400.92411576645,2.035596550063026,87.45972031177995,4.3492577990713475,65.86439639037926,2.3570850671811856,28.722399091415678,0.4397203118291894,0.9511309234896878,972.2434196508743,63.65954426102134,0.2060600702595721,245962.74407149086,2.5884760510643177,94.79957161133217,3890.037548410933,272.54703670770425,345.8539188236415,39.01135101134328,0.15024249074072774,0.18949201048726189,26.71939856996408,47.510229387510414,2.45198114017679,14.571891757590448,0.0,0.9937610869700589,0.12157323723984405,33.12889961031539,57.95940805612123,0.33543737699412196,10.886891835353921,1.6033010066721712e-07,0.0001132097967789073,0.2009411074749971,30.49714912180112,56.969477698324205,0.2565262698877612,12.636746230180767,0.0,0.00014063033626880034,0.11837540047486564,83.18013546487386,83.29753925589428,4.249786023199291,12.421327558589674,2.7581264978416273e-07,0.0,0.19137854519708902,61.28888263224549,105.60660488842461,4.131448236344828,12.202168202118797,1.5567476734375503e-05,0.0,202.9932096532225 +0.9711422992809728,0.20879794861518633,0.34825774705367024,135.16879312414443,88.92414885311005,273437.39653483086,5.895527044396237,55.0974796462684,2.9850862964132183,91.03478825237248,2.4365862045352333,24.58282010550355,0.3913233208768685,0.8358952466549642,258.38220827056307,31.83541426322093,0.08235827823030441,299617.84288977226,2.7366674152903716,69.37184156089573,4504.776239057252,293.76937577746025,349.1539311737845,57.98604943768798,0.3462349376926551,0.19776128318457342,41.61840714658508,60.60869556819775,3.5496267116966993,19.38640675873749,8.2029582116161e-06,2.278457578470644,0.1294827338668968,15.310974485149433,33.48020738766621,0.5094618929643747,9.026509278507017,1.6033010066721712e-07,0.0001132097967789073,0.20623842176101792,31.669966900731534,56.92063622432012,0.30313339273185547,12.955237440738426,0.0,0.00014063033626880034,0.3494222044712231,53.63000390969336,30.640596672936827,3.5308390589984717,27.056572890225755,1.9907974977412392e-07,0.0,0.18678012841621486,29.215643604688502,60.0062945403028,5.9047735817868405,11.810152337743828,0.0,0.0,144.34525356260428 +0.9625265057241661,0.2225092851511288,0.3355147949658513,130.2839224276676,186.71147323240518,221536.37097645047,6.309043450722336,78.79765151393556,1.222277183270491,7.057719504014813,4.1587199042757135,7.816869026444692,0.46868035338239317,0.9533705432827659,943.9845896458972,74.12792932287783,0.15133742720267482,62637.102263800676,0.6773244546188426,81.06619994030024,229.2587923055537,177.60714564604814,335.63876819483966,36.10880057610238,0.24700935252271772,0.19974421321944363,7.223265104022195,25.87369278400191,2.804804417324009,68.22548511460649,0.0,1.0400792557027845,0.14054791153926485,5.504249269210891,21.76495986860835,0.8862038118287265,7.017804904796525,1.6033010066721712e-07,0.0001132097967789073,0.21133110792261747,4.933074278057316,27.123763997665133,0.35906085386747766,57.58909948772461,0.0,0.00014063033626880034,0.13654194640963932,31.35051067469576,36.36191139066707,3.0252222416386276,15.615295885489514,1.9907974977412392e-07,0.0,0.2331410238446705,6.602633627477984,29.318779009868575,5.354931738093703,17.68942791982683,0.00028809803277347434,0.0,117.55419142960181 +0.8867965382752467,0.23247545033461758,0.32530562086301823,219.79674141841312,243.49326466783458,250492.87801500098,5.427540515883301,52.50737175056972,4.237984373664918,93.20098695300028,2.5592634484578434,18.86380930614928,0.6364983414815307,0.9512646070639512,629.4949819036591,89.1436799185141,0.20644035706521252,191691.82599866248,2.971701570238246,95.19790869027534,4051.969842984001,98.76123557053947,333.83129970197876,55.421461006516374,0.17455212105069595,0.19661219759092885,28.402560556970137,48.00965876929189,2.9044137298801616,15.904844858218064,3.775143455712038e-05,0.7041744855811558,0.1349707365108485,24.08286047222116,45.82179506400129,0.9071957199574913,7.734314312064793,1.6033010066721712e-07,0.0001132097967789073,0.19323641577668357,18.845577661041656,53.62733284791705,0.3185239283451818,10.0708284400718,0.0,0.00014410350517884027,0.13568041886793156,113.66568600129195,82.31024013495191,3.843541141480897,10.121522224135179,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9618686172470889,0.2254183917514087,0.410503652351023,244.9406327348267,187.49130692277134,298922.91215950093,6.297655048351142,11.84296280021266,0.9563820655085997,85.0929310901569,1.0891793095288806,7.796014698563956,0.39346037258824346,0.927652285932411,541.2533558567011,75.25870022047445,0.18768406631072732,70011.73968935356,2.8373601590175093,64.32696259153998,872.4116148090908,181.70821470710183,226.25827897054657,16.425458882397724,0.18054881756129354,0.19899244946305644,3.010862492407013,24.810444715350243,3.2287099868700904,5.017585588001321,0.0,0.8252587487541598,0.13358054452363316,2.6218693377916376,14.3948231544846,0.8312854364152032,18.9855864158282,1.6033010066721712e-07,0.0001132097967789073,0.21141076573204412,3.8844522353816417,23.40425734560929,0.3424546539847989,3.731586562902467,0.0,0.00014063033626880034,0.35271372498557996,3.329166614829696,14.065341273060618,18.589981789116464,59.53133569918726,1.9907974977412392e-07,0.0,0.12679371910391254,2.8480548784891146,33.8220021448276,8.28543398477703,51.93223813860491,0.0,0.0,99.14331201748777 +0.8747065037986329,0.15036028022847847,0.43502048151927464,239.726441132871,176.30250989519996,130350.65076831792,6.2300018738629115,83.0453753466489,2.585575906250322,90.93195563857626,3.655012079808792,28.426990225037116,0.35319046443558083,0.8759835995799293,778.0151309580444,48.71084031416361,0.0746924915998126,82858.3950366636,2.816253721118978,93.10025631584361,3894.411107930506,293.990104226448,348.1750831886512,35.30843528625175,0.15235157057600612,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.09904098373296005,42.6228624793509,64.79871768577121,1.4879839314693708,18.61315264326617,1.633773124103161e-07,0.00011317467593178065,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.23137927394943697,98.91316180016952,68.19336757328482,4.8534814679369545,18.15766946211274,1.9907974977412392e-07,0.0,0.17267779547414405,49.053449695368116,87.58732808764408,6.737811439378373,14.508345814791424,6.79514223276189e-05,0.0,3816490534509.4204 +0.9531406791226265,0.21783217108079506,0.34978792544675585,105.1770290392061,193.1307069129541,303275.92081845796,4.108374845475682,27.819913274876875,2.9937408691063006,88.8553846217696,2.378812907809164,18.341195275674515,0.353971465270488,0.9234022023527491,188.6000984335872,83.65929607398981,0.24725113015852127,55248.04853586361,2.8722677464448587,95.6147013257862,1730.7251920040885,102.46003639408791,340.7865439264269,56.87073670142716,0.15509230609564034,0.19254977136100845,20.54521067724234,44.53912325339395,3.192319311565438,24.080151684629126,0.0,0.7839867195877166,0.09741250971193494,35.314898451136095,69.80977786145385,0.3064883497841043,15.695057531186816,1.6033010066721712e-07,0.0001132097967789073,0.20445160583346705,25.080402509356915,49.77830008797445,0.2589662892093926,19.118408865975578,0.0,0.00014063033626880034,0.1798656526558478,99.59379343064393,79.87502990946844,3.326781279075603,17.04252044363114,1.9907974977412392e-07,0.0,0.16185116004454628,50.28771897764597,101.18655715372742,4.990966729383176,18.672886308532576,3.6458814277051564e-05,0.0,206.34371117673282 +0.9840166579784523,0.14840776767018107,0.3622401241991676,72.09793162589685,82.13318404230417,322797.23227597226,3.7616299179944597,73.23157112471687,0.8735927348776003,57.27944201000207,3.3536557235595463,23.372513340524566,0.6201258535063338,0.738706113447956,656.3449005747594,47.93661892566626,0.3135387468515149,50066.72949452179,0.5227688667873687,86.46324249792241,3150.025639663849,211.534882388332,346.1486347054138,28.819671327106757,0.2577885870427083,0.19472411273350243,1.035477834585119,25.160038556454854,2.895894673888503,62.63033659075268,0.0,1.064194582656168,0.13243379429316393,4.8108076021904465,20.95571581272002,0.2343977214780946,8.51608442815605,3.354996352303062e-05,0.0001132097967789073,0.20685720766755242,1.8463145810426345,25.849428230257843,0.24253170738480093,62.12476821611797,9.515665558982121e-05,0.00014063033626880034,0.12854680904187538,19.299895477874653,29.352937202958607,3.649690667264243,19.58168447543458,2.8605507110931695e-05,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9397049233480775,0.1596216017369686,0.38068199797388985,171.33088699065544,127.30491074833023,291282.63750018727,4.083443003681303,57.439528994613106,2.630423082836818,52.44802384834918,2.418691689839584,21.110519592204646,0.3281330261201938,0.9912670370643726,255.1016130372762,79.17510948460973,0.16360143545736403,66617.3609082583,0.6738526725103274,43.417103781020984,4150.5085734083705,174.94527666535865,338.9603059084794,56.08979543656564,0.3170281559785385,0.19410555597266949,6.767581087617489,27.14559322208488,3.14141454341344,72.28496738260368,0.0,0.7102925119220728,0.12489434614147175,8.994773361060151,25.76770149950993,0.3603747673452606,9.178296707304712,1.6033010066721712e-07,0.0001132097967789073,0.20157479249233828,6.256148791965379,27.12122788079805,0.26856694752147614,62.932300084076566,0.0,0.00014063033626880034,0.07905676918222779,23.819268070994788,31.833454844283754,3.071352125712748,13.77051906005047,1.9907974977412392e-07,0.0,0.1889213638505857,10.732243798705104,28.729397967341825,5.027558314398689,26.29829575025646,2.5370864126276217e-05,0.0,122.55623158112088 +0.9763440918533917,0.2296700873420076,0.3514106274226198,68.77812444366778,192.39376275626532,220068.45798598358,2.807194215101977,72.89558283700676,1.9629933577720349,52.84924432109527,4.533973106143823,27.595396108807684,0.7983834129755348,0.7515610002893116,637.4050364603971,62.28464604326706,0.2686317355613135,51015.191940396384,0.6433820408676045,94.07772546227396,3888.314995772046,297.973491156297,333.9366398347993,54.500960282449256,0.3394144059234227,0.19429103953308788,3.737654063511176,24.575816163300562,2.483559255756338,74.41039130328178,0.0,1.1530617944227504,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2072288487096474,5.11085051684472,27.04216355061353,0.24729953384420778,72.87824089707216,0.0,0.00014063033626880034,0.12291105976682555,19.818423461427322,29.135937663570697,4.216517066635909,17.894104147004608,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9824824673341447,0.1848413840355533,0.3507566680599292,218.58743692020943,230.8370954525053,242002.4287780958,6.7475271603739735,93.81087752900731,4.030933096754937,68.38828082377412,3.6735783046844204,21.603495706348355,0.44351930319060806,0.9289387063895118,618.0981510537396,66.29308175318977,0.24753171860917686,255638.12175372028,2.8797750157134896,99.64787188612834,4569.151445583544,241.8082801297802,347.96609692153686,55.46787336542678,0.18180891049978382,0.1926372174424565,35.31436572812419,58.54191662249545,3.130921376612845,17.8120105038334,5.278323691760652e-06,0.7295110374018313,0.1177329072151943,29.154346103989095,51.436495856744855,1.108526946750549,15.624360656202185,1.6033010066721712e-07,0.0001132097967789073,0.20312713469777544,37.70204878980558,66.89085091824681,0.3896468800418796,15.276260138305858,0.0,0.00014063033626880034,0.22758620497810386,104.76748423407624,72.07147909428286,5.4287760147554796,8.05799661653867,1.9907974977412392e-07,0.0,0.1633586784359433,62.26466505125452,112.25656172127366,7.413539092634022,13.54322873353193,6.327217607988907e-05,0.0,218.7559121549984 +0.9812328874452046,0.2691155123781004,0.42400785698475263,173.04443291982471,202.84999933427054,222727.11335343696,6.870679368630629,60.39799513015211,3.6625601555187735,44.47864863367442,4.450107699896954,17.614861460005606,0.7337980555858926,0.8911361104287904,959.0262050732053,58.94083173827064,0.2960054250286908,63194.616375149664,2.9366762339973675,96.43459518797023,4253.763508529169,281.0804982342516,247.75508209695815,14.881648311752958,0.21282695913920435,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.1365581065944683,2.4642151846159766,22.08071012077509,1.0768410669473625,24.16521524817796,5.280680838895859e-05,0.0001132097967789073,0.18968208331426148,3.71159927357715,26.08883463961591,0.3875507563868591,10.87372636524645,2.034726895849546e-05,0.00014063033626880034,0.350183532447603,1.101535459888212,14.21121326746383,17.988492906738212,58.821972031714076,1.9907974977412392e-07,0.0,0.0920459692754832,3.454649256059576,35.712707818319764,9.01316422021075,60.4991543366675,0.0,0.0,2698666337285.8823 +0.9867090220302102,0.22166831987224386,0.33808010116778453,167.83750057896557,71.36935041165277,272734.34805977694,1.6864220055836647,56.64972397635272,3.719743090657723,84.23435046982972,3.3809315483438755,20.51541423009367,0.47939921166819166,0.7195078137608326,376.9930035095514,49.3779390332339,0.31752528120844536,75685.02925252347,2.6559465101485573,94.8491185585567,3732.0244613651093,176.7161061728055,348.1454807452605,59.02735998079912,0.2929359529178854,0.19167189827619704,20.01272521240705,41.59655481667499,2.7215931070518398,28.789294877394,0.0,1.290259314282783,0.09481627125700479,19.241479810808414,40.36231389376381,0.36988416695078236,21.44182400692447,1.6033010066721712e-07,0.0001132097967789073,0.20402835128922334,24.553159895801166,43.998300770320625,0.23451996680369788,26.601593168940216,3.899785287789435e-05,0.00014063033626880034,0.14580621780256303,49.34436564311195,44.707194073757,3.9306851475420332,7.9254685851631725,1.9907974977412392e-07,0.0,0.18123581292641402,30.319172817131673,62.29085574698016,4.190371023348152,27.95184618508851,5.037512154686441e-05,0.0,137.05691378803763 +0.9684603296690072,0.19397252455278993,0.35445053122355596,144.10661477428917,248.54276798881818,318893.6306013336,4.038304012955746,79.99203865726403,4.348266619369452,91.40750162938372,2.0763362680721844,29.74340538574387,0.4803071122766498,0.8159235563874426,660.481970581712,24.77758986178798,0.0914824640568529,249137.21903239135,2.9692187404053283,93.33147249508818,1951.0666999462483,258.9867444974413,343.43253052694195,53.88404099775248,0.21526043221684255,0.19585087875327878,37.48376784684797,54.65466932915587,3.1828716243893114,17.000759160779463,0.0,1.4683907031039207,0.11966295001492377,24.56711621273926,44.795220404259275,0.3842191153555972,12.410579282068419,1.6033010066721712e-07,0.0001132097967789073,0.20405408966147606,33.184408574039765,59.44959311449347,0.26538802463669675,12.231978569074489,0.0,0.00014063033626880034,0.2687155770295247,88.18582026632646,57.33500154946658,3.087692510508541,10.448445803805868,1.9907974977412392e-07,0.0,0.15512099184642694,56.2287968539565,103.45029851119236,5.167808380429378,15.91239470234991,9.289553851210275e-05,0.0,193.8283839863493 +0.9259693536285998,0.14659995537418957,0.34116956639350565,237.21655677883317,188.10678157925364,216322.04544008453,5.260485158759608,81.33950985104319,0.43829338242393256,73.94955121936442,4.799431719728793,23.611670833960517,0.301613254814021,0.937984821050438,972.9782164826486,66.33138969167437,0.12537564746257995,293942.5206238852,2.670274010024867,93.15950480681009,3529.2565197401163,146.58553188133448,345.4759076141081,52.651655896947354,0.19116453846634485,0.19303893084788404,37.12871948351509,55.392538610494924,2.7855538257880994,18.501180049782832,0.0,1.2618435251989968,0.1236877158465131,27.32408227307085,54.55907229664313,0.9473876544354973,7.604873110257895,1.6033010066721712e-07,0.0001132097967789073,0.2023091969300622,32.41851005701289,53.6722662405596,0.3639853972400238,14.203237226087895,0.0,0.00014063033626880034,0.20758214510785053,100.70214285788332,65.27668428870604,3.1938232333328136,7.198235445617906,1.9907974977412392e-07,0.0,0.18934586313895418,49.439316965725396,84.09825407202119,5.609490756106223,8.751667080504362,1.9541575229709756e-05,0.0,191.84123989167495 +0.9284175399429743,0.14242992726310216,0.3425788276896769,128.96657323731426,113.17070482472026,235740.99962008424,6.55205569401716,50.61349409482571,3.063930099699997,62.68195051027602,3.846913225839561,9.061484038075227,0.3133752727503965,0.9061696195734863,222.87691748165508,27.609503020339197,0.1838397341754093,64538.11397730091,0.5816873152002394,34.458779821146884,987.9339474172675,257.6525334129417,339.26224477723224,22.873680107372028,0.2498508449181422,0.19763516465199368,2.819345604136114,25.08185709764625,3.6613347173166964,60.85575013959957,0.0,0.8053250591052055,0.13934474396026053,2.875004705074382,16.90260425859882,0.7415567137089938,5.684331874231681,1.6033010066721712e-07,0.0001132097967789073,0.20951460379961803,2.467463206789634,24.498127284885044,0.3408164632645906,51.40082678382037,0.0,0.00014063033626880034,0.1404231319192506,23.616072061581534,30.60379729872351,3.327866862548973,14.848069974289345,1.9907974977412392e-07,0.0,0.22206934456135738,2.548773207489293,23.48600909105319,6.142189324446929,12.421858823327291,0.00029016115109217213,0.0,102.00930341334778 +0.9822868949650012,0.22362578804214192,0.3405379048316846,217.53794694156983,236.811169609206,214204.72488235636,1.7944661115248437,83.53416035744854,3.576114160039179,68.37594632321975,1.6435383614510932,20.785880195109893,0.3333652102102777,0.948012152808341,355.1917641645041,13.572731442533065,0.20056741387714047,253846.76330688692,2.9067655428694867,94.97749373700947,4963.406625970715,279.08592248561666,331.1029948786202,32.67034139995698,0.15764462177233782,0.190522748754734,15.885722813831498,42.429400229982335,2.887531031387607,6.314676428804447,0.0,1.045555922018451,0.12803728235693762,8.567135849945643,26.210187325623416,0.24703801667013223,8.61498854108082,1.6033010066721712e-07,0.0001132097967789073,0.20335238591357557,18.01535990580743,43.932037032128754,0.24560211229044115,5.005211229531809,0.0,0.00014063033626880034,0.13294115107375767,88.63402014678309,62.63965159298547,4.291514257402455,7.337314532360093,1.9907974977412392e-07,0.0,0.1852786653899043,17.501776508178402,41.64150670476945,5.034517703055847,7.268068121610997,5.0048307343265976e-05,0.0,138.51667020560532 +0.8937658296149517,0.13367244995289795,0.40634998927247346,197.62245161424786,47.43356522779881,329159.40694237733,1.6302019265674788,40.154305959014934,2.029832190581054,9.423164407843009,0.3617447939933205,22.944967041650465,0.36992923487374263,0.7060897178648137,664.3875997825917,73.47323396676373,0.19161793729560334,71878.18353580411,0.8001364081584448,34.71971998654175,628.9685037972627,196.47707253223186,346.70352063382444,31.19293373886682,0.15776493346730663,0.19694787689600113,1.8037247108887298,24.83204470732752,2.743796975272991,42.40175684773197,0.0,0.9107732587359355,0.1358559283922393,6.848990694597775,22.726204735063455,0.44360637683281884,6.4409780465847115,1.6033010066721712e-07,0.0001132097967789073,0.20929266264035695,2.6480948843107313,25.423836733590942,0.2355775957480328,40.80780552831973,0.0,0.00014063033626880034,0.15027223142389295,24.99764100181608,27.21656051802626,3.7169464233701763,23.948455594645154,1.9907974977412392e-07,0.0,0.2258040897758537,4.912833439029559,26.546015812203088,4.052753989154733,19.30919848372922,9.537813770607959e-05,0.0,91.76697715076199 +0.9760640910080478,0.12614419264215712,0.4070350934162145,14.569202606292421,161.89538610117526,165060.47758138733,5.33195836894413,5.854417592948538,4.680275722092887,16.649419332115798,4.17711437836261,14.716319034807832,0.45173671467899634,0.7535115135651319,325.30370479572264,70.17927709029921,0.10952980870797387,122818.52306169337,0.6470490694369465,68.59475812474386,3994.167034358565,114.8114862374132,329.2771221779961,53.82039341159712,0.2800303080899507,0.19730119194673756,4.200571039970276,23.740021005783042,2.4433983260133427,38.29983019580922,0.0,0.886627464172124,0.13830728950734936,4.25449668256488,19.791003845672275,0.20832214350672199,4.516817960226206,1.6033010066721712e-07,0.0001132097967789073,0.209725346549162,4.136944441108342,25.060012525718584,0.2522552297707658,33.58335270597264,0.0,0.00014063033626880034,0.12637550174328124,14.18162139191393,23.240814039033886,4.537293145751655,12.324061479317937,1.9907974977412392e-07,0.0,0.20744859779261932,0.5114094218449925,20.61499347202926,2.9099279835250145,10.815483362760636,0.0,0.0,75.64843887637936 +0.9621427615052681,0.17287361536056556,0.3468472107729829,179.76035544385056,86.16928403185571,159513.14367934864,5.972018005892735,62.84676491325036,3.1851873626391374,44.03424284837973,1.5764172221591028,21.14366216285184,0.42043183677537754,0.9337252660154909,401.69467535224527,15.946231020329535,0.290041122450049,143918.39054640508,2.733034118040814,97.43407243275551,2325.767284772042,294.29772014789756,343.6452908807613,57.60925284739248,0.19837547118194046,0.19053626638890422,27.891387904568198,56.31197194744879,3.6702380192061552,22.229392530413417,0.0,0.8636815116979157,0.10079778317920976,27.30903751349198,54.23976206232895,0.9824971701588243,16.054427230829432,1.6033010066721712e-07,0.0001132097967789073,0.1974470365538593,32.00182033346629,60.19183630281508,0.3830571110517604,20.58871029608888,0.0,0.00014063033626880034,0.15590555860097344,80.0199908576394,64.0919483343274,4.0093088797651975,9.175009940069804,1.9907974977412392e-07,0.0,0.14758244669896262,52.373925773464265,107.9806703309974,6.351358100929978,21.61394447163939,4.9485429239549874e-05,0.0,197.47584692779583 +0.9083136966880665,0.2110638119780973,0.3540148174718877,55.44199463197814,67.94071094173746,337339.35207585717,6.688308118848349,86.21547908291875,4.889225601120685,46.29751807504415,4.785517165053381,28.73274195430556,0.6365963231392547,0.9537695039543783,524.3646423837657,57.006961229023936,0.2169122616604246,199978.96127197467,2.859700091325642,99.80555311637868,4639.676537822307,261.0212875459658,349.2100045465502,41.92955990654632,0.16440112297825785,0.19017040642499267,33.06310699473201,59.267891681552776,3.1807497211352294,17.72416635150059,8.072205389612772e-05,0.6281674641754669,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.12131989730213336,115.35772770523712,77.62770228792365,3.55856067003114,10.515553472426909,1.9907974977412392e-07,0.0,0.15950597264895736,37.18142972411933,130.90940552961303,3.9836943903357964,17.6900057543395,0.0,0.0,3816490534509.4204 +0.8947859401258736,0.21262572865286844,0.35031250390754387,31.52186036128339,26.71481924575157,270932.58526353416,1.7553833119847835,33.98821652120942,2.069333234218746,12.236518641437337,1.2668187656089385,24.7682670715942,0.3605816660709942,0.8196327425226658,370.240331993783,49.37881452431711,0.2925790289807631,61442.63507647176,0.6837081703171324,45.7871481325549,3180.3163349441543,208.73909281110582,344.8189494985428,50.700571872049196,0.16793731794536032,0.1945876442495255,6.690134701014126,28.56528752223252,2.6385135910313546,72.8433072215247,0.0,1.3811641100868008,0.1348197442075993,14.213984133567884,32.83475953318988,0.4906596733887912,11.110099682069615,1.6033010066721712e-07,0.0001132097967789073,0.20786232116976808,8.492999351539337,27.618475587074027,0.24094576748000598,74.95517263193794,0.0,0.00014063033626880034,0.14918876191428157,35.436244365771785,35.774563166262155,4.059352790855306,29.066703755339354,1.9907974977412392e-07,0.0,0.219676986416251,12.00843560567789,33.07006108586673,3.955032946208442,37.774067413983225,6.234815035904351e-05,0.0,141.81062527233973 +0.8807716751264658,0.20161231558213116,0.3663700402577062,17.846675394844524,93.47259418597679,159609.40916518035,2.0389910475488806,6.389636498522314,4.464534850742034,52.71146345910807,0.6849758949609013,14.782823978339012,0.3716191923546567,0.6448972965961031,136.80603766788903,38.43789307341563,0.09834243623677201,53128.46516390934,0.48423575719182566,58.981878420930066,3981.840117082344,230.78202268702643,328.9937047779062,53.70990141843475,0.2775466476282732,0.19956035208476738,2.814386781028924,24.162391601653148,2.4351367251650746,78.59085451950027,0.0,1.2509357389705522,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21286398706185386,3.7669674628689305,25.229334722891085,0.23677555550441157,72.95186278669988,0.0,0.00014063033626880034,0.1563512286839132,12.606163267809102,20.346761532519896,4.4827876444674155,26.374118412358975,1.861173642160076e-05,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9468287921008082,0.20090050700984358,0.36744142594980567,115.2516191648243,245.58225943378034,335875.1605765063,4.790523136807984,40.00070092082794,1.9778495472313045,82.78486413656015,0.6842142191803342,26.630405974664022,0.3943129565510981,0.9336283992505345,862.7182410765536,58.762966977737925,0.07160466655088557,79590.64524392449,1.961271106899414,74.99658452306375,3997.8887966534685,69.90039894051284,349.13560315943283,54.998978989011626,0.26021687718957315,0.1977423591845577,22.56616180724732,35.07985022327533,3.0417547974490753,50.080409199430484,0.0,2.5137644439072275,0.13213838416017726,16.511691612637442,35.102345501290976,0.3907103729943346,10.350091583992384,1.6033010066721712e-07,0.0001132097967789073,0.20263939012075263,16.53518486758818,35.011182105218886,0.2685413629084155,35.173821043373856,0.0,0.00014063033626880034,0.09871219818135347,49.871331935437865,47.39152710871824,3.0643159785062952,12.196645109623843,1.9907974977412392e-07,0.0,0.18970774372010804,30.02130207850456,58.41908424823753,4.967697829539625,15.791187275958427,8.150275518476343e-06,0.0,134.50466399311776 +0.9890676660665974,0.1257343908839198,0.4467327293487869,204.81743389557496,216.25990049611613,168910.06217983723,6.077075298515184,51.79550799178947,1.6523056819888526,98.22146067153543,2.37143780322673,3.4984378402280933,0.34510148980808736,0.6017067307513989,799.427274364773,22.453599000163532,0.09703978812256166,52514.261928194246,2.2125795903659236,27.562517481731156,975.2526986484289,224.3842927890948,261.2095266069088,31.175975974308226,0.3130162119903333,0.20124243542259224,3.559378298193821,22.719944335141307,3.2363292769639673,3.643927698910509,7.533735232894606e-05,1.8342381360753914,0.14436366348648041,4.365497649281149,11.262271937184709,1.2982899230902223,6.339067488765984,2.3979570330570218e-05,0.0001132097967789073,0.2141629184404727,6.514478912395,23.528793421547807,0.42565230044015295,2.3125840295255453,0.0,0.00014063033626880034,0.3356378798278345,10.835337805481418,16.753257012123623,10.622458869634116,50.10970165368372,1.9907974977412392e-07,0.0,0.15247806311433654,5.917316041889482,32.52028875943901,6.698782538000184,47.02880893208352,0.00047092497108756925,0.0,87.84431362220207 +0.8609500392405737,0.15782963808197825,0.3350273962831046,53.506228765516965,46.13693753012228,180692.267819751,5.3158230959857455,12.382664741791263,0.6051118352589215,45.90945958825223,1.9485301867990261,7.250611953108388,0.35732608863425186,0.9697070690844186,883.25640206551,63.6188760632917,0.05840617561943114,61218.65992357,0.9575631716540555,47.04167972156092,758.0994805927235,239.96272787664478,308.90892821495663,36.88204033307715,0.1596505537814277,0.2011306468277094,10.576373904114728,25.48202549595385,2.56526685967236,64.30047085796294,0.0,2.3853154272836856,0.14232674504744955,3.017448338840226,17.262072917854557,0.42634760171161934,5.455341923144888,1.6033010066721712e-07,0.0001132097967789073,0.21139895057392724,4.049167582526268,24.74250661801104,0.30007128180220644,43.896532965827426,0.0,0.00014063033626880034,0.12912868323208718,12.893158876051233,24.770884044282553,4.491349613477231,13.11103504905788,1.9907974977412392e-07,0.0,0.23317207490000902,1.7289534817666479,21.332327992288864,4.287061927442103,14.033652919430159,0.00030846478922557806,0.0,97.19095569224658 +0.940127756510407,0.20497174725477268,0.38070110685261693,94.23604498183528,188.6251379188521,275500.25038180937,6.426288020062909,27.022171588085676,4.9028749601421975,55.685543350535326,2.7576661718800453,27.36385534282584,0.4166348431241805,0.7178812022329969,921.1552743982619,79.0140339852597,0.32134509941256834,96267.46575633436,2.8945681122842504,97.0999191371585,912.9524218110223,175.62664000939165,348.2087191275259,59.176733460826256,0.1564285747271561,0.19367853304619045,25.105901835353524,44.66114249964333,2.9190372406695326,23.168882769576904,0.0,0.7973104292474981,0.10359484884745511,33.89898336162528,63.548089310686635,0.6183079576293619,16.88386116806386,1.6033010066721712e-07,0.0001132097967789073,0.20561726577213074,30.283092959292482,52.03040642142053,0.3147464428585138,20.62338183391287,0.0,0.00014063033626880034,0.1617850300326767,101.4398217248852,74.38357611141332,2.934701632140678,12.088870893897433,1.9907974977412392e-07,0.0,0.19113981399639546,58.75681149475446,104.02690912281604,5.1317949380157195,22.249150859287077,8.518958804732137e-05,0.0,208.48659022979842 +0.9190956513086573,0.1451692926408509,0.38986438678989266,71.83794246853371,219.39150231437958,318576.35037073476,2.1314977780022293,19.253393869392433,1.5653230424125266,52.70790152242181,4.684313535028673,20.7649781160903,0.6683425365480204,0.853573589510188,325.2190723199562,93.80967164662187,0.3059689787185896,55222.90964682385,0.658767337838353,85.05663565716108,1352.7625252671317,264.41937988927265,344.131834470927,53.836078591122785,0.17868660644809364,0.19350921957305228,3.776710577285282,26.270243233335695,2.8731496806506374,69.07784497176732,0.0,1.2301321475657176,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20625043260521234,5.691891964957436,26.34009773804407,0.23505201037661502,69.69322576343758,0.0,0.00014063033626880034,0.15082555778935422,25.407821409582798,37.84082468142737,3.5171833276908884,25.06903732536801,2.7615343999459633e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8832497064744593,0.14675269538556596,0.34883425441403026,191.43076928873634,223.39534407284452,136866.16043069796,6.980182526532786,16.673965688731176,1.3175266655037259,52.42404280289028,3.9994637945871334,24.70927525535322,0.4360450877842358,0.9412553919292685,847.5985777945363,13.745561036489331,0.23409506805127545,192575.26307064062,2.886231041126931,92.11122257921845,1437.803778762799,264.9616076164276,345.90926121414816,49.80407672177154,0.20305460375734768,0.19205077503144657,31.97361472248714,57.43763289545809,3.6939660659978153,18.29593366944793,0.0,0.6671897306394446,0.11062816000176545,29.14565943610775,50.275874410138776,1.601064315037638,15.554131824643129,1.6033010066721712e-07,0.0001132097967789073,0.19959766939705983,35.105585680548046,62.999573609220626,0.480028715066908,16.16808574295555,0.0,0.00014063033626880034,0.17394893880251375,96.66120431407325,70.98975798484844,5.346169503696732,7.353724328909816,1.9907974977412392e-07,0.0,0.1645440248874727,60.686474420825746,110.00839986630967,7.475878890755484,17.17143962707764,0.0,0.0,210.60869230173347 +0.9217248765491439,0.13016482055043344,0.43725980945187926,127.11784151278881,163.26534391293077,217314.9667226854,5.178764648983205,68.27080063472403,1.473664145563457,42.40494800592327,0.26801533382091947,11.504102503538423,0.6705183595521942,0.38721760238639846,891.5411189510285,54.003908440349576,0.21388917707601973,68831.42473761573,2.8845250660763146,95.57282166780514,419.41213328205026,115.85869459019935,291.59170806459855,20.763100155429484,0.1552467468167812,0.18556683505292584,5.473869088772423,24.138183906535797,2.3655283814496846,5.368057281348101,0.00013509884990468447,0.6723350550404114,0.11134383988897788,2.0356947517333808,17.30116417374423,0.7064347354329578,25.269722385093527,5.305398783102099e-05,0.0001132097967789073,0.21448625649756548,6.047012340282371,23.39330145014395,0.3302493774989846,4.173922639918427,0.0,0.00014063033626880034,0.2834891684393806,32.45820926929641,26.341311194699987,3.931853596520966,34.870772567881765,1.9907974977412392e-07,0.0,0.2046084118065048,4.264097635395641,32.40680457402266,3.9097348762682302,33.882927321110046,0.0,0.0,86.03558838897202 +0.8983805356789952,0.23594248748672153,0.36375539321450234,162.94335759479458,110.27437863189549,100108.58244872192,6.661964126072268,72.45197298933718,1.3629605597975658,53.87659076123705,0.7626494449565269,28.688320953319455,0.37905093341373614,0.9750927453084921,955.8355465022804,92.1192580453889,0.21535874449529624,155235.50592905306,2.50330875969789,73.79581404447089,568.5770183163852,288.49469606622927,345.2001094967598,49.64327970108089,0.1597222688486052,0.1912024013227844,26.42042172265268,46.59147395900233,3.0769608147896776,23.550680453921366,0.0,0.7886620159601666,0.12545501904706852,36.78541003823678,66.52710008925078,1.5614209128254002,12.795052649980734,1.6033010066721712e-07,0.0001132097967789073,0.2027733832300018,28.57773105315534,52.92420023090306,0.4701555863565292,19.117863802445505,0.0,0.00014063033626880034,0.10525739791362894,104.28283942078106,77.68349794183021,3.7685831089758794,14.304289004173073,1.9907974977412392e-07,0.0,0.1927299037488688,56.4552589521791,97.34842392796226,5.176281619724731,13.120108160047367,0.0,0.0,208.21505390043188 +0.8938967229894156,0.13839802428790624,0.34631609415654396,203.0387575957078,194.39048337320452,204331.28237573762,5.623566980251566,87.29010403753101,1.5320158494977214,17.192548223902833,3.1800984964044567,20.668717401061823,0.3920609038113346,0.9789370819008532,853.8181371679607,42.18844357774856,0.2684820616312655,55531.36095705035,0.7724929065364903,32.28311214448401,1605.2370690273474,192.46248519588903,253.37850621873739,55.33270325983307,0.16661056856219572,0.19348159501784817,2.3803897002718117,24.11619446651083,2.9024652033175147,51.86142034150022,0.0,0.7240220966168534,0.13257567144793786,1.9145860450090857,15.466932693579528,1.0190705000012765,5.184046636971876,1.6033010066721712e-07,0.0001132097967789073,0.20504498797476944,2.751678451448413,24.152407862544898,0.3772344440524702,48.52353297117206,0.0,0.00014063033626880034,0.35462204320875146,20.542478067377,19.365806970479163,5.225183472667419,36.88833887611039,1.9907974977412392e-07,0.0,0.20031083509447709,1.4251188135801023,26.114279324215694,5.769940304283367,10.546426486564252,1.1516756774662497e-05,0.0,97.55025315506492 +0.9862787295831713,0.14564177045957952,0.3580863546282096,12.328714123819415,228.53707718083768,329435.88952146744,6.892545377468645,73.66406784289273,1.430295095170527,50.85515845087825,3.2322133075050163,26.804716398734172,0.5107150372006255,0.6387225186409273,521.3729962644583,64.45470639274893,0.06405725961558605,65616.44349961098,1.9794429850365107,82.152064566592,3510.898173151103,280.09045313303534,347.408063397477,59.44473997166686,0.3199899580831427,0.19529092270282264,19.048211766653072,35.77971322615647,2.833143634719487,46.495069549700666,0.0,1.531217174730663,0.09882431745357693,12.526670509698626,29.32895090862942,0.3158597425790886,19.63468755726795,1.6033010066721712e-07,0.0001132097967789073,0.20322252180380965,15.459534287894442,35.042460548824664,0.23753038304172058,34.730148455352534,0.0,0.00014063033626880034,0.0960393259517812,29.980764364597956,32.31590869634664,3.6496602892762855,8.079685011800345,1.9907974977412392e-07,0.0,0.17545515497858583,24.809532715767894,55.088087888403756,4.198929759035486,32.94962427352675,0.00012503266534067805,0.0,121.10547190215502 +0.8398114924919785,0.25158541496730435,0.35246639117918,225.62725562037903,24.40261007306696,102296.1640729853,1.8746192844722844,83.4888765372331,1.2207703197850208,37.43376171472005,1.2190331302291573,21.300405591893586,0.36157818165337613,0.7770249271023072,732.3407480965019,46.65224951962206,0.1426485240939543,251236.98256891352,2.795192827536742,11.498918909357316,3415.519444150345,5.936195467015775,271.97326391071806,55.965628510493076,0.3102440678825931,0.18141558231793356,2.9976024638179624,23.373807106509677,2.318581351525761,2.766736429380423,0.0,1.1254798669249677,0.1398198479884338,4.467932362153482,17.369872403398585,0.20455605147192718,2.6467131969741544,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.15596685395174792,28.148976113548287,24.6321039121116,4.876458134242013,6.058934850696831,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8997477235402123,0.21277384061254792,0.32857185105216047,183.0701777164539,114.93077091953397,234325.18261875137,2.8030370576555383,84.91323905385988,3.950240092033557,93.99429267091735,1.7107689511747726,22.57789323248956,0.31912893325518704,0.9420752398924398,730.6580855793837,41.70311291392832,0.06369364325308552,53573.29337260441,1.514797037577025,52.049567807068165,2930.90262464684,255.0523013183637,349.6015247948079,52.017073414144114,0.34999240854090924,0.19655243965490007,18.57768771440688,31.425232957900207,2.6581352595988883,76.37258860363751,0.0,1.8263228751638512,0.12566677182551975,16.396040253249932,37.2697146441721,0.2615784321977629,14.01362027054226,1.6033010066721712e-07,0.0001132097967789073,0.20437045830487607,13.692468082124433,29.495832307203155,0.2554414402104632,57.933197101275915,0.0,0.00014063033626880034,0.07933186996813812,34.05747416909626,37.09630496001481,4.22532919321997,15.285934585829004,1.9907974977412392e-07,0.0,0.19392659477074908,22.945922123901404,45.97444378133223,4.461196013219918,28.124568582217403,0.0,0.0,140.2951475843317 +0.9875405568077389,0.25536692890543017,0.44759378161157815,58.96508459070642,128.22631630318517,345522.2212824774,6.77803554963582,84.38367069271696,2.607769612164014,62.28407339441948,3.5492506048945156,26.657038562618496,0.35121010788738805,0.7802019728445362,17.614170914081278,43.79948743256287,0.2415166565637351,198798.96917511785,2.970776646662634,82.30070364161548,899.2622031400226,75.64815331352612,338.1060101893917,49.173100995860636,0.34705442702857814,0.19557403846255228,14.70949849533387,31.701957629666655,3.984921160413426,6.552009739891436,0.0,0.8191186079944999,0.13166634260267293,9.441040326563176,24.677271712494775,0.32165193928753655,8.615742086076736,1.6033010066721712e-07,0.0001132097967789073,0.2070868121716618,16.954020313758623,35.76526812517906,0.26717204483372176,4.375429027026898,0.0,0.00014063033626880034,0.3448729585598163,35.725936888041204,22.725718599308536,6.113759996267515,37.26832693408342,1.9907974977412392e-07,0.0,0.20397123962091898,15.077133480737904,38.74193513203287,5.559335279407129,7.255910050119523,0.0003021746882459947,0.0,93.11436687526259 +0.8915726627846728,0.18292369179069126,0.35111140235005966,37.75056872278358,119.72280546878793,220068.45798598358,2.581753687172323,69.78483001106844,0.6467575238857692,62.604042658719635,2.672971637436155,28.312243818779866,0.7616795168975524,0.8135115606305976,688.3626884218179,15.154408155832973,0.21631354969745656,55472.25036645841,0.5531945588216438,94.07772546227396,770.728434988314,291.9191642942576,333.8046025620588,53.745931814722084,0.19476598771654202,0.1937901068208801,5.063216018759121,26.04215936170351,2.5571388940629234,75.19537450593623,0.0,1.1602992926545626,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20645014908565298,6.647647757723042,27.333234855429783,0.23784514049272318,75.11500695620676,0.0,0.00014063033626880034,0.14509997764264798,26.132834148161997,31.414237544761498,4.332676578791747,25.08779932477543,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9379940389207555,0.14998851970379656,0.34732154610116583,116.90009702370224,245.30092195941697,199868.03155407935,4.783081777471839,38.81227612064371,2.0211593487394612,77.81959196357235,2.500646262548536,16.833728653412308,0.4787285797534413,0.7866565403171786,657.998646496627,40.410294026710204,0.06928671999552743,67229.6317840681,1.921083868412937,77.55635449812326,4395.833798463071,242.78783821231383,341.1426756131681,52.22878565380989,0.3228309512348426,0.1992435729528064,18.385575200879686,33.018039063470646,2.810392932317042,47.0262237865569,7.17406988771426e-05,2.356299763956242,0.12263828063619495,13.355428400328263,31.68670313788669,0.7602151035986395,16.077135403944684,1.6033010066721712e-07,0.0001132097967789073,0.207299557970704,13.787386887026413,33.79569237422678,0.3364313538193327,31.91236920908639,2.1856212310009016e-05,0.00014063033626880034,0.13849137712775142,40.39395715905493,42.51525108087105,3.4848206388202208,7.566854489268663,1.9907974977412392e-07,0.0,0.20134348514567474,18.215836028250035,40.84679259274049,5.164864644981011,20.91574117835083,2.9536065417972922e-05,0.0,115.83848623201872 +0.9403793843551244,0.12518149334984194,0.35952471235881683,241.11238824084,151.1268692713322,228504.67682193007,6.030669965331596,79.40192139117649,1.321070173363082,90.31047080654086,2.792803842305504,13.316377696382833,0.4361838201306606,0.5684151392053267,30.651246175050318,1.9981807612680171,0.3421576423363702,227717.75582447604,2.0779180669909616,86.70412967755249,1951.2944278022628,263.7980207635343,250.75553887914782,59.039532852150934,0.2199114825860784,0.19864624122848779,2.0375364034932177,24.118434482449256,7.114912158998799,5.365944575743681,0.0,1.2101993060013776,0.14130856367294536,1.3114936979609422,12.905701036939274,0.9428564523000396,6.27477416486774,1.6033010066721712e-07,0.0001132097967789073,0.212447054468601,2.11550106538038,24.379387893993318,0.3660197680067221,5.87163075951682,0.0,0.00014063033626880034,0.3276750984508501,25.791394058158584,19.996715873540168,8.228642827749933,43.98954474622358,1.9907974977412392e-07,0.0,0.23190808888899075,4.572313272249444,23.3696367562578,11.905408575928016,10.490680689202083,0.00043628614772613035,0.0,73.45521941563 +0.9874859090126863,0.2113577482614946,0.32674278831689024,98.46170600270385,198.50188885003962,163339.8804175818,4.504578350143317,29.868329298647513,3.7442521962166646,19.60603917736125,4.01780542250388,21.572189592313645,0.30233849292286946,0.7679043815452438,247.7416064439255,27.816377363592586,0.2584218599519043,52565.05268756119,1.0616183534102623,9.093367024000727,4963.844119719304,251.00785029050687,333.40937605981986,48.598169664148045,0.31132557487364887,0.19444921469118998,4.551754339480208,25.099132588309093,3.055631010895386,66.87533420225311,0.0,0.9326346689479487,0.1323235307456121,6.571213314695201,23.751681832258672,0.773671078224998,10.131644742316459,1.6033010066721712e-07,0.0001132097967789073,0.20740285879338105,5.870884495091787,24.67989993782162,0.34356285276241355,60.81597042880287,0.0,0.00014063033626880034,0.11850383742151034,20.510646803133852,28.43947728591927,3.7267330956049802,19.55299418030339,1.9907974977412392e-07,0.0,0.20292965144130373,7.684129227465864,27.05308117436693,5.408327475079474,25.89335948779871,0.0001740152279656008,0.0,115.33656098475988 +0.9170507531219003,0.2063563068749584,0.342226359083184,44.488333000761564,111.0025088084177,336855.4414295002,5.28443982013977,40.265505118779224,4.349176374290376,61.33931147896485,4.153336731147495,23.707132760372602,0.30553518429701365,0.9354995016116183,63.000924021843105,31.805357330769734,0.27981503800004065,50839.52819477614,0.6973959728328905,43.28953514133261,126.41878721659441,154.86285681976779,344.3813469112318,35.79998760902898,0.19300672479495695,0.19078118947117248,4.368133383585026,26.942537138352307,3.6585287123271226,76.86891612485275,0.0,0.9740361513027685,0.12404920327763234,9.304491178894974,27.374027085491676,0.20405984754741271,10.47689690899379,1.6033010066721712e-07,0.0001132097967789073,0.20323198561593603,5.481876224595981,26.526586473660622,0.2466203367381142,73.25275172100038,0.0,0.00014063033626880034,0.12989544322293084,29.646186745621254,35.96792809086838,4.174834829390666,24.081492021190396,1.9907974977412392e-07,0.0,0.20120161436615766,9.012556377096892,29.599051111520744,5.000187426069867,28.940597553507995,0.00011970554220581996,0.0,135.29070968360207 +0.9848182766913895,0.12140827186200076,0.4391145382385107,172.56110564443742,19.86810362696845,340858.8662025487,2.29077370186344,93.09391944691151,2.305500839394727,62.36048543531173,4.339305211646645,26.149107456822776,0.34756244338779535,0.7612536460920796,247.31143730368683,87.37109946601694,0.29561271705386066,56950.82428319116,0.5549117583397498,35.389318946911615,2708.7408353324186,257.6127260346578,339.2058261432957,59.4092737502029,0.18110136694715204,0.1913621296791336,0.7673869123964283,25.049369589068192,3.0969556674663052,63.110878322298184,0.0,1.1030780511800165,0.12912889491234703,5.210236884393522,21.56426496667899,0.4273789221796035,9.130938722636031,1.6033010066721712e-07,0.0001132097967789073,0.20420467011017032,1.947604170363837,24.89033649158267,0.23494316473587154,60.464164024201445,0.0,0.00014063033626880034,0.13270847096050667,15.424898542084337,25.150726981484265,3.5833679072369837,23.241084842771297,1.9907974977412392e-07,0.0,0.19579981231278734,5.2581868574786474,30.06443836713537,4.26260189135545,26.913044642162646,0.0,0.0,112.13603609888797 +0.8776627636196987,0.22881205037470714,0.3276070618916292,125.86341643042486,178.8749460186981,264858.26794682664,1.6646095431745707,72.81808298265504,0.6846667754294967,50.42600542434248,1.4823465183986733,21.0151857002881,0.4028272963056364,0.8212446504852635,358.4512382698302,2.1061209178246987,0.08013569397385491,109264.3866675306,0.9144688077234377,54.934550941596456,276.0306956539724,118.69375210703524,343.12266843668283,36.76572709901394,0.1596114319213332,0.19673788411520735,12.887047699892676,27.97483082287238,4.010507157418673,48.891031724477514,0.0,0.8921989198172172,0.13598544114854483,14.245929841459617,32.09085860378115,0.31506556817910114,6.697224230502138,1.6033010066721712e-07,0.0001132097967789073,0.20926054369318112,11.28442945560395,28.80856770253209,0.23491640108074588,42.03774100735192,0.0,0.00014063033626880034,0.15191585426827872,42.76489640484565,38.102496506163696,3.965037151400585,24.43107509223608,1.9907974977412392e-07,0.0,0.20754613533375035,6.471209352303431,29.360208339328913,5.292167240420227,16.064179896316766,0.0,0.0,111.5413237112852 +0.9023089086404831,0.19590736014809385,0.3459112754126264,45.72714777683043,229.4507233837387,279805.8507272773,3.751514912269151,42.92589344316751,1.0587395890443445,55.6145445646569,4.014959565908205,27.957225844636675,0.7368771226962397,0.8208738158571818,374.44175701311923,66.5858850797439,0.22699068257132113,64145.58749545884,2.85516514061246,46.915809176154596,774.2629336915974,287.70866327781505,347.8178327308436,41.46306078921887,0.1831850715304454,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.09333909582929233,40.217782638006305,77.3044233065869,0.22042188058588544,23.459553524692208,1.6033010066721712e-07,0.0001132097967789073,0.2033579152297544,25.288018577760617,47.60054203539714,0.24346670309308302,18.44181088727906,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.17760559247642954,21.61530770225426,97.32758984940143,3.446064423050201,23.53080805075088,0.0,0.0,3816490534509.4204 +0.8226596603211909,0.10205541715319101,0.33610532352999145,213.12258278822148,226.80741500031783,277447.4456262174,4.388818423757296,12.784748047356894,1.6132013635321933,30.90968229921699,1.8464774288004362,25.690582903673267,0.3659460805403956,0.9563147415843495,967.5127982769937,7.673251074076838,0.3142207180994822,104456.0092673057,2.515098125837455,82.31885614833469,2112.8287407799735,242.20803981390955,347.44037558956563,57.033123964451576,0.22931945076391597,0.18860001276837857,25.96516203760207,48.66804966205182,3.348895721618082,31.321492640028968,0.0,0.9434068779562137,0.08317116212610856,38.906317334153215,60.27667964099931,0.62710640735953,16.011763216446845,1.6033010066721712e-07,0.0001132097967789073,0.20191108677363567,29.889236874419645,54.06784029533737,0.3049500447710654,28.463102932859314,0.0,0.00014063033626880034,0.1168949538027079,77.65258519214217,58.8431722818399,3.3112868474261954,12.411126152831732,1.9907974977412392e-07,0.0,0.18079170262593505,55.42489747116625,98.19643016811459,6.332200551639168,22.26861340561428,0.0,0.0,192.28785060666078 +0.8980979528002216,0.21079950914117307,0.32821652619412095,180.23355991341597,128.49074132175306,234325.18261875137,3.8160815220017694,69.19290922873815,4.20849494544523,59.51756023179506,2.353487621464429,23.01861983261783,0.31912893325518704,0.9227699188843881,459.12655686609514,78.73697555331255,0.12700021114946136,56473.325481713284,1.1100150227151222,43.776504979922336,3180.782327871994,255.06309383866798,332.4327923830581,46.437386111245345,0.1744543753696552,0.19468376656342162,10.463085189604403,26.31863708266417,2.7478044734194493,69.60348184168258,0.0,0.9229977762732031,0.12982640299501133,9.826999128661418,27.74617235254851,0.4646123719664622,8.728727216888243,1.6033010066721712e-07,0.0001132097967789073,0.20504294341979773,8.742690459045553,27.903603920169118,0.28752748685573976,59.063226252530484,0.0,0.00014063033626880034,0.11476679826981917,36.97269893290253,39.16685171579645,3.5691157643921243,19.55593891707004,1.9907974977412392e-07,0.0,0.20475347633195684,15.008526337736733,37.143618299328736,4.74518227827021,21.858472325083003,0.0002314250383313832,0.0,127.84042896807411 +0.9311528329168746,0.23624335146988065,0.3556417201997895,186.3641207783495,172.31456450738904,311990.91862296907,1.5889364883256425,73.51386712034046,3.844599092877696,44.53778694636874,2.9744198805203554,14.141477135885264,0.7730972748497118,0.8632519446739497,815.4716957469014,94.63876101431956,0.2815081571724447,182228.69766348373,2.8435169326884777,90.8597979687755,4949.059499214655,233.6855000141893,342.54019614101844,57.55019209639824,0.15730758671019107,0.1954408313909688,28.341703444414645,51.60632218063152,2.653947373674276,17.72732618122783,0.0,1.1895447961413708,0.12791219236420967,34.10474005054289,60.77464220794701,0.3384785057752136,14.619378027272376,1.6033010066721712e-07,0.0001132097967789073,0.20817735903508727,32.96780143082402,58.91663812165491,0.23421200006348877,15.63818347534997,0.0,0.00014063033626880034,0.12127221276338361,102.72526669750063,79.56474965433159,3.736465684552466,11.235793772885453,1.9907974977412392e-07,0.0,0.20838601602520007,20.827822135954797,74.07731023200502,3.0970489248427304,13.316344833217265,0.0001626686459991243,0.0,191.817410854277 +0.8448034587778335,0.15191360510494886,0.35381996701969554,135.52620660997113,245.1783946879128,239691.4888805552,2.9302231594102937,48.080107170877525,2.1143428710167105,52.18381165353628,2.744480428764549,20.20453391461123,0.4774888615874889,0.5059743567207801,175.85999593597933,93.00039762378891,0.19364006731108083,93401.23030537715,2.082108073287873,98.94668593032944,4844.168101968566,235.39141999873067,348.39634427049117,59.41795610565052,0.15473997391556166,0.20001612954434195,18.942661563867514,35.655014223916275,2.8364661356851144,36.37395677256481,7.158703015439087e-06,0.751384095521195,0.13244055243206657,37.01683595575832,66.58674544292984,0.3425357993474713,17.974343451642316,1.6033010066721712e-07,0.0001132097967789073,0.21260989440036737,21.249035020313254,39.08601419134248,0.26080190422312566,32.26243960284264,0.0,0.00014063033626880034,0.12630368724966637,96.67295437148236,74.26731983973741,3.294861491450859,15.620317786068432,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9282447491369011,0.17476306480597073,0.4398215617499301,186.12662183259476,226.72890241319305,217686.7182088399,6.199651997429366,92.78690026149627,1.689033806180845,17.07913602796326,3.0651410967792603,12.436649156059115,0.499868492937671,0.7721317079897252,821.461596062255,69.04199995123894,0.21853561557892082,71750.93999882629,2.902343148731131,99.87058083210218,395.37912945164993,200.63085539876425,250.55533026733536,22.55389947658091,0.16206150755650908,0.19580659363028655,5.178808251042644,25.73913912782561,2.9020926075448483,7.549947724695789,5.0807166927634235e-05,0.701746325882468,0.14806895941981535,2.426435460958301,20.56789500388964,1.0654160175717622,24.633141865531453,1.6033010066721712e-07,0.0001132097967789073,0.20862715247312286,5.177461619095961,23.910670734884146,0.38405836193812637,6.438716647558842,7.312513881341672e-05,0.00014063033626880034,0.34501473542766986,3.4627478988901395,14.736918415523043,16.25563072247091,56.944891869682344,1.9907974977412392e-07,0.0,0.12641805893413854,4.944732128643187,35.19512977570737,8.359323258086013,58.30142987976694,0.0,0.0,104.40631283356062 +0.9299450052821224,0.20274526155706585,0.43471698767208716,219.61855326347234,239.4319942864354,292937.1932492269,6.53669765467837,72.44489215082567,3.2097129022693,77.01201618564043,4.899385604906099,25.542511376699174,0.3426266082678301,0.972979219702854,41.845290251782615,60.63299217148116,0.3160805990034332,254179.78343658833,2.796314422407443,99.33930028261193,1875.0658000778346,278.0669009418593,342.229359678436,57.565091128452046,0.1673167286732014,0.1890032813080224,27.401674982662733,53.24852835744287,3.9263673953913893,12.079950766097232,0.0,0.7824235248322192,0.10217361418094725,27.802493967205784,51.30793838610061,0.9251521870009327,13.659354369895881,1.6033010066721712e-07,0.0001132097967789073,0.20080786317035126,30.873165557557087,59.0623814831699,0.35645763814411924,10.986167938557015,0.0,0.00014063033626880034,0.2058549290626965,95.650805133363,65.15603233891014,9.803416975328817,7.4990496121369485,1.9907974977412392e-07,0.0,0.15419015494964985,53.5818207461263,100.6843396665107,10.399171711597933,13.01094836031669,1.317146202201092e-05,0.0,196.81494954769178 +0.8712396594506611,0.13163579741239806,0.4324028959389284,131.6926616747673,50.10052617369204,219610.8407607717,5.0433669675219175,29.603694290531596,0.5531501765463472,43.498929423866464,0.26801533382091947,11.506207730022112,0.5718621493334228,0.38984202008451957,567.7183845653561,53.34173359193231,0.3047371902165563,68793.6707277535,2.8829044919409115,95.47762149384573,419.41213328205026,116.39951161411885,267.9991558997848,20.752155926866404,0.23665914730846274,0.18536757422840558,6.091967076374405,24.01716233913987,2.453697014778202,6.1800932529646655,6.249257885495209e-06,0.9922749308946082,0.10850132169033733,2.0102713192405215,16.95941513284245,0.4217073771595512,26.29265610476899,1.6033010066721712e-07,0.0001132097967789073,0.21485683691448443,6.106694671037518,23.218947635285446,0.29916960186931163,4.2196748339102275,0.0,0.00014063033626880034,0.27492307048733755,11.75162279236547,18.95442849403013,7.222738377256228,48.334326409242344,1.9907974977412392e-07,0.0,0.21122883159459163,5.52746266652084,28.942340113947044,3.7535136832229994,38.78355486887784,0.0,0.0,86.65454024527395 +0.8952768421955696,0.22950880573349217,0.43984231145993785,176.7661515417663,183.85041653818885,302908.14793261304,6.650939273606634,84.92925916116491,1.8121695671187055,31.430529059109997,3.103379700529378,27.37342769783738,0.447337531647514,0.9397047951501828,951.9225695191108,53.3711452940928,0.2154470877571592,202696.31226002853,2.777208520640863,88.8223570052973,289.67013705019315,269.98544007047747,348.54625470697766,51.724196566872365,0.1615784973239854,0.1934014516976824,29.91461600500616,50.740110351670246,3.1979389761103043,16.654533445427038,6.131615339180787e-06,0.7012212536067483,0.11702727612574844,32.405694140875184,56.18475202157009,0.7660705229563459,13.855796193077968,1.6033010066721712e-07,0.0001132097967789073,0.203364433097448,32.14460881607733,56.84933130075802,0.33432292759823234,14.164515967453273,0.0,0.00014063033626880034,0.10649652088146982,96.93411065206749,71.97755866317158,3.7189739464000766,7.389817135628889,1.9907974977412392e-07,0.0,0.17636087715546517,63.92205554024194,112.44841750585081,6.224267751015088,15.881439617706857,0.0,0.0,210.45196899784384 +0.8894786886327837,0.17128552095840852,0.4077656635653832,31.366278605090393,148.3268989040936,151536.98060228658,6.464367752197966,28.64513420826484,2.2333939289147144,14.10480337150726,1.8478485501784225,28.178283236848124,0.4136992919797465,0.720575200145702,547.0113651914322,42.669852535119674,0.19902638058842137,117261.60391472928,0.9339672414623972,91.59576530317852,382.212658489865,128.67477464174004,345.3905231032179,47.56269591781573,0.23013876787980053,0.19599619452001987,8.733837099514936,27.450124740238067,2.722130269901636,37.005773364100975,4.579503371674919e-05,0.7835362498287413,0.13477339832271726,13.768252836226566,32.923447392165066,0.635218796192227,5.813987841516306,1.6033010066721712e-07,0.0001132097967789073,0.20758543736377857,9.619029285876296,29.34226625379771,0.3288516107719193,36.267395079997,0.0,0.00014063033626880034,0.13021533913765748,37.93309959701998,37.18275822920438,4.6383557222668825,16.91168797542688,1.9907974977412392e-07,0.0,0.21698968298482432,15.805734536693098,38.83677628495056,4.477716184625513,17.28486170270462,0.00020265121535544909,0.0,104.83312739674156 +0.8161255268814144,0.19145988336520794,0.39691920436347194,105.20834364424161,217.58591217965147,209001.8878799013,5.768471130183013,83.62494138899866,3.9512343690966643,57.63267288472183,4.168845840478129,29.03147978169999,0.43119630882599186,0.803356306612615,945.3255287662683,26.545684069297543,0.2168881156172536,222051.6832931806,2.926690631488117,86.9401114842572,2982.1868747171447,275.00543419285816,343.70449236221276,48.42670750432441,0.17354701382654514,0.19429172255618257,29.841537677703982,47.575811006129896,2.955557555715161,13.571629915817732,0.0,0.632307680159427,0.1256575304504071,32.7663304798373,54.79199633460989,0.8126350218817836,13.401907174546936,1.6033010066721712e-07,0.0001132097967789073,0.20630485541040253,32.76023667395352,54.25391272090405,0.3476214067649501,11.475748107959623,0.0,0.00014063033626880034,0.10846757162672936,105.88277097086295,76.10349037692073,3.4099641965660967,7.450027171479437,1.9907974977412392e-07,0.0,0.2032528352810412,57.99512012938448,100.11894608648916,5.466761380514781,14.631530169382925,4.778640184626548e-05,0.0,206.04195408824532 +0.8457904955076153,0.14079625366033305,0.34649072558067284,43.80909989265199,47.22502819266481,106954.31778692584,2.829515419156377,95.4387506642164,1.461776334684043,28.016402432857664,1.1658307641013526,20.978812414911065,0.325339137457098,0.816098041567219,282.0552573829194,93.16005338181881,0.24045134257900924,62811.67804315469,1.3710928505270465,96.83304667898267,1657.412994835005,110.71670229720979,349.42061612997804,54.841065329706915,0.29115387729345266,0.1952762687858606,9.732030289729654,26.391846225227894,2.5662315726700857,57.88973136632789,0.0,1.2701395712256833,0.13637177041562829,17.92877073293554,37.62032520814502,0.32508798384521725,12.462233423087353,1.6033010066721712e-07,0.0001132097967789073,0.20836560404241758,12.262260064970473,29.39180138881735,0.28129736713410025,55.93445037371344,0.0,0.00014063033626880034,0.12486517530105912,37.896050933867386,40.34997561399572,4.902232217329772,19.0125517417625,1.9907974977412392e-07,0.0,0.21988415933677835,19.314419799291063,40.49880496434551,3.925986878222768,29.940972396065987,4.003572616759095e-05,0.0,128.68864279396314 +0.9383173914097755,0.21124388297455177,0.37274242170935623,117.05513760202373,230.2926206839761,289128.866256371,4.776669389353,79.90940019868442,1.9780153221305294,15.12977588820042,2.5626991022950723,23.551171566000377,0.3471366366797592,0.7421753035081844,991.2931074873586,60.37459421655763,0.20314740174358722,84266.2652442112,1.433381311788535,50.553208339136006,4387.513008115895,291.54616925703385,336.08743169992294,57.948804191408456,0.2608784557513756,0.196786017708335,10.164079108929638,27.36472377245947,2.8730163269543647,42.08366048795765,0.0,0.5863227772047227,0.13595258204549684,12.982881314539817,30.850594844467587,0.4801674878173336,9.413616140938894,1.6033010066721712e-07,0.0001132097967789073,0.2108427625473702,9.822117011312637,27.761693424356345,0.28496485985915276,37.00355126746278,0.0,0.00014063033626880034,0.10543278066931062,40.660656213420914,40.34524734876986,3.0484421674579423,11.853591759960258,1.9907974977412392e-07,0.0,0.21777771158961032,17.730970841558165,39.917674557304764,4.807499341683957,16.284326779714434,4.891927717385886e-05,0.0,108.18755959646043 +0.9376925856825561,0.2321717431315904,0.3504127293987894,235.1285298810048,168.87496409507133,116376.32741585447,4.1261809595421965,92.10466992853162,1.3565320748723506,62.71504370275056,4.276393530969961,27.70817066162282,0.31811422196431527,0.9879186838253206,793.056190228225,49.784075500754696,0.2972028442492419,188618.7894942262,2.822646766425202,69.07230070756987,4106.6946228282095,242.39292902919922,345.73571858618413,57.55792909634558,0.16065175207066315,0.1898429750129847,29.753991055457178,52.62406446699216,2.9453283935810166,20.109175120765247,0.0,0.960844085268033,0.11285816385510414,35.81488764865389,63.04957879188589,1.2437185650617084,12.703785515454326,1.6033010066721712e-07,0.0001132097967789073,0.20003551168556885,33.883292571590964,60.15286140105704,0.4174224615052605,17.213930608465105,0.0,0.00014063033626880034,0.1776075619001873,118.41936348349371,76.26444088828666,3.927315260897333,12.387678402968193,1.9907974977412392e-07,0.0,0.1589888813305231,71.81500493938854,122.46112363212546,5.3021283368817995,12.276747610080967,0.0,0.0,234.29422343025982 +0.9883217968641552,0.10541146641726248,0.3884726872903379,86.59783866199848,195.1602346706633,320755.09390207706,2.851001091898364,53.856771810126205,2.0985318030872464,41.65916839712662,2.3960509470395226,29.577861529890896,0.3770181427825778,0.8099863178511528,238.16516684581708,1.0886653007895237,0.10154797491285524,103657.09170459304,1.3912379543880509,57.71344249305749,2397.462418068207,143.04246714570445,340.4281664347203,56.28074751497948,0.3448719464241391,0.19193252585162301,9.63119275298809,28.60820312961026,5.8148702168558275,34.4062541309731,0.0,1.2114340166637196,0.12802842175140186,7.460323669941714,22.83898648706136,0.2501102269714291,6.115033389008033,1.6033010066721712e-07,0.0001132097967789073,0.20339988644091933,9.535094937399808,29.918135139655387,0.23896765825690383,32.19506335018821,0.0,0.00014063033626880034,0.14389638384535927,21.15650153154841,28.315099065207065,4.073641806862673,7.024731846091553,1.9907974977412392e-07,0.0,0.18159871691171023,13.481937541422814,37.95978805192317,7.708348924054647,13.531604406523568,0.0,0.0,89.15294134520349 +0.9559646369507676,0.10225709629637045,0.37031841551728,170.1327553825809,197.04617139042728,274853.49889753497,5.927418226353325,48.100502513587784,3.0600500917076303,93.50499221426867,2.0645531635460843,24.77385447330428,0.3879932255795203,0.9029258323235282,16.014457735315318,1.7017809659535281,0.30571797418583896,217978.64759842088,2.618482318022392,8.84363668037313,2131.0677345772365,144.02411520700446,252.27602389845865,58.92442447817347,0.18218609632996333,0.1889369097572284,1.7308036086804242,25.910388527208628,7.349727261574324,3.31958264581699,0.0,1.2655920186523288,0.12908647581590404,1.377760548523014,14.451675258911486,0.7598867150147928,3.363649451689555,1.6033010066721712e-07,0.0001132097967789073,0.2010094461574302,2.11411754649225,24.985051933256628,0.33314031223499563,2.0100529676865424,0.0,0.00014063033626880034,0.3554469261828991,22.97121726495298,19.281898808732063,7.8492370935711255,39.41055620079427,1.9907974977412392e-07,0.0,0.1908801760624594,4.462810120769412,25.695864518160946,11.975464193972577,4.274025828147873,7.642884932654102e-05,0.0,70.37682637696 +0.913328974321333,0.21875417610583053,0.3637645295705524,226.69729300892016,137.22257581981603,248687.25997730912,6.289137325087811,10.455884359769893,3.261739536894924,35.45745870059236,1.9647448250032642,26.899310382623725,0.3675504190032133,0.7501042076502378,908.9609980071085,66.25080436249439,0.3142207180994822,112998.82511820154,2.515098125837455,93.91431978233746,3042.273740225337,253.06615164428865,343.2140207137702,54.700871848244226,0.15030725770940462,0.19501810485266002,22.78768821745366,41.2262580976236,3.0006436233846068,24.358882653333175,0.0,0.7482758422546759,0.09455185515177239,34.71242305592144,58.68776971820336,0.8567582161469641,14.009085815658748,1.6033010066721712e-07,0.0001132097967789073,0.2045097427688097,26.48549558819523,46.446186811975736,0.35326739785855615,21.415839664360494,0.0,0.00014063033626880034,0.12327365040706555,101.90503582165812,71.78633931154012,3.0156845777868546,14.37233503255002,1.9907974977412392e-07,0.0,0.20195205421352982,54.90546119992804,100.46101790876233,5.856681920272692,18.463265362428242,0.00032135109326200803,0.0,200.55280246838777 +0.9464824030920475,0.2331777828964024,0.3580863546282096,12.328714123819415,21.412851482723653,330054.9837110159,3.37439594128314,73.82126763515805,1.8369938751758834,50.85515845087825,3.2322133075050163,27.08205564422395,0.5187305772941988,0.7119495155393413,521.3729962644583,69.74629597624156,0.22521622322345863,65616.44349961098,1.9794429850365107,55.580039686226804,963.748465301371,288.35929193697035,347.408063397477,59.698104323484195,0.2305470272933039,0.19573916664285948,13.298441927810423,30.194526230989236,2.7369934901717277,41.018018095564116,2.505395660093156e-05,1.1846528195885877,0.12408227976813012,21.54494159055243,45.057275117566114,0.4909162178655588,16.562901813718884,1.6033010066721712e-07,0.0001132097967789073,0.20801733591120738,17.017300094199285,36.8076563658284,0.24330593144707666,38.121505738967294,0.0,0.00014063033626880034,0.10836391716772245,52.5001087554389,50.70713167782552,3.7518682149770517,17.320887902758393,1.9907974977412392e-07,0.0,0.20940736588248907,31.83271393961138,62.85028958014001,3.9680362378029157,26.830554964653032,0.00033238047558251023,0.0,141.37667943154483 +0.8711786205056591,0.20662873112630553,0.4060657593000649,204.77500169100887,172.31456450738904,224942.3980211937,5.027894806663272,70.56538088235551,1.7259474443731797,66.63654619058279,0.9261041778360741,29.674460192531175,0.7529961629418096,0.9847303505022416,878.4084767855213,47.2453240369056,0.07360683630131293,247742.7554691945,2.8842780796906893,93.44186911616782,4963.374985845211,245.76554507929941,342.11400131403354,56.48244697968892,0.18257552264927193,0.19750093154347995,39.696793824073886,53.69811005455604,2.8734771686159832,18.345915576652473,1.3691702559419158e-05,2.6443968450231665,0.11840723422288252,29.238764668422697,51.41818888817,0.8066663534502156,13.127854440723059,5.280680838895859e-05,0.0001132097967789073,0.20276629674857788,33.350954758757524,60.66615127765379,0.3423923517335686,11.60559751022989,1.813195200041933e-05,0.00014063033626880034,0.144554286595486,101.27715792406725,69.4864944149149,3.093152683450713,6.304509764250238,1.9907974977412392e-07,0.0,0.17928212358505638,23.1230285240771,91.67939060093794,4.407805793840967,11.037264539028293,0.0,0.0,193.9749445086142 +0.922780277179147,0.20058732688179579,0.35111140235005966,10.057979812720394,119.72280546878793,220941.7237396587,2.581753687172323,69.78483001106844,2.756626818601309,34.70371069323251,0.39816758600781155,28.434282655799947,0.7942236007663654,0.73325858351236,313.2407134356302,83.98963858132505,0.14305120424534576,62765.57394836437,0.46630189981793824,94.28311467277021,964.0802679394209,223.24132534856614,332.0596656505277,56.5605334619038,0.3394717604401664,0.19483671746391357,5.483014990306391,25.36851473642617,2.4489774438363843,71.61228672274449,0.0,1.2532917749069903,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20804550639602382,6.400297121055701,28.28596484448436,0.24293254978238862,69.82765032970678,0.0,0.00014063033626880034,0.1436281376324085,17.10569226667249,25.357200665028945,4.306152114359867,23.388862421191874,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.881141362113708,0.1902342600200454,0.37664872165319924,182.99237820671797,248.5053488306273,280035.0404306275,4.050142694721793,91.29540853299167,4.224200532462369,17.489854289910205,2.542066378790299,28.555422005154124,0.7241447768088776,0.6560217194416202,728.438078836097,53.76639415211831,0.19132794937531714,81646.0888406351,2.786122414834018,82.88533476511898,1783.5328658307585,195.29081345067328,349.65830500839775,59.22187888413305,0.3290014045682811,0.19542645780497322,22.355953328576064,37.263757043423546,2.879154133795881,26.992505260975655,0.0,0.5958148375292224,0.08488077007799551,18.83769390789508,36.53981811334842,0.5397080261237395,22.238198645092606,1.6033010066721712e-07,0.0001132097967789073,0.2029811194128897,24.971142920106974,42.728007863231916,0.28959072499188443,23.726557368377236,0.0,0.00014063033626880034,0.2603240615346606,50.57072176236358,35.09888819346252,3.858087322359367,16.634808960658496,1.9907974977412392e-07,0.0,0.21284840072184347,28.839800505373955,56.843315245795985,5.426408090109522,30.787058338175456,0.0003173451000712013,0.0,130.1693227474473 +0.8878858301869652,0.17384855777790334,0.34675386181832135,228.28251511224244,113.15706984950586,319330.4494591625,2.2180312284208323,53.856771810126205,3.2758430268434715,41.65916839712662,0.3098290283454719,27.98867434012107,0.3047048160176804,0.5376942091429685,345.9895217750365,1.361078468853993,0.21606376200013147,52519.62318315302,1.3271879863465026,93.21737352053562,4847.9784614574255,291.7468225769415,340.882550604687,56.476375126330254,0.34437137090058384,0.19819610306443844,6.7270533690029195,27.13546689886763,5.1665935041801605,56.15476721633988,0.0,1.115896641571278,0.1251967384139957,12.798553220585944,30.87500802587097,0.26969291742021934,16.263743619334203,1.6033010066721712e-07,0.0001132097967789073,0.21225125491162086,8.418844567105761,26.817851577999665,0.23692807138311897,53.09979744174297,0.0,0.00014063033626880034,0.09996717515388617,31.722464073863314,33.49295872949988,3.6320863334425475,11.854618059126906,1.9907974977412392e-07,0.0,0.20664216204802704,6.098919476425419,31.87173058415604,7.274822971047913,26.05705738016645,0.0,0.0,114.11012471554825 +0.9275820030770482,0.19433261334966995,0.3467552363051893,181.53690040392513,172.31456450738904,224942.3980211937,5.02307894032267,15.836404246850591,1.885037572223577,75.70067549548344,0.9209058269401353,29.798858752639553,0.7596045486307583,0.9847303505022416,825.4258297817879,68.13594215732263,0.09365693167698481,79708.85534611592,1.0813320136053273,92.11380777842544,4765.447102704035,272.0049361057431,339.32224255462904,58.148211793141435,0.17191476866482364,0.1943609461630568,17.704356861161653,31.813216239672897,2.7698977966658673,68.63036611846121,0.0,1.8155904594750973,0.12425954928293423,19.401271042225122,41.773117909714564,0.772668328001828,9.79336075903846,1.6033010066721712e-07,0.0001132097967789073,0.20324022684371226,12.565192417952343,32.28327339344872,0.33758488799790737,55.78816653293659,0.0,0.00014063033626880034,0.10687037091775628,69.82397460370719,57.852890472512414,3.1511045070429886,17.22069498661438,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9175492356487436,0.24644458463872282,0.37133044596265113,161.73531273621344,242.7986417857739,340107.09427021013,5.982087958507034,95.49350712821308,2.3689550581571774,12.817729296970711,1.3764781869226788,27.660668170805412,0.423282230253531,0.936894869682356,714.1987228768179,75.58013466060609,0.25739183756370154,271559.2740514556,2.7262471267637283,99.88906232022637,4851.083866048192,296.567803369622,347.1192471224984,23.779888461652064,0.15181622606424305,0.19147760500269848,23.24833402540342,45.15295189645544,3.208881121167493,7.943367231059481,0.0,0.6556657387691951,0.12967816776454766,26.62483080551171,49.49540072678848,0.6349436596564113,7.454134476322529,1.6033010066721712e-07,0.0001132097967789073,0.20298133654406228,25.784302745405572,50.325371792736135,0.30769493635255696,6.925449541960149,0.0,0.00014063033626880034,0.10554588071487421,112.30445886933045,77.78825948337972,3.6967386555110955,9.143036961817025,1.9907974977412392e-07,0.0,0.17817869333046626,21.49037489590719,78.92334829751712,5.512211233980243,8.2211661771924,0.0,0.0,186.17915553223912 +0.9157952223446558,0.15089447771190387,0.37564280552278584,213.12503095919456,16.110444978406655,283673.5860014604,3.7672957591055067,67.1647812012702,3.7842102607434525,41.00319270104161,3.8601040250415055,29.228846338337796,0.3880009852011731,0.879942261393114,309.91173324644615,48.526261317333926,0.1971282717367332,254856.40401161351,2.775825958941027,93.50727190172861,2511.6959295968854,270.8441574203292,349.19052868359705,52.65181886870543,0.1695556244339376,0.19072753369063558,33.42762767575143,53.09745189283654,3.1134945481838843,17.479794160974993,0.0,0.6963571082734548,0.12275414158221594,31.596183460485143,62.853413381714084,0.24225091500817422,12.351817220031247,1.6033010066721712e-07,0.0001132097967789073,0.20407937425763806,35.891195621819755,61.698375233283535,0.2478612463940099,14.842284626923249,0.0,0.00014063033626880034,0.08956625946299826,83.99069198443071,61.67430833802364,3.797826021702056,9.075262561534739,1.9907974977412392e-07,0.0,0.1697597222667606,71.41985323272874,118.92615964373577,4.613341518687545,16.68911332799651,0.0,0.0,212.52833494245039 +0.9152796817908646,0.21264029881183563,0.35332354832640844,220.57241795078374,172.31456450738904,233845.7401214059,6.5416145002827735,72.28297671270502,4.249062738557511,31.770223097136775,2.968518191916837,27.260321225852465,0.3337290124034903,0.92499181921742,426.6038243850777,3.1999904498287286,0.22531792148901947,161860.7327156455,2.885352691869335,72.5897483978494,4708.7897159532085,267.92923791578295,342.58082142866584,54.037219998405945,0.15824387832710857,0.19004687007368115,28.85203463209811,53.344330572109186,4.872482721564938,18.725806264842344,0.0,0.7748114220360974,0.10677553917773408,34.816145464363586,60.141918231678055,1.016203227278787,10.397539956017992,1.6033010066721712e-07,0.0001132097967789073,0.19931443453881745,32.50501830837005,57.5306979484814,0.37702656078788954,15.54631442949695,0.0,0.00014063033626880034,0.08133426123090239,96.63545502284784,67.66234043364288,5.662310282915272,12.039360845652654,1.9907974977412392e-07,0.0,0.17982050040360797,58.82810585701931,103.07775631815527,8.717081337132491,13.147861048346865,4.388056281436265e-05,0.0,205.00721771988887 +0.8837929362932115,0.20672748271446326,0.37695580112827226,139.54986801188682,182.99612495809265,343922.1050290591,3.989885574858686,24.05374749358768,2.89933091637815,98.25603206129028,4.567287043334408,28.471786357078972,0.3966950738633011,0.919221001698024,849.0043621173264,80.58361451372642,0.1883173924667074,96536.50907065236,1.0761211308022272,87.26297344685352,2711.4594119244093,152.47377209297275,346.9436400992669,59.74824518204666,0.29645370224439926,0.1939505025308306,14.646220173478357,31.93878849553826,2.9542202647056532,55.135662075589394,0.0,0.5951617819634895,0.13015929343008403,18.238637688108593,39.165267950427115,0.28072330603722556,7.954634919149612,1.6033010066721712e-07,0.0001132097967789073,0.20309783332512404,14.529670924630427,31.26632313984985,0.253978020730753,50.55158301333862,0.0,0.00014063033626880034,0.10381278188737181,41.823436749690146,42.37062062243028,3.1557288932054974,14.125383395587935,1.9907974977412392e-07,0.0,0.20317216566904667,24.097988269235774,50.10816022043476,4.608915483772302,21.523110849397664,0.00013677061909892396,0.0,131.48343162983585 +0.9765871711088201,0.15585218093309222,0.4261740391597749,180.43972076881585,132.1722821662155,343076.95939446473,5.526232172461484,50.359827853024,3.273953651207454,9.210354403476789,4.316120016914413,26.90382596353426,0.7202207478395571,0.9657023012541827,372.0070035118169,97.99753527399734,0.3071178949496486,91006.91509141416,2.8598284053727223,71.85115035160801,4710.9099387698225,82.73575423746802,336.9584076820599,58.89784896783664,0.3454988051887195,0.18877582185232372,13.841812608327613,37.528822512735644,3.3494076153600276,13.41959075553102,0.0,0.7768383344678487,0.1251458742513884,8.705757757629245,25.806440890732198,0.4633137373214641,12.57813944255431,1.6033010066721712e-07,0.0001132097967789073,0.20131244238632726,17.51432629855152,42.38621303393817,0.2847287330956018,9.4509497419815,1.3174459494073707e-05,0.00014063033626880034,0.3516216225508929,36.17215010378514,25.51506642246974,5.622071495825959,33.50683221775903,1.9907974977412392e-07,0.0,0.17778551509577412,18.235302396739126,48.989489242950256,5.730674123326596,9.433422193556826,0.0001295938154587595,0.0,104.17859086724793 +0.8967423948495022,0.19046536155317867,0.43080487358237823,230.0066610494101,180.6414716061943,322898.9310504404,6.564725015708299,20.644369000362726,3.0363173760047144,72.70898005980861,0.2669956773119302,20.756495052257875,0.3751896739183246,0.8473057121486745,116.51970792530634,71.09170589908683,0.328960895627306,171381.14868793968,2.7538328218660117,68.68604790789166,597.7783959138632,121.06655305962671,236.0030865676992,11.446853961648559,0.2768730903448245,0.1957354741338225,5.254083787145084,24.575094941708816,3.8897261341150062,4.68177940977062,0.0,0.7767537379842028,0.13439184181648275,2.0584042370139666,13.747089453992333,0.7727861429874876,13.994046719178654,1.6033010066721712e-07,0.0001132097967789073,0.207656713051496,3.883790474330633,23.891837304284856,0.33299750489812235,3.284380238938144,0.0,0.00014063033626880034,0.3473360425438001,4.745014940581529,14.009702137605684,19.460946413675103,60.43911086918725,1.9907974977412392e-07,0.0,0.13931626584079193,6.76081878382822,34.14330704938606,9.391719001195714,34.32236626268073,0.0,0.0,91.56412607109819 +0.9697222069935179,0.1419020403923621,0.3309047612846993,151.51485223851236,65.53367023704469,286784.3864602924,2.3525818047994758,69.82449138655628,0.4792296061848422,81.59623425772493,1.9202563785081137,9.23207536693458,0.30933734055894047,0.9191260127260011,278.0110071860322,22.730064420122755,0.14021281907481398,61575.999603000804,1.1240263391195435,71.78204390765269,3024.746510196457,222.90011308607973,337.6741042634278,48.17882973742667,0.3153247577654757,0.19601968987814877,7.67607923931758,28.608857131110693,3.0865856450829594,59.41646565701599,0.0,0.7012369542048965,0.13829775924727405,8.207196940379918,24.64102009875218,0.2982029190956944,10.177079956051209,1.6033010066721712e-07,0.0001132097967789073,0.2095243755559403,7.214672352703475,27.506496078739456,0.2377445231186668,52.4738954628106,0.0,0.00014063033626880034,0.123650604640319,20.811768467602572,30.363766044914772,3.728528277788762,12.655750345623474,1.9907974977412392e-07,0.0,0.21021558749100666,10.058771544451869,33.479098294649155,4.666441859288377,24.494111063470445,0.0002369878604083607,0.0,110.1418805436001 +0.9034119044006854,0.15831338799385503,0.4014999585889291,106.10698358050061,221.9221968409501,341268.6705401633,6.438461212014894,79.24501607211555,3.6085450577041183,99.87511222088638,3.8358469842366074,25.629570250026834,0.6936785036716262,0.986837667758881,814.8217167790496,64.53384223497042,0.3404238571145944,68299.79785583781,0.7839881551398127,69.57896902248032,4666.574247087816,236.77788685745935,349.1729959247847,57.92722747035237,0.3213930339766176,0.1908009999604299,8.008354225606729,29.048883018737847,3.1802219828810516,64.64844658776353,0.0,0.7879836974489143,0.13022555536986438,11.920359324409949,31.41434147846507,0.5304222341454273,9.679622533447397,1.7020103320825064e-05,0.0001132097967789073,0.2017421582892713,8.859949803561959,28.50804195864452,0.2949003861341958,62.833181873325685,0.0,0.00014063033626880034,0.08968931159099948,34.43771471784634,38.49460075518345,3.2293787025309664,9.654301902671813,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9708625481696318,0.11377513794248549,0.3272435912852707,56.86358920796046,62.71200443805111,305722.16268229694,3.385581417738132,97.73902190634777,2.7552679512020646,96.37939461106501,0.6684128215247426,13.844918274498317,0.3493984501098382,0.9692255136398571,290.6563592809337,27.84168038972153,0.25189358500698805,56007.17291605391,0.9624206661490085,71.89281224355219,1475.3630317079953,136.82453398638506,343.8729697328355,51.32205779222189,0.15845448171944904,0.19303414399338892,6.707307029809724,26.709920833316048,3.1107581199157153,70.00096553380233,0.0,1.0166948440478785,0.13460741712155888,10.172110406665489,28.93422049960079,0.28625649451800755,11.13325376414524,1.6033010066721712e-07,0.0001132097967789073,0.2062250653753856,8.022162003996737,28.550234145607178,0.23920800777654216,67.43440258900051,0.0,0.00014063033626880034,0.14130834744783916,33.43577801181541,40.50457856294914,3.6642648747337327,23.866973545412243,1.9907974977412392e-07,0.0,0.1942389057365501,14.285344761445705,39.185539739534455,4.5657065823300655,31.879285362695082,0.00016631853824173156,0.0,135.2012265861872 +0.9708448168268636,0.22905639981593856,0.3728185869748316,249.9495539516809,224.35196083771427,309759.57739115955,6.329050643237607,77.6152286051187,2.6562951859910915,92.87595187556317,2.633897396468508,26.92183763429542,0.7911044798034637,0.9845344760762836,230.73357547533107,72.0650670261921,0.28179228116078775,293877.12256457435,2.9969245256053427,99.63151095693644,1746.2149694645916,255.53262786470836,347.9465548726976,57.04144183942436,0.23352471204839176,0.19251121981327995,35.951734571616996,60.754929048357205,3.6114795545379326,15.185356682655273,0.0,0.7596732499133085,0.11249164649635099,24.968031164669373,45.323045732902216,0.8714866165619658,15.966082695225408,1.6033010066721712e-07,0.0001132097967789073,0.20015712979235306,37.9614382891304,68.16641157685018,0.34640823326589487,13.542351208072873,3.393853337483641e-05,0.00014063033626880034,0.34816744089116664,84.77057750951207,48.9936562252828,7.304984290487726,21.60238893814523,1.9907974977412392e-07,0.0,0.15289543482291423,21.852873860053705,99.76861530560743,7.389418874959842,13.252281557132081,0.0001331809449991429,0.0,187.61835294430986 +0.9748786073100281,0.2222492417038406,0.33116860522986175,125.45331260125161,125.9122135829289,216048.03642539983,3.210691168048556,58.17775342223611,3.053526523875183,68.37366530737832,1.5839626897489079,26.119616088039628,0.4387955266303219,0.9312274804199508,819.3936966370777,97.25646677566137,0.3022594468500984,244261.45606814558,2.7070949439525935,95.9661799826665,3907.220284076365,212.69212522899255,346.5833090301517,48.01199612638418,0.1553495636242144,0.19010412041532007,28.744789547363514,52.193987240870584,2.483218140011703,16.592248231317424,0.0,1.0822464416652156,0.12569523267057775,33.2985618624626,61.334989727433744,0.3336879974318346,10.60634789956592,1.6033010066721712e-07,0.0001132097967789073,0.20524825397599208,33.013346367811856,58.080571387960624,0.26732793069661903,15.183727513718093,0.0,0.00014063033626880034,0.11198375970919341,102.07534937051149,76.71624939661115,4.296356798652627,11.009242166517723,1.9907974977412392e-07,0.0,0.1948257552202278,62.7153934785645,107.82284019735924,4.20000144708237,12.204634804085089,0.0,0.0,213.7299526672455 +0.8935204920160782,0.15292049197470278,0.41847807721508834,189.26438837079388,160.90425273477547,336945.12111700245,5.065394582339764,30.14433237467838,2.4853550250902727,57.01371381948071,4.052231541455111,8.152270604421638,0.3616693644360618,0.5108156451221839,424.22134586976745,35.17759473595875,0.32513689170306487,70605.88847400673,0.5662805723634794,90.20779921212736,2745.659109003748,201.5480719550623,333.1262981686148,57.57611420559841,0.17251883140138513,0.2008751780672076,2.0857278691597023,23.59917875223513,3.4597840694447504,50.55226784007993,0.0,0.8475863249574486,0.1444073594055416,5.515389360358337,19.26615668333804,0.4757670752386576,6.653347402666329,1.6033010066721712e-07,0.0001132097967789073,0.21452417496522355,2.645068848110142,24.517252029866327,0.2833339538990104,49.20281218958962,0.0,0.00014063033626880034,0.14870525228466158,30.71424590004912,29.084693115452907,3.4407756123643787,15.482216970636332,1.9907974977412392e-07,0.0,0.2269223229288288,1.941624856497365,22.086971623168587,5.242008545002033,13.72688924491016,1.2055643366755874e-05,0.0,96.71190196677998 +0.9895133690347676,0.202397967868251,0.3912695120702353,12.870188797995525,108.64028184190316,130596.18455419462,1.9677992058360625,66.60258233903248,0.3613284462315727,37.86527615166351,2.774245619896509,7.415671087326994,0.315464314794951,0.7465778470392915,875.3731407874836,31.82827119352585,0.09571870512326984,242494.59466220342,2.537553269980529,25.671550889145507,3296.9650240883784,128.00037144144588,303.58373212565203,47.12618312803377,0.15916499610791285,0.1991582875774538,2.493275126954402,22.802566401701597,2.4773589315963838,2.8369400022986366,0.0,1.4277546091596158,0.14223543398407404,1.2890927717024991,13.832530802039924,0.39946278647600153,3.590495656887504,1.6033010066721712e-07,0.0001132097967789073,0.21232937306175342,3.4640541538298093,23.92989531910196,0.23744091418915644,2.266867858564505,0.0,0.00014063033626880034,0.09456011779376872,27.321848934769935,25.979137235224705,4.820275478972227,4.281319500864344,1.9907974977412392e-07,0.0,0.2133796735957207,3.3259109279590366,20.437482909468894,2.5657006448746045,3.2126608886825743,6.094140386430759e-05,0.0,56.983011565619776 +0.8603184849688775,0.16082454775225472,0.3390576314130992,127.04213852332022,127.49627708696549,207952.68204262553,6.650939273606634,56.941459985722986,4.671918265098346,43.877154621336,3.103379700529378,23.895032036164416,0.43354520192950485,0.7625133445275092,946.5175156292048,23.430863771328763,0.21405171689757857,68511.87657882339,2.7912390076724027,79.67482443788377,409.9350470140212,118.1297538074045,345.3630320508575,39.7629372205847,0.1615784973239854,0.19663689716446886,19.12827615720145,37.506939634275334,3.120071254464733,20.865434314131686,0.0,0.6733264395176157,0.10860960494611886,34.14477100205636,63.86022855928382,0.8819706862907557,12.231574858078828,1.6033010066721712e-07,0.0001132097967789073,0.20927186814536783,22.60112665326267,41.6507402854196,0.36311098226118027,16.042135340953767,0.0,0.00014063033626880034,0.11677273051795684,101.56672630762132,77.20508749584945,3.4231667729087842,16.422449535614735,1.9907974977412392e-07,0.0,0.21582327087410205,44.29801615668822,80.147118387795,5.540582391407629,12.143320682791389,0.0002373359306754267,0.0,187.7170862919643 +0.8365395305840297,0.12991794566110268,0.4327044901365236,154.74213871335087,167.06959437531506,133684.78224737634,5.36377442041068,14.321463655907998,0.8678566152073331,81.43557796760824,4.274562927951402,20.74161113540037,0.31727965934164737,0.7953423603483333,273.2398084430674,27.792116417225415,0.3456557919496494,88036.10654859588,2.9171561225604368,83.7045679292752,3273.6054243869244,249.32834056187158,348.6784918429608,44.187902195446796,0.15717141814010557,0.19291452632648284,20.797104799181785,41.2853540707702,3.271615487281961,16.955391499636914,0.0,1.0133456613541239,0.09211365310448583,41.183047411569426,66.7714725674981,1.2225732347760911,19.706321046899973,1.6033010066721712e-07,0.0001132097967789073,0.20313605285299388,26.65727187995576,47.544192139846196,0.41576589703058087,15.499955467964371,0.0,0.00014063033626880034,0.129937421988205,89.22456828269284,66.73667771343932,3.911038430005614,12.064444261316648,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8805935356684355,0.1449128065714112,0.3353531500165222,133.72056444270916,106.63642611099029,337727.860781536,4.087573855630263,94.62452678865318,4.445017575032402,64.20989559001927,0.997435420428996,26.784408827358174,0.3957518169909928,0.9315458978993924,208.38889859229687,98.00174257035191,0.20752611164519222,61208.784727439575,1.536790031592203,47.68471983868461,1016.0135554472567,75.29903103984529,349.51505028172767,38.59060950999557,0.3140475608524691,0.19313498344047753,10.123698064508886,28.849834864387088,3.305183170937286,51.647830399104556,0.0,0.6888463719497789,0.13018008909690704,14.26545180209137,35.69409191235451,0.22507713656508874,9.216196604656012,1.6033010066721712e-07,0.0001132097967789073,0.20330226668795182,11.100767706322285,30.67688364400041,0.2507790652266501,45.17958948775839,0.0,0.00014063033626880034,0.11803863278769407,37.457862809429216,42.089715994913966,3.5464928119678087,18.115853177789386,1.9907974977412392e-07,0.0,0.19879101113430905,19.510224039434682,43.27305410592651,4.86758587132932,19.90171197977327,0.0004005279588236848,0.0,120.29272666970266 +0.9542458314482235,0.18752354065214294,0.3492369015862814,124.60000012835499,77.76092004697232,303743.8503270759,5.934485723341893,49.53064680362256,1.8872043239707235,90.79759448814197,2.2900975573674023,22.629056053886853,0.39286928297386725,0.8106795751903307,467.7589194949899,99.79000705254312,0.14337498841734683,80534.62088266209,0.9491998616004597,53.66866525151661,3928.2755175999637,282.797287861596,342.9317359705958,44.53613108105184,0.21089001339833896,0.19682625013261237,10.826931633746579,27.550017236427504,3.0970005726165666,56.85475576259886,0.0,1.0432742345074235,0.13324369875038908,11.817409281869354,30.037860791866624,0.40333548260110375,7.2415523782953795,1.6033010066721712e-07,0.0001132097967789073,0.20692327885435483,8.123689862895654,27.538803084467926,0.28568261670832873,47.86176294358209,0.0,0.00014063033626880034,0.13265634626746514,41.821952245341784,43.33018029423599,3.1936405618840253,18.713737002895662,1.9907974977412392e-07,0.0,0.20999649459846173,17.127536571726,39.67465089690836,5.003652961778314,18.792621432217405,0.0,0.0,120.67261527719677 +0.9598463563288713,0.10912209982984906,0.3874498801582269,236.98174890948744,69.69628742926281,173447.324654717,4.256245324279559,56.500050831686536,0.6710668546515925,67.79869648183285,0.47718149189018905,6.53594961983105,0.36126276350880604,0.6801099737367523,143.34652282066176,89.4889952668565,0.33650901676832023,71417.94217631253,0.5155757743494136,80.93920851466633,1055.827617369473,261.2698956381143,346.6196411207578,39.12652486332351,0.2451700741922295,0.19958660800027597,1.834335747096339,24.824772920523753,2.833932108620054,51.06421314375226,0.0,1.0193895672647586,0.14286739701114698,6.128314264060614,21.83515083367367,0.616282067497561,7.389881815965783,1.6033010066721712e-07,0.0001132097967789073,0.21297882513164781,2.863066495002962,25.66037316998843,0.32772225000726907,51.11803126616027,0.0,0.00014063033626880034,0.14070744391227125,21.131564368048572,29.25185043747128,3.8360183238680063,16.194304085023084,1.9907974977412392e-07,0.0,0.21699281369219578,1.63094426651107,21.613613934224503,3.996588972337861,16.405599991516805,4.4652177356382976e-05,0.0,97.05499706739108 +0.9291823847077288,0.2063010700082131,0.3295269912772511,180.55745175239815,243.43638204833144,336609.87325172394,2.8763631851024805,44.744226609122435,3.951198910611005,50.56721193315585,3.8664259941929116,24.7119621605587,0.4978714371586783,0.9536381952843821,516.0521619114453,45.1566830505797,0.2141410236886543,65181.19302371702,0.8675207743093736,93.53990012732844,2845.3409252057513,249.25609389931859,345.17690488828805,46.93682710982311,0.3429509630578216,0.19230938414917398,9.690200998474532,28.614786262652082,3.019393932372676,69.36424299397152,0.0,0.7447729212500759,0.13184639670654053,13.009665460285243,31.251730290982103,0.2372879724660215,9.617885481912419,1.6033010066721712e-07,0.0001132097967789073,0.2056986246238619,10.361351663926458,30.06762425284148,0.24481610396701942,67.28933039685874,0.0,0.00014063033626880034,0.11126932661321699,34.581737254297565,39.544334728262314,3.0434164144687283,14.797423943152477,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9411311355422924,0.14978549928660584,0.43018268367142254,78.48866943417596,113.34872151288735,315882.619558136,6.701846579321591,67.61893221943228,3.8454667524152772,47.02738347484041,4.798125632962121,10.788415869149027,0.36785290728253717,0.7306021917164011,914.0163881343618,72.95474303958518,0.06959057713750579,56613.76143798107,2.7627192203784015,69.17353662683236,94.08541098689187,104.88302555463616,245.97042034628572,10.119203318138045,0.2056208565627462,0.2011835874782982,1.553845616786093,23.895950210835597,3.038717074983682,4.045042803351539,0.0,3.09464733935275,0.1192310116123299,2.7613755193026446,15.759222332931829,0.42601497748517647,21.29080350804385,1.6033010066721712e-07,0.0001132097967789073,0.21173977246386225,5.537909370169604,23.547726331362796,0.2859287588109104,3.3794790609412226,0.0,0.00014063033626880034,0.34381232431193753,5.509972789751126,14.085899842935154,17.094259228138693,58.15322984430799,1.9907974977412392e-07,0.0,0.13238545043750985,7.360318856202844,34.54217538972767,6.562698902564441,58.791554596001376,0.0,0.0,102.78424012507769 +0.9632269715000455,0.17376323450124728,0.3452359945939102,30.648928299366275,107.12959399087984,237876.24481728132,6.646391333409051,74.2158958722138,3.708064577427913,55.3736124317721,2.9891476156949843,26.520706198427412,0.7248030575091661,0.9757378209787534,316.31335016903483,50.86742994867617,0.24376729627206561,256640.03402464485,2.85902020704635,90.93340012037515,3155.041508126556,295.61682878507844,345.7513755426431,55.41787048761834,0.1849549532938178,0.18702409717577603,33.768802977484356,62.48530322731675,2.8947666549889703,16.365506774343032,0.00010028174144127423,0.8671733014687125,0.10598795495126626,30.494139538972043,56.02610885719752,0.33058272345922396,14.879537901123864,1.6033010066721712e-07,0.0001132097967789073,0.19918537382417967,37.142570840909954,68.0049373642571,0.2722892601514944,14.819824415025332,0.0,0.00014063033626880034,0.10138056866282334,87.2669165359071,64.66031007307507,4.003168553995821,7.180170421236075,1.9907974977412392e-07,0.0,0.1521347181313214,30.55397041154111,119.54759238844412,3.6686925642854575,14.99836093952604,0.00010934786938338976,0.0,207.7588251782391 +0.8367026304673649,0.1303700203141081,0.37083733856217493,165.27173588212037,244.65039757600044,184916.47062365164,6.9059254499719325,39.21111248510002,2.6110952372786786,12.452627973418906,4.009548065481991,28.7897943568457,0.4343219465884951,0.959956935393052,964.4970984788815,69.22192970465026,0.26590315144764853,196514.10453857988,2.883957752964787,85.64011929953197,2797.280776472468,292.39762367899704,344.71192217464665,34.773028534708025,0.19013913337989383,0.18875156587836422,26.008574066858323,49.676057147749034,2.8908057045162696,12.249823107933526,0.0,0.7435260953955263,0.10562807243226964,29.65123263492774,55.1282139493196,1.2851399613782275,13.5620762432617,1.6033010066721712e-07,0.0001132097967789073,0.20090222606267427,28.80703923993926,54.543322349179164,0.42369429928703145,10.038959904683152,0.0,0.00014063033626880034,0.13150877021293889,97.34455685973964,71.74441870962828,4.462974390057309,7.741917054400696,1.9907974977412392e-07,0.0,0.17046117198030242,53.365010372393144,102.29286845724167,6.44921529182049,11.710770576837675,0.0,0.0,198.7621800909519 +0.9761532672075575,0.25061185294322913,0.4014756586569364,227.12938689318872,120.57635255871445,328688.8129971541,3.187291362686352,58.307388046443265,2.1477592622371904,80.97745536746743,0.2945900814878226,26.12580948339198,0.502820382329781,0.9389223465799692,795.9357438343993,70.66651944949884,0.3050918269616936,58403.06834450559,0.7060825269418167,26.28038652675442,4397.498190042677,287.21183815466236,345.818888725224,48.20408273252881,0.2868148950505031,0.1919365173164807,4.0470234129125355,27.66079914055572,2.8841983499164434,65.85018390001203,9.989889734942491e-06,0.970286481558559,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2033491733869693,5.168874319952073,28.134831080958843,0.24665036276691654,62.34473863065695,6.723321803469324e-05,0.00014063033626880034,0.11405698667774124,26.03147944528161,35.268373688027296,3.4102732792464376,18.752452806603515,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8976057565469001,0.21233678253861252,0.3498394291574315,171.9779579029377,227.777224139449,302706.57438797556,2.567919668003681,72.79207129698696,0.876468357901713,60.93273442755206,3.1182008020964487,20.815160801846233,0.4023148133667322,0.9458672034151168,806.434281119528,25.077351779692673,0.25853118306242096,68621.02757286618,0.5328785168579302,59.55204427024964,1966.4892944691744,257.33809385637375,339.4900793325858,52.906519697302514,0.17504622733440908,0.1939406373404123,8.015712826283169,27.274154943429647,2.8518966710401616,74.31738451130495,0.0,0.9796907863924926,0.13371201801007465,12.570012981394106,31.47112410040068,0.22513867695312642,9.736953356576011,1.6033010066721712e-07,0.0001132097967789073,0.20540551420040298,9.571877713678191,27.606776990207024,0.24366745266170528,72.18724537959372,0.0,0.00014063033626880034,0.14106180774329932,39.209417454779384,39.669954961934714,3.649268506945312,25.00362986630568,1.9907974977412392e-07,0.0,0.2166558452078523,12.082956325809404,33.59202222896426,4.694241577424842,31.952932473228547,6.812174907639879e-05,0.0,140.41225382786095 +0.9684256714083435,0.19425665320249588,0.35442432841688776,199.75558462357748,243.95554241573882,317969.7637633463,4.0154991507086875,79.99203865726403,4.4932224530434475,91.40750162938372,2.0763362680721844,29.74340538574387,0.4803071122766498,0.8159235563874426,933.1485465112114,24.77758986178798,0.0914824640568529,249257.42356333617,2.9692187404053283,85.74717153283437,1971.4853405373467,258.9867444974413,348.851190968391,53.97241153525809,0.2456945808301938,0.19741044271344788,39.89596323060892,55.83693315620748,3.1221405859809352,19.565692761736415,4.851730639202396e-05,1.543598774853695,0.09915591267623537,25.044240773795902,46.709628627002054,0.46898277681123207,16.212945883747867,1.6033010066721712e-07,0.0001132097967789073,0.20451573929914232,35.351382907888244,61.89616197863839,0.2759028650458455,14.496811617013774,0.0,0.00014063033626880034,0.32149201768202285,78.99125674569808,50.232314189903406,3.286156561468634,14.946572145895821,1.9907974977412392e-07,0.0,0.15443557453704945,51.97340758699482,98.81219120284,5.2152483236626015,15.858477641286253,0.0,0.0,187.63972025511882 +0.9535125820784601,0.22360696332703872,0.32793563396786335,182.66964810052912,224.10043999915595,266634.7585013145,2.8030370576555383,84.9577485324333,1.7917000135132501,50.56721193315585,4.130242064275055,27.358442212083915,0.37410743404558255,0.8258317551397913,839.83080043974,93.5689395850079,0.2141410236886543,56094.53970313142,1.0906658777787892,98.7033948283404,4664.621545007985,253.09695644465666,349.09247462074666,46.93682710982311,0.3415078741716075,0.1939692951243747,9.076122676615988,28.323052766879073,2.620064791625011,69.52860270255333,0.0,0.770772358613847,0.13118795632829555,14.149172659268325,34.90900544203065,0.31578086373754166,13.818691980395164,1.6033010066721712e-07,0.0001132097967789073,0.2048840625500783,9.474620423803486,29.274009052131316,0.25535888109654165,65.25709001711957,0.0,0.00014063033626880034,0.090025592455328,33.2059944308427,36.60577183603018,3.5331482778091163,13.881721941824226,1.9907974977412392e-07,0.0,0.1974109489527306,21.503585236420758,49.304375437661925,4.356181573841442,27.565341268215622,6.113258825772217e-05,0.0,137.33731940083686 +0.9514282502557536,0.10781938265300581,0.32861626515425785,234.3033942700818,95.91855903928408,260423.52348233951,6.531036133891859,88.73888645014156,0.9086046223532362,24.91635294842176,3.7106816643392975,27.494719186030228,0.6234994910998581,0.9131858709226006,655.2179362125191,72.21000012538306,0.2945323654827614,56450.11927389342,2.083530376451073,85.01912795240717,422.7387002411788,176.59803572013578,342.79177040113535,57.023950496764975,0.1591711950011001,0.1880985505134593,15.631040392099415,40.876817347336065,3.092334722088287,40.95509033990482,0.0,0.7320647263753416,0.08284686804295213,33.21612958526157,57.92423524300939,0.7310163688700142,13.694566216128784,1.6033010066721712e-07,0.0001132097967789073,0.19934263391069618,17.67338932995728,43.72673216631272,0.33829045379052897,35.48541321409678,0.0,0.00014063033626880034,0.2187701424838034,94.99328970523624,78.71467194312136,3.016982617248191,18.29943778546411,1.9907974977412392e-07,0.0,0.17432704085013676,47.00686202005366,94.82173712793,6.020617775809077,21.31236540127836,5.9496121439469924e-05,0.0,197.45404093538 +0.9724422401807711,0.18981758986986857,0.3446912346619818,88.15165649561706,104.61615898406875,119649.76385351793,3.075694592041624,77.07225605116905,2.2141682710397226,16.930597516883623,2.2568433742667713,25.056687774102922,0.34289682077619993,0.608160205961916,756.3142970436414,5.735333769888456,0.2823641732459897,67407.84279571657,1.210361031770966,54.672373459601694,1302.8287026076007,138.1632513417249,325.1543312365938,40.3378795949006,0.1586880717447452,0.1972274096412983,2.1097761825169243,23.6516740583161,3.013406927030114,35.24277916419312,0.0,1.2570877347511111,0.13540575664249985,4.15864302010378,19.765431934078233,0.5737108159672573,6.3234004772101935,1.6033010066721712e-07,0.0001132097967789073,0.21045785072565537,3.4938303728858378,24.716579152226156,0.3181668412109119,33.67961867004582,0.0,0.00014063033626880034,0.12904140732969394,16.139324962166985,25.220300791265558,4.905216142235434,17.588988965029156,1.9907974977412392e-07,0.0,0.21998949105088134,3.051570400519052,27.134360150615283,5.194380199355989,15.208193760552298,0.00017147854929204238,0.0,79.09728442380928 +0.9349734972169863,0.11570395602840328,0.443061646249958,168.5723248224416,246.36933771672844,204413.4917154049,5.693671476887082,7.331034721203409,1.5584143187669122,55.427340155630276,4.312123337060639,6.070704558780905,0.47842038987278335,0.5981231003375577,596.5097175575315,64.89858591475148,0.08703517175908768,80991.94685992863,2.6080093368788346,49.86812066152431,3957.798154178088,264.63667664530584,235.29967874651268,23.113333220456013,0.28030689964844585,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.14325218208985496,3.979240662602338,11.794366881846006,1.0317728997514326,13.667920875068042,1.6033010066721712e-07,0.0001132097967789073,0.21388903529672823,6.490207211695987,23.331557723513136,0.37869121998590144,3.5671705961899756,0.0,0.00014063033626880034,0.33183334889543115,3.7216851663562287,15.08194517613813,16.947643312215792,57.82785239780606,1.9907974977412392e-07,0.0,0.17318521801670014,8.452495591841853,32.46073013712298,7.242472362756505,51.60414015953197,0.00015087214841526058,0.0,2698666337285.8823 +0.8898890649187794,0.16732425092102438,0.34823238379981564,234.86672818648208,121.50248911018654,305234.72267987265,1.8109468153174058,56.25253758494617,3.513223197405681,90.2172159848803,3.098308154583606,24.609999838786376,0.4019299955068426,0.9532320905305858,956.5599940010342,34.44824949601746,0.2554785297714408,104662.3876164536,2.6596071086092743,99.66607870489715,3490.633984830777,260.3603329360559,346.73427731173405,55.400693482833766,0.1907647221657648,0.1873108292156084,27.226428967549037,55.16430182262128,2.687071434368162,27.491268830797857,0.0,1.0832361823141354,0.0942418830728428,40.246716718713635,72.05407128656752,0.3096345385045089,20.34869075482488,1.6033010066721712e-07,0.0001132097967789073,0.20131424329579076,31.560037284555833,57.83751834204116,0.23488319053393364,25.04144881500789,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9812328874452046,0.14741550409754825,0.3820200121849968,133.05307460842835,202.81094055201214,222727.11335343696,6.870679368630629,58.54890611150647,3.6625601555187735,44.47475575435254,4.4506584921566255,17.614861460005606,0.7320916240571627,0.7460456495084731,959.0262050732053,58.94083173827064,0.1561521505937119,63194.616375149664,2.8832676795616097,96.43459518797023,4273.097023966772,252.4266467749436,248.56475625546483,14.881648311752958,0.21282695913920435,0.18467299029827505,2.068084066673799,25.62985457326267,2.937021909570538,11.215934691411668,8.642882315952438e-06,1.0294261021735265,0.12822363376288942,2.1922632963242834,20.205375393067786,0.9803830843931101,23.777562006666418,1.6033010066721712e-07,0.0001132097967789073,0.19269335208762753,3.5013091959711407,25.195656369091814,0.3737205281129275,9.57227204616804,0.0,0.00014063033626880034,0.3470261027917711,1.1982629034254653,14.36490505925429,16.79383039096889,57.605874958030775,1.9907974977412392e-07,0.0,0.10197175054195655,4.670409001410984,35.60905625324154,8.005413051092715,58.1763117709943,0.0,0.0,105.17488515236232 +0.9783280199017205,0.1941242539836182,0.44960961558606233,176.47073762808142,177.1209802920795,184319.96818873225,6.192965458595474,60.81160026416603,4.8880672114856845,74.61105026330362,4.735911318190401,18.85519570714832,0.3750101112667231,0.8925003767194178,897.6326127073867,93.92948248371509,0.12308028212033367,184868.77827596353,2.949191788457013,97.02186671568303,2946.9509092514054,230.58384873675183,290.2376848073106,10.715205066466691,0.3406861779914815,0.19712823168801635,3.7609980549551874,23.924224235456663,2.7504457487223455,8.696467450420931,7.002487711841044e-06,1.4636118727518712,0.14129823147871046,2.829325854343295,19.83076368862408,1.121279681831398,21.239283246892782,1.6033010066721712e-07,0.0001132097967789073,0.20539605713072895,5.356186753138747,22.884716026145462,0.3967316238023364,7.406152318984787,0.0,0.00014063033626880034,0.3529974952207555,30.327572470903768,21.835101702454047,8.268965900098479,46.547500838505535,1.9907974977412392e-07,0.0,0.11444831110023504,4.575067400519267,33.74243403255606,5.681302136502843,38.653099050033795,0.0,0.0,91.92673952529694 +0.964751733312797,0.14688290803331214,0.32768174041693066,58.66340403787352,224.51772068848038,305861.9472829379,4.397202966203512,94.83470077108133,3.070727634585336,61.0148714312223,0.4413538182184915,28.39356713919662,0.34974893484078223,0.8587585858731828,91.50610504809039,20.840144071278466,0.25187329152147725,170674.00086585706,2.9306152434865576,96.01698305560353,3848.950609159605,136.07306286299604,343.22590059415785,51.78632812630105,0.16344410269354961,0.192130129364183,25.27242550854083,48.53033271672376,3.5906485345564985,16.838761285591517,0.0,0.9080816048449637,0.12095768713347348,26.7348705816733,54.91805839412341,0.22031204447410177,11.241508742775261,1.6033010066721712e-07,0.0001132097967789073,0.20060989552819758,29.39343841486509,52.52447472060991,0.24972633567920088,13.436961501413201,0.0,0.00014063033626880034,0.10407356306362553,90.04020559843124,65.40622797129113,3.8720031734437574,12.21391679910675,1.9907974977412392e-07,0.0,0.17153948338529568,59.679646919623345,107.69426996318334,5.207044244193052,10.311108347990727,0.0004145528722675505,0.0,196.9629183456502 +0.9481935026275108,0.13481241663126248,0.33587008928677275,133.59323616116964,46.681203099694685,259355.95498719419,2.9152796501872533,13.143430648605548,3.5447341829657812,11.296459982108608,2.5947951846887922,29.490983601466464,0.44776906478198963,0.8035925731161134,593.8808979808907,93.99140857991469,0.20598496210227435,88706.70502178071,0.9619586567742211,79.76925658222235,1186.1588181085474,285.5138930093449,342.5423004525059,59.672452416282084,0.1903485896100502,0.19354655758815498,12.073098758451641,31.364616847873656,2.6230702965601003,57.961510990054485,0.0,0.7816544673913888,0.12813543116839235,16.62165410685853,35.440320854395345,0.23636525286409266,8.46626693699504,1.6033010066721712e-07,0.0001132097967789073,0.2050113775379947,12.49081085976835,32.051256413805724,0.24378454853639717,54.96984070651236,0.0,0.00014063033626880034,0.1354282754372434,43.05161051731183,42.473498846160034,4.0135504713768935,19.650860099214,8.487778254614297e-06,0.0,0.20285879790574987,24.676144191225852,52.14641727713915,4.147380703175374,25.225425871589536,0.00014113975217671602,0.0,135.45163709895016 +0.9767026836000586,0.20896802149701585,0.4008709018857288,210.11168375692216,120.65939447677236,317435.1839064851,3.250892679731063,58.307388046443265,3.3046087518481784,72.85631719103392,0.29917092102072873,27.771182984308766,0.3824672255917484,0.623597256055882,355.0247013214931,71.19991079618686,0.20826127387572033,51078.21256709276,0.7060825269418167,56.2982331117137,4447.8479115171995,293.60620434831156,343.39936931232717,48.26283763872298,0.2628730958680641,0.19753646836945363,2.365628340769733,23.8676151015304,3.0669821226777856,65.68873210525697,0.0,0.6876981045009352,0.13447033588491325,8.470830214647076,24.863191315182092,0.22735402747452546,9.162614112345427,1.6033010066721712e-07,0.0001132097967789073,0.20930646994684843,2.772470864231237,25.457906539954237,0.24847428898989146,61.82346231652176,6.342353416394268e-06,0.00014063033626880034,0.11956404542095808,25.925188338894472,30.322862688869247,3.2783654605230534,16.938862900725926,1.9907974977412392e-07,0.0,0.2160976254040642,8.83723907663088,32.773786117077066,4.704254364372334,24.779017378353526,0.0002169225659516779,0.0,117.60039951023613 +0.9449865239680376,0.12543680396138385,0.4213444277681576,189.74897031114548,209.71161355824245,285343.2071371969,6.0356089113624485,89.02810288285798,3.867025782171274,9.381343313930914,2.813764792320798,13.316377696382833,0.31230495505975037,0.9755141717849375,6.674970084756893,1.3288034458772913,0.32190336209779247,147387.27019948183,2.660066900439957,87.1252025664519,4940.84640646958,188.1487579747892,337.2849739361364,58.55963431655857,0.21797023914983002,0.19229137699257778,15.202837196004767,39.882360098753686,7.8549004931741715,12.8081290950291,0.0,1.3248453070577775,0.11862776262015497,15.017837974353467,34.42266398395724,0.7945852958118059,15.254987014504877,1.6033010066721712e-07,0.0001132097967789073,0.2038601818590811,20.423649410290157,44.04122674251439,0.33707338031289613,11.224640947676365,0.0,0.00014063033626880034,0.22615982389239883,63.052770777541674,51.26244553037329,9.231628618231143,10.559223153387773,1.9907974977412392e-07,0.0,0.16688248170936806,27.093272403684992,58.42590954177872,13.362547453306036,10.810097155127451,0.00010915346462770316,0.0,131.98228848352474 +0.9263746949325937,0.18292369179069126,0.3200312006171793,140.04189367842872,107.82726251627622,219837.26181008547,2.0621986112145203,7.568168469716124,0.6291655248022268,53.380347814962455,2.7544278420781705,27.12020201108847,0.46862004361634946,0.6312340413557235,677.2229829956855,15.154408155832973,0.06538929138246483,55286.27129455076,0.6991127726341817,94.07772546227396,861.3427119498953,110.67197214211639,333.8046025620588,53.745931814722084,0.17601473011047625,0.19909194330575658,10.824034035498759,25.860195581342893,2.6471934421426924,91.21993996060182,0.0,1.2913245572584136,0.13482948810202303,9.834235839827839,27.46850827335036,0.23006084955446193,10.218446614421351,1.7642745340983365e-05,0.0001132097967789073,0.2099481789996057,6.931238694022538,26.69958850963296,0.24182062484272354,74.83372498027818,7.468376064290285e-05,0.00014063033626880034,0.1435734259362172,27.75264297963464,32.1466914869502,4.284654301873392,25.854546237378088,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9431467990923695,0.11228919118211803,0.44959251120406996,184.21578381694778,232.88418813507303,280587.6367334596,6.098569865143608,57.77178405719228,3.1896882380192126,12.121597656030865,2.8497850173635793,28.108240651401214,0.32841369686457483,0.998982782709783,631.3058297566874,4.2700131947782225,0.07120631199132317,63808.24617430606,1.292961724795146,61.666376743883205,2204.824232123631,99.57779842596804,337.60354394763857,53.82066308171725,0.18213168600685598,0.1935737823341927,9.619806723871404,26.83070086162511,4.286817259927017,51.607216057469515,0.0,2.527550765414049,0.11595393616486438,6.806698013620703,24.57571939362162,0.8351139415689715,7.805327608555416,1.6033010066721712e-07,0.0001132097967789073,0.19499845164044627,4.580249970955337,25.86793036246781,0.3432097388551669,35.65978212473296,0.0,0.00014063033626880034,0.19020684874504423,43.15848198568362,40.571584172091605,5.0103976487189215,15.668094783864245,1.9907974977412392e-07,0.0,0.14507493741717045,15.773382717991357,39.380977789307636,7.336964487550765,9.623561814858308,0.0002595586421938844,0.0,109.08635915506373 +0.9296541755308108,0.14963016046410677,0.3332986681619525,79.12475263425333,232.78865241496396,184010.60789190396,2.450586826364516,80.88646663653485,2.635275301315592,89.67251046356488,4.81365363459731,19.8083556547675,0.3466120505641628,0.7954138099910187,671.3642106120986,87.06492620535809,0.080776206871568,78207.9864779687,1.469111870059549,80.382800315444,1847.3729922067969,194.12042899243306,349.22461974035366,52.976890668142225,0.20578959699757118,0.19676704532001987,16.11968102239374,29.812550358196866,2.4301027468878487,57.15979028517345,0.0,0.9940942483952806,0.1345848582318611,21.20802829043515,43.75836855174228,0.24570962632120674,13.466590591992277,1.6033010066721712e-07,0.0001132097967789073,0.2082086856092635,13.501817207879922,30.568288323099292,0.2528426725506748,47.7005202807955,0.0,0.00014063033626880034,0.11394625986667738,52.501392324982234,49.3504440200711,4.454960055109288,18.308874988629253,1.9907974977412392e-07,0.0,0.19675970557736502,33.07701660406979,61.38399070229041,4.001001075443861,25.325117871087244,0.0,0.0,146.38102351050009 +0.8980129276631992,0.2008210960380655,0.3887053824786513,210.16691416003584,238.4564824565286,314399.9782645549,6.138647722544362,10.323844392193386,3.4811359860263638,82.18693020153276,1.6500784576406402,23.614774986573124,0.4709609445704362,0.8418237773556398,740.979384353232,79.74581594950689,0.33459800035307563,167065.37691613258,2.953136383525199,82.25313715516761,3606.0284271221644,296.20747085596935,348.1465188523781,42.04950384503649,0.15003902354045764,0.19206680982859328,27.97685697825539,52.16559666696503,3.165995294510372,15.262903949194518,2.7481311263264573e-05,0.7623909803949068,0.11660319194469015,34.312359455576114,68.05376653733153,0.7975190043162195,16.094996238882104,1.6033010066721712e-07,0.0001132097967789073,0.2060723301809955,32.03580967455772,56.05550801058003,0.3342946134767248,13.129495816391165,0.0,0.00014063033626880034,0.12591588497794612,108.33173756560147,78.66563834762731,4.715640261807485,10.044542863282594,1.9907974977412392e-07,0.0,0.19700715377824515,56.2960478526296,103.16117121815067,6.650282740170716,14.767416860264813,0.0,0.0,215.12313321849885 +0.9173759840662254,0.23445494708514727,0.4311077984453376,226.76217385260588,242.81946286387645,204948.92580113656,5.542599554266951,87.501183474716,2.349232485803316,10.776762791514875,2.8638468398577213,28.495318374337632,0.4232528783260166,0.9899119658649566,974.2208071175638,98.3462029442355,0.26339159381610094,88842.06516568981,2.704563926771011,99.88906232022637,4913.295433782087,293.8423973432204,346.5626238235651,36.38957279299231,0.1603149400807427,0.18623853730282802,20.3922232611346,46.14158574268954,2.7231564559498636,17.656376944878325,0.0,0.720710414753703,0.08758610419556134,39.350699528823384,66.38152340198911,1.1126788024475769,17.756058232423864,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.1542614145325143,88.2229406409645,71.279438254455,3.9786865898161814,13.496870924535937,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8276184489596766,0.1354881377959301,0.3937284910859742,215.46888344270036,139.49762324283867,140268.3471449025,5.153270633460524,38.07176456936949,3.262964298325337,42.00037208231305,0.5917547730125634,25.157309229158418,0.3937962621896438,0.8260082255817253,428.7051217948827,57.253597025658415,0.053665847636539546,58139.22354521634,2.182449188320478,80.37870096167224,838.7535600256375,122.04899957104544,349.5815966324406,58.37679562508692,0.15548760849989152,0.1997905070146167,23.76125616972493,35.902114453813226,2.855700510954709,51.76631571825548,2.9080028058672362e-05,3.724934700622123,0.11592625973752144,34.07608909464641,63.16666921126417,1.180629855996584,14.75005158619446,1.6033010066721712e-07,0.0001132097967789073,0.20580584841773933,18.725203748740096,37.87866888936919,0.40833425042574945,32.24022316639305,0.0,0.00014063033626880034,0.11101758838810816,97.88542373262926,79.68660268985506,3.6498113693477903,18.349668623945842,1.9907974977412392e-07,0.0,0.20919636650308115,46.63213488780205,84.06128956556302,5.752220956840288,20.08231549188777,1.020647381922982e-05,0.0,196.74722375765916 +0.875902960662295,0.18726392307618658,0.3247040539578133,176.8972658078683,118.18671150073396,155730.07277333963,1.838949737338148,49.09373253995349,3.6681037219141253,25.51294006658342,1.2210478001819318,6.410859875116232,0.38049664921400944,0.6563462473234304,117.92814319626382,2.7377062307623916,0.06871370979767703,203478.6556130373,1.637515784780976,43.91848973979329,980.0495529290765,64.63615214445062,309.5569543682735,36.148318495279625,0.25376372459614305,0.20147890487925138,6.923423295568546,25.139607514508818,4.298804537442382,11.683766477538695,0.0,0.9896547308951517,0.14450072345202125,3.077862998598588,15.54291252903545,0.2482791700728782,3.1417581793231557,1.6033010066721712e-07,0.0001132097967789073,0.21438904399857137,5.54737636058979,24.421600125579584,0.2541610926529501,9.065183787984402,0.0,0.00014063033626880034,0.1070652016009343,27.98098415288307,26.48927100197639,4.221342519752191,5.77320959113369,1.9907974977412392e-07,0.0,0.22494918923160223,1.3764362831849288,19.390096184359866,5.88174995294787,2.984858277123495,0.00011123117100937878,0.0,61.34844615959488 +0.9679884263791159,0.1164937347330145,0.44026393074771775,184.8686090370664,232.88418813507303,275503.637479693,6.022441269602567,57.77178405719228,3.1523181923142136,53.3150505623,3.0506770746262006,28.470429631866878,0.3968850985332017,0.9784092093230206,360.1595998350913,92.84535528991296,0.0947768473052329,63547.98708455763,1.2701810515432896,37.308539411605864,2741.1557443765796,45.64507094792192,337.3913307844473,53.44654270810883,0.15716670038517636,0.19239704003937452,7.817379117790631,26.409200367371955,3.176998921339503,51.49666494638668,0.0,2.193824613275438,0.12129483717963864,4.90710258743171,21.35479009185773,0.8412701815739758,7.036123122978452,1.6033010066721712e-07,0.0001132097967789073,0.19918877906120433,4.279796388615023,25.966152085928044,0.3443231320415491,36.8051198561283,0.0,0.00014063033626880034,0.08663728217826422,35.734317386633094,41.91594678888892,4.600978867119973,16.054020862796474,1.9907974977412392e-07,0.0,0.16814396675329157,11.833832556732482,37.17285579804007,7.048257804414648,11.017509525482675,0.00011909221671590213,0.0,104.92294616705796 +0.970399144012436,0.23459790470624498,0.410260141425934,170.03111488370757,200.83337249932367,331603.26348267763,4.532496036715564,35.86162333227234,3.2953208720985097,96.16858324377931,1.2546083723677932,25.029910153146147,0.4936550931238639,0.9527565195165446,639.5147786897364,92.33137914067677,0.2758731744579411,218803.9741329359,2.9088167095815898,83.5596624628042,3290.436991792821,260.6531946684886,346.6977745317985,58.51921108987381,0.15611895043041935,0.1897670912508297,30.55878932204893,56.34220196035855,3.02369481129275,15.786383701352221,0.0,0.7340551897953679,0.12367497647132665,29.91316467288436,52.262516087065514,0.438097181029234,12.637664814328687,1.6033010066721712e-07,0.0001132097967789073,0.20197834106135049,34.396591885505735,63.6958586567025,0.27462429118196663,13.933689270998517,0.0,0.00014063033626880034,0.10661786826178604,94.4221312014239,68.16922129872287,2.9963692015643795,7.432645715980201,1.9907974977412392e-07,0.0,0.17438852223705648,62.86236385222385,110.7017649782176,5.169092058024919,15.074182818001589,0.00015013565876721108,0.0,208.9861295781251 +0.9788963872280346,0.2467105682627528,0.39724529156623856,240.37539689825348,157.06433695386062,315521.887404575,3.383199154073505,64.16960534650916,4.206761476514473,84.26743920165552,0.42334142212917353,28.578134797595524,0.7006613128914679,0.9976582716556456,847.5985777945363,52.06407692960395,0.3161382019223044,287389.0445836221,2.992411011231546,99.16935160202148,4494.779462098932,263.90936176430336,349.2562363123231,55.1815753760632,0.22554034846496132,0.189123386740921,33.617958973331184,60.92831895835348,2.9031928509522293,14.324809519084237,0.0,0.9740001373317932,0.10671924251303577,24.92515091136401,48.728258661180504,0.30881579457650643,14.42820796105613,1.6033010066721712e-07,0.0001132097967789073,0.1985379459968521,37.18659084332576,66.44748425631117,0.25604201247657343,13.591825696440111,7.73718061736933e-06,0.00014063033626880034,0.3435640294076709,82.3156493829307,48.13486296714025,3.1825437822235663,16.40287691741851,1.9907974977412392e-07,0.0,0.14984490753777976,47.04963362333606,98.74491262571388,4.7091556498783556,14.116488895063732,7.849379947013557e-05,0.0,189.2136671932295 +0.905557839876563,0.11765969361935172,0.3322860030029134,117.98127354154283,121.3195636429177,102542.19714133667,5.120001441700628,40.14709532609109,1.0959302982700896,90.57571706904824,3.903615284217751,14.670644926016267,0.30005227755334235,0.6759812015474689,10.729220034815643,3.88623547736454,0.05339984820479799,51200.24864981345,0.4865029188608978,95.424012584838,457.80737242167265,135.2816254665713,278.26398518981046,16.33994099143159,0.191160565699663,0.19989709207597495,3.913486801821491,26.023016387350292,5.5639859216783165,74.93511793950188,5.672380721384907e-05,2.162914881324049,0.13847953912340272,1.3597668934671698,14.365688067250561,1.2437470886973696,4.592415550476644,1.6033010066721712e-07,0.0001132097967789073,0.21071307577911544,1.4986712497524135,23.647892028273226,0.42271402487711485,50.158210315960076,0.0,0.00014063033626880034,0.3382726608087386,8.058295173393866,17.052939771848703,5.200737333897256,22.604567740515563,1.9907974977412392e-07,0.0,0.21664432077881712,5.089481418730932,21.63668943622992,8.906357274168018,5.537147079479731,9.474697203741915e-05,0.0,105.59272600641357 +0.8984583733745428,0.23753264264914908,0.4064609890572548,213.91971352802426,235.3949558371661,338333.0822587337,4.618183110065038,84.10316818531062,4.781619703793416,71.58192732443626,1.4058613582537411,24.238978209491627,0.42980789853251516,0.987295607962269,637.8111254684492,73.99103439183504,0.19831536339642525,57229.13350306476,2.7878318340032777,86.52250408904307,4191.65813861285,66.82771631487401,345.3361922364111,57.59394585627337,0.19769924046686638,0.19354626064077052,19.988008594230458,38.514403916424364,3.1124475636116933,25.503235022241086,0.0,0.6330514678504473,0.11835738151123942,27.075154228061862,51.94674226862369,0.53186436870971,12.015262632410753,1.6033010066721712e-07,0.0001132097967789073,0.2031122542678356,23.6624242006049,47.761099227556414,0.2862254831821304,19.02431234031575,0.0,0.00014063033626880034,0.2027635361284606,91.51318807469448,72.91591686331093,3.401734215346725,16.898890815178483,1.9907974977412392e-07,0.0,0.18485601442904945,42.686426480464135,81.7652946629757,5.609580377128463,13.731818774511776,0.0,0.0,178.99450019293195 +0.9767050727591718,0.1369003387667561,0.39340900803203277,215.80892094688787,139.55663867254086,302215.99301197246,5.14218107685028,12.9547111053925,4.661179907239154,57.27750120485168,1.007577571502184,28.953137985721682,0.47104868379772097,0.8261194113461293,700.0475500191762,57.099250986029816,0.05547591643351451,299847.5425636818,2.9572931192410024,85.95734303267913,833.2598804352888,218.57071176633656,349.5390533103537,59.62186835442652,0.23123478808805165,0.19768221330618763,48.6581416769279,61.52953753915568,3.2007372917207513,21.206036171247057,0.00011534693823402185,4.140443502959531,0.12900076870494287,19.28147741147401,39.0363730971953,0.5497381386521455,12.137857280466095,1.6033010066721712e-07,0.0001132097967789073,0.2049267034051234,34.46840597771123,59.3155028126985,0.29881296141385927,12.323960351584178,0.0,0.00014063033626880034,0.35131478680825484,76.58584661980186,42.92754256044886,3.2598746637192892,19.649921329431766,1.9907974977412392e-07,0.0,0.17030487717738324,42.03632838974617,83.18719821228639,5.433353321954253,11.863617717927916,0.0,0.0,174.62756715727943 +0.9487493672011043,0.20969393714556084,0.3460218938991753,173.5155833549826,133.32460751362166,333051.21640438755,5.916057100608352,91.40496056387086,1.7335918903298229,34.777236465847096,0.29002518008034656,25.83299182098061,0.47696785306111533,0.9008097212028094,53.189354090721224,59.641281434635,0.20620215829853153,145266.5079450749,2.720214294558449,98.82470739960988,4718.565097724535,259.24769744408223,349.5256811781017,49.22973815244094,0.22953603791454083,0.19153605979067267,29.77058852604094,54.72635197267587,3.939097189308932,24.23175717705842,0.0,0.8612296703670632,0.09155033150282463,27.905953959182003,52.37307868734635,0.5222522188348228,17.73935522573245,1.6033010066721712e-07,0.0001132097967789073,0.20032144776232944,31.65841228592152,55.28106510533018,0.2957673445790034,20.90872609503131,0.0,0.00014063033626880034,0.1859672528720804,79.9974831374943,61.531210513834154,5.475787300139787,8.738654305269398,1.9907974977412392e-07,0.0,0.134234115064553,64.65191341049324,109.0748646358585,8.753571298825578,28.929510655925213,0.0,0.0,200.2492480448596 +0.9749604877188305,0.18141140256366473,0.4014756586569364,38.637916008713546,120.57635255871445,328000.4391124804,3.187291362686352,58.307388046443265,0.6485221406154202,80.97745536746743,0.2945900814878226,28.126994467576488,0.503436538250255,0.9389223465799692,795.9357438343993,17.321041282671565,0.31581683070363775,55341.62037463257,0.699116118147759,26.28038652675442,4454.570618786744,286.99184317576237,333.7966327982235,48.20408273252881,0.2868148950505031,0.18803661793746843,1.487504548613249,25.529042185799437,2.8533712273879437,56.34052220207282,0.0,1.2224946280515951,0.12406671378951221,5.1054418974785,21.37004941776963,0.34624940678962857,7.987728133964137,1.6033010066721712e-07,0.0001132097967789073,0.20120431003754896,2.730218202325486,25.250468736906463,0.23601069423040918,54.950984501195656,0.0,0.00014063033626880034,0.11654356398692274,15.03300110229447,26.85572061094443,3.699788916035425,19.411737194108643,1.9907974977412392e-07,0.0,0.19822949841462953,1.8431933228757038,32.262277417252456,3.578369796073674,15.231813105696896,0.0001737245589075501,0.0,103.32542734182826 +0.8819587329644669,0.1455153168039142,0.3805494042466733,137.66392329754396,247.87187179334765,219967.0707157866,4.011433725041464,89.44587453108134,3.9381799310879195,74.08356303875189,3.9333670791597295,28.387443928940698,0.3784771504051368,0.9934294638546486,346.1720126316009,48.51614651171238,0.18323657495634613,76852.57660618654,2.6287179396332556,93.01916934450945,2870.8018916906763,150.76503534608884,346.3123097512694,50.734522721765856,0.18527896599143687,0.188980572348085,20.752742221473348,43.88003933375239,2.890740196794497,25.316997566495512,0.0,0.6973362941363337,0.10116078131147364,38.39066781404358,74.17271173222295,0.6138514149693238,18.425256781337946,1.6033010066721712e-07,0.0001132097967789073,0.19903326027839124,23.841045969328672,50.16130914421007,0.30779960602439715,21.129046786608097,0.0,0.00014063033626880034,0.2244844661771608,92.60263273975194,69.70865724649529,3.3468241320234244,17.691043912923096,1.9907974977412392e-07,0.0,0.15107915501622843,57.19550161141691,106.63658223340474,5.469079681540674,19.79480475858812,0.0,0.0,206.58078595889083 +0.923744680444229,0.17896786013214935,0.3930960140730794,232.9242126268797,136.5326581175108,273484.451275054,6.50371016118051,96.73802368774223,2.206434578070428,55.198566008408335,4.559798441601789,26.013806887579896,0.37717624749776624,0.9832175137799042,534.6077049338877,50.02685151375672,0.23441879579582078,61370.039692933104,1.1568591676964708,99.78720386007986,1981.1132813302697,286.756603847328,349.5236573779713,32.6861765836016,0.3337938827961506,0.19185474118211332,5.81964045442619,27.83301169675045,3.267656994030296,48.137624477703035,0.0,0.7106337216408559,0.10512308108939898,11.419308445026322,28.75003871521966,0.8095253919638287,11.111233985902356,1.6033010066721712e-07,0.0001132097967789073,0.20082563270061227,6.248942010001974,30.87752806027536,0.3447871248890148,41.28171301184917,0.0,0.00014063033626880034,0.22815677542134558,39.74150980885027,36.60894479347389,3.6703761690259857,11.486188844537246,1.9907974977412392e-07,0.0,0.16554985317749407,19.910184862009977,53.58365293243543,6.721947403990576,14.101607803940377,4.52684450142382e-05,0.0,116.15354348942559 +0.8842903782678558,0.19246558136207034,0.37505057164403083,162.46493992082063,176.71710867113836,309728.8676180466,5.123522923031269,86.20736290710717,4.224200532462369,84.24792262647796,4.425158820147821,28.411061933203303,0.7071565539669596,0.9321781571028469,729.560609328661,1.334185757613926,0.19250757633248627,75648.02106947485,2.5422161676182027,77.7926437799627,1785.2097565843449,222.71248410993232,347.6305631693109,58.64367721208921,0.2560372274624822,0.18927829534635052,22.596678126404534,44.97523996805958,5.05455838928524,31.28140433033118,0.0,0.7872659184318255,0.0949113175603347,29.330057608972425,54.84611821640204,0.5256186255641773,19.10447314658372,1.6033010066721712e-07,0.0001132097967789073,0.20191859504555112,25.275695574788692,49.416480335673825,0.2927053686169646,27.360304551125875,6.768423805451102e-05,0.00014063033626880034,0.20900197927775116,71.08187052538754,54.3748694340965,3.9921050181968334,14.68081482353606,1.9907974977412392e-07,0.0,0.15671279506903865,21.84330376408136,85.28654665598035,8.522306620823079,26.873851292246357,0.0007530776838760805,0.0,168.48690879834413 +0.9194042450044927,0.12719221823225466,0.3280990132562679,180.40073212907504,88.32738817004919,203116.07145693316,6.245266527442774,73.84567897748583,1.3610196492987923,88.73975564831343,2.382552527921354,27.10989671368751,0.533238381204451,0.9265372683688048,305.222802413198,77.82415984217211,0.23585134698619678,120115.5728861347,2.82665393366835,73.78936386811041,3708.661115034316,255.7625439171105,336.9250053149281,51.799005823986,0.17074777591062695,0.19057728147365785,24.75036992254936,48.47750306085738,3.064906411765025,19.813635652895307,0.0,0.7560426353506866,0.1160411281787421,24.11598201415168,55.211306362621485,0.8238422703861296,12.946569290042035,1.6033010066721712e-07,0.0001132097967789073,0.19931860847690946,26.878009182353736,55.32756946907351,0.3572829496037606,14.945606204764507,1.2067869693871915e-05,0.00014063033626880034,0.1154001034333326,78.62968953641588,64.08327783335896,3.1637567770069093,13.201673243295811,1.9907974977412392e-07,0.0,0.16980027257646546,51.31212749512683,99.61145682019342,5.74918389429473,14.508733895231465,0.00013374640158180542,0.0,185.5884558774551 +0.940378707792507,0.236391580579379,0.3873749000298488,173.79115635485323,238.02664114047735,241099.26358246358,5.378375359577936,51.84833645925817,1.3376340041809955,6.541803983156541,4.920861142123801,8.077485844523713,0.4061090614382298,0.8722571834541832,570.9289948665964,27.884949646286767,0.12227272731294662,207620.51569800058,1.4159076387781004,49.79471221491041,2746.9243221633833,178.59293362017132,325.00657188570284,38.060738630904055,0.21436463721450122,0.20063266544763694,9.518666243293023,26.2522246425622,3.189201501175296,14.34267652922166,0.0,1.278663675189922,0.1415244778941435,3.8753431897389534,17.86297787049945,0.8432000937827077,3.2632663695801045,1.6033010066721712e-07,0.0001132097967789073,0.2120188662612324,6.142359296504924,25.824857611027415,0.34568355291313907,11.02135198726341,0.0,0.00014063033626880034,0.08447296068877638,52.070632540889584,42.28682740767074,3.246798411157473,4.577165309857595,1.9907974977412392e-07,0.0,0.21621821712821496,1.5427034428949877,20.75585195403319,5.438262966923883,4.135464133710369,0.0,0.0,84.73516545768564 +0.9780637170076192,0.1989925932653243,0.4345594820466227,219.61855326347234,235.18366310276934,292937.1932492269,6.52951619629675,79.1464989864703,3.2097129022693,99.23046517994925,4.899293763251413,26.94214818697472,0.7785768892302233,0.972979219702854,876.7950472628534,60.63299217148116,0.3233372251004416,254179.78343658833,2.815084597018656,99.27787808016795,3096.598013302062,282.98508770026154,342.229359678436,56.90847882414826,0.347050232501947,0.1875572322990858,21.34927846666589,48.49212727000157,3.1681816147293613,11.524744891840513,0.0,0.73018532463278,0.1279043692587243,9.984908949468277,29.133920823408967,0.9187544833262471,11.477896938759077,1.6033010066721712e-07,0.0001132097967789073,0.19347322863430003,22.607460736346628,50.072954723875014,0.3555641868830587,11.412091693952425,0.0,0.00014063033626880034,0.3557432547928547,36.84008092820856,23.832208259030292,9.671371209360561,47.717918203880785,1.9907974977412392e-07,0.0,0.15903958470399476,22.455396629598884,57.04538498859597,6.771827427825332,16.370273347058994,6.0760600043247174e-05,0.0,124.69444516341393 +0.9025385478674229,0.19238034523194655,0.4227488222375974,172.944279442708,146.11309116599185,337388.20813170227,5.41550708167766,46.75568730613118,1.862977401452962,90.64323874098153,4.628846544527788,21.90375379665237,0.5026234046508344,0.8123979860288859,422.87066528151627,23.038850936429046,0.2430542857989837,170264.46392002745,2.83321596916947,99.83386779597132,1604.4010766994797,294.9616919883637,343.1858700266102,53.31568965433862,0.3404916845313285,0.18656640984030867,21.56146778480909,40.98754015877815,3.6317453804253015,16.68283365676652,2.9098207443120348e-05,0.7090551776819676,0.09860720180046716,15.53623251120827,31.727270535329616,0.4764015700439568,21.27366074080279,1.6033010066721712e-07,0.0001132097967789073,0.18978557295455536,24.119386165732987,46.20611751351202,0.28577716768586003,16.71661722867904,0.0,0.00014063033626880034,0.345458650272802,42.23617815241642,25.46363150147902,5.802197939507372,37.58623063167736,1.9907974977412392e-07,0.0,0.16013866854624598,26.603542063282156,54.0461565786561,6.792330296870638,30.60194001788136,0.0,0.0,124.99683393182066 +0.9178773609960028,0.1875675165633745,0.3704130894855815,40.54180381159877,51.61169663788898,309384.18084671337,2.4070739568765713,40.3465754739063,2.1011981731675484,87.65849609206192,1.5307056466546538,25.948953341441662,0.46309045493802503,0.9936014739986563,103.11980800292565,29.258504133204262,0.30522864357108936,55360.85324462149,0.8987972900910004,27.619363643024375,2054.5362582465523,264.492947835972,343.85405357108186,59.22604724241588,0.24411207499485016,0.18892993126904262,7.010615609725302,29.85563674283522,3.1602948523794683,73.10114775948314,0.0,1.2896654900998916,0.1310851197561768,13.295325537042034,32.31104909178724,0.42093703272477817,11.784481811764808,1.6033010066721712e-07,0.0001132097967789073,0.20375472122287894,8.880871291202741,30.406682237552367,0.23665993951610712,73.52575991914424,0.0,0.00014063033626880034,0.14337109020468167,30.44201255631611,35.5021587174053,3.589700547949454,26.640880095303505,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9661476950821758,0.15011075062081683,0.3477468922890067,245.85792588139222,47.34462579120149,305557.2334993829,4.252593311444391,96.84240486068585,4.37794703930175,95.24599089273116,0.3913430241965177,26.0255751446043,0.412901215931575,0.9753135216159852,947.5433375189507,30.725635527782174,0.29365042268229224,139352.65035587247,2.9306152434865576,98.08780715549298,3667.5764292578397,248.23207553383494,332.4064225145523,59.57931707183461,0.15819505425220476,0.18468004977282027,24.817851156994283,56.14657929188012,3.0411299735121493,15.81273964601475,0.0,0.8303831598120628,0.09552661899183659,26.576581422056773,46.419178140626016,0.20456138789483322,14.991785446220089,1.6033010066721712e-07,0.0001132097967789073,0.1980529413697083,28.43710548518345,58.983614038022836,0.2562965059333275,12.910101345219257,0.0,0.00014063033626880034,0.1342022764920489,84.65053151948818,64.61240118558383,3.716995278505487,10.975759597460543,1.9907974977412392e-07,0.0,0.14136863438165184,52.21723884988401,104.51529112046684,4.759882664222995,15.044201030894811,7.967957089114562e-05,0.0,192.20462131774556 +0.9348681757351551,0.23324148282167964,0.33574117330736153,125.66970158798708,237.0497170823882,157314.41505075787,1.5266574854581436,10.806494240776564,1.3634653373855192,91.66041386595813,4.423229732215066,26.030207706614007,0.3758507072603773,0.7655234449412102,654.1763468130752,5.509520010489339,0.26797933087928366,80350.63685125056,0.5757591604304548,81.30510237628133,4495.7524563468,273.49379445886285,348.8320910186307,27.21003446182071,0.29907691912034257,0.19437224717557788,4.16188086266568,25.3221956155545,2.7438692162483287,49.279844787276915,0.0,1.3702760943403058,0.13350603907926586,11.197560385040356,27.949852552548563,0.21926267095005367,7.1892923433880265,1.6033010066721712e-07,0.0001132097967789073,0.2069952926516134,6.484249185209814,26.54806944173448,0.2447290356206989,51.298576083394416,0.0,0.00014063033626880034,0.1395355898057635,25.072260436792053,29.307874285887394,4.477488901118011,22.61423451566794,1.9907974977412392e-07,0.0,0.21553274820471002,9.408456381133524,33.23372025538973,4.8122960400603665,23.83452248255662,0.00010747378127674768,0.0,106.00299433955978 +0.9190464640436029,0.12629980861862117,0.3898058658720898,71.83794246853371,215.52335378492324,318576.35037073476,2.025443870896989,19.253393869392433,1.5349537698811149,87.06412721431917,0.7858624630028181,20.7649781160903,0.6683425365480204,0.753302916878184,325.3019036680324,93.80967164662187,0.3059689787185896,55222.90964682385,0.658767337838353,85.05663565716108,1230.3582719209244,264.41937988927265,344.131834470927,53.835677774641326,0.18347166237820886,0.1951618600190496,3.0983764700299754,25.01027717193719,2.8646346607831874,66.94313157044147,8.824606952875727e-05,1.243597876117244,0.1341408357519138,10.751364729061816,28.475963237404052,0.36563443134935536,9.748362589242294,3.461834286589806e-05,0.0001132097967789073,0.20857775566705272,4.741953993367863,26.851307129163665,0.2351295429438102,67.18832713751522,0.0,0.00014063033626880034,0.14637333810413083,32.83119400831088,35.461966004514636,3.6388657500442534,23.43300878730904,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9718346916454996,0.2333766138531222,0.4321325607064859,145.66551659977677,230.75858240650976,289726.1975178146,6.782525318228128,89.64772054285051,4.708158422865467,78.68210172033329,0.987537010701723,26.78480177343336,0.6252928379816931,0.8692179656490634,947.7167989045496,33.83359063569296,0.32375032730900843,280917.49192474334,2.7408040725833707,86.08621711008729,4749.198030730081,239.97780843873792,337.1380937704399,52.429430383811365,0.30724330894570323,0.19288535270381635,18.70840823711853,38.48120348526852,3.2555638308012886,7.993821170196345,0.0,0.7358389427243777,0.13213708664392873,12.242930063303405,30.54454627609105,0.8091003218551197,10.622013459595873,3.334187012504273e-05,0.0001132097967789073,0.20503099919653847,20.135570534605048,39.36183199589521,0.34129517166057155,7.387191819808627,1.7719520296251054e-05,0.00014063033626880034,0.35016095897279714,46.97806842444463,27.743793831522588,6.194119619287656,41.2043467924268,1.9907974977412392e-07,0.0,0.21390017080452267,21.557682132520995,49.33419549435433,6.295350724847236,10.850250620668355,0.00034494535504664056,0.0,113.49323648115663 +0.8062253447154202,0.16596611914345205,0.3253412739259805,242.1478927770963,114.74505865384724,196583.33285326487,4.073414796194635,98.5569654968159,0.6703274118717043,20.99331821886095,2.165178087324242,20.60498529980608,0.36151075981253206,0.8829123713667998,324.3862651337103,34.06716631053523,0.2015585202115612,57477.50556457349,0.6753267385543659,45.55378656390523,3893.2736739747625,269.3871690991589,309.17808244463504,53.03405981652865,0.21394316556472423,0.19646461680633798,7.642683731171931,24.7893114467038,3.0497600816092496,74.71832011020985,0.0,0.7115556954434065,0.13482840071944177,7.66123099799397,22.93711939343174,0.6543029007122401,8.227447715027626,1.6033010066721712e-07,0.0001132097967789073,0.2087949137123093,7.24804850505028,25.975942731990084,0.3228529205407565,68.17103421982063,0.0,0.00014063033626880034,0.1256187389567794,24.144908446325015,31.105011146796087,3.4945375796504865,17.859128823826165,1.9907974977412392e-07,0.0,0.20639770568772087,2.465194477403642,25.347804648539125,4.67121706053147,17.94104519438498,0.0,0.0,123.15545157983257 +0.8637621700227001,0.17030988226180024,0.360695630830775,132.93675277980438,145.23303545130776,311461.3413874592,4.0262606212371335,33.69834799358491,3.107740497613443,61.094931368777054,1.9672229885984556,23.578517606155227,0.46697757016289115,0.8641585379207952,84.35653041452059,49.627059811568245,0.13463246729166345,112368.43149493016,2.920555067055501,86.18642509863702,3032.4712862364254,209.39880716899285,348.3377657424051,55.27443313962231,0.19178272409723016,0.1936949133955102,31.45131743314394,52.92403003130693,3.47794978389465,25.838927163218262,6.360504901881144e-05,0.872710007896948,0.1033510560136778,41.47094787027005,63.74092630321692,0.29253013310983295,17.49425544649134,1.6033010066721712e-07,0.0001132097967789073,0.20358629107199586,33.180506470485646,55.94605567393647,0.25789523203191683,20.6366297711245,0.0,0.00014063033626880034,0.13819887133830133,95.0347449425667,72.48684639644807,3.683772937385272,11.250268749368086,1.9907974977412392e-07,0.0,0.19129207040872437,53.2180699615982,95.2979908660471,5.205006560427662,20.12509599828999,0.0,0.0,204.9111550704104 +0.9352519072158841,0.16898151044917378,0.4301692580732576,196.17582517615085,168.335232262651,290901.2334056381,6.638300222878933,86.8452496629834,3.2372505891225414,77.6635822900699,4.782669023258148,27.939980383221013,0.7441570770096275,0.9726475187082717,805.6766290440879,56.28900931263709,0.06828581906985934,247322.03996323462,2.806079714205862,90.58538480896449,486.50588147651774,283.73350824635384,342.71986772513947,56.20082120583774,0.15897149239446243,0.1808543466944283,22.744992805632293,60.9429654398174,2.8642494649383634,18.217434501729954,0.0,3.9317112372152003,0.11789051761657421,25.062184579356707,48.20878422471394,0.8016609839523267,11.49574363600802,1.6033010066721712e-07,0.0001132097967789073,0.2012787274241109,29.832078025928734,59.220099360022836,0.3410372996167133,10.661593148009215,0.0,0.00014063033626880034,0.20707853198035167,100.61889595363046,67.70760977832876,3.813429636923833,7.477521462448043,1.9907974977412392e-07,0.0,0.15940981229508547,20.6596569242667,90.46270800502198,5.21304573076351,11.184931363288364,0.00011141842993313037,0.0,189.0089038610427 +0.9326296729272553,0.15307244449855378,0.43419878029636677,192.11655706994864,170.9331051365731,109643.0303869325,5.9496233168089,33.76287047797306,2.090198662413295,76.90073334592005,3.551246559249307,27.957298956687776,0.7879459692210102,0.982785361040121,809.259714283521,69.44673201292878,0.34835430546196733,55428.586761753206,2.952865043687168,84.98766289473663,2992.192694105916,281.994762342363,261.2734531731762,34.11495698645063,0.24540767669024138,0.1590879377807783,2.7912633319423246,31.109007175747493,3.101817060373329,14.924457478676445,0.0,0.9144250467861349,0.11741429110983687,2.060165365887721,20.717316381524576,1.5742613392939029,21.700528940991973,1.6033010066721712e-07,0.0001132097967789073,0.19991244174915507,3.2659065140306502,25.34680295981675,0.47407542452605533,4.934326110794987,0.00010290900277492902,0.00014063033626880034,0.35600579425777146,15.00358099724969,17.453016583424617,11.607450993020011,49.320462625098145,1.9907974977412392e-07,0.0,0.14205044269539716,2.6274390471768783,33.34549300103253,5.871485837274672,39.64480786669841,0.0,0.0,92.8196779295529 +0.8950329378866231,0.2052479169167476,0.41055601589078394,157.25724223356798,208.21873158339076,146254.46619127793,5.235500131635055,47.171665846903565,2.9731038149379967,20.72642868887047,1.8070018632741858,3.165568870878765,0.679073658914186,0.1494484097871261,476.03571873425096,21.286037923903066,0.053160694588638875,112231.92908557697,2.4269434558067946,9.638768531581974,4947.153800381717,169.14457930220584,259.8161844361946,51.04438810462696,0.24659315068977064,0.2033940945890094,4.551581390394544,21.52952373389497,3.232364276213203,3.7424388043978403,0.00013562459219890438,3.4143288508627925,0.14789991477253034,2.634497081575635,12.000513032201974,1.1869166294415474,3.167048606640452,1.6033010066721712e-07,0.0001132097967789073,0.21598598798022703,3.513761619290587,23.237718761374115,0.40812983024424637,1.9057825200999983,1.280062746556781e-06,0.00014063033626880034,0.14414175222653047,11.831294098711858,20.49446309639641,5.019069604062721,45.123125608939844,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.814980308152664,0.1457053101926488,0.39646943302604937,137.84671799368047,75.87016894594491,260547.69586717477,3.3893657759525793,21.119394827222447,1.7249069780996882,30.226020187532313,3.587710406369384,27.227550596718714,0.3168624339885705,0.6989034002877628,491.549256466975,30.066010013586908,0.19165459471624724,64401.2712599564,0.9682830237608941,94.24420154354695,4088.0028842530282,271.68223226560383,343.8205930447387,55.085752679252835,0.3107328322671293,0.1969905198107811,7.3343762370488115,27.52395034677485,2.9197242262749397,58.90670258436977,0.0,0.6867936706741681,0.13469201034110273,14.334795295149725,30.691665364364205,0.21223562008815763,11.221747902254984,1.6033010066721712e-07,0.0001132097967789073,0.20941039850561227,7.636770017293268,27.040192200429196,0.2525172277088287,55.7465706266984,0.0,0.00014063033626880034,0.11296806772705721,32.71010073767457,34.020860957637595,3.9670525274911976,13.222870761243108,1.9907974977412392e-07,0.0,0.2147326980255464,7.919483417194402,31.238163223287387,3.8443330612557456,19.590504705658773,4.6043263225901985e-05,0.0,115.39605492748431 +0.9890676660665974,0.12653092598209806,0.42214248879375255,207.5439286390249,121.71941217076288,308885.63159963704,6.859048541979648,12.461085715067464,0.3503067095027445,9.497809479822717,3.707623366400461,9.877835075667061,0.3462555878168299,0.9447533440293824,822.6349092480098,56.01180915298802,0.06271118136403646,58388.90249278082,2.241416840569301,35.17378388440057,1362.5938789528564,22.015005421274275,264.2498938475574,31.465554890620545,0.1991018941301649,0.2004207953880219,5.063076430683626,24.03035655725647,3.2931390017141093,7.139733108266188,0.0,4.37675751043603,0.13903953448334994,3.602529647638434,11.268931689979873,0.6928428439548137,5.300801570437704,1.6033010066721712e-07,0.0001132097967789073,0.20846544175074594,4.5259008538630905,23.939123999966686,0.3269067707719592,1.9607712062850113,0.0,0.00014063033626880034,0.35722000024791534,14.254787667359013,17.05720588541547,9.71492445070128,48.1469929079344,1.9907974977412392e-07,0.0,0.1470460175038599,1.546498027786289,30.27471211829532,6.111664856490248,37.34579392029023,0.0,0.0,81.90271406933996 +0.9698266133627623,0.22572679071012514,0.4151394012869853,231.38899947180624,223.87047950119722,328110.11108390056,6.818276082516166,81.54190715647174,2.985925836983069,93.04882287914532,4.1552280530435155,29.21227709129292,0.7870655600384474,0.9643540234418211,943.6867985492585,72.14095617878577,0.27863180994021475,295774.5172011518,2.8218845600991918,98.06036060988501,1402.340676724481,293.76007156039407,345.3077453782145,56.4287011090568,0.24795588130233065,0.19317260687447174,30.096158555639736,54.478309754778685,3.2515453331899087,12.871272087005467,0.0,0.6477558893961096,0.10307362739301036,20.348751050292915,39.76134593460717,0.8601058883011926,13.535247232160442,1.6033010066721712e-07,0.0001132097967789073,0.20092732045863115,31.458255455966423,57.23402802202381,0.3449458176773018,11.80765549521846,0.0,0.00014063033626880034,0.3543615089687717,69.58479783588716,37.88664301276482,6.32733902734255,31.532288462243805,1.9907974977412392e-07,0.0,0.15107348572870677,41.09175795727633,90.89988229877518,7.091685071632977,16.24924510115807,7.812182341669413e-05,0.0,167.96383949165136 +0.9234074043721955,0.13769842357720904,0.33624080921559163,68.28614818020236,50.64403256592319,282715.69480727817,2.5737255501265754,16.437011896745076,3.290236026508846,83.78127744119948,0.5685464945153339,24.0549710872444,0.41542847490421536,0.5604385393714659,37.188174954027716,72.73265578210852,0.18268911544519514,53098.10886534788,1.5029815588973703,74.00406647416702,3638.3842514507473,270.497714077637,348.1871499389673,48.84278777349762,0.15037607501935132,0.1983466177890931,8.017864609691719,26.528696852138165,3.075510864305202,54.583139394130534,0.0,0.8909951728008748,0.1246884008445119,25.799621402271523,49.20957753779938,0.3407559161708192,14.692744873855611,1.6033010066721712e-07,0.0001132097967789073,0.21168330127280263,9.421900187473229,28.368203635457302,0.23651188872670184,49.0477547237835,0.0,0.00014063033626880034,0.11372069350945516,69.92087735931706,60.309701405307045,3.592229169913302,19.071417065318325,1.9907974977412392e-07,0.0,0.2215589887533026,30.87767727743362,60.039297294021374,4.263653712340222,29.274677671967744,0.0002797189343249156,0.0,157.15087811354852 +0.8464823238459691,0.12653092598209806,0.422431713373986,204.81743389557496,195.46153679409755,308885.63159963704,6.863188383567005,29.820866296491637,0.36427694209793016,90.55949172333122,3.068806524267411,9.508917894573042,0.3438304170613727,0.7761695263053383,969.0888568827196,55.99431886560603,0.22924147530429012,52514.261928194246,2.241416840569301,46.72253474338299,2021.8394631670963,19.69889047091843,262.9744819973922,12.713104717169264,0.2663205042715894,0.20035381221627976,4.2046961370696145,24.46641210175341,3.2043888112861474,3.076536416091633,0.0,0.6803644994371254,0.14237045218312375,2.6392647774133575,12.52470504306577,0.8366174027734132,6.472213027086943,1.6033010066721712e-07,0.0001132097967789073,0.21254228880018375,4.384879177638964,23.52825693079493,0.34423310986118155,1.9832900208980748,0.0,0.00014063033626880034,0.34286727352343865,5.742782777365749,14.924576188294768,14.887023133205652,55.50011425599765,1.9907974977412392e-07,0.0,0.15082140454899795,4.505426485272512,33.92861044803792,8.08903817831553,58.9387162425248,2.3871680128436465e-05,0.0,98.42901561884291 +0.9890796206172333,0.10301438712563277,0.4011827642709695,207.34711743861635,188.1255435583145,320755.09390207706,6.0096800091972185,53.82991271011426,4.264195930458099,41.65916839712662,2.3960509470395226,28.950131382989884,0.3770181427825778,0.8101575606853448,214.19227329450734,1.0947048168327802,0.10154797491285524,103657.09170459304,1.3912379543880509,57.48791312934093,2397.462418068207,143.04246714570445,340.4065211663613,56.27901954341959,0.3448719464241391,0.19190798983812726,9.890493930587763,29.77513801297305,7.106553598072896,35.672164185367855,0.0,1.4612271892793385,0.12650414856403425,6.976414033789728,24.87286956509186,0.6944547807491872,6.456459939226155,1.6033010066721712e-07,0.0001132097967789073,0.20341467216462775,8.65493676453528,28.155541668252315,0.31949345182354943,29.957814728887275,0.0,0.00014063033626880034,0.31442536611411487,31.955149068255437,28.230256103082596,6.444758574501418,18.917328015178384,1.9907974977412392e-07,0.0,0.18358465532512014,12.698429028921774,36.998546737991404,12.062908649816452,12.083888784139496,0.0001491630806286652,0.0,93.93411641348224 +0.8630509769752435,0.11424886670503344,0.32551838029809765,161.8673262165084,177.66170997663352,271284.36838201137,5.051490104699322,29.933688203031682,1.8431385480544467,15.044120752471763,4.318801202351386,10.676986276994088,0.4432611540401068,0.7472270546093942,317.07682585592653,61.32804877862223,0.1729060178401779,116892.94236627588,1.1100756437475747,57.79316917891757,187.09009080725122,53.00008914297861,339.72393227588657,34.549125171591584,0.1536090614826756,0.20000784535509772,9.07635207860467,25.672805350664273,3.188989619764216,40.54765922249275,0.0,0.7569911885477927,0.14119129080057857,8.523438172602441,23.305607987011633,0.6097557001632119,5.188000587966561,3.768900056538812e-05,0.0001132097967789073,0.2120821329423109,8.483133781552924,26.449263538922477,0.30850993187286174,33.23731651326258,0.0,0.00014063033626880034,0.1518895950231201,29.278715419202786,42.08897793582113,1.8833224314323136,18.982201008682324,3.0941422188668375e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.925706508665895,0.1464097587398058,0.3874425147816963,216.25183935572193,241.08786269374968,342964.1730570789,5.940250847781455,75.86066658669591,3.3589381560365292,96.5498448973726,4.349475407726173,22.45062621232816,0.4198076615456075,0.9468850583128327,934.2934325101755,92.23892412980437,0.346406004586033,262695.1792833587,2.830738921609074,93.49580215022277,1845.250287446421,296.5833560618747,349.749887151417,49.98958127886544,0.18262185102326162,0.1905766938622457,32.34342317343425,57.56825625658895,3.161001331932114,15.314400472653096,0.0,0.7637816694829244,0.09015504724259095,29.737709786287304,52.852248690395236,0.7145885222904811,15.220135765880963,1.6033010066721712e-07,0.0001132097967789073,0.20094690857211026,36.19825904866224,65.4093818311788,0.3185910779173574,14.24830765201288,0.0,0.00014063033626880034,0.2635735905052944,99.5614690569449,66.41907444055835,4.513855117773618,9.37185310500683,1.9907974977412392e-07,0.0,0.1571690674321771,59.91135946512864,110.25186120383441,6.147318551483986,14.77967110477451,3.2273869624790074e-05,0.0,211.5193045433177 +0.9004385340126071,0.23669345438018285,0.35975899398877864,225.34903326172963,109.46920058436712,302057.2950015711,6.478023960454045,70.04969105196687,4.409845682213041,90.57518649401457,4.255142400753883,28.255123565976834,0.7673629108070991,0.995701252350026,930.7387617225003,4.850667322521856,0.21626941186933948,265000.3420274325,2.975013049541531,93.59030424286674,2409.7494151787787,271.1053077741044,343.1800473629765,39.75786330288851,0.1786030319559588,0.18997761615646888,31.39083914800823,56.00880535384393,4.202476004155359,11.345619086489817,7.580306654855214e-06,0.5400226051450038,0.11454029562272958,31.362268964023247,55.51543317937283,0.6491154236652072,12.82882521254429,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.10649957351296929,111.21791400644804,79.01378891487857,3.704805786353714,7.227256450835277,1.9907974977412392e-07,0.0,0.1920058867130429,50.52110214937082,96.82062741136332,6.296252730104273,10.70481095031902,7.078288904453051e-06,0.0,2698666337285.8823 +0.9803568354189051,0.14814991147160228,0.40161324542838,234.1527190645763,248.1920317556483,312779.25851369277,6.684009591860365,71.53116550081343,1.9235752202977983,93.05329365604842,4.784984757804891,27.792057453762816,0.7607710364648765,0.9483875865324746,377.1767786490375,72.62639867202833,0.3467334341896444,294713.02513562806,2.874005583683569,96.86263473153376,4472.964232413426,291.9404083857661,235.21846705393028,12.769634483158102,0.2697780622644372,0.1731549439134763,4.462939510456197,24.903727028945667,3.3462166842125103,8.980780086353102,0.0,0.8797405845487748,0.12146246480080415,2.5952385828326268,14.918824444511179,0.920544068267106,16.91731333978026,8.37176095239406e-05,0.0001132097967789073,0.20046491179000253,3.9736791894060923,23.12512491282801,0.3542769863005759,8.032574231271862,0.0,0.00014063033626880034,0.35648422661282697,3.9356513324916444,13.712731952814154,20.115720469068084,61.09292569849972,1.9907974977412392e-07,0.0,0.13188197181865902,6.19096948573914,33.98670942412425,8.784088215858755,30.69428207719224,7.242620219003226e-05,0.0,91.74838941974234 +0.9630285468759443,0.2076111325716975,0.3239639024957968,132.16065597800556,207.9436373633975,210366.7647064152,4.087380298632038,22.508888278531387,1.8033329795670805,91.83381864313566,4.575362960571168,28.743184387164074,0.3975854299542415,0.8770137420006316,842.1699660891336,78.24513339276197,0.3156011515205958,95802.77584713639,1.0765569607194652,64.05538709977243,2724.736426148153,280.1729506039691,346.0905295201255,35.583199848902396,0.18604944821762745,0.19130838406990278,9.278367658892577,29.525475332633498,2.5928011078626345,43.295976070523686,0.0,0.9982480501760318,0.12891980781987894,13.389159088679968,31.172279117992296,0.6147176700380249,7.274593902677259,1.6033010066721712e-07,0.0001132097967789073,0.2043912695644393,10.403576745658459,30.472573937709456,0.3107069815400517,42.61925277968911,0.0,0.00014063033626880034,0.12363293263196634,50.879068287952606,46.119234732930956,3.6709079996305207,17.157146571949383,1.9907974977412392e-07,0.0,0.1951028081929178,23.253326637595475,51.11727392737978,4.539130585432841,17.617587371321495,0.0,0.0,124.12099345195169 +0.9216665345661765,0.15181506729566505,0.3633142120413882,236.25466830230147,204.85777258556496,279293.0902958473,6.651608531153934,47.88227641430356,4.8503528772908435,86.00735018561676,4.535263649719577,23.343979053194968,0.33687551103958907,0.982541331268698,837.6633787438816,48.14243642498951,0.08742816692879557,256652.83220020187,2.9714876776404684,92.89112884742671,2517.5405769895615,222.94133618156548,348.7198366186618,52.619130075997745,0.2922139656044962,0.19615672584723867,42.24944906819154,60.34855446642935,3.23719206003076,20.418387173492206,0.0,2.7325529913101536,0.11095792761112185,19.0320551432233,37.35672778056384,0.9547384888600445,12.571988642326955,1.6033010066721712e-07,0.0001132097967789073,0.20265139779306096,34.19517776733327,60.18268012857261,0.36308291242705065,13.66486463119953,0.0,0.00014063033626880034,0.3556863129648329,65.50185629415625,36.109295106733626,6.046384105369392,31.170409908938282,1.9907974977412392e-07,0.0,0.1365400556183641,43.15363624092862,84.77006211276195,6.874420663390663,13.566553522322677,7.720641497254853e-05,0.0,169.2304060492866 +0.9162715988119481,0.20796108230046711,0.41376171808873563,122.98941714364716,230.371825989675,340792.8522622403,5.275938724215638,83.25096438334886,3.820933032262631,32.59768704801442,3.901095299036147,12.07983712306719,0.43108122585889314,0.9425354888016585,816.3018396885213,55.39230119167446,0.20001834140817626,298845.90201533085,1.0936861795941275,87.23690228338623,114.60103389410233,172.97205951547284,344.9158278458145,58.063204981979425,0.1512319230958463,0.19751160231178375,24.721179524923336,40.62357348632162,3.1212335023086184,22.71754036579238,0.0,0.6094464351470814,0.13910909618063513,20.788501668016533,42.28255900522779,0.45209037117177,3.9823305670497198,1.6033010066721712e-07,0.0001132097967789073,0.20987062141043164,22.465558960609396,40.02848929424408,0.2786837065528855,21.55916576918787,0.0,0.00014063033626880034,0.11598101018169016,54.016844596722045,56.73128345003607,2.3621356716174984,8.351430627802305,3.0941422188668375e-07,0.0,0.20792421816081363,14.819668618058675,47.52498634949785,4.437265305377878,7.927081337856074,0.0,0.0,127.93758701626142 +0.9292683372461608,0.23311038093952124,0.366686405858381,158.07892370751316,240.8218524905011,305434.10522311076,2.566321837749275,64.65203501025836,4.703814989341613,93.1862429149517,3.1154307893423088,22.516507263872906,0.37291954976033886,0.981229087202088,187.8023329440822,65.76171975450791,0.26715764083318116,55089.07915215798,0.9410137114225309,80.56987151278186,4417.580114737353,272.9140311121779,349.0190421704841,54.63045589432219,0.3002461342415428,0.19134959209307997,7.631292246404461,28.441822452946052,3.0896566710042994,72.70606520449307,0.0,1.016783261339608,0.13342196988009175,14.151470859643805,33.99085506533843,0.22101732213491096,12.085184918056173,1.6033010066721712e-07,0.0001132097967789073,0.20435898729433072,9.770806924548701,28.82533330861787,0.24286018586886285,71.80039579967261,0.0,0.00014063033626880034,0.10206570473585808,33.20160797621183,39.28948875387721,3.315338384921066,17.829670369591796,1.9907974977412392e-07,0.0,0.20138328801986363,19.116011449781823,42.891905079619995,4.556783683813344,30.368940996078766,8.712703111722988e-05,0.0,140.96316394373608 +0.9810842280134661,0.1926715170693942,0.41835008390631534,150.8141693856644,163.23295192667322,132671.8255105101,2.9283976534733442,47.22709441882878,1.7111482596761494,33.94744085531475,3.775436245329554,18.63089750723704,0.4435533414592446,0.9338712589418048,893.4361303446942,35.049481191509074,0.3192661065173065,52961.36444508747,0.5593483465728757,83.42623936180229,3345.050284585459,179.89391978770269,349.3720066932898,33.77518790291752,0.20919509256057586,0.19179949232519572,0.979377245772896,25.107494086149412,2.730704398477962,57.346367484593515,0.0,1.2235084273020718,0.13567127070175367,5.699934096377687,23.534929621432244,0.694956604540231,9.666519639177782,1.6033010066721712e-07,0.0001132097967789073,0.20721750713541617,1.8157192994517422,26.050181148944546,0.32901349901978244,58.871807342925194,0.0,0.00014063033626880034,0.1297486419415718,23.807987186871614,32.641233280185624,4.793867445872864,22.162806221216414,1.9907974977412392e-07,0.0,0.205097239262692,4.904884677881094,32.05964942354786,4.607802001457175,25.130465846904688,0.0004733281458981455,0.0,112.28699026625586 +0.9715132530623705,0.15643394175076758,0.3521637993352858,88.83719298513296,240.6991094741856,221903.44932572424,6.671371265604211,14.747954273150398,2.163979717947821,64.16225334372854,1.9526219774088587,26.292678822578512,0.5037517609667674,0.7723301449875059,726.1584234663749,81.11369953031081,0.10430296356906457,94753.72515939608,2.862755293435261,98.69612275652602,4695.016803689485,123.52232468062208,227.76637605507963,44.564150554122,0.30221128758781635,0.1940925082980735,4.201951089367287,24.71303335338885,2.823636975250137,6.95758426220101,0.0,1.7303880187159264,0.11656044290204354,1.8229419168883163,18.46164529479867,0.8283170222234512,20.15002386502294,1.6033010066721712e-07,0.0001132097967789073,0.19606664698089538,1.7531749933841472,25.10636753297021,0.35108528524639737,7.688980419662185,0.0,0.00014063033626880034,0.34789145748229505,10.075403964742897,15.080981669505926,12.652374622371743,53.02324123440381,1.9907974977412392e-07,0.0,0.11839686651498053,1.8842305046021168,35.493472016257385,5.313097122819009,36.23816968756466,0.0,0.0,89.64803190790383 +0.9555928173080324,0.16362139670577602,0.4475211391936843,179.89093067353497,182.97748962472966,310068.73918952286,6.713284763040764,83.13652524677141,4.671907927546772,43.877154621336,3.073825521908937,19.179009313377893,0.4128315455209151,0.8775748926923996,946.5175156292048,53.3711452940928,0.2154470877571592,95001.45133577823,2.995155401741826,89.96551646318115,282.8512150616607,285.65819812869563,345.16637261017206,48.624065814995575,0.2906068330280509,0.1797824416163705,20.05226255218158,41.5086806619365,3.234480192861307,20.637190259459864,0.0,0.6950932167397085,0.08951128639477389,14.750192463722964,32.03131812253729,0.7586006765248139,20.70389671700742,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.3415294514577096,45.62624214055039,30.211137716585526,6.97841518149355,33.29946270379739,1.9907974977412392e-07,0.0,0.14750761321695044,28.13391636466603,67.91755763643278,7.092815819112452,29.229258528060207,0.0,0.0,2698666337285.8823 +0.9212985248431648,0.10350729532731757,0.43468049452331436,234.95222509763656,86.16478314601554,318697.7681638929,5.674498192938646,51.85590805400276,3.6957459594384785,28.642318848353398,0.8360103768597703,10.73403623936111,0.6383473895262439,0.8416202300225446,252.75910724463046,17.637484707154904,0.29151842316859766,51885.02299491035,1.8253945528109274,39.847846985052655,4284.264349512834,222.06484749712263,262.51843930910536,24.079156610404155,0.29103550320354704,0.1974313635416739,6.4083766784918925,24.53666302071637,3.994173048021379,5.609324862316522,0.0,0.7962893479988822,0.13928954679696026,3.3530880809837322,12.148848924120948,0.45544715659845786,7.319030112386387,1.6033010066721712e-07,0.0001132097967789073,0.21063293419550716,5.183512941059478,23.718977002689414,0.2911143227705484,3.271761513449186,2.0402651519669658e-05,0.00014063033626880034,0.3516061996602013,7.591926153363013,15.156766728692054,9.811171838487212,49.157030513151064,1.9907974977412392e-07,0.0,0.10332697482642007,5.1340947671148935,34.94641779707616,6.272660007921894,37.91444705956214,0.0,0.0,83.83773418513297 +0.9042012448958701,0.1584392567838239,0.42835159668715334,40.368958671046684,58.553538260686466,217680.35995171423,4.9463816372046265,70.3017179692501,3.534866792444544,31.395928807709307,2.526631602904364,28.50704142996881,0.7573467212270442,0.9860444719299828,123.67963174850996,1.043165634370025,0.3000232146270923,168041.43678827756,2.7292204993219795,95.95269610467346,3269.9586839087524,290.1699412752977,349.51126507523566,59.65529128247708,0.3366769544245992,0.1826656407507164,21.182853794372974,49.878551485044916,6.4316377810082335,17.73407393075813,0.0,1.3830550644513282,0.09674499343547394,16.29388791622518,32.7471442410181,0.2542360308095989,19.814893393843274,1.6033010066721712e-07,0.0001132097967789073,0.18471776686068417,26.655654548038928,53.89159425365795,0.26273897413920827,18.036413760117558,0.0,0.00014063033626880034,0.3537731166889792,39.802431088275554,26.34427374753966,4.806936855931602,19.702240866217295,1.9907974977412392e-07,0.0,0.15844641673287957,28.137305787242298,68.80347139587822,8.501946702251503,25.915684462963043,0.0003472009364808638,0.0,133.88213896225133 +0.9893014592602001,0.2531758266353234,0.37394834995223625,161.81102629081812,40.07375929011846,267887.8005719413,4.04827109736253,72.35320050000391,0.41745068117889206,92.17794467702267,3.530117897443567,12.524317105610637,0.347981096933076,0.9259309322452814,632.6755574755894,86.08389269606596,0.29242862052110397,211653.56963881047,2.695813596412928,91.36446576306584,3669.5920606171007,227.12190200300373,346.2528112411929,59.20821342689789,0.15343504992722246,0.1966569197109766,28.19817205110421,50.118560906130945,2.7711571796494407,18.582435761641168,0.0,0.8915933758424277,0.13626731173585216,29.39884124391823,55.50368432766981,0.19629972704929866,12.403682509027043,1.6033010066721712e-07,0.0001132097967789073,0.20810532860426936,32.325464071928764,57.45766983987581,0.2570101203639076,16.63251527743141,0.0,0.00014063033626880034,0.10928337269964014,87.9057075887477,68.5043503418824,3.8901030433040473,9.206423419049852,1.9907974977412392e-07,0.0,0.20061006169579876,44.57401610301235,84.51899258646047,4.370850651932017,12.208332541970995,0.0001189924236333718,0.0,184.93622971116537 +0.9216665345661765,0.15181506729566505,0.3749512423722792,236.25466830230147,242.86099023882667,283673.5860014604,6.651608531153934,47.88227641430356,4.8503528772908435,86.10047686573083,3.809607641925556,28.80112200714713,0.33687551103958907,0.9813937341231999,826.0534283427485,48.14243642498951,0.09068133181371216,256652.83220020187,2.9714876776404684,93.33489345006696,2517.5405769895615,222.94133618156548,348.7198366186618,52.65181886870543,0.2922139656044962,0.1948948025503388,41.063117978380546,60.279479344322084,3.2587818390458696,19.549819838683703,0.0,2.6136373306673133,0.10197024632244207,19.005060442208865,38.351843885130194,0.9976900605557695,12.074574016113713,1.6033010066721712e-07,0.0001132097967789073,0.1963475875425733,33.321067485072014,60.9889097433493,0.3684238023910907,12.785704605793248,0.0,0.00014063033626880034,0.35564902754837263,62.540373991911316,34.77203263756096,6.666582525281475,34.1338124566753,1.9907974977412392e-07,0.0,0.13036919620801307,44.223611104103725,82.47225544525978,7.235910614687405,13.75414837153779,0.0,0.0,167.39461857652836 +0.8280291930849555,0.11727641337420461,0.36710242051524333,161.35227854132685,157.99674446257717,124192.65031744813,1.9004179391889602,70.5336923631146,2.6178714645460417,18.977854502992965,2.4316577965682384,21.47467538213323,0.43980060490274314,0.9339158723015053,270.3479325286589,36.231300090253214,0.3102125472833943,55460.51844576515,0.5588322405609359,94.35593929795729,4804.430704764278,184.94717591805295,345.64305082227713,42.744443553177604,0.3468352508042754,0.19203042240131074,4.567790229396817,26.202978367932253,2.63464471315865,73.40024567123622,0.0,1.3576301092691017,0.13341876230956887,12.090237295010724,29.395878309071854,0.4345123121000308,10.006575610109955,1.6033010066721712e-07,0.0001132097967789073,0.20786342910743605,6.253029777753061,27.441064487438236,0.28211488175252436,75.10315524404946,0.0,0.00014063033626880034,0.13482908804648605,26.164949221318473,33.977534365485255,4.7142584890304695,20.936103844384363,1.9907974977412392e-07,0.0,0.20147657071781064,3.917481384152931,26.932788142210025,3.4227688343501184,27.132772642422257,0.0,0.0,132.04367576931912 +0.9642405558359809,0.15927303113022492,0.4386597951996493,174.86954835249233,118.49823727581324,340573.3967550064,6.293995480576616,63.20670064134636,3.3131323393462533,55.057788443532196,3.682660988886784,18.719220499988605,0.3167519544955889,0.6909477755628887,776.5695622438113,55.97402954849258,0.05888121685265946,102927.6050146945,1.2865726460419031,35.463572500352605,1228.305821195764,101.41233689699041,241.43957936113367,51.172564941000914,0.31606016914613677,0.20205488068332023,4.76406271977193,23.123350295053914,3.4057212557520247,18.3760802696495,0.0,4.35220825943486,0.1370323586396029,2.8540262922553543,13.326726724919164,0.5203614409092784,3.2191010749469675,1.6033010066721712e-07,0.0001132097967789073,0.20927775364120038,4.509046889457111,23.411572284931772,0.2973795905829187,7.203849523070765,0.0,0.00014063033626880034,0.3413159186016507,10.719301580562501,15.361195829470761,10.063628166240308,50.50605871929408,1.9907974977412392e-07,0.0,0.1470708082143877,5.598113573200273,32.157471350517895,5.773055297117433,28.42402468312337,0.0002372899626370078,0.0,81.56193512508659 +0.9404556480007531,0.20542231650444517,0.4006486870367662,213.21331443780122,246.00700527497966,200128.14475300425,5.513537626862614,76.60691660101176,4.667072416519654,89.86856970725972,4.6983038593216575,27.34402110096738,0.6124963078249961,0.988326625389361,652.4778977579233,99.5615949769752,0.3294338524610868,181462.30580352177,2.9457404498128894,91.30451558602475,4832.659363220773,187.42690309847512,349.04313062654677,58.27292829234233,0.16578747776403108,0.18944331700992573,29.960798806032233,55.428202159626,2.764196296699945,18.758052344674816,7.208797957243307e-05,0.8348143949117689,0.11570658055848355,31.76087581209848,58.132997228153855,1.111240736595559,13.927591313087655,1.6033010066721712e-07,0.0001132097967789073,0.20224145032004595,34.384689732207804,63.65691549859525,0.3903672777196158,16.00254391080588,0.0,0.00014063033626880034,0.16919816838936583,98.57625561326178,71.98045657041456,3.97555681238481,8.273976932306702,1.9907974977412392e-07,0.0,0.16163333482231435,31.03771264791716,117.73490573241557,4.833715459250481,14.710735957727369,0.00024287186041785564,0.0,210.83591554639958 +0.9128703621986061,0.20743051561209214,0.34674881307371114,194.46374270185314,134.25421553845985,196158.69324254195,5.180157571099976,85.0713443738384,3.536223510100775,77.71512593983611,2.436375120664441,27.781864246289075,0.4879430666661816,0.7809386112404271,713.5074187538064,40.44536821330919,0.13454012542514981,64081.638794393104,1.9069226018747054,91.95358586332948,3668.464591198235,246.85790598869582,343.4455860433458,58.71794767579179,0.3229368734445595,0.1958824641605293,17.53416113753581,33.9879133950839,2.927421954963667,47.9693997462193,0.0,1.0460206126262297,0.10451788110380154,17.229988712672903,38.40978399209061,0.8522068046708038,17.632629031172616,1.6033010066721712e-07,0.0001132097967789073,0.2032901223707126,17.18704649498111,35.63562262466103,0.35495182168675854,39.06736098020738,0.0,0.00014063033626880034,0.14591526477568215,46.93218034731039,44.55398941689971,3.452623615595802,8.707058679486629,1.9907974977412392e-07,0.0,0.1824284201443365,33.36597802021102,63.2988314352946,5.586828198935478,29.215493052150634,6.5318270111872e-05,0.0,138.66940361269806 +0.9605278478902737,0.15038173521023984,0.3814046139647792,221.963440363407,232.45347379994325,282876.0025465855,6.832775835147817,89.5281151508189,3.1608859116200865,88.12917736557061,2.518796292310199,22.812500563200913,0.5571690478181979,0.5912459337190024,224.0165625911382,57.73076052199168,0.2066368381425927,57132.498139089286,2.8496729621002137,92.4172761196482,342.4188687665246,210.0958858566408,252.8351204740644,46.73261058845462,0.32093917501006997,0.19237675080137132,1.8575720137810081,25.705884173419115,3.6263374627782676,9.961146803345729,2.7628873898875567e-05,0.8905883973595267,0.11481516248604763,1.64502415434838,18.542671133881036,0.988006741991342,20.846498966882653,1.6033010066721712e-07,0.0001132097967789073,0.2020443354408602,1.702710121469165,26.006360641118967,0.3678285082252186,8.4528444575652,0.00012577144898872787,0.00014063033626880034,0.33074616145360203,19.871312290350776,18.84529807644191,11.965717289591248,49.94373030316213,1.9907974977412392e-07,0.0,0.17244627378952762,2.066058573032812,33.68915649574766,9.503460343883173,38.752311903272634,0.00030040677176177425,0.0,91.81176744117157 +0.9364066398706017,0.21184663720563396,0.3972924158682079,206.9399348573626,220.67899226400255,341921.728320738,6.241138773434598,32.213815634766675,3.3700881335090505,97.70853890002863,2.9964272288489653,20.380994915443924,0.4490904635270449,0.940334249464384,8.146153257451637,50.69900866361145,0.2339548509658123,125429.9140872035,1.7119057293684385,89.72556751682666,4494.609337294116,261.14638956857095,339.9654240605603,57.88750899166732,0.2611859582265257,0.19482650763203813,14.836175047669512,32.87033801425882,4.26395203550586,29.013489571940166,0.0,0.872956039481708,0.13246526324896624,15.930958931536331,38.518063009898675,0.71751151476246,9.678797626244359,1.6033010066721712e-07,0.0001132097967789073,0.20776533712825435,14.584860367346055,32.59777728448335,0.32089072339540714,27.032140350980914,0.0,0.00014063033626880034,0.08703443177739512,46.33702902923285,45.53832114610689,9.867825242953085,7.165734395261601,1.9907974977412392e-07,0.0,0.21249328151127717,26.393524460474726,55.58245281416498,9.844278988013878,14.01835858728498,0.00013498244457400005,0.0,120.20101496799252 +0.8915726627846728,0.18292369179069126,0.35111140235005966,37.75056872278358,119.72280546878793,220068.45798598358,2.1951135794092798,70.71828489023986,0.6551888513611333,62.604042658719635,2.672971637436155,12.999340845756898,0.7616795168975524,0.8167074562730071,687.3831211604767,15.62453682669107,0.08576128259575402,55472.25036645841,0.5531945588216438,94.07772546227396,770.728434988314,291.9191642942576,333.8046025620588,53.745931814722084,0.19476598771654202,0.1986462863672169,7.542164753037628,25.930849380798826,2.509291053212197,83.55603747284708,4.443674747227823e-05,1.0623032010799927,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21145255106264504,6.005319766118509,26.9735101741106,0.2360807716022438,74.46728207933226,5.346329860388539e-05,0.00014063033626880034,0.159486836017634,17.332401497902826,30.42612930979036,4.647718377713482,25.29399414648946,3.092715030179917e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8846833733499659,0.11982510330085336,0.3876433099142157,215.41374775930205,210.1203273094756,296644.43128415523,2.9822676304393942,65.26884034345935,2.898223066727848,59.93682416200704,1.8463417817222032,24.24837332678171,0.7907338793432597,0.9005593437854919,702.3093475581048,88.77776469132405,0.3472478092095928,263383.0125054718,2.6124291063255716,85.40975319283753,3429.7237785564566,296.586429733107,349.9363096966479,57.60114277502505,0.1575029538659183,0.1918479249059545,31.376918623672356,52.762386027689985,2.7586913045488726,18.06372462621205,3.6134461897134476e-05,1.1033510218090299,0.12410087216647774,32.21058559451437,56.93884884701732,0.3150010914674186,10.969424971909836,1.6033010066721712e-07,0.0001132097967789073,0.1893890273236014,24.09738327361844,65.80168931098248,0.2735840355893604,15.293886399086135,0.0,0.00014414060373783881,0.10332074647974238,90.85748610220826,71.10564921001536,3.1416333942213215,9.580815082993537,1.9907974977412392e-07,0.0,0.1993827241614384,25.904649549051136,84.18642054358492,3.646658801403269,12.80215407254589,1.6725531668472475e-05,0.0,187.07353156496544 +0.9709273244019362,0.1865333004206989,0.4345493615681832,235.10672537233688,115.22942304137933,282276.0329798592,5.766697606241305,99.36035986483323,4.8572594268642355,99.59985674244966,4.338746472354838,28.419094808772517,0.3542771734406005,0.9834301107419502,566.2692463436103,54.401362218296185,0.3443902674343462,193790.341223279,2.8979435576608332,82.73769948138163,4900.576054188112,274.45902617481585,347.00009955657686,49.644504918537045,0.15819505425220476,0.18780233224047463,25.195852828941828,55.85336349821875,3.1813136881880735,13.0240780297406,0.0,0.8243117466315043,0.08437358365979077,29.610773184415457,57.25573246982253,0.6382369922598439,14.412119615061263,1.6033010066721712e-07,0.0001132097967789073,0.19948381113800237,29.035636265688108,57.1625010666296,0.31816950986134895,11.534599764129899,0.0,0.00014063033626880034,0.21011094898784533,90.50561879722753,63.2878537675815,3.0193385992090045,10.350527183218155,1.9907974977412392e-07,0.0,0.14261792838749224,62.41077734406023,116.24511992124225,5.970077470359381,15.713710780672127,5.780228943115355e-05,0.0,206.26528753802643 +0.9431369675693738,0.1557067702094637,0.35852364078899673,17.513523822724125,228.9199051861824,319824.28105977725,4.525066219346173,73.55560137709396,0.28077833765741267,5.353837796521184,3.2327864858388837,27.368238881659934,0.3638144782950052,0.31541107505397914,565.3069285228703,48.6352960670521,0.15518515779521663,83966.26100791284,2.88311460173465,83.09737329876344,880.0048119285759,197.45661273941573,348.4696574817471,56.80820464901515,0.2964385443990832,0.19894787544120512,20.89653106060114,37.676007841429275,2.7701664439566867,24.922617596235636,0.0,0.8780722560263026,0.11019590862741246,16.736628613513478,35.46559760798997,0.3577136387304082,28.248838262233186,1.6033010066721712e-07,0.0001132097967789073,0.21242110797327657,24.044830171437688,40.32828206362945,0.23654311029376032,22.848924058019744,0.0,0.00014063033626880034,0.09346921694126217,37.63631424183415,32.60541782272515,3.6695183521061367,11.566302268276258,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9383173914097755,0.21124388297455177,0.33006113456826286,118.86978308748928,39.25075929047148,273439.70594977017,2.4001554728133607,39.75361254334688,0.38571870190723023,63.23622399295391,0.6769892267163025,27.632024580754656,0.34371785743997285,0.9336283992505345,619.2665195947318,66.00749935567113,0.07153499975758375,60793.268587442944,1.4317482911090924,25.88626486333437,4233.969958408944,67.6406421272351,349.6040927492532,43.577369552333295,0.2555808458492768,0.19390702821472827,15.21140963441559,30.214712482782243,2.636910304013773,68.11638408414159,0.0,1.3596259668696076,0.13162805421838034,13.982169532143088,30.133294726345095,0.3336168191198823,11.398777472227403,1.6033010066721712e-07,0.0001132097967789073,0.2029959099408946,11.067544264864646,30.0742370888106,0.2373677930266688,52.848451219808545,0.0,0.00014063033626880034,0.12491696894733603,31.99950934466138,36.53406350276029,3.997436932827019,25.102098614641175,1.9907974977412392e-07,0.0,0.19591587919141673,18.477432372950855,42.20766346211856,4.096665783383869,27.037935063176768,0.0,0.0,129.31423427435809 +0.9823746734256014,0.11699110499543051,0.3279961230769096,149.67106112683138,101.06795544776972,289744.3330149943,5.520090175932216,69.75134675560005,4.234104102332286,91.37590872061752,0.36016841042223424,26.263666747587834,0.432989708242574,0.9103120157741647,636.8616406214171,91.75332171064777,0.23972617932815177,204608.21440791345,2.8973111775738603,83.77539486961861,2229.004846570759,284.45849529927267,341.00646341340865,57.41305962322505,0.15373529476838704,0.18971885754308387,31.470856330589104,58.979828291457274,2.972161166900061,17.156323579673447,0.0,0.6744014899225326,0.09905295834749785,28.649152249713964,50.92583204293248,0.47530544402336145,13.961948222707464,1.6033010066721712e-07,0.0001132097967789073,0.19757546077992158,33.22170316412177,62.96648173157024,0.2938552190302402,14.269843904648894,0.0,0.00014063033626880034,0.10256035998661255,91.0464140412639,68.43932167014111,3.0475407883663315,10.149390331596056,1.9907974977412392e-07,0.0,0.15457334669433404,66.53708709186738,122.66289641370159,4.8942535575492085,14.807506698678804,0.00018445311815207596,0.0,215.53794690789718 +0.9895419005886188,0.16083053443656603,0.3588091798468548,89.17985261337614,202.19021892417356,127544.69442394,6.522139995689203,58.497324167104615,4.3711844226252135,96.0504067693662,4.127046943500856,28.464786422767986,0.5272005638808412,0.9695879572632782,659.963188002146,87.54911944450208,0.31018656845352743,151034.74911799585,2.6233571215555753,97.26354685958096,3506.649941128545,183.0703669368792,348.38312303104584,59.759953706318626,0.15819478975783777,0.18921954869959448,25.75007388691357,49.91803028812717,2.8630342543849205,23.940492370191325,0.0,0.8550060170122228,0.11057028753731696,27.267214920402978,53.40119252735624,1.2706193501433203,12.320083211566406,1.6033010066721712e-07,0.0001132097967789073,0.19844619972488486,30.356884027081236,59.82619265451163,0.4260980194146171,21.117830001645867,1.5802121907111845e-05,0.00014063033626880034,0.12534998351778096,86.51062493057822,68.04521871903681,3.7388695550098787,12.540225622371098,1.9907974977412392e-07,0.0,0.17366718193942418,54.81195027109687,106.41744049507847,5.197383858477219,14.25750047580404,0.0001449675209684197,0.0,198.1850572599115 +0.9819502211757325,0.2321717431315904,0.3873548143534866,235.0571056114499,187.0150319379383,177170.11714152287,4.263949999737896,75.89147848370285,3.8668172116487756,53.6736788775753,3.9774285977765733,27.752687466814876,0.31772043196548333,0.9879186838253206,979.6404409390661,49.93840020134933,0.30295214666723635,262311.5223211746,2.9045112607243926,93.6004811212814,3511.4164236127203,273.1960200511692,346.05409350716,58.05907002643238,0.16356493588443533,0.1882677808468636,32.05120064618676,58.26222637481829,2.751795771774312,14.82845465375871,0.0,0.9126204062457174,0.09831350766052371,31.701175234270337,56.401777592849605,0.9345747288951209,12.728018155209353,1.6033010066721712e-07,0.0001132097967789073,0.196945172521259,36.96594834579526,67.98748288226273,0.3627855412391062,13.402902212121845,0.0,0.00014063033626880034,0.2545621145753638,110.66091267108983,67.79262735401356,3.354562733580067,10.74761336061223,1.9907974977412392e-07,0.0,0.10815786583052643,75.348489564786,122.66145104575442,5.1864308996387445,14.627000201043664,0.0,0.0,230.43498330214254 +0.951160822647969,0.12649395548141748,0.34450535250366315,14.639755720575025,205.70322444771904,279511.5014360897,3.3735521092833296,58.94027048762713,1.437063083553648,83.4464558925929,3.774889062698594,27.19504807538781,0.5951306066544747,0.5151775779626733,532.5812011353511,39.09170106635709,0.07885035194179199,73229.71207072341,0.7141174868185636,59.80642500408571,4025.925641944763,287.23486313620003,319.30169613913966,54.238145220485535,0.18953124730034043,0.19884791222018972,6.200123456412215,24.743208930609537,2.6084226028673427,54.8727853124464,7.3621351483667934e-06,1.1870563028821606,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21140975076623725,4.037992283484824,25.250628399816232,0.23855754903768578,46.726564113178576,0.0,0.00014063033626880034,0.1489024861231706,11.930022267969811,22.38363491957048,4.2103392720691755,18.23277344656619,3.092715030179917e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9206305081553533,0.22733669943231202,0.3423087722643124,122.56349842888238,185.044132136928,340941.0241646558,6.5972187143881165,36.7463602081975,2.634078015735305,96.96304854985797,1.2769315475265717,19.053787585436066,0.371087732856173,0.8269951534561891,911.3610554940723,7.670880388850094,0.2858619293862077,61452.76979074176,0.9316037660810708,91.47166081052085,2793.68070521969,292.9985109240804,344.70177678099367,39.58656604151984,0.17668732335184592,0.19644209149931158,7.1437828419829845,26.230389832214392,3.82044651004063,62.67225950477632,0.0,0.6389983369149471,0.13613587631833907,15.21290609787198,35.73188834669757,0.5633703893260761,13.257385501513456,1.6033010066721712e-07,0.0001132097967789073,0.2092449080891922,7.160580260562196,27.094666901613873,0.3012951129498039,57.546246040566295,0.0,0.00014063033626880034,0.12154857702851447,56.03280089843678,51.77931491102339,3.738956421688788,18.840675498601346,1.9907974977412392e-07,0.0,0.21289528370606106,23.385979832016524,48.92396240813026,6.539892174823377,19.83613812063184,4.959798881890532e-06,0.0,141.5266764006766 +0.8605162012292363,0.20621314536051707,0.39109887190989223,232.0605651089735,47.13046905157414,152289.10121600176,1.914375714585804,58.5428652232333,2.0987060425124713,39.685464637260274,3.157965208780296,24.877913592009662,0.39123614337219054,0.5300522554417033,825.0653500328068,55.745876574736535,0.3241393129024002,87838.08652910477,2.694613709489691,73.80542169614779,2601.6180944301923,273.7477417157961,345.41336951536226,38.54328218338256,0.33780420577162634,0.1958659321849853,12.810060324882766,31.651576364973526,2.5100498069117108,17.26092124821703,0.0,1.3348619861739992,0.09531858372951027,16.511331027140884,35.66753961309771,0.1965776895422055,26.373812966697034,2.2214667034955002e-05,0.0001132097967789073,0.20742401488212905,17.52547262785104,35.622591732935014,0.2505759473300457,17.123509796205276,0.0,0.00014063033626880034,0.10995082606102127,35.9690169690866,34.680563512718095,4.620798681729299,6.522773700269362,1.9907974977412392e-07,0.0,0.215713861433756,9.024943163653722,40.628245828819495,3.0774302304436665,27.9295532717633,2.7459972215683823e-05,0.0,103.26634416881424 +0.890297471115924,0.1673857725171701,0.3356124924550657,217.2781358661029,178.28300370304692,211283.53276399904,4.039028647939201,59.92566608050504,3.33015399362236,60.05506272436769,1.8311552917575837,22.16293986702496,0.3141501757414026,0.8800132628875789,576.6010895511118,23.140318367566053,0.3468192384778831,268427.50088898896,2.0674798013738553,85.3698650009394,3731.9910004000963,289.5085458222686,348.34998729697577,54.75908614002893,0.18489115730185215,0.19214248885261917,31.078671608479986,49.71971984880596,3.0064314395043774,23.250117804886617,0.0,1.0702330679472967,0.13085362582277926,33.06288106346614,61.59344791556928,0.7087046729357389,7.701756182225332,1.6033010066721712e-07,0.0001132097967789073,0.20496685974776083,34.1229874217777,53.44944341002614,0.3245225518717141,22.44426488488317,0.0,0.00014063033626880034,0.09767429090831592,85.12730893298308,64.54139614602587,3.4572151059911436,11.15708299163368,1.9907974977412392e-07,0.0,0.20521037387407318,56.25725095442881,90.3839262582344,5.660416785736148,12.801320930099074,0.00010811108971201484,0.0,191.1527186880625 +0.9365719261480576,0.22166831987224386,0.37447958389225605,144.85281967896566,195.378853113459,268542.20666308695,4.128278861749095,36.89136441380248,1.6453207648729251,15.888949281633153,0.6048749136201992,22.30891588685134,0.6157353177670318,0.7463678566178535,315.1468626949585,50.40096885150851,0.08576854802571203,211407.9176738901,2.9747203274757847,96.51494140725718,3238.0195344507815,285.00626990028064,349.3559522604788,57.92072214435041,0.29339058619135205,0.18048640841292402,24.808189434547437,56.17715504875221,2.8541853022446593,20.949465360441042,0.0002188441284475894,1.665071193566951,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19770291603886012,33.461890404835586,56.33465853428908,0.28260980994711177,17.502257972608337,0.0,0.00014063033626880034,0.3338403504664718,62.36191216240377,37.142662099678724,3.5636636008159113,22.17010418153833,1.9907974977412392e-07,0.0,0.18623283904065027,37.257789067313105,74.99189287760065,5.294694615812057,26.390560088330187,5.0597068488841684e-05,0.0,2698666337285.8823 +0.970655524750152,0.16108255039546035,0.34297521503613654,185.8146312320938,77.67186866143757,335744.00709927204,6.314955314765876,49.37572887602149,3.0904473895890234,98.14654222455117,2.1640447350013434,29.58018530753113,0.39150976180651487,0.9214696036858644,950.2434660056438,70.40537920215027,0.3084051640107096,147728.60721353482,2.915415079929071,92.04108628526014,4350.390735569364,219.99640221684174,344.36797481222175,59.6991375728479,0.21606315918794894,0.18636124396831025,29.083528438056447,56.91390323307009,3.166243356152408,21.112148602393066,0.0,0.7020500984966543,0.09249629682271843,31.99344190135363,49.970271476244825,0.4335639194625385,17.05377090095883,1.6033010066721712e-07,0.0001132097967789073,0.19346107852189362,32.55803212597362,59.25232801991853,0.2897532259119746,18.50185651517383,0.0,0.00014063033626880034,0.21531905887041103,82.74677123442987,60.05498335271916,3.3283024071428007,12.952246314623716,1.9907974977412392e-07,0.0,0.1108636037435014,69.53489725016804,119.14332562266563,5.340500773430194,22.06713570967108,0.0,0.0,208.43344007727904 +0.9653366507209489,0.31125085137274555,0.37532590486760325,129.51864664534463,177.81430214837565,202844.40723971324,5.967930803275469,47.73811649934585,3.036564773280098,91.7316784906699,1.8376373635347116,20.666104445892135,0.4852927099726325,0.9725823234068052,942.0289455187531,4.115303895785344,0.2764463450562541,292468.7111315401,2.6167245987562375,97.07224464215358,4587.737160067192,208.39609179660198,327.91987844060884,56.87357909034545,0.32384973054673694,0.17561337499982868,10.333137739919513,43.53282771304235,3.4474184667456895,8.775065656441452,3.9954954575375685e-05,0.9474211894295392,0.13604337604400915,14.007602203323067,33.00045598432874,0.9013497084358485,10.435241078279425,1.6033010066721712e-07,0.0001132097967789073,0.20770418680297972,21.501940512829876,43.16085028901428,0.3625036015910023,7.671616427231537,0.0,0.00014063033626880034,0.3512424639680865,58.679719426041245,32.60410164932978,4.351100025174212,29.3808295060917,1.9907974977412392e-07,0.0,0.20662383321355293,13.836283732828619,48.408682794923855,6.971999580390007,8.588761291869284,1.8108137115416755e-05,0.0,117.9693678702857 +0.8444413642791658,0.1933527228417164,0.3540216247581749,167.2610265348294,213.53319477763498,324386.94165850757,3.4722008282471846,23.110833481302286,4.350996686271952,39.37416245567758,0.813984449608839,21.120192927775715,0.4464572990480456,0.9580482282354781,660.8891129414434,23.861230745699764,0.0915196367446395,71667.8190937154,1.342608869868441,93.33147249508818,1836.350518368466,202.88902750887178,343.44408846680335,40.58137989650571,0.19563270808239158,0.19729551713266122,14.752203426648158,30.349774883948218,3.1355524531654657,55.96839970375235,0.0,1.3404899098962013,0.13218228813110378,22.167704048243284,45.775733416259236,0.2998000512257049,12.103863298187989,1.6033010066721712e-07,0.0001132097967789073,0.20793594071871005,11.273357334922345,29.46261254941811,0.2540732748299219,45.404650529608006,0.0,0.00014063033626880034,0.12191384524663068,67.1238527245348,59.97354725735447,3.2006925086267377,18.764811755657448,1.9907974977412392e-07,0.0,0.21255730737108475,28.28222787619366,59.01915362758329,4.983601148447356,19.344985651019908,0.0,0.0,152.38174379114997 +0.9689460643197894,0.22310938015522908,0.34978792544675585,125.06482511269957,213.07809897350552,282369.36592716887,5.769505567316467,42.36025230577503,3.5683847421961765,72.27965466060847,4.092056815018004,25.276322443581048,0.3541645311720468,0.9692515125920788,701.1685120118254,99.57020277393889,0.2540671365148449,192857.2179738913,2.9133075402778683,81.32593878595202,3220.9554481058913,266.23110174559304,342.82483844744064,54.84254408482848,0.1551468187679459,0.18873452959625278,31.419448183606086,59.01378932695992,2.92255878841714,17.40898143988531,0.0,0.6721884107857699,0.11642191415326374,33.03100628050388,57.499297934957475,0.6364824962497951,12.170853382042347,1.6033010066721712e-07,0.0001132097967789073,0.19907169172801734,34.104214328111645,63.23942061861927,0.3135091195943472,14.684880089637653,0.0,0.00014063033626880034,0.10064138535286903,96.47284707558251,69.4318584364001,2.86031375442357,11.373222167356051,1.9907974977412392e-07,0.0,0.16606661220823368,64.33801466170434,113.26356030848913,5.219498793166517,13.244086989287986,1.7494567243666293e-05,0.0,214.80643973926934 +0.913878097801452,0.15110736607922828,0.3310748030196375,194.25742947827612,130.58809536173527,201088.08299087267,4.625513581740198,70.24645417215861,2.74099281302872,35.06156701431665,2.533431045950524,20.216963787228266,0.3968598282713351,0.7829480588070298,717.3406938421206,67.10899232228097,0.06372617350689411,63967.62605194595,1.4399734605506211,56.429750663795836,2941.6320633086184,87.13983497118558,349.6040927492532,35.56621962801151,0.25990816124913063,0.19980730481765832,16.280751166661492,29.363805431824222,2.7376753145545556,64.34161124105236,0.0,2.856587562584117,0.13483285880962093,12.769267470598132,31.37867228504181,0.7324860855220844,9.161758993452791,1.8167050065794986e-05,0.0001132097967789073,0.20829391532249936,8.980917654097913,27.927110088325758,0.3351207692182175,43.22255532666933,0.0,0.00014063033626880034,0.12539657627727277,43.8766253445854,44.125715205762155,3.5180351882872354,17.401841496622634,1.9907974977412392e-07,0.0,0.2119062543605648,18.52028454232046,42.127823754693246,4.981597238571778,19.45636090427874,7.130261275370563e-05,0.0,126.30338848849713 +0.9551526182388135,0.27512248967188085,0.3348881205610146,225.03121770142633,176.5628085273217,318033.91875913384,5.976990653026685,60.46166940911742,4.531159305590295,67.28510003902755,4.836208705363794,19.576394803227096,0.7667359745034699,0.9745336511447628,990.9358971385248,63.507675354239325,0.2135230361202453,261194.91211117085,2.9183368500497835,80.24584716268629,4039.8035659487637,215.7289654653268,347.596844352791,48.807407162095224,0.17615625371132598,0.18188506671541194,27.231016127445724,61.086409967415115,2.9552381170859405,16.723482626637495,0.0,0.6648391675227076,0.13389952093028445,36.275498816554716,65.77551865877746,0.6994827157513613,10.153183138684355,1.6033010066721712e-07,0.0001132097967789073,0.2068197368564625,37.54120281523308,60.899201977681045,0.3207055438315361,14.86098704357599,1.675518321396402e-05,0.00014063033626880034,0.11008083836949087,105.02578347947144,78.03040120243995,3.6145942249604315,7.575884115057721,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.937471280384019,0.18870811876087318,0.38821124595208567,225.31150473638948,175.3174408015131,313924.26741380803,1.849929115723877,75.46999475711297,3.6645342933561458,43.935722720255605,3.1100938920012475,24.68308395357082,0.3938845865919896,0.5634895923127407,948.063219769572,92.9583743415397,0.21494785162483787,260063.6574653587,2.921316181426072,95.96005310036284,4389.828063885958,272.2869159260517,346.05351871922824,50.545467278148706,0.34261600498767536,0.19757741558856867,22.97690612536351,38.42106993768324,2.670259530753679,11.86464990765278,0.0,0.9160984155463814,0.12121489463591349,12.489103015103405,27.31703212972101,0.2767656586147703,15.904526554383727,1.254719856643018e-05,0.0001132097967789073,0.20631599270635625,24.528999562960966,42.24586240371755,0.2353395804944727,11.435082674063942,0.0,0.00014063033626880034,0.32223923963129086,44.15846479203503,26.203684399741338,3.30804133651164,31.517493624799272,1.9907974977412392e-07,0.0,0.20812809775268942,24.589798781208934,50.72958437318809,4.108008272167611,22.399665910401534,3.243607183920582e-05,0.0,114.73097997025403 +0.9700104732856664,0.1614046668089099,0.35797591516732635,138.78126386676374,195.88810920012128,312750.90422776656,3.683700056003306,58.5701079278929,3.160743164100441,38.82762048245624,3.83227778424247,28.7767176362234,0.5397554134124529,0.8086115294653083,292.9498523873444,24.456287771135486,0.2800082522850147,289873.55736267456,2.9042000075831873,59.20603776254202,3419.772544508775,266.9686692641983,349.69785174011724,56.61929453063928,0.15989861631664593,0.19299341803922015,33.63577904341872,55.35065010064729,3.3779957989491147,16.101592687817732,0.0,0.9395233448876752,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20555439869190303,36.777523555725544,59.287226202962316,0.2556963741324424,14.412789496730383,0.00011903627795120662,0.00014063033626880034,0.08633751595016233,84.66464582442119,64.03176798449414,3.2849739798940636,6.914316866359235,1.9907974977412392e-07,0.0,0.2150451672625363,57.20599088617437,102.99866956761991,5.227269083017557,13.448318015782293,0.0001466195890529248,0.0,2698666337285.8823 +0.960001164390595,0.15486393241787486,0.38559552342832226,33.723313975445926,60.3396580036208,260966.14051608095,4.657276074807873,58.27045941661939,2.5735232932622187,5.1091638442252085,1.681771977995361,27.23566839273311,0.32128498728859367,0.9945637169309643,683.7045674985911,57.432654795846176,0.2757013184712423,262661.45882047305,0.43470313340901806,22.205551616520133,3381.4886675459143,295.8442643849033,318.985924930523,23.558291524014514,0.23172501721379962,0.18232657277739872,1.2573573707925338,27.00416546081467,2.63443064123409,13.106531550994529,0.0,1.0789426499891333,0.10685239267439588,1.1981793565003678,16.119134210818505,0.21219440567468875,2.8389808157888754,1.6033010066721712e-07,0.0001132097967789073,0.19623910266115277,1.330783982670623,24.180236714769503,0.24610677403322895,14.419556607535727,0.0,0.00014063033626880034,0.2445628875593878,35.78713626337848,25.273893224778504,3.9789821397689034,4.918875473870997,1.9907974977412392e-07,0.0,0.16680086016318726,2.933123652786966,26.83355115141896,4.161626661850308,4.77916377526607,4.561169469717864e-05,0.0,68.57832638595409 +0.8814052367877004,0.1551614706847412,0.36658218985468183,133.4174368287619,218.23251409091625,294614.99698182876,5.329684811725011,57.07502206722314,0.5698110059737307,44.116980302957685,1.491740124846972,29.30445316270468,0.40351092129816235,0.9117672591121739,406.34530110388846,45.67138504389026,0.08014082288587938,108377.58936840919,0.6892214317016612,55.75648656049819,292.39976205107206,258.71384056694984,348.26368016194493,57.895158548030174,0.1596117391588556,0.17667543505011554,11.58756478542298,36.096539174677,2.991390732794492,67.93386360749075,0.0,2.6894390937968184,0.1299095173228294,20.405947982437773,37.92528402450317,0.5739932321225866,9.269184731900374,1.6033010066721712e-07,0.0001132097967789073,0.20388205591622818,14.669490294810597,33.3051619849062,0.3010122221411512,55.72113075589821,0.0,0.00014063033626880034,0.13740052200453412,62.98498157110818,53.31001273693028,3.1058565247744006,23.296428006472386,1.9907974977412392e-07,0.0,0.1973025762710231,28.58700885952953,56.095975604087315,5.835459749197753,23.767818783021948,0.00014568657663597488,0.0,156.08742141881459 +0.9569019256919028,0.1661706597590039,0.3308860825559141,141.77860870802897,190.0574056545815,220656.59249061247,6.874249306831144,97.57394218266796,3.6065864065051425,90.8993081845982,3.4772830997917317,28.45536063617404,0.6636335796782323,0.9261881338620193,982.7750808186819,1.6650709625010478,0.21150717583391143,236075.20394762373,2.733722171108631,82.42910460625518,4784.630601708488,297.23927727948796,347.6365441193134,55.632329249454656,0.2053493872717838,0.19032066500241834,34.109390709051155,58.93651045931611,4.511479330949747,20.258164601155066,0.0,0.6133852557654667,0.11576933863386178,28.457495248304237,52.35505817682833,0.9967074134320961,13.232613655020378,1.6033010066721712e-07,0.0001132097967789073,0.19935689309955537,36.55336803119322,64.17541144583352,0.37648807056859906,17.38504726549283,8.701405084007454e-06,0.00014063033626880034,0.16313178345319096,89.76227881254654,62.768711357435116,4.57071982276964,6.522273402185793,1.9907974977412392e-07,0.0,0.16553970923632708,64.30788119899412,113.3427953896756,7.842548006991271,16.26763200068253,0.00010996695120911505,0.0,209.5735267632404 +0.8632682875584774,0.16434801761657017,0.3403192705974165,176.19804411417638,226.7157114224499,321805.3756120128,2.4017304949745206,77.48080863802635,0.6926667979871124,20.985753036405676,2.6958584698117987,23.51833918179733,0.38727428335593317,0.889729121864575,342.38172638488,94.26891612777442,0.2672130785403809,126345.35747972014,2.0023753591232745,80.52624578719309,2853.669854642843,288.6801756369643,348.85446072041367,59.362005883510804,0.18568101650746321,0.19250868885405278,22.753287921339904,40.724621656896616,2.945863062987699,37.76524153525972,0.0,1.0102868069352147,0.12531986595140765,39.74642882427286,65.3017952414552,0.22797579556903327,13.398074087234853,1.6033010066721712e-07,0.0001132097967789073,0.20690901018163763,25.40327844797542,42.88659470185552,0.24002238795039724,35.3291782080534,0.0,0.00014063033626880034,0.11837200833184411,91.58676969744218,75.72828442012135,3.260896436989752,15.420223625475169,1.9907974977412392e-07,0.0,0.19584175756480743,52.01897990816947,91.8374937214564,4.425639256988669,20.54497624754484,0.00010017296373871191,0.0,198.29733632765928 +0.9786296447977794,0.10976021236700101,0.4454625054627376,186.30980920808648,216.54847377235788,347340.808809352,3.674472554735785,41.50577146031526,3.4913368111746457,68.55706332192261,4.2006734661711675,21.073265482273758,0.7735567367418597,0.9234723000188654,725.0730768821932,33.57437405447883,0.3060462532319344,291902.1773907043,2.528193232458818,69.095451175781,242.1234065184799,255.06985743473405,342.705007347304,46.3982292282456,0.31986182956080966,0.19009461663049876,15.18241216339981,37.65742655922811,3.1133877208685297,7.725079839372367,0.0,0.9247019761559941,0.13079940053492853,8.39537792743522,26.403776210639972,0.31973912366713075,7.899616156957315,7.706425848513467e-05,0.0001132097967789073,0.20433385135206208,17.2944767055704,41.6667589045857,0.25539926681284536,6.901912622039749,0.0,0.00014063033626880034,0.35664657608246036,38.06630674961208,24.39631499726692,3.7181271661243516,39.72930783866958,1.9907974977412392e-07,0.0,0.20033626384653713,16.591772740745512,43.52044836481255,4.964654610656528,11.342360962343948,0.00027481593142092756,0.0,102.91366141556912 +0.8121733571018656,0.15523392058024932,0.400801169700663,167.48183554324848,114.18959176324745,167235.29904183862,5.811144879632307,47.197627932761904,2.108191850390926,87.42903381390379,2.770905536823578,13.245947123475268,0.3643637918862129,0.9300402094133668,695.6278489494408,2.2721368536780417,0.09671602112444017,54264.46324345926,0.6350346135919438,71.35238825342788,4422.976351781226,187.26342251983885,310.9549546315471,46.6151022927392,0.15747407459353732,0.19947761808210757,4.4172056608373165,23.687421894641567,4.337436479606915,62.44478548628977,0.0,1.1030889788164568,0.13862131533128652,4.018582244307726,17.528820961289146,0.9972326865673431,6.072287500688305,1.6033010066721712e-07,0.0001132097967789073,0.2101614738325972,2.38788047668573,23.524911890430737,0.38193998609718505,52.46800474740952,0.0,0.00014063033626880034,0.10876713679099814,23.407577986458165,31.859283434628775,4.543068525691933,9.061882485160433,1.9907974977412392e-07,0.0,0.22852491702362845,2.3027859317980806,24.450676655575123,7.505520928701132,13.925131136301014,0.00010338742359522325,0.0,103.40530558114692 +0.985038376612863,0.22977962075709107,0.33899950363265613,199.50251395656142,213.6092194722837,274813.88986241526,6.752558972472899,70.93349477295548,3.0090868369594777,54.40258919265406,4.596548795528706,19.35555183430356,0.6688037514517406,0.9433200354348318,833.5679679647035,61.85164932349531,0.3170041825616673,143610.1909813498,2.8739069737896408,96.29850822122643,3752.519387331511,269.49851181693236,348.8198466799957,30.26226471219228,0.16117748695391484,0.17420088918100476,15.17202992513912,54.39299934092823,2.857658658211048,14.383873376994782,9.912610629018797e-05,0.837695984574761,0.11142785501496273,32.887239893006786,61.82346669126413,0.940945826570764,17.981665831389453,1.6033010066721712e-07,0.0001132097967789073,0.2001048065682721,28.873373259621555,56.526950371808304,0.3617853388578251,12.971503410144091,0.0,0.00014063033626880034,0.1382855532109838,108.82666909634465,82.55431460358629,4.738233272902102,10.062807238779916,1.9907974977412392e-07,0.0,0.19808608957676976,16.146730157663402,75.09465892157935,5.455666840136243,8.409701962287782,6.186857681588875e-05,0.0,193.9396077248887 +0.9473343537869616,0.12387096411140128,0.35868712768874655,14.639755720575025,153.22457193685642,133990.20942523621,3.261651382829292,58.94162366962813,1.437063083553648,17.684118116914156,3.7526310510141694,12.722580080119373,0.41313172085808714,0.9464819140013936,489.34499608760177,39.09170106635709,0.08589223754112969,73229.71207072341,0.5544068379274618,60.639451753532626,2186.397671210491,173.76150262806053,319.08633923026514,41.99777895641688,0.18953124730034043,0.19526533735447227,2.264205759615434,22.620127744929587,2.4711357942889625,53.317633641569216,0.0,1.1335519972137829,0.13588399478630084,2.589958500747911,17.853467576547647,0.2355618316724581,5.17318713474958,1.6033010066721712e-07,0.0001132097967789073,0.2089323380075301,2.5407584364022657,25.397279416200984,0.24290558766936457,46.28411762027218,0.0,0.00014063033626880034,0.1529437003510993,6.265213949876975,22.846762862680208,4.826607623053888,21.164903642606028,1.9907974977412392e-07,0.0,0.21013365275487814,1.4555999880752786,23.286241122736257,3.86042104024453,21.00356836014275,9.123773658737361e-05,0.0,92.44485250217075 +0.8171773097715225,0.11534917428396595,0.34235162523153956,12.64573078207184,207.1932327378389,279462.3772882696,4.3090851238188295,69.74535339209802,2.8448767282952936,41.061130209132706,2.526257290574606,26.076404918261844,0.407831441884835,0.9074748706036732,55.92892137677061,3.5011712064164997,0.06961447662581975,153204.75062176277,2.1803846987429556,82.96981256033244,3070.25911542185,261.3300252835732,347.498824579709,40.85204290634154,0.18145568944736473,0.19339269108454712,23.151199392564607,38.671928950493765,4.10706338411865,26.561178787902914,0.0,1.2845854549697877,0.12094093873276322,37.66849305773185,65.55383182768472,0.39049043159665475,11.249631826650893,1.6033010066721712e-07,0.0001132097967789073,0.20584243265282418,23.23925004436398,42.10435202665223,0.23743330940780846,22.148374967513142,1.0981490577621907e-05,0.00014063033626880034,0.11019663160474102,90.96393083558925,74.5802325003809,3.7618668292679556,15.400434681627276,1.9907974977412392e-07,0.0,0.1953338889388415,51.49714520405289,91.68252574236114,5.57722566393803,14.57218800928011,0.0,0.0,191.81005348205775 +0.9581373620394595,0.11035819008466559,0.44717549395564427,130.76576625835716,165.66463749224562,213368.90767552203,6.133178436453114,51.262686196293025,1.2758011618576819,20.626169706844202,3.838855336136751,4.640605703951966,0.4627513779632337,0.5696614612536364,22.233549106122155,2.329579408445454,0.3184427713587237,282323.18763343187,1.8881953044464272,27.99713770085381,4734.64416395959,81.0005439895269,222.8379727898998,11.51809684498452,0.259905330447696,0.20012635496033537,9.074761306096184,24.595932367742467,6.392903781185342,4.455039134490719,0.0,1.0943512519419893,0.14451757737133794,4.482120930358042,11.20748107873071,0.8676809461084289,6.037157446255108,1.6033010066721712e-07,0.0001132097967789073,0.21417362765298653,6.992452085942703,23.489730025355993,0.3574122586443162,2.5921306733994953,0.0,0.00014063033626880034,0.3302260969647074,8.704996683967792,14.825012949566627,18.734182609211825,59.69717855536103,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8075538614298841,0.19264919135853562,0.3408955469794888,196.60775327907348,68.43931587950152,186199.05421515717,4.830108299552214,16.164283248637005,1.4248524823476958,39.355601184414894,0.2762067997213538,21.22876165691769,0.4061152509947562,0.9282931596448094,269.3277185821791,91.80042182886021,0.3174970856643536,203467.11679913205,2.8680759405789775,93.45714714421985,1911.268563249667,284.6371367677839,341.75134482586327,53.84425222699869,0.20305460375734768,0.19420467819471765,33.19038479912154,56.85201288682737,2.8204888076923367,18.110905075659762,0.0,0.9272083274372235,0.10683714056921244,37.493589380970896,61.52489223724376,0.6293806194343152,15.4780169743636,1.6033010066721712e-07,0.0001132097967789073,0.20416619712049794,37.92831919276569,61.79288994288233,0.3302437842614883,16.60026796480092,0.0,0.00014063033626880034,0.1397651311838276,111.29374751524769,75.0491367795997,3.7836375305247003,8.908519540757329,1.9907974977412392e-07,0.0,0.20389002574004642,57.93904303909166,100.57780933729391,4.868947546255636,17.131938429240936,0.0,0.0,218.02925315579597 +0.9855101076239343,0.10541146641726248,0.44540413647328975,86.59783866199848,146.84597040314532,238482.88797785187,5.809025355437569,53.932333612417644,2.035392354090797,43.09108560778181,3.32577613796752,25.83682975833442,0.3047048160176804,0.8098353444127057,563.4721860421134,23.735104113182857,0.30210296527970454,101693.33924136579,2.2418982317418004,94.00839027800961,1943.9746468283968,235.8205697984045,340.8022013437136,56.4547742503376,0.3423325239277224,0.1850239229072576,10.207837475243084,33.10860719693041,3.1805862498413267,19.051295234426565,0.0,0.8670910863349139,0.09423126442405858,7.935768681318849,24.808861459456953,0.5862642083325387,16.379453064323013,1.6033010066721712e-07,0.0001132097967789073,0.19176590616870257,13.040840407029581,34.294877423423245,0.3130598183646755,17.219227474509797,0.0,0.00014063033626880034,0.3521819166329562,32.57433341339452,22.118398405792966,4.239852554367389,27.101352482738104,1.9907974977412392e-07,0.0,0.13788164108005835,17.52916447360666,44.50023367421141,5.33407774237788,20.45829512957541,0.00015475729987131349,0.0,95.92506325890669 +0.9411784171519687,0.15002584858905496,0.3663892420900199,180.22583263957972,231.45071350175132,284684.94126593333,2.9152796501872533,9.920302407107435,3.5917293314058334,37.83858644021288,2.726634253785255,23.13518569460019,0.5691885211833828,0.7386289434351923,599.0058490635845,63.32592486137546,0.20743235271759797,96544.09603512015,2.6337262900807348,79.33293523776142,675.0425722078539,279.5373487212272,342.76789495870554,40.23067821763726,0.3005952393368391,0.1933405127280074,15.776985827445738,35.941647291440496,2.7683465127450386,18.230178358643958,0.0,0.7222939182958087,0.07971956481694682,16.82355531167006,38.22470837750861,0.30437511627267994,20.078665351786228,2.084487364814651e-05,0.0001132097967789073,0.19804380029499072,18.863247447559033,39.72425114877587,0.2537328901308836,16.419273256010957,9.280223767492489e-05,0.00014063033626880034,0.23998237218915147,49.37861259622847,39.35668293252801,3.335938957922465,11.739274594968897,1.9907974977412392e-07,0.0,0.17851128450080084,24.52763276937246,52.993779887873984,4.801077177596987,25.769873677673694,0.0002733633725205082,0.0,120.27273438741803 +0.8627451004951593,0.2105466802535134,0.3321692557657135,39.33790473193275,188.79029352111013,316341.2645946732,4.246037029123106,46.671998432521114,0.6707750854713401,55.06872089162406,0.75547281280842,29.21312211649432,0.37896203204666445,0.8815964900109587,983.3058161919977,23.029524951233693,0.1579717106207616,155122.4751418123,2.3537036019388475,84.94531081343706,4373.575056221528,181.23814724273,349.00339426856567,53.04110808546274,0.1900202450282674,0.19391166020175782,29.98079130125916,47.260247585413126,2.8411808707732735,30.937780273050805,0.0,0.7113505280891409,0.12688028458734582,38.591356650610244,65.01674218608647,0.23967565197379093,11.358096665375317,1.6033010066721712e-07,0.0001132097967789073,0.20529615881742833,29.05514244153664,45.00053940173704,0.2414646550006203,26.983229185444067,0.0,0.00014063033626880034,0.11675061382424956,99.56918923258505,73.01697286649085,3.6994819871845848,13.590208011219225,1.9907974977412392e-07,0.0,0.2004250065452572,62.577592790896496,102.40559772069112,4.419470862562211,15.937579484681192,0.00035168542743395104,0.0,208.95327391494834 +0.9181911693243117,0.16009326174349459,0.3758813513473625,30.626578286583424,242.86173397166175,140852.33382759322,5.94083534347955,64.88463746080163,2.2952081593681872,51.621228026626,2.8230932077322226,18.73078240954301,0.4254145117576848,0.9002002407999976,418.58444725315803,50.91698069236266,0.28859906603168045,89817.72068564687,1.8397010935155387,99.31805250781373,1697.9000429632747,288.26150960603894,348.4279305164418,59.22603794136238,0.16211030922557726,0.19291822445568244,16.163585829424242,38.09410606118571,2.6787247144733906,38.34310170494434,0.0,1.1190027311447732,0.12327173421781379,34.12085688102508,65.26510628696163,0.6418769009732472,16.03689341606131,1.6033010066721712e-07,0.0001132097967789073,0.2054704075440724,19.574095722794162,41.000706085329476,0.3286234392918304,36.344182932439004,0.0,0.00014063033626880034,0.10816532610581323,76.58739227376172,68.91231231976573,4.692844087135841,18.28078306323477,1.9907974977412392e-07,0.0,0.17556837940007103,49.02044509303025,92.96231660271067,4.5504796123396165,25.86125629278065,0.0,0.0,186.98397119989778 +0.985536849267645,0.2380957014007301,0.39597385710291416,138.2764714515983,245.6381258941531,272258.1901264771,6.717400604840779,59.537358300762904,2.833703271579481,92.79032655597346,4.661271282722264,25.00634443392382,0.47118289427527504,0.98838307648985,860.9894327868784,93.66838596038194,0.23503338713679575,257901.62703148357,2.952118216712568,96.7923120823621,1870.131312773206,253.28752147281656,347.9812058000438,55.49818247410634,0.22340043920656164,0.1906029212871373,33.436207065270686,58.78616245793302,2.9768421599099217,15.688051796838812,0.0,0.6714080870322369,0.09459326624936792,25.349191675959375,50.38588304807931,0.846388729882546,16.106313887017212,1.6033010066721712e-07,0.0001132097967789073,0.20214937826088816,34.90898345501609,65.1494951763668,0.3480097312890996,13.502602602226784,0.0,0.00014063033626880034,0.3416979460786564,81.5754966591548,48.90037160196245,3.9964570004442876,21.08627537587892,1.9907974977412392e-07,0.0,0.1405656686954544,52.035582505527564,103.48938589634982,6.03231087782962,14.974201541159072,0.00018890601682912202,0.0,192.61673741435195 +0.9535926690066783,0.2070122685916916,0.34978792544675585,106.17027562559988,145.99278402479513,131595.7203123509,4.019613571995109,57.573010020160524,2.395750578510919,59.929191265317215,2.378812907809164,29.05166996620451,0.42186125966451077,0.9216463602926265,692.0968558850202,82.60617164081464,0.24889725967745782,54612.74757217901,2.2249779123537308,43.41138178028978,839.7530115076925,223.1478347873263,342.4752890401957,57.80751365681431,0.15509230609564034,0.19064009864326095,13.678783806345452,32.757957999392936,2.69118236726813,36.78087653059327,0.0,0.9190855606302252,0.09942614808281906,34.181418801456886,68.53425006529841,0.8251677347484769,11.422906613621114,1.6033010066721712e-07,0.0001132097967789073,0.20051652695124494,18.10570635439749,42.059094825462196,0.35558880757733036,31.258614789949043,0.0,0.00014063033626880034,0.15821034772372136,88.083427337132,74.07726796235005,4.578685551726412,17.668022028351935,1.9907974977412392e-07,0.0,0.16669568447473515,42.46549753703498,86.3218406777423,4.448030979596222,18.838267481676304,0.0,0.0,186.8165929435103 +0.8973322698871978,0.19848030863459326,0.4148325209134367,234.09329963479837,188.76884843839852,306324.8625079572,6.585872374340405,64.55896206751464,0.7129221618272517,17.269660888294734,2.992716803357885,21.334436716611645,0.7611338778786284,0.6831090139557225,916.0995889413973,48.89334563816895,0.09342584639648663,72712.57035147048,2.536845596371946,50.54554921686653,3420.8038083756264,278.3148604349178,225.5174970015712,48.32679481129007,0.21393615118838286,0.2009514403649874,3.161470615820561,24.67016253720678,3.252930963682747,6.692063831174655,9.073531840293757e-05,2.496471827338387,0.12480634963666938,1.659514666393913,15.060485281831825,0.8374496221944138,12.515314036229602,1.6033010066721712e-07,0.0001132097967789073,0.20888220075376498,3.1061153701026267,24.160265309267785,0.34369486732876053,5.318890325240187,0.0,0.00014063033626880034,0.3334887070482911,7.715150390741005,15.92341406728051,14.528180349927766,55.28885591504954,1.9907974977412392e-07,0.0,0.18909787511810547,3.120047348760252,33.231925046125056,6.72475485853803,47.80836922658695,6.808499119591268e-05,0.0,93.35470016079448 +0.8269765524869623,0.13257779315486462,0.39646943302604937,137.84671799368047,75.87016894594491,144617.8548982708,3.3922364651091224,21.119394827222447,1.7249069780996882,30.226020187532313,3.5906649593373006,26.591926214377736,0.31117167470411783,0.7135470527552938,491.549256466975,30.066010013586908,0.1803868286630329,63618.44271241785,0.9682830237608941,44.06687812969521,4088.0028842530282,271.68223226560383,349.68538026246597,55.085752679252835,0.3107328322671293,0.1966661117928703,7.091629572579556,27.199390847649827,2.8223496949921,62.20236507081241,0.0,0.7997442328950817,0.13173092056596586,14.089335143330734,30.26849427024964,0.5347899087435732,9.606675672033566,1.6033010066721712e-07,0.0001132097967789073,0.20889236241245288,8.120179651491993,28.338657008183343,0.31399672108497434,59.46629664370462,0.0,0.00014063033626880034,0.12321008223597243,29.143288365389854,30.69461723144916,4.680009584474069,17.747997058715217,1.9907974977412392e-07,0.0,0.21171997738223092,6.50081453283235,29.960661044357686,3.7517459031483895,23.170774016420893,7.516027803437636e-05,0.0,117.89768958666453 +0.8842070321506245,0.19798722292493115,0.3596230686617087,234.28944336295226,247.24822592349312,207795.45512822657,6.299512328571778,47.08631536126372,4.323188522624139,42.31181695300252,4.317197471811452,28.875534809256283,0.7808034858123857,0.9802845761558255,765.2804716167901,92.54294389668893,0.21258491567228438,101065.18654470863,2.8836462907222553,94.70185237848285,3396.5508200241184,133.085975414629,343.33848401375366,58.984102805560475,0.2044611889420353,0.1926754397225832,27.76873139172929,50.66121573303621,2.8586492851476035,25.14256829104486,0.0,0.7820244290037358,0.11184459287551413,36.15625439696417,61.42411630662709,1.2331990724794455,14.840492611170198,1.6033010066721712e-07,0.0001132097967789073,0.2039239778968286,29.558641401778026,57.53957052716527,0.4115841627375239,19.493136990516778,0.0,0.00014063033626880034,0.20577213211386353,100.35383460928891,73.47517361454801,5.021704327450211,14.3617760502033,1.9907974977412392e-07,0.0,0.16856123380661986,25.827594074166832,101.5390382271586,5.58513710345136,15.782466825551213,0.0,0.0,201.99968494935558 +0.9473343537869616,0.12649395548141748,0.35868712768874655,14.639755720575025,153.22457193685642,133990.20942523621,3.261651382829292,58.94162366962813,1.437063083553648,17.684118116914156,3.7526310510141694,12.722580080119373,0.41313172085808714,0.9464819140013936,489.34499608760177,39.09170106635709,0.08589223754112969,73229.71207072341,0.5544068379274618,60.639451753532626,2186.397671210491,173.76150262806053,319.08633923026514,41.99777895641688,0.18953124730034043,0.19530122733274308,2.27884109499871,22.65276786162526,2.4711357942889625,53.37660205912805,0.0,1.1335519972137829,0.13627319516563677,2.5953687202660967,17.739778113096538,0.2355618316724581,5.1771065881121014,1.6033010066721712e-07,0.0001132097967789073,0.20899063059034673,2.6190243319803326,26.217287529331777,0.24290558766936457,46.598397534330395,0.0,0.00014063033626880034,0.1525908619978061,6.935791494928,22.94867995653047,4.826607623053888,21.133309974339433,1.9907974977412392e-07,0.0,0.21041341879582554,1.4459557854631624,23.31286132442114,3.8604210474833542,21.02640372634328,8.884959633534633e-05,0.0,92.9310690601501 +0.9830699639935483,0.20912205679442036,0.34981426952739075,105.09898650918609,245.5381665681331,205139.69097159893,4.177223341553008,88.49610052200116,3.4675247080714224,41.10640897068575,3.8390173874088607,18.06524154207922,0.40821132031615787,0.9562077951615201,530.7970560463197,84.72611248200315,0.07008868705602544,91291.94373429981,2.225854925533647,93.56782622501773,647.858673883947,250.2307692877706,347.46603795998254,54.84730840393087,0.1578074590090514,0.19475802081659715,27.480113842398453,45.968936517335464,2.6215862984654623,41.15309524615541,4.588324475978896e-05,1.997954807114265,0.10679449463171586,31.30908631884147,64.53731227846026,0.5988264854608457,17.637936806633192,1.6033010066721712e-07,0.0001132097967789073,0.20450382078554644,23.16763714139324,49.113684397491376,0.30890018586254153,29.453288872486336,0.0,0.00014063033626880034,0.1075265748174913,86.30617026792724,69.24298928543351,3.55770798606348,16.424179391131663,1.9907974977412392e-07,0.0,0.1642200263171954,57.70430249516528,110.26928600659512,4.743886245266141,23.19414327321913,8.118337126152732e-05,0.0,205.964723980486 +0.9645571303080257,0.1815045768131612,0.4411767648368199,202.64860987856068,212.6109036466177,325339.05436081346,6.915998886119457,72.82860146598247,2.501570043430566,17.323582294948753,2.870261220365323,28.22300834371009,0.7785329414176265,0.7013084893611329,944.3863922275377,42.648486732576366,0.3414187469872147,71727.92482733958,2.596336248560287,71.27700532168717,4886.45599699517,277.19335944653926,241.02097759456726,50.14441180724097,0.24855390682851203,0.18326950746376408,4.622196294950933,25.91762905026563,3.3540883354923308,11.117182642679268,8.317027746786065e-05,0.7328200567986776,0.12953628921454668,2.2359002606844673,13.755547209936955,0.821398194330343,15.4684362210326,1.6033010066721712e-07,0.0001132097967789073,0.17003329567978245,3.3082929207992784,25.808610535574317,0.31070013258252643,10.98933191244239,0.0,0.00014410350517884027,0.3410945466180458,11.376431660383632,15.678194161364182,13.87234186715834,54.22964305877441,1.9907974977412392e-07,0.0,0.14676639033773448,2.733413802285276,33.8581999209441,6.902027859253621,51.326940186072356,0.0,0.0,96.98042983444586 +0.9819898030589577,0.14263660223762062,0.33238607973004636,233.32179089312007,158.71095741243656,154248.06932401468,4.683221506208514,86.14599572754433,1.4810070145257157,58.647828933623174,1.2840656063247737,20.925549517316433,0.3752315187086447,0.9839319969240492,756.0694120973159,96.19255267144266,0.06515285406355781,254165.1136070998,2.982276617535992,21.40543192568968,1961.3096388333956,108.14239873183249,340.28709692603405,56.66240045378991,0.31518192827013414,0.1971085928515285,38.821845019616006,54.74773948961261,2.6947828378629923,19.228901390758494,0.0,2.86061510131488,0.1290534443725658,14.719768952431856,33.276890628494286,1.0780768789610435,4.06980742555035,1.6033010066721712e-07,0.0001132097967789073,0.20300438819477362,28.705918857634277,54.52564424139926,0.38936299123930435,10.477016889934012,0.0,0.00014063033626880034,0.3175136532834101,56.336925130662905,38.82974709690981,3.3282420090784965,7.118789957708136,1.9907974977412392e-07,0.0,0.19300985577976562,30.040982414481768,57.977288420798196,5.105892762053673,5.811805622462043,0.00016506075846894197,0.0,138.5844558086214 +0.9647478883489862,0.3078012563876422,0.44615619416828756,180.15284231958043,217.75946654723788,343129.56317431957,5.790939789925378,60.68200234844746,2.748012192887518,70.95346093253922,2.6410762372269097,25.62870590232355,0.7812509006455544,0.9404240768660125,188.9667633923769,18.400773487023628,0.09244225131463386,212238.0541362084,2.88499739284769,89.0805445987935,1427.2235632839613,267.23298864276353,223.0851794062274,14.72546487109246,0.34356920029859783,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.12988816297721617,2.3164507101748266,16.342033746917227,0.6144542812884402,18.350762325177026,1.6033010066721712e-07,0.0001132097967789073,0.2067233630913055,4.114406873593654,23.37065437016071,0.30409651896508044,5.493118203440251,0.0,0.00014063033626880034,0.35003852773644095,4.987859986227857,13.960992780358207,19.676048102229284,60.678945680045935,1.9907974977412392e-07,0.0,0.12186945937542669,6.891320284032551,33.493894007091676,7.823419199754147,34.840294172936694,0.0,0.0,2698666337285.8823 +0.8652332129838197,0.1404816636654702,0.32053617746767515,47.51208666348161,168.87487895736683,114224.35783219946,4.220621577021518,39.994720749890284,1.8889320249242345,33.757208417017964,3.2322625761374626,25.91285952284534,0.32688462632390447,0.8820339351605778,974.9466867822857,11.242183049756282,0.20419713110596205,71652.80953617717,1.9518007574586052,77.34777999104486,259.97172208663414,134.86202160145464,346.7338854088882,57.88588281430175,0.24367203846220875,0.19241498671212814,16.692892302315673,33.515818489488964,2.8726649514672626,46.87182467102483,0.0,0.9873044173373831,0.11921998853766545,26.519788099414352,51.30915947455468,0.7061381850027074,14.5725777676971,1.6033010066721712e-07,0.0001132097967789073,0.20241981466539236,20.11183546203315,39.1782469887321,0.34034084122419833,42.5114223656425,0.0,0.00014063033626880034,0.08622565852887437,61.7263962445119,54.819854320835844,4.907793092882041,17.120207670225263,1.9907974977412392e-07,0.0,0.19482371966974377,38.7909929273371,68.27768028988514,4.85207848486306,22.88151227858143,0.0,0.0,157.3215883019656 +0.9570744931024545,0.16334886079223782,0.35797591516732635,51.36918066220145,149.75356202138593,131294.2564524454,3.3882675417376795,19.758973365912688,2.640884007608284,38.879754892744955,0.28099524162297684,27.9550296601596,0.4709665346283836,0.8081615279504892,247.3473019751638,17.232971963705772,0.2816320803164166,58970.216532855426,2.7727762302796775,59.58077463592328,1409.1331839362074,162.82133314616812,342.93630514802555,56.57221362354041,0.15989861631664593,0.19099501635966756,17.01282284899813,40.23321649123426,2.8891303205159176,22.406973243003023,0.0,1.274368052350936,0.10022202654191363,30.361356460837648,67.47379774143872,0.46695777848828046,18.081804724731214,1.6033010066721712e-07,0.0001132097967789073,0.20272796390464398,22.86982815195942,45.65395699092774,0.2971420393035673,19.313412647839765,0.0,0.00014063033626880034,0.15456306338888978,81.2605397979394,67.93669321346728,4.707981342650921,17.953901626442534,1.9907974977412392e-07,0.0,0.1875702656680686,49.315606112816894,91.79522539131773,4.890407745566545,19.52751660632581,0.0002411585847650432,0.0,184.47019233793765 +0.9638972135291876,0.18589362804752915,0.4079693284477765,234.46619559562657,177.8108297679354,236619.24884668953,6.203028146429855,60.52239678869626,2.4941386243505406,95.73888388647569,4.754888204222657,24.805944584488397,0.4268374589735528,0.8750899210433459,908.0045709819852,91.84304796599685,0.06092419907377482,206648.75348282896,2.948905165672185,99.8037732287677,4801.505008171227,283.2795405700345,347.42335195694636,55.61171654198884,0.34660189284788295,0.19710316826476004,39.840425630987326,56.33599988543694,2.9253813856295023,21.989921720881167,0.00019605698835805776,4.229038562979268,0.08951631863825417,16.471187843129552,33.96118675240807,0.9881453904878661,21.370281723894667,1.6033010066721712e-07,0.0001132097967789073,0.18672407250949224,26.623029801662966,52.36491849829422,0.3714159783236991,15.200829508844718,0.0,0.00014063033626880034,0.35193200481215847,41.424754262269964,25.461319627890248,7.435234335343793,42.77628877692199,1.9907974977412392e-07,0.0,0.14783487095595602,25.649154902658363,61.77873085506227,6.162482386938889,17.04534197795464,0.00013642959522239023,0.0,141.02491112416357 +0.9864591878222445,0.14424323309734055,0.4218665088592939,181.34521821326868,163.52884443549877,285288.3491817941,6.920607359498481,60.847296692216744,3.7497488048501775,20.647675572585065,2.7982279778394124,26.433127138943302,0.3232741186458742,0.7670500042812016,6.674970084756893,1.3288034458772913,0.14158794302720187,147142.84047406522,2.0590687873880165,87.1252025664519,2586.0811857644658,35.74712293261611,253.68435804169525,58.97978727803198,0.183122518316794,0.1937031943550769,3.266453510385717,24.969265615951947,8.051387032187426,3.5624976804434296,0.0,1.4118718959559977,0.1236156147130779,1.9856514966592191,13.95330298025895,0.8206543791260122,7.686277560820584,1.6033010066721712e-07,0.0001132097967789073,0.2045147381964935,2.357814067858581,22.67947017792215,0.34550621853013896,2.374350475365568,0.0,0.00014063033626880034,0.3487093104941086,18.911540857056487,18.24399811610665,11.04104787116818,44.13068337106931,1.9907974977412392e-07,0.0,0.1809125944909089,5.9839917320731075,29.349007853828372,13.821118517714934,12.679996917591746,0.0,0.0,74.20813123976168 +0.9498118764776831,0.2501144298252038,0.4019643928457912,221.10687775725074,220.27099092723856,343454.48867682554,6.438461212014894,79.24501607211555,3.6085450577041183,99.87511222088638,3.8358469842366074,25.594053988355142,0.6936785036716262,0.9978136960477232,814.8217167790496,64.53384223497042,0.3382572303135081,68299.79785583781,0.7839881551398127,69.57896902248032,4666.574247087816,236.77788685745935,349.1729959247847,57.92722747035237,0.3213930339766176,0.19096021661340426,8.697027782213313,29.62770925941472,3.287901450303416,66.7809476207899,0.0,0.7229270289368132,0.13105789149771568,12.858548113287094,32.31353399162005,0.7575080132302386,9.616418477193514,1.6033010066721712e-07,0.0001132097967789073,0.202396383363723,9.046607073055227,29.145425180376897,0.32731619957604097,63.233809489046436,0.0,0.00014063033626880034,0.1391878505018689,39.51858879502301,41.504352648084996,5.129358321915548,9.485233985646753,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9352433008949685,0.13838599006050958,0.3248743278355798,161.75270735241634,58.30044366364886,273439.70594977017,5.861168698903139,79.58120865931838,3.054154462076596,62.392114353102734,2.934167186273275,24.520586918402635,0.3422185978869321,0.9783746819100723,619.2665195947318,66.32843076434386,0.10181411314366659,77768.92721824149,2.438301037971591,50.553208339136006,2812.808015914805,115.68808689891249,339.7520040438068,43.605566566117325,0.2604893863323906,0.19605248370024458,19.88512171665352,35.25733218953036,3.034097176009693,31.121021494208012,0.0,1.8383182461874148,0.1294494815669564,14.79726807842536,33.542703968725654,0.43218779021510134,12.262536924734958,1.6033010066721712e-07,0.0001132097967789073,0.20105891591342473,16.699317763826226,38.36242899764939,0.2969123615733782,19.746125829789232,0.0,0.00014063033626880034,0.12423885146032719,51.87955875141021,45.066635076426074,3.558037912183405,13.685927685202781,1.9907974977412392e-07,0.0,0.16616287133565058,29.990976291791632,58.14677323072711,4.88290594015468,9.046625815977581,0.000378824759218241,0.0,124.75397170048451 +0.8510152062025919,0.14424323309734055,0.4218665088592939,181.6124991348624,163.52884443549877,285288.3491817941,6.920607359498481,60.847296692216744,3.5076982193085673,20.647675572585065,1.9133662054886769,26.433127138943302,0.32694793233242303,0.7670500042812016,39.05329561828256,1.3288034458772913,0.12397889339526533,147142.84047406522,2.0590687873880165,87.1252025664519,2586.0811857644658,35.74712293261611,253.68435804169525,58.97978727803198,0.183122518316794,0.19694315468512494,1.9304478344015013,24.566493070396497,7.898328022740482,4.005938779885148,0.0,1.459304608000382,0.13079673987700283,1.4835431555358614,15.415298792035603,0.8210671325323339,5.314020542781931,1.6033010066721712e-07,0.0001132097967789073,0.20704891472921286,1.5666144613177957,23.214094758777502,0.3455642716837132,2.4183453798032906,0.0,0.00014063033626880034,0.34141876878513255,21.494355390303824,18.770864903599936,10.461667645472293,43.29932061827884,1.9907974977412392e-07,0.0,0.21701685702896686,4.1422460742659135,27.273712193496223,13.459742540370087,11.663818264828892,0.0005207481894519266,0.0,73.35514413234068 +0.8934923561001151,0.1844987387059384,0.4496385497528927,145.59673095841697,116.35445241778271,308885.63159963704,6.9032649940753,88.93819990246347,1.8616478939022607,77.64018661719884,3.7256863139606757,28.554990192404997,0.43833197293745235,0.9233992825124965,266.40238813635915,65.60915071883795,0.12095181695757583,60573.98197654101,2.8306710979936356,99.8965675058976,4489.504686921906,200.90185954528064,339.1487985205971,34.200421976928496,0.33546677907686023,0.1865396275231695,14.795733079175585,33.26717232413976,3.5566039177747992,16.194070649789964,0.0,1.5688130812888943,0.12548818602701894,9.685920353937853,26.975218308661827,0.6108577563229752,14.353732668507861,1.6033010066721712e-07,0.0001132097967789073,0.20133111404529544,12.980717413643426,33.021657864587745,0.31494771402410393,4.945377671363272,0.0,0.00013677607600523397,0.33547755459427653,38.417376798310684,27.65136968090467,7.119814554310827,34.32193392239803,1.9907974977412392e-07,0.0,0.17523315921990162,16.518877672986623,43.431613600316865,6.903953107471667,9.411318029854687,0.0,0.0,98.38279468409594 +0.9464824030920475,0.1553100662121683,0.3580863546282096,10.88567037760464,233.04615768735928,329468.48316810373,6.523848574794107,73.21832205513047,2.1432277091885004,30.105303028985283,3.2322133075050163,26.581339579627436,0.5189679152098075,0.9518654823069285,398.7516765496326,94.24385914817879,0.1133659730985998,65616.44349961098,1.9794429850365107,51.0049984524684,898.69130702704,220.28779139050886,349.5747538768321,53.82927523847771,0.2377742616625027,0.18849438011085548,16.24462011343449,36.543110561794045,2.8519246403151697,42.77079058842654,3.04233213932498e-05,0.8198023752065827,0.10575108593258589,21.262684570258923,42.403074058929825,0.3550452814024567,12.321454379689026,1.3738565255027441e-05,0.0001132097967789073,0.20315511705315767,15.281987541255415,36.29131987835556,0.23692986995341322,36.775667468157984,0.0,0.00014063033626880034,0.10812427878685348,48.07022251125517,51.70611150755069,3.65101455638876,14.670749593080776,1.9907974977412392e-07,0.0,0.18019946554234603,33.47186754427283,67.87076435429381,4.088501471335739,19.847296873286034,6.391022072845924e-05,0.0,141.74979062411458 +0.9290176392047498,0.15433795757639635,0.3474673954811996,137.4755621212816,219.60300622284035,348367.08978298225,5.178415183687352,46.93748387181149,3.361027469567113,44.45038320330452,3.8539105340903532,7.8982352259827575,0.313501547943677,0.97160280988,918.8895558743718,86.71853617064279,0.2073632469912517,64596.98294759886,0.9534801137097891,93.56782622501773,1211.718133908061,270.62608552595117,345.4208385668535,39.343670128653955,0.18372122393712775,0.19787013489711905,7.685390542810628,28.870535449655527,3.0722602258200267,60.77853226288273,0.0,0.6034795635211562,0.1400933802487868,12.468947889643704,32.736921600216576,0.4509012080009823,10.292458564172398,1.6033010066721712e-07,0.0001132097967789073,0.21057475673158643,6.889502113238875,28.0375447661948,0.27766808155923867,54.406936449503704,0.0,0.00014063033626880034,0.13310815201033224,47.28275584318275,47.90859214791105,3.1108577590669295,17.281414220055584,1.9907974977412392e-07,0.0,0.2197322136275137,15.10545049364192,41.2540829790358,4.980906655106642,21.334767011417842,0.00018302619253009148,0.0,130.2801882427833 +0.9171350199091318,0.18708160148527703,0.34297521503613654,226.5479396765101,77.53888608551127,291362.0158070449,6.270742624307479,50.12531332866054,1.7086553312189323,92.03737074952859,2.8639288372689817,29.78457858837238,0.42340310136991843,0.8231581690790148,762.8466725076439,92.54394821402077,0.1733685840001829,141434.4022200765,2.7190933062370077,99.53013673681579,4336.11880140555,290.0826805104247,346.5552213546616,48.30743000495661,0.24407469440242974,0.19081060156744328,30.25103840553299,50.972344207904854,3.057639436879176,24.44072097777856,4.290804733283942e-05,0.8976474948750318,0.09329922896413448,26.17189738740722,45.810221957650164,0.5464931930906967,17.936503331347595,5.97346275408598e-06,0.0001132097967789073,0.19461368806891327,30.351444274074836,53.16289120933201,0.3104363443966922,20.571466829256877,2.5250286128642546e-05,0.00014063033626880034,0.19606918518230626,80.55571325692149,60.136680831428805,3.0228935010849027,9.838290218537264,1.9907974977412392e-07,0.0,0.14770329034882018,59.18369161434761,96.08994344781969,6.397790043689867,31.61931098877537,0.0,0.0,188.11052801914087 +0.8819397643757854,0.14831095165314395,0.3968925487291628,163.1096877126857,24.193593689584574,210423.50316863364,5.5884411590085445,34.78284208858124,2.89933091637815,82.68080858638248,4.428604244166412,28.471786357078972,0.3299353461249741,0.9759144146295393,849.0043621173264,80.55390808727829,0.26051285197908874,80190.74684591066,1.081695639601846,58.913089584314996,1300.1547399649367,151.80839875626174,346.9415441726088,49.89690935474769,0.29645370224439926,0.1892171416111333,8.83067712483536,28.16624641221348,2.7197759538141404,49.98785972250075,0.0,0.7500936365403075,0.11894147010291609,13.697973045950132,32.08582448216355,0.38526867867158454,8.116501169961822,1.6033010066721712e-07,0.0001132097967789073,0.20121529309751224,9.433393514628513,31.36844286478012,0.3070711793951257,48.20755063280255,0.0,0.00014063033626880034,0.09585541021324415,28.430317292937758,33.77953729397076,4.250181573420173,16.761388211829253,1.9907974977412392e-07,0.0,0.18711913570866615,19.02184226095675,40.932028348348204,4.428423666845058,18.89848659363023,0.0,0.0,112.78636118061297 +0.9197335804314307,0.12399897105183756,0.4171938122072786,241.30414748879804,33.569959148529925,339759.7927369972,4.044367550106154,88.2535484340577,2.9978105717286496,17.649541198701208,4.469623363354644,24.92304320503133,0.42974688248328685,0.3503434619507392,294.2317092506148,24.627283588624763,0.1306872187930506,71147.2195527114,2.737485097835261,97.51432813715249,3469.9338511365368,83.22848170817629,255.83011506033816,18.732612675878745,0.3335622492835046,0.20080703026270763,4.653572186142825,23.793215956577214,3.5607444670976744,5.838916713138045,0.0,0.911589480181087,0.11002312740526887,2.2179508710762312,16.503532337375653,0.2242367143051443,25.18706708365787,1.6033010066721712e-07,0.0001132097967789073,0.2137804609097064,5.75761070104121,23.677494217684377,0.2463616113745009,4.386725640043395,0.0,0.00014063033626880034,0.2700426857386501,3.499566232152259,17.428642281755895,11.280477242905661,53.44865319305519,1.9907974977412392e-07,0.0,0.20434526235320147,6.149593585496082,28.777775617838763,4.437303044248975,39.075801157465705,3.6245438354697135e-05,0.0,88.72986473784566 +0.8942267488179653,0.19577808293962629,0.3968777622820688,197.0614699704993,200.06598115620972,186257.594751973,6.656973059648377,64.27953330753328,1.8609022048233859,30.163167688183204,1.960362678062653,8.804223203225158,0.7141036002413053,0.45972189055015933,984.1702460323621,30.588843744596502,0.3179343802226434,63395.20272785229,2.900704224669222,99.01350027931977,4453.123601320123,115.87277669542372,236.57929360657798,43.718300859320166,0.22440165193012407,0.2012845891630845,4.737628159222277,24.304714481845284,3.1167958939208376,5.173931697840952,2.7795028026284413e-06,0.7782894357633031,0.12010648343732819,1.9217684927656788,18.38716250253424,1.252140854778559,24.079533483166955,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2936099861883806,10.543047508270826,18.164926337046243,13.66096961258126,54.28863031952686,1.9907974977412392e-07,0.0,0.21268938238030327,3.5575234298691663,31.183786313983422,6.2516854387996625,45.89662198962545,8.43525659316112e-05,0.0,2698666337285.8823 +0.9810842280134661,0.14800124573902285,0.41833317836946354,56.518729755106634,89.68666674932493,132671.8255105101,2.916497614312487,45.2934233579579,1.6659890614221708,33.55355387175397,3.775436245329554,18.63089750723704,0.3981078743583448,0.9191881586357614,893.4361303446942,17.703608602297688,0.10472761800361631,52961.36444508747,0.5593483465728757,83.42623936180229,3345.050284585459,175.78928272458893,349.4506057728228,33.56190722665149,0.20919509256057586,0.19423849710721883,1.0536883226308904,23.307444081853536,2.6916245013133846,59.962148655886615,0.0,0.795430256773707,0.13586120939580346,5.143443544836309,22.814570173501163,0.34274150676465587,8.819423466304706,1.6033010066721712e-07,0.0001132097967789073,0.20578198140153148,1.5609959208929103,25.036517497871497,0.2777503554047465,56.66290182993755,0.0,0.00014063033626880034,0.14468079565817513,15.70415925651982,28.8066667145637,4.78497057654735,23.31368343334582,1.9907974977412392e-07,0.0,0.19826313585399855,3.235848192284921,29.45880155357874,4.400446857751735,26.73720380984774,0.00017558569051786524,0.0,108.94094631367037 +0.9537961544162856,0.2070122685916916,0.3491956320242301,106.17027562559988,231.33073548074415,137799.50608648793,3.9266004402316694,61.10877997373737,2.395750578510919,95.88181570973305,2.3591787002095272,29.025003179072876,0.4185627575250649,0.9216463602926265,648.4518444747217,82.60617164081464,0.24452371986848542,54612.74757217901,2.2249779123537308,83.10334017934045,839.7530115076925,223.1478347873263,342.5590129359971,59.715195849486214,0.15509230609564034,0.1869679275367078,17.258668422105544,42.817399385047814,2.664528230699853,38.172468412934364,0.0,0.9091628741433211,0.09147895150674626,36.399389901479395,76.95778492272908,0.8550700950371857,23.574320274350697,1.6033010066721712e-07,0.0001132097967789073,0.20030324905549649,20.48234010883866,45.68501512215085,0.35598327651648703,34.32031556194214,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8420984467762905,0.13842394183154666,0.3251402849790584,91.19009590279681,97.7234210240681,208061.531436746,3.798273686914631,13.292916737382852,0.5450295020748672,18.330913827077016,3.2089805107756315,22.350741295496768,0.3933435779026484,0.7940406009444637,690.813691459743,24.486537187508166,0.20450759187377482,70224.98417497968,0.4907278646556168,68.35878501446886,2548.619892658842,260.7680128338772,341.3956117208619,37.8790980576588,0.24037095546600332,0.1957187304790482,6.835139316146564,25.939361893881653,2.752152748723653,70.17535158615381,0.0,0.7751699422868318,0.13454384896942675,11.482280890162341,28.026365942146366,0.35051691567088306,8.409463385435158,1.6033010066721712e-07,0.0001132097967789073,0.20821492283747486,7.91163367365169,26.59549599639149,0.2752031934584029,66.19048023585323,0.0,0.00014063033626880034,0.14735081799477467,33.753262530238096,33.53931257641041,4.365673390262432,23.272638653684396,1.9907974977412392e-07,0.0,0.20320524140301557,4.865031467449702,26.452482214244704,3.707913192737151,22.74253007152035,1.5537296284321114e-05,0.0,125.98029978115498 +0.9464824030920475,0.23534686630975923,0.3580863546282096,10.041540519805821,21.412851482723653,272614.0622743806,6.807789983629231,73.82126763515805,1.8369938751758834,50.85515845087825,3.2322133075050163,27.092123067932633,0.5370087922360749,0.9265490789219735,521.3729962644583,69.74629597624156,0.22518076366141832,66176.0405504628,1.9794429850365107,55.580039686226804,933.1278114538649,269.1250034860456,346.7213567391045,59.698104323484195,0.2305470272933039,0.1907656543827665,14.50483517501239,34.61268270519285,2.6055678476745525,42.8271108197368,3.025542663928799e-05,1.1031729015255487,0.11598846186161789,25.149859827554433,50.72506794681817,0.33176506518437626,14.37715600479842,1.6033010066721712e-07,0.0001132097967789073,0.20125228048747906,18.278023444867184,41.64689639946021,0.23773556175224872,38.29204671533802,0.0,0.00014063033626880034,0.12143153360112535,65.3092799091021,59.17806013805065,4.0366230020324485,15.915251205527918,1.9907974977412392e-07,0.0,0.1946138646163988,37.53074496423778,73.24359407055958,3.995715799415851,23.748565150784554,1.3560389919056236e-05,0.0,159.96268912793184 +0.9745020485680417,0.1614046668089099,0.35797591516732635,138.78126386676374,244.975139713212,332064.178575267,3.774043196955831,92.11247963470758,4.597499070997113,68.45117066244086,2.3708786593461815,28.7767176362234,0.5397554134124529,0.8132023148224959,292.9498523873444,38.65516442361459,0.28010833647849187,292438.4196463404,2.9042000075831873,74.8425217257191,3178.4408432350283,267.9877810821758,349.69785174011724,56.61929453063928,0.17285704468985824,0.19133133547964606,33.97905811584156,56.718441763619325,3.3301049614818523,15.910560310488412,7.853293937521452e-05,0.89342395543973,0.12727198166123488,30.412659261203693,56.19036033520798,0.30903722441702614,10.213215391032607,1.6033010066721712e-07,0.0001132097967789073,0.20686646153004115,37.977499897735136,62.7714682591683,0.25543647277548487,14.494953777374983,0.00012273575345676403,0.00014063033626880034,0.13089823588036784,91.87319359657585,61.27110562720693,3.267124057181454,5.715373615687855,1.9907974977412392e-07,0.0,0.1937768559476669,61.64371303307235,100.77983336408293,5.165043585212168,13.798121824994864,9.864224872202537e-05,0.0,202.05917476367193 +0.9658508812135305,0.21043473598967544,0.42953352465567785,227.14485489125917,213.49966738836446,275442.4668480578,5.095105101314612,8.019186534402664,3.387009147952209,8.332995097047814,0.5955798231681968,17.27254852484321,0.6078155712092352,0.8025435177483775,282.5574598274449,62.217659039372876,0.33073028515516795,67097.03343033537,2.8991659742431546,89.9004204174746,519.0685275244252,228.0516791420004,255.65751044305526,27.151497349101213,0.19089555845837547,0.18717274796574196,5.7361164894487695,25.78902635861856,3.279597859880863,9.580671959809916,0.0,0.8816864241851611,0.1221471725348292,2.1200600251330184,20.06854411091544,0.7479127962912833,23.238030568723058,1.6033010066721712e-07,0.0001132097967789073,0.2007800270289206,4.369368535256635,23.89639695385095,0.3268599490759466,7.793071259640927,2.7840391219773294e-05,0.00014063033626880034,0.34722570940380215,9.588849655271744,15.349696708845737,13.49862832786048,53.756250786358684,1.9907974977412392e-07,0.0,0.08759742031545674,3.0579302451763564,35.6876388484025,6.864872712523766,49.62770906823761,0.0,0.0,97.9428074365362 +0.913328974321333,0.21869810132342976,0.3637645295705524,226.69729300892016,247.0347740599962,248687.25997730912,4.354823356977885,16.888491497392316,2.9884346290779815,34.70997966556151,1.7141529088135827,21.043916236462703,0.3675504190032133,0.7501042076502378,908.9609980071085,7.673251074076838,0.3142207180994822,113140.97976625459,2.515098125837455,93.91431978233746,2171.4445087524164,242.21579709982063,343.2140207137702,58.31772333306995,0.22829553867580712,0.19435864067529268,21.759919134428927,41.25489151732482,3.3893773995568326,24.754712930824486,0.0,0.9579815738012514,0.11671107669206719,24.07485790360527,51.134802315893324,0.7463604507414083,15.63004030591554,1.6033010066721712e-07,0.0001132097967789073,0.2057391757935931,25.61236448137883,43.91654579261251,0.3249286953098238,22.142437436054212,0.0,0.00014063033626880034,0.14732333191701116,72.7393117787468,56.279377732528395,3.37992430384086,7.319675075293417,1.9907974977412392e-07,0.0,0.19223366202500333,40.91838029506339,74.01681460550515,6.548679348970071,20.98547568522677,6.379528130758878e-05,0.0,159.60745826843788 +0.8437669930655459,0.14608441530555913,0.3421389469816983,28.43571126628298,212.1730059169352,339044.35365128424,3.8481944031164828,10.601718940750828,3.8329027901615786,63.104371572641526,3.6677604484742243,24.68126317474827,0.3690150486968355,0.9809342344130373,310.5791376624643,3.4606820269295575,0.114600716380541,64896.11722003869,1.0394647485408126,83.78592881526448,2516.7370934208625,234.46371532794024,344.1542372836185,52.65181886870543,0.2452759939927186,0.1930045483767351,12.375593993068383,29.64529179099926,4.0178384669332905,70.13016743155153,0.0,1.004029040994561,0.1315696738486677,17.327594762261366,37.653162609855904,0.3380591500812914,10.84180893681369,1.6033010066721712e-07,0.0001132097967789073,0.20326984955604688,12.742571184641971,32.93453574029104,0.2363229827695055,66.42504648384475,0.0,0.00014063033626880034,0.12632051435241598,48.55710945832563,45.3248004779159,3.989963905748455,19.806974264205945,1.9907974977412392e-07,0.0,0.2027479868770538,22.667565533463037,48.962675994762336,5.823047906254386,30.02552474232498,5.472485857159287e-05,0.0,148.76013055583005 +0.9169737231277167,0.19188565774375635,0.3276368980147683,63.23012215337087,157.4436699951733,308658.77593842056,6.5972187143881165,75.99035452701597,4.202418477547615,47.50149018318922,3.8526657170372127,19.048079989504632,0.4181058313084772,0.8873649565087031,883.8166709033485,62.16594307767752,0.2834247544235663,236871.9691243068,2.5238922666683825,98.90269706975351,535.1447344693047,294.2198455205642,344.119113132082,56.39929030802351,0.18149789659399274,0.194730863803215,32.27665046474601,52.89986033665116,2.9921450612380913,20.813577654727712,0.0,0.7354411749985779,0.12674361501495554,33.62123350408256,61.105822324437504,0.4113941257746065,12.963274297631065,1.6033010066721712e-07,0.0001132097967789073,0.2058352922062967,35.17019946663822,59.47937327357836,0.281409585023709,18.357997238879154,0.0,0.00014063033626880034,0.11056070451851184,98.86270217628876,74.47922930400814,3.2688355311550565,8.53368093607687,1.9907974977412392e-07,0.0,0.19352697120867338,54.29519790592297,94.93264273234593,4.809423219546037,14.130693459493257,7.107131441360008e-05,0.0,204.97527059136775 +0.9814477599832047,0.17620188474094253,0.44971148638734276,206.53955004673213,143.55948677087622,349268.27990034,6.334379588921981,57.40471286067964,4.723454463854648,57.8071771737094,4.745893340827097,22.110825996777073,0.5906644349301348,0.9506000767980944,965.4587948295937,86.5335410576532,0.2063581465664949,96618.84917861466,2.837626536307752,79.95799151355685,3856.984663485022,184.93127141172937,233.33146030602686,17.92432648722827,0.33428325478716525,0.19064073306770885,5.204162664730161,25.516726798395023,3.2123991529718405,8.288106523368892,0.00012988137966373788,0.7162913228575655,0.13139929044352022,2.713107526255866,18.77132458707529,0.5919269167229976,21.76385401072725,1.6033010066721712e-07,0.0001132097967789073,0.2029620658169377,5.473518149920646,24.499669309120417,0.3054000299144445,6.310853423904997,2.960811278586923e-05,0.00014063033626880034,0.35578375365576015,5.1676947795520505,13.737880785525535,18.927789419322647,59.91426256135095,1.9907974977412392e-07,0.0,0.14280277759456986,5.107512686605643,31.987869921953862,7.626584732960085,53.20663050489052,0.0,0.0,101.80197297215467 +0.9823356919634256,0.20033860425696115,0.4390116360343959,219.18808221804568,94.93398073725562,234530.84393790722,5.569486989771388,68.84748667604393,1.985518622314557,10.548655934476084,2.7045325927297243,23.079081724078282,0.4397611531668965,0.7857895149285793,690.0253663578565,5.889546446960924,0.1033665998587011,71096.05634432739,2.9354764782230194,92.71988182104066,4119.757053741958,129.67443101412317,228.69100254248787,26.245099004387345,0.18461900478861937,0.19523243393789097,3.371035739711108,25.950660866018886,3.956254477901116,7.012232132889291,0.0,1.4158457920611964,0.15021310261979887,2.3438217885841337,20.249130394167757,0.6778712201014231,24.109361672645672,1.6033010066721712e-07,0.0001132097967789073,0.20792568638832107,5.280786291209369,23.84635368759272,0.3303044641238738,3.918456990332601,0.0,0.00014063033626880034,0.34741772234848195,2.8188401203645443,14.142251590860502,16.837523372790727,57.83831230823886,1.9907974977412392e-07,0.0,0.08673802338862661,5.91840404901305,35.099042653093015,7.862888584705509,52.82270037556515,0.0,0.0,101.57192421334831 +0.9848182766913895,0.1928558597863062,0.39166536504110766,172.56110564443742,112.90141340901928,333460.1679916125,2.260226407290285,93.09391944691151,2.307030797286418,62.68195051027602,4.339305211646645,18.683922546895822,0.458071747722623,0.9455593028522342,803.3906164139919,69.5239871955525,0.26007102398995713,71885.10383461895,0.5748149188812115,36.250753391921876,2708.7408353324186,257.6127260346578,339.2058261432957,59.4092737502029,0.16673349166746254,0.19175683375495986,4.603637673495327,25.892310364710706,2.7885979803468253,67.09091563621624,0.0,1.0132193859764134,0.13496685984894308,7.947216667670714,25.52079313980599,0.29612674254432014,9.583861519021495,1.6033010066721712e-07,0.0001132097967789073,0.20693756974123179,5.543677832760619,27.116050703193043,0.23584742484626062,63.42897181351239,0.0,0.00014063033626880034,0.14442830210004856,29.25058516547245,35.82416510534786,3.6123487679466635,24.14712636031926,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9142487592183997,0.15359278196149911,0.40348390396502865,212.58111902072773,22.533623402203062,204808.7466096311,5.576292430745603,32.3912036995363,3.837118208743262,35.37366617710897,3.809211530517936,23.03759127767784,0.5077616941183796,0.5235730497115452,611.4275881955446,58.16257145181787,0.18647799793255898,61765.35828607669,2.636330538912368,74.3927441799361,2178.1657275755865,221.84084299965699,223.55379598881498,19.792205180469274,0.16330662678715618,0.19603782062814606,4.423254155855865,25.875855237888725,2.8926055108104105,8.40307662272951,0.00012960651233808517,0.7446944744929765,0.1318545367384927,2.310154175127926,15.197866240237014,0.40114411027881397,18.28908934219874,6.760209037097532e-05,0.0001132097967789073,0.20761899522765442,4.5706538559451095,24.67498481045014,0.3123522402900219,7.272205502924811,0.0,0.00014063033626880034,0.3161704940733665,4.160490246260711,15.585098028683571,13.080936874471687,54.66325248749663,1.9907974977412392e-07,0.0,0.20134596574336658,7.293647641587115,31.262687892198894,4.825723314250333,49.707365984460694,2.5828608631143826e-05,0.0,94.6923423326106 +0.97661940125182,0.17030988226180024,0.3644455637139701,133.67555295939852,224.11891128745964,162627.4532562947,5.398548936575009,83.93673795906435,4.2219834228912445,52.39784824745356,3.825480078950695,29.353907498959916,0.5342971670062803,0.6437869909117885,837.2189632900518,34.03816965305404,0.09846032842633246,277637.78736700246,2.966872825899466,86.08814212284967,4848.930528700738,280.9667951013894,348.06816845754116,53.8363526935106,0.18092595675067574,0.19803183042042463,38.89532398986285,53.24727486652343,2.953358736108718,17.090954060072757,6.856189838873885e-05,1.524310134319137,0.1258056235918413,26.448148156246855,47.845216486613204,1.0734256726453595,14.127546938304304,1.6033010066721712e-07,0.0001132097967789073,0.20670877282602937,35.72936965669975,57.408657932348376,0.3894407369515057,12.934950782264615,0.0,0.00014063033626880034,0.20026490730981467,93.4352994921818,61.12117285972125,3.4604343799012285,6.935164358573434,1.9907974977412392e-07,0.0,0.18113503543384465,57.9051397766002,100.72558189723527,5.499355614622745,15.240388217843051,0.0002859165174990003,0.0,197.1492729413987 +0.979735607702518,0.20237234716462443,0.3253748716123912,129.5423714336826,234.86305077744677,306417.25362333504,4.84970856481777,95.22261804115686,4.97660469209965,84.82751307786394,4.432094289525862,29.720418245354974,0.7703550973820861,0.9533802214924008,751.2569733979934,89.59398020776761,0.33595663242862994,274459.8925280712,2.6134805394625866,80.93185730572975,4466.823545782852,294.2443683842927,348.6448120745549,59.232989440945346,0.19890362815693408,0.1883898066338129,35.15031073519128,59.61077957484937,2.9191556192938424,21.00846784725463,0.0,0.9095882708803074,0.12052399810551787,31.140636345467183,57.46724470999871,0.4858144589424798,10.016799672279808,1.6033010066721712e-07,0.0001132097967789073,0.20241283469286334,38.64281438395177,63.32558379036498,0.28431972630469965,19.469696952449116,0.0,0.00014063033626880034,0.11117302227147269,90.11720229389216,64.14986366735914,2.8765920526128896,6.741247637554838,1.9907974977412392e-07,0.0,0.17510143338818276,31.184784197305643,110.48297030012077,4.127836584007312,13.653619171116143,0.00012270199723311804,0.0,202.89810861384672 +0.987308589821759,0.1532568841348015,0.32753996971300947,31.467134413125763,148.88341221589846,126427.53548658379,6.923524477666776,99.07593827191621,2.3118296869181827,96.6068545205695,0.5560764917518901,28.772681453353616,0.410615216543345,0.9992532613534596,706.9870971061904,90.75027464989225,0.29728350407786575,122285.32688084395,2.897700292579387,89.85130282384544,4237.039385478286,171.23956454193913,345.52368173972786,46.26714090301186,0.1652706738557182,0.18569690896248212,23.552389680789595,54.854188341560494,2.6969737479669225,17.843459151183907,0.0,1.0511362619565243,0.09248862843261065,28.048648992070014,63.825736267011614,0.8299160630448874,14.250922844856273,1.6033010066721712e-07,0.0001132097967789073,0.19549917574060904,29.028559603999867,57.589727958212,0.3628838726166127,15.864846938763256,0.0,0.00014063033626880034,0.2158424085943917,105.0642053315984,71.32943589201957,4.768763851442936,14.657535488200446,1.9907974977412392e-07,0.0,0.14332559465035705,62.65065023817506,118.18440369399353,4.34539648262573,15.081750601422764,0.00017304179458234054,0.0,218.78953365209554 +0.9785026482846287,0.21203824392649323,0.3443498052439335,244.84535933770744,231.67584967062507,233617.40963619557,5.085567472949186,60.839342848182156,3.54789469109135,96.72759965355671,4.751542718742607,25.14486840426244,0.7680775027935269,0.9383663145218416,902.9855601718663,72.2005849647245,0.2646919340965825,140600.9579049988,2.969295855250702,98.55617583386027,4788.4348877372095,234.7427530698963,345.885299692333,57.825200231162476,0.22084612961111882,0.1864450951319096,31.39357378024682,59.401181196052576,2.8134971128266786,22.50359578469084,0.0,0.6979892508825797,0.09992552729271927,26.581510386708203,46.34651070719236,0.9318562473146744,15.93289963100414,1.6033010066721712e-07,0.0001132097967789073,0.193637158372344,34.53574709054647,63.716339891524704,0.35790413917876823,20.05407914971206,5.494153312153442e-05,0.00014063033626880034,0.2214635308610221,87.79913767952227,65.0791309612428,3.518399076412603,12.256584941644707,1.9907974977412392e-07,0.0,0.14762151404835172,55.902972028471055,114.25601022314709,6.066015216302344,23.769163220801264,0.0005797139060764154,0.0,206.5939077618015 +0.873839865888485,0.14800636409796453,0.3755123776476309,149.54556437731165,246.86691864500403,206960.92045928474,1.5224534817074094,72.57513599381201,1.7249008728265285,54.76102049899309,3.677951746552536,18.34118924961782,0.5350992983357069,0.9813465897110202,252.2311845618524,39.512550346630114,0.28512360308756485,91886.17433814278,2.079743638601216,81.69736632667343,4797.976189301064,287.8356562558285,347.8329801296757,59.41795610565052,0.1645544879495216,0.19160766159021347,18.91068513850913,43.48223118966656,2.5932552023335513,35.474832706313606,0.0,1.323134161422794,0.1137784372530342,35.897034271758045,63.13239601089134,0.2421618086452083,15.527984196603576,1.6033010066721712e-07,0.0001132097967789073,0.2043473153657048,22.985732676568375,46.57113026321997,0.23834623447530265,33.23948389499957,0.00011009867364121558,0.00014063033626880034,0.11550944650637725,85.32851066291079,72.06278552910148,4.215209311374023,17.54100248669995,1.9907974977412392e-07,0.0,0.18420445683801726,51.09361758159602,92.39273860786771,4.293582324949545,24.947674594476357,5.207938960195966e-06,0.0,193.44315941515768 +0.9150272678191537,0.2742724835875622,0.38831667170714856,185.66332577998105,235.49732850973808,207305.98554550554,1.9946983780753413,67.39369374234344,0.32645089442105224,91.95746531688417,3.2238002130524652,12.753341420995298,0.6692148389681003,0.8400751102368587,698.9271562840025,77.93406954062392,0.34543186893397193,282172.39245652204,2.606257186622494,97.11024729617105,3852.3528538466726,231.71849169654786,335.6571279568776,46.79984051833023,0.15317952478909358,0.17984896716590645,9.191144741978096,36.7186343564808,1.9137238343778082,8.408487002398518,1.5986182172441343e-05,1.4337129433582605,0.14136247853879533,18.195358004431977,36.68103217527011,0.2759769801094431,8.153394621918618,1.6033010066721712e-07,0.0001132097967789073,0.2113686104674979,21.92509953120139,40.66781896679907,0.25048844689722344,7.552119443476148,0.0,0.00014063033626880034,0.1246842553993118,87.26664993035786,61.29111516191307,4.319040718336465,9.826524726604372,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9152582132518904,0.24309714982583877,0.324187515731175,21.50033178030459,158.4605054945684,276593.0564194152,5.775377486635308,79.91676872145706,1.9645204418008317,82.99014340912046,1.9502831411121035,21.170798448137024,0.36922533640063765,0.9177486988027953,254.44739470701452,66.2032090742008,0.11734255384922243,88168.11573939888,1.5068365835270252,51.01252576486741,2832.4895125738612,247.56808318504346,349.2949113437244,53.89487828916626,0.24117117416209924,0.19550588364382318,19.125930888161985,34.13143284193769,2.8960720570882135,56.623311725197446,0.0,0.7354745799067341,0.1337437785523302,23.908597901031964,47.58765787881073,0.21640365137628823,11.11695287711475,1.6033010066721712e-07,0.0001132097967789073,0.2087923381232178,17.689543949802147,34.23474290092027,0.2447210348497378,50.49497400246419,0.0,0.00014063033626880034,0.13380602384046342,56.47608055470961,51.115642183462576,3.7638462511083968,18.635590001770286,1.9907974977412392e-07,0.0,0.21180501017770856,32.03112148348821,57.781393182502896,4.279315213783472,25.316602421293602,0.0,0.0,151.42113102709132 +0.937736540467473,0.17260142161956482,0.37465468223880444,116.25006298171104,209.81363881715697,257809.6163825239,4.828134926784726,40.091519509495114,2.3912238330315407,99.99101912289208,3.137658154744076,20.642091927150716,0.3129990962661856,0.9594737087450907,985.6176686982697,3.0666410725899382,0.09096530545658367,79590.64524392449,1.4331155761431023,49.73336206016449,4358.4721859446845,69.90039894051284,349.58758341480745,58.60857030449134,0.26071838860203816,0.19396997626405052,16.780935935949866,33.05050989549991,3.610268229144928,59.088923982374695,0.0,1.172377537259296,0.12384177877004501,16.338395430464804,37.384246460050974,0.5489827261829481,8.874990555944173,1.6033010066721712e-07,0.0001132097967789073,0.204362130190937,13.071914615334425,31.37531334606373,0.2991717530414808,47.6643265015031,0.0,0.00014063033626880034,0.08688145611649895,38.58069845547947,40.054794218343005,4.016786239166718,15.001202822719845,1.9907974977412392e-07,0.0,0.1740646563287152,11.621274477656494,38.367496005375045,5.493625608707991,18.013458951986436,3.532943856490868e-05,0.0,123.88157074074769 +0.9434688915696634,0.22161260793623885,0.4493121172956411,242.31842237906127,209.9482552053933,277137.2761384727,5.751315652542016,79.25794533868333,4.7609793234046,23.032148828104557,2.616275121483749,8.22071246392084,0.517786895189492,0.43037751705549343,168.59697155812438,91.03023377262105,0.28810600293541855,120713.7811319865,0.5741574591558345,86.93271048627662,529.828198022034,218.83779762974197,236.8715353522192,16.589462967362405,0.318656760287219,0.1856292476652691,6.471145622251154,23.938958927179737,3.302910483658782,6.96641852368754,0.0,0.8657095941770496,0.1451535050789661,3.859338156023183,12.090916336667298,0.8544710763357469,3.2863793533280963,3.496447706392585e-05,0.0001132097967789073,0.19959594970314543,5.6804500089974335,23.024009779777373,0.31348058543560414,6.825836220424176,9.062453755504169e-05,0.00014414060373783881,0.2899135165730009,6.072401541309967,16.024873886750854,18.195900768266537,59.13111407265135,1.9907974977412392e-07,0.0,0.22816203553659894,10.279566746132652,28.516735658341183,8.185578967711717,34.93427887106708,0.00034682676599270276,0.0,88.23026673520951 +0.8832680835063977,0.1366588240464098,0.3824554855031976,153.5922987199058,224.35329734455416,307123.0252594909,3.9865511432592795,67.68084197396526,0.8649962909520985,95.87522455314823,3.363949640092972,29.145414944783948,0.5546227978857047,0.8368614864242475,499.07607754446366,38.07763748867674,0.3224191502006558,259831.2516295418,2.9393517414119232,85.3455964250655,377.48949306682516,262.1391129404277,346.12947101481404,49.897010462214915,0.15111640519185107,0.1919152621498914,30.077252882811642,51.5333437993336,3.108844212649356,13.08595635433724,0.0,0.9723359776034858,0.12521363042698896,31.164933475062448,53.90972082761798,0.40007000375930474,11.666774722884991,1.6033010066721712e-07,0.0001132097967789073,0.20491286319283783,34.8043546101526,60.16432514996912,0.2683672811463521,11.443557876353282,0.0,0.00014063033626880034,0.10585065675930529,100.54598152778443,72.22713549915775,2.96540569073616,8.87625199564145,1.9907974977412392e-07,0.0,0.1889278836160924,64.87318638239553,108.9691718659963,5.043965748366435,13.63818118035201,5.855260144169875e-05,0.0,210.7754940191421 +0.9033865869598164,0.2026199407559135,0.38839397102271456,134.5180243800671,113.78924582514041,314399.9782645549,5.725755933967748,9.798328670981718,3.934780850440485,76.7458416175725,2.226156127112688,23.860777251245427,0.4294912366264989,0.9052360819249252,740.979384353232,9.0882420310284,0.10943947483528982,147920.19517935783,2.953136383525199,82.25666171797002,3569.2736441602015,296.21804899301407,348.1465188523781,41.780389471286234,0.15003840645477434,0.19541533345621373,32.204677951828955,52.052685239362916,3.672386364662796,18.486900679597355,5.6072436141843074e-05,1.3480649004473064,0.1054321590362121,36.30222652294426,65.04195013276671,0.451490359968051,16.776955838818978,1.6033010066721712e-07,0.0001132097967789073,0.2012653680799842,32.12004558551299,57.49146381679713,0.2875298584946995,14.089080214782223,0.0,0.00014063033626880034,0.14444744977353693,112.09020731900328,78.39406918879531,3.6071921575982384,11.81783480297184,1.9907974977412392e-07,0.0,0.18974141904828012,54.309326830064975,102.929779995361,6.100319036160404,15.234035800601864,0.0,0.0,217.12949328961602 +0.9784363795417488,0.15872515150006478,0.38163393415072006,136.3338594113481,86.64098963657713,346295.037836797,6.407396424255489,14.998916519126197,1.4831076776886298,34.69370193130858,0.7481551778888942,15.006202213793207,0.42753293422748967,0.7783418124327406,633.8275850803057,71.87572639470875,0.22559294025516263,68282.96566664975,1.3302727731099333,99.91527487916818,4907.110849004488,237.43645990649554,348.27524085397664,58.37075381814772,0.21060573822364795,0.1972418839697871,10.149585845453817,28.470772648741885,3.259583331362012,54.26141490018314,0.0,0.6605630260338957,0.13401406520225753,15.080725609489363,37.031724815762715,0.40498072379082145,12.982668919278492,1.6033010066721712e-07,0.0001132097967789073,0.2079490083956526,10.69658174022447,31.674170517268657,0.2830706411633038,47.39201102027659,0.0,0.00014063033626880034,0.11807409901461023,44.29502153116706,47.170757845115546,3.3609361376170237,12.036287714072918,1.9907974977412392e-07,0.0,0.20950984200602757,24.279817344794598,53.84779588133276,5.406875140646768,21.47472602271543,0.000392752832220028,0.0,131.6174493017823 +0.970090297613033,0.22905639981593856,0.3732068658295348,34.747296314758245,225.04117760190988,309759.57739115955,6.284225250065055,77.81180608017493,2.4980045254276275,30.472495613969922,2.7119103099587134,27.08665643530088,0.7855808095782061,0.9645349377443608,230.73357547533107,72.0650670261921,0.28179228116078775,293877.12256457435,2.9969245256053427,99.63151095693644,1746.2149694645916,255.223574906626,348.0074802934053,57.04144183942436,0.23168083643231457,0.18980660441376912,34.49675032448551,62.12243264466663,3.165114916270049,14.7584334048219,2.502675980321642e-05,0.9128756907985857,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20225058114352093,38.39291169585053,69.04257647065705,0.25438879965709,13.642994112946866,4.224026122696684e-05,0.00014063033626880034,0.3294112775784396,84.10859908765144,52.92377695984378,3.490217289033374,12.285856770596776,1.9907974977412392e-07,0.0,0.15620142802723974,47.39195959235711,96.88899329340029,4.6179136841850665,13.695397733716634,9.5765647977671e-05,0.0,2698666337285.8823 +0.9021042427084363,0.11012044574781496,0.32679696189315194,52.01786129117518,128.49074132175306,234583.34629053398,3.814599448612728,68.67229247708673,3.817588438153356,58.92026394147226,2.294806417781402,23.026591292362404,0.31912893325518704,0.9287951604710162,445.49382457432165,78.73697555331255,0.07545624577263596,56740.57634021817,1.1050726111643452,43.776504979922336,3153.111943669285,248.9836392215448,322.10349744160453,46.49082889633831,0.1744543753696552,0.1923082281511278,10.201751011462735,26.16970090490123,2.6095414276443085,66.33944944028038,0.0,1.3614512781504902,0.12115054194973685,6.161067053434546,21.75984188256119,0.215526162820295,7.716525100281364,1.6033010066721712e-07,0.0001132097967789073,0.1999033199762127,6.2164373498965215,25.799439651234767,0.2519899768922377,50.075892076235455,0.0,0.00014063033626880034,0.11489711164604641,18.86905144858856,30.226335690602326,4.13043974234863,16.56867315442072,1.9907974977412392e-07,0.0,0.19412421484915288,7.15888318140614,28.475483045865648,4.213778183423361,19.892978793108583,6.205989010213463e-05,0.0,108.71271690283287 +0.931419710639782,0.226435728918178,0.3761307827396047,119.33564309364552,26.437518424477375,292369.8419273247,6.191956517559036,76.3857835497683,2.4673954777807627,24.12218515206157,3.2921217424697193,22.87610425713954,0.6342878777381801,0.7390187656939411,517.1055594570412,90.33091876190736,0.1980322991279848,249558.42098383993,2.8465396312663347,82.77889145798412,2123.3476883132707,284.52203685722975,344.64947609611886,53.7490327176255,0.16451513420301567,0.18256586007746767,20.91214378263603,51.93068643761359,2.8138365468429374,14.267295708527358,0.000153192564093759,0.6788900060724026,0.13280649249596493,30.481669550335223,54.92757377379847,0.26022624654004844,11.279924222264562,1.6033010066721712e-07,0.0001132097967789073,0.1925864799707706,21.444855929355846,55.59268496523113,0.27314351134214565,11.318823957835619,0.0,0.00014410350517884027,0.09799167427094695,86.32034601723176,67.09079067194416,3.655711112264036,7.452943862377498,1.9907974977412392e-07,0.0,0.1970867443086203,19.903731168554042,77.13158798870516,3.956798999996537,11.877001197568624,5.9388491215817243e-05,0.0,172.10963153893 +0.9542821734005639,0.14788403714022033,0.34657180156399475,149.62265821615668,142.0556642964311,130434.2272022546,5.8623978758328885,26.345472472020806,3.455828733382322,54.49275250927069,3.462889377517845,20.69793287212678,0.35150590426860306,0.5869699007813568,190.64397901156957,53.74865298964198,0.28784209476401834,55285.853581452444,0.6153777921678795,94.60015932555694,764.5609076648425,214.9925089084172,239.19903998379905,54.37932653590664,0.15275719650120823,0.1980034891006815,2.236913031075025,24.336493201191935,3.1281639342400323,45.103969024394935,2.5840396253830736e-05,0.8956921412622512,0.1371611916257814,1.334065533355957,14.472280637628515,1.2656304778502354,4.837390893781116,1.6033010066721712e-07,0.0001132097967789073,0.2109264370273187,1.469722406263247,23.188170559157204,0.4239412260828699,43.029357250072664,0.0,0.00014063033626880034,0.32983629801992675,12.485642678514367,16.924223372690776,5.880171988440397,37.47708636922692,1.9907974977412392e-07,0.0,0.22144818081596193,4.2184987211875695,25.841163883630877,6.0883598917945845,11.946753196743423,0.00026952133437814203,0.0,89.53800160147611 +0.9449865239680376,0.17183588204638917,0.4213444277681576,181.5052358744432,209.71161355824245,285343.2071371969,5.9546370057512155,33.17570564893198,4.589055747521769,9.381343313930914,2.813764792320798,17.27207938099961,0.31230495505975037,0.9755141717849375,17.006734855764904,1.3288034458772913,0.3201428497030497,134443.9678244451,2.660066900439957,87.1252025664519,4940.84640646958,188.1487579747892,336.7654492849656,55.56040441205232,0.21797023914983002,0.1897317819782277,14.904199816100492,40.902040566779235,7.7776034577262365,12.305002615092066,0.0,1.3238021806091151,0.12301420753852085,15.543790443408906,36.24965089940246,0.7698612472608701,11.060418347609346,1.6033010066721712e-07,0.0001132097967789073,0.20298262520400986,20.137081197775444,43.41103398988475,0.33319557383755677,11.298377501341056,0.0,0.00014063033626880034,0.2240531591734543,64.16164700352061,52.378658323762046,8.653317446193766,11.345049709144398,1.9907974977412392e-07,0.0,0.1579941195156137,29.454726571702356,60.91022139928902,13.042776392506346,11.218897116805177,0.00037572757682050007,0.0,134.69497826516218 +0.9718346916454996,0.2333766138531222,0.4329147281871068,95.74134063534653,230.75858240650976,288161.1552814427,2.7218232122181996,89.64772054285051,1.0109429563461187,63.65588054448572,0.9924124172639861,22.54395611042484,0.6252928379816931,0.8704306416894572,805.764691499264,33.83359063569296,0.19529317264110196,53791.65683746086,2.7408040725833707,86.08621711008729,2735.4945178322673,241.64210628758855,233.7092412532462,22.30124224075686,0.30724330894570323,0.17245784883269216,4.935557924853301,26.3482204722456,2.7275461828207272,12.133552153531934,5.159194425348595e-05,0.8186031297783393,0.11583202414854166,1.99572494971899,19.49809309333832,0.22451302360860692,22.5328301101726,1.6033010066721712e-07,0.0001132097967789073,0.18830078698315675,3.975736408288202,25.975868177107138,0.2416316966497059,10.545858164455904,0.0,0.00014063033626880034,0.3502198740089618,2.4827126071807304,14.069384946958932,12.997611403653234,54.79929521677726,1.9907974977412392e-07,0.0,0.08044268420536241,5.5797539009474075,34.700132126620794,4.354280449655642,37.042626847918044,0.0,0.0,92.57566046003426 +0.9511925686026709,0.16116846612589364,0.33407114761381235,134.82284618772158,141.45404050966496,262337.18884483946,6.556571000434738,54.34748649209638,4.121089696383467,81.05421584061551,4.727614440077649,23.624335932358292,0.32735745215255385,0.8772867574082921,303.7399491597837,63.02653543452822,0.2985372323038521,283913.5079916799,2.743882469501888,95.78184339630644,3798.29053610863,219.97347103254214,348.7249538571605,53.63363558491877,0.15763823355438686,0.19113195458174606,34.03209443655321,54.434162916805704,3.284573131798498,17.88891667000723,0.0,0.7924658630906318,0.11628884793672525,35.5691341390239,61.820788949616244,0.7246892879169429,12.08980242307145,1.6033010066721712e-07,0.0001132097967789073,0.20259992964142273,37.15310304804969,59.70539500239448,0.33392648694330274,16.185597301768976,0.0,0.00014063033626880034,0.13029966456138492,112.56081774606037,75.81305232247212,3.359786522035152,8.667665679936027,1.9907974977412392e-07,0.0,0.1891074117276151,68.63173228166336,110.16045803348122,6.274675922956681,10.879291899497286,0.0,0.0,224.50170188240554 +0.9483670565922276,0.26097953746496916,0.3368004596282204,79.05356341501829,46.57315872478804,312503.737944896,2.3720912340426095,60.311350138500984,3.56726532357061,85.26198149370923,2.1762287351916143,22.40307655291808,0.765947166394884,0.9590583800061689,922.409228520891,13.5690940176986,0.27750340860248507,170781.83127378786,2.9055444087748046,89.57397453908206,4789.053808206777,256.16335984097117,346.71021154387887,56.77603658299373,0.18505065484576538,0.19038718374320612,33.22228761356173,63.317649402043365,2.8176135815378904,21.567411813003226,0.0,1.1585110111076804,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20182104988132898,38.25327183644173,65.97453466954407,0.2353159292413832,19.96327871997802,0.0,0.00014063033626880034,0.1044130082059246,99.99887532170538,76.77395894039658,3.8186825266189715,11.272489692827058,1.9907974977412392e-07,0.0,0.17368505166197068,28.85311301201508,107.98046349606241,3.478026784277393,18.35722463412355,0.0,0.0,2698666337285.8823 +0.835730760362671,0.157148009757103,0.328473138484211,234.68717254606054,242.33057502091205,224715.3355416797,3.0144042241885307,81.59375659525178,1.5017994044725453,89.9211270732123,4.341965302212839,12.903680494914104,0.4780208201505606,0.9536238573312799,953.3638130292641,56.44528924384896,0.15189017572427846,176191.350271897,2.882368858878185,94.63506910442644,1548.8017991902434,292.6822481536503,345.3682789657967,55.516720205600464,0.26996133431359676,0.19430795658856054,36.21555017579982,61.02059646180375,2.5884498826672933,23.43294930481525,0.0,0.7055861556475195,0.08573243124367787,31.342057470757958,55.23235335619572,0.5501609798529612,20.491281342106657,1.6033010066721712e-07,0.0001132097967789073,0.2016948296730962,37.26641461864088,64.03809591624429,0.28981175458942393,20.60783421042006,1.7622663624110205e-05,0.00014063033626880034,0.17187159047282566,81.79569012066793,59.805365782970306,3.483934963467858,7.295206313699265,1.9907974977412392e-07,0.0,0.18525208411606248,45.62460641360173,84.38662754271162,4.6644568910658,24.05903408352882,0.0,0.0,189.98676086633046 +0.9178773609960028,0.12477048080231673,0.3704130894855815,40.54180381159877,59.81452223121478,309384.18084671337,2.360777740273963,40.3465754739063,2.1011981731675484,80.32237881029656,1.478901682077304,25.948953341441662,0.46309045493802503,0.9936014739986563,112.40578784899913,29.258504133204262,0.24885587940518583,53275.73021536716,0.9065531812669115,27.619363643024375,2051.2137634249734,211.2842744578792,343.85405357108186,39.63184517208303,0.24171263732000853,0.18987491249514166,3.14269952695381,26.886149841093108,3.145602017143824,58.55990401840089,0.0,1.1804528137918557,0.12688279409024827,7.808224857714053,24.459407542536248,0.4206471218987334,8.595936902531738,1.6033010066721712e-07,0.0001132097967789073,0.20270138843319713,4.727008207580535,28.20139954050905,0.23672297483915264,59.138443657833236,0.0,0.00014063033626880034,0.13988026842839826,20.449585964889145,29.927448926028458,3.5791944080960874,23.498202478327688,1.9907974977412392e-07,0.0,0.21588795426915414,7.318769395142136,34.44369730815214,4.304769832219157,26.00313887990216,0.00032073881581060314,0.0,114.17208807727977 +0.9577414215351806,0.1968269165956912,0.44192030850995057,203.1515782075178,235.14331725422036,259860.11498108075,4.662135151611652,72.90162870820384,0.39484754902302754,51.387666244950225,0.33536948886594886,12.524317105610637,0.3472591772251481,0.9273407151083393,699.2267000135893,86.37039771375163,0.28925416080594035,298750.2355915676,2.695813596412928,54.93385650788334,2863.0041816148764,228.84086594236632,346.2528112411929,47.2118779748857,0.16181852021452697,0.19598528525038517,23.280207380906138,43.34483008880011,2.8466229958212397,9.8676940620388,0.0,0.7866878655211819,0.13785766022176227,19.991254572815098,42.96650164798588,0.7175365721443706,5.432546766376436,1.6033010066721712e-07,0.0001132097967789073,0.21044431729265642,24.14764458677341,45.47835886923066,0.3215056597565117,8.324861582112671,0.0,0.00014063033626880034,0.15923366103206804,82.35190929596715,55.83088238917739,2.7398740862828013,4.8138135944961915,1.9907974977412392e-07,0.0,0.20846584769704224,31.3694525903279,62.213373434312004,5.444706555360327,6.228514459359466,9.849926425409268e-06,0.0,149.58673272031635 +0.9706789810297014,0.2169118139823928,0.4154531736456709,196.22750169274627,170.3192462336427,105094.53199420325,3.9757922404738495,31.61405428689473,0.8807181173034393,31.606631714795625,1.4197676944716446,18.74285163660082,0.42693384279474833,0.30543996328112955,881.4339798556953,29.55978537133674,0.10485580979232859,58376.556509165544,2.8900534895765375,99.04935961089194,1144.3574740251277,115.05181797216844,226.34682085519535,28.8010426506917,0.15337418287740698,0.18564064406681333,4.206006141678339,23.72679378724009,2.6568790208584208,6.654510182798908,0.00010020956228821996,1.0442259010989998,0.09946037498816866,1.9539797356485773,16.07530911514881,1.25247351449082,28.469522835569627,1.6033010066721712e-07,0.0001132097967789073,0.21440922312194471,5.771582917591065,23.456806914220667,0.419975120398368,4.822051283561122,0.0,0.00014063033626880034,0.2418374903839454,4.532106228875816,18.08387784147647,15.5153074199101,56.30862862478867,1.9907974977412392e-07,0.0,0.20813920176642922,6.260233340346388,28.12385570857622,4.537910795797954,39.45427830848254,0.00020324746231179265,0.0,92.09169539903814 +0.8925327926377273,0.23259489285553506,0.4113263072586279,156.83365478685675,131.69047668301948,140811.49592579727,5.229902585542731,46.59728004737735,2.9731038149379967,19.877612010186276,1.8070018632741858,3.165568870878765,0.5598353913979912,0.1494484097871261,431.23364405281376,21.62228916915643,0.053160694588638875,97620.23485295555,2.4269434558067946,82.33348552169562,4646.969928989771,214.23461656265846,265.38503562465814,50.825904429653114,0.24321266354303533,0.20331824172235505,5.308015567671623,22.163794043220218,3.249179614487845,8.876997026877621,1.5020396072723956e-06,3.378299319218868,0.14817392979747604,2.144869575166985,12.233380557766374,1.0853648949081465,12.114656610504122,1.6033010066721712e-07,0.0001132097967789073,0.21607883530134941,3.049682696961115,23.391502975269844,0.39515974668607634,4.392650415876616,4.050365423907162e-06,0.00014063033626880034,0.14619898950417692,16.5806212440882,22.197161202220492,4.421641103553647,43.01435750134654,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9139886757614674,0.15278670927639582,0.36793716464297066,82.10740110901857,72.41871832689033,338335.05958217,1.5632738871475627,71.03724042412286,0.8431441327947775,88.4383394344039,4.922082411324209,26.029152126952553,0.42993495723232256,0.9248970928408723,189.84438528719613,28.82071544033213,0.33852110967645127,84194.42378326584,1.1788713763404672,94.37471577705759,1985.3609181574964,209.26350882793406,345.2350080725644,48.31056923528484,0.3419492098984624,0.19008668681868887,8.24293376057337,29.322334780160723,3.1436342112993243,43.70997114746074,0.0,1.336040754043678,0.12981177228793644,12.087474532425329,31.080297132292543,0.46676476559235136,10.216812895187958,1.6033010066721712e-07,0.0001132097967789073,0.2040168181366012,10.548916065519432,30.81463624587309,0.23863349366224573,44.77143820516383,0.0,0.00014063033626880034,0.10100833402406172,23.85733053084488,31.0875145238981,3.5438422686569173,12.640644966322773,1.9907974977412392e-07,0.0,0.19658579204097895,16.806012835825104,41.448437841697746,4.2861571785632675,20.23149566365508,0.0002268245344942611,0.0,106.15187697533764 +0.9210525512340021,0.1352249042526175,0.34099095439968025,145.32950771948882,194.56825764789238,308286.70934219536,5.094933031280578,73.92330353496283,1.520844030894397,40.179353965843845,2.9052771105599113,28.160020357084008,0.4698849108471689,0.816901642623939,365.47308262455385,57.44669062942878,0.3250325994456852,186676.48763834112,2.835190751400681,92.03914480101889,1670.9215137136525,298.1816611267153,339.6672029072858,56.984356064090434,0.19342925231151048,0.18859749952857116,28.75773951788258,54.79078124208478,3.257120622845316,17.280081409581463,0.0,0.8525572079984702,0.0923749891436924,29.27740870621861,54.03281214720197,0.5152204302426013,16.280667322338022,1.6033010066721712e-07,0.0001132097967789073,0.19808531857626452,32.572839549622174,57.880406830325725,0.29059957692971156,15.79511772335144,0.0,0.00014063033626880034,0.14575294105558279,89.68646147290147,65.15594955316722,3.18370988584534,7.241852245441288,1.9907974977412392e-07,0.0,0.15295638233896497,63.27480419270313,116.35440386360119,5.549159226845859,20.902181633991315,0.0,0.0,207.85360916107902 +0.9629139182432258,0.2453809131127295,0.3438532946274139,78.29253684552614,14.350317549295324,319908.6946637188,3.230810742995813,74.70062424452749,2.8370388176134465,83.93864070809357,3.68513176608391,18.30979752557796,0.4152126619071797,0.9027160441863454,197.21945877469255,25.35328791094378,0.27367275448355677,90114.55530187686,1.5083708938256897,37.617463014704626,1457.1378464056281,282.5004472072934,344.0266182714841,53.227027868411035,0.3051191957763425,0.1940613530551377,12.122305085911519,29.94463718853516,3.3205878947683085,43.41375283388402,0.0,1.0403171138541558,0.13430050098746452,15.073336471145169,35.42511871992437,0.3688359894808712,8.538500453458857,1.6033010066721712e-07,0.0001132097967789073,0.2073251351444698,14.139445432120729,31.39250895017973,0.23750128809972837,40.91143379001275,0.0,0.00014063033626880034,0.13292571658903096,33.141651611923145,36.98240168800645,3.6584818885190318,14.048194274955755,1.9907974977412392e-07,0.0,0.21129347182160924,19.451077996569335,42.81266726771289,4.60866951939038,20.44163515534868,0.0,0.0,112.6154053420652 +0.9726575967034873,0.22321910085306407,0.39935220878787175,195.7228345113642,167.7598660399176,280825.1787816232,6.4653933553727185,78.38323159282409,4.241094165002266,95.09197968193098,1.768931170727759,26.229865484141435,0.5535327128542422,0.9812839066168587,902.7640452856673,1.1249940471206958,0.3227516632993849,99583.57585403576,2.9407888936591813,99.8037732287677,4639.1772249401565,125.90398121427393,348.34998729697577,55.77640773706897,0.18762393647717654,0.18785785300849264,23.266800956653164,53.084660635438325,4.425521235619233,20.032729120691553,4.129803022871586e-05,0.7958850744572059,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19927213635063884,27.805955237048888,55.54049550658966,0.34230947686260416,16.998375387121495,0.0,0.00014063033626880034,0.22520664037345312,87.2512334393403,67.18547641654028,4.937859832316085,13.710610050839062,1.9907974977412392e-07,0.0,0.16057455428991985,50.74791670553647,101.02331080867503,9.072701706769331,16.42537208036468,0.00024043735831863898,0.0,2698666337285.8823 +0.8838192858148233,0.23665389728124742,0.361213131444524,37.78512565175686,125.86469578074322,206193.99878073792,5.604626174707528,37.34591225413483,2.5263276534517107,11.09757619955015,2.8956076225602003,17.797073760624635,0.40953256405610916,0.9891190573719318,848.9970085918961,78.67111815591304,0.12512672157839363,82940.82794187199,2.553364192490944,94.59777225350912,2419.100171497519,270.93133327340126,346.36156703909637,32.865835438272924,0.15692265713054573,0.19480013924019476,21.76293618777613,43.07971530444209,2.517346296386646,22.693720465793426,0.0,0.8274111830426486,0.09731242053417948,44.51424788062832,71.13829365213887,0.3893257397027247,18.446340161450305,1.6033010066721712e-07,0.0001132097967789073,0.20589450585928296,23.424630928484554,49.37989471660485,0.2825576833862668,17.470593269384782,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9360364755457748,0.2474696096073839,0.44012641442608885,199.783784875844,214.77801012401443,288888.9084034291,6.247326533521443,64.42564591947026,2.6592481724773593,65.44602982698856,1.478316046146677,16.802122371102215,0.7494033001277602,0.7753787302270254,99.38226968371214,63.91551697403018,0.1783756157678489,56480.623471757746,2.3870840902340045,79.76828467324256,3820.973665013972,266.90742182178616,242.7607450759143,10.676342441083069,0.23614904876068055,0.19062471031987288,4.396341135622327,24.223830772931233,3.714071224922334,9.71278158912625,0.0,0.9840673341678179,0.1366546186870247,2.4736684260174764,15.223733187264525,0.8354461981068407,17.395003615230788,1.6033010066721712e-07,0.0001132097967789073,0.20326477588081832,4.620210277378796,24.13453746523435,0.34329915739198025,7.3494124686787154,0.0,0.00014063033626880034,0.34174624375137574,4.854690643576029,14.100434237205521,18.78057610031765,59.738082870934996,1.9907974977412392e-07,0.0,0.15223427504798712,6.976354303125963,34.18575081443641,10.28510843173465,55.99310273503457,2.1520037501460078e-05,0.0,102.5507827060594 +0.9290176392047498,0.14633771075275415,0.34601297358474936,138.23090939536158,240.32536792048847,345646.08811616525,5.302511712877984,46.93911002252793,3.2659941970577933,30.20074014797582,3.853883642377384,6.217698366088642,0.3219226293326862,0.9547595953968644,939.8780525972822,29.026285782533613,0.20550764521037396,60809.91145079956,0.9648618084289668,99.66322548700387,1372.7413811775652,259.09187348473006,346.51888707632486,39.34104535715945,0.18178714615865613,0.1985135469176735,7.673161802279866,27.880023155037406,3.2742886476717823,63.01556937125308,0.0,0.5894394249185465,0.14123296325519047,13.5862044401454,34.5109666419738,0.4880156645919598,11.39018557501302,1.6033010066721712e-07,0.0001132097967789073,0.21126988329650995,6.853895916087711,28.336945789837213,0.2831410664766034,56.37148491489203,0.0,0.00014063033626880034,0.134849301914118,49.19657340522635,49.86737200170903,3.217418945796346,16.54486840222302,1.9907974977412392e-07,0.0,0.21944995074693222,16.29400286483244,43.08080210882513,5.499007781598896,21.902111238986418,4.9359577307092674e-05,0.0,134.8119305896175 +0.9648135993946989,0.2575126976971958,0.40139231835699224,229.43804945680176,247.7025021863641,331668.9175574152,6.455991805938255,74.12302306138618,1.884907714398364,55.94236539391595,4.9542454267301625,27.949107282290388,0.35818617626919247,0.9809982340590182,851.0140266505767,81.06180798698051,0.3229323432934431,208094.86049927634,2.871054510316667,95.34343848152102,4785.290497707206,63.63410478755391,334.8800757774232,51.485714042205885,0.332054078734528,0.1904089764295398,18.30221177353262,39.83592564047749,3.2268997721810733,9.0694051414331,0.0,0.7140988576585489,0.1283736806466309,12.655968103145423,29.803848436491794,0.8342646764677709,6.256182549080178,1.6033010066721712e-07,0.0001132097967789073,0.2045192748387511,19.482647666027827,41.50033695126196,0.33905955633693335,6.151409414314561,0.0,0.00014063033626880034,0.3536926591216395,48.598541291476586,28.497308112514688,8.35691036551796,40.03466491669093,1.9907974977412392e-07,0.0,0.18392917566894088,23.24628117901642,51.85470557691445,6.979507674100193,6.604399086992451,2.8303154072120655e-05,0.0,115.80823039632062 +0.9834489425693552,0.11826070449840875,0.4085480258280612,14.569202606292421,95.42029733874098,163730.8175119702,2.0279824877787083,13.006650344672911,4.720409110621637,52.70663490268017,2.334131322680853,20.622367345649238,0.4593714882832977,0.8357649256978654,325.30370479572264,90.49959435655866,0.11094330170192124,54989.398189851396,0.6470490694369465,52.27151437262048,1229.5440811508106,297.46549344315787,330.0883384989807,53.99511707046686,0.187987397827772,0.19260470028188745,0.9329111349740734,24.1497145866949,2.368944184722671,55.94638865808749,9.725759757618176e-05,1.3171806632467478,0.13175188594810228,3.7411500446668113,19.356772837482964,0.42509596432505986,7.2898099621258945,1.6033010066721712e-07,0.0001132097967789073,0.20735117383368382,2.027945882174941,24.649133846733363,0.23836372300987368,55.48475599630833,0.0,0.00014063033626880034,0.14725493890990357,7.464370044819783,22.70066366019816,4.648718363419743,23.09237302422721,1.9907974977412392e-07,0.0,0.21494094289389712,1.7276131941585975,26.653013431194676,3.74306806303277,26.18164452990422,5.200875120545908e-06,0.0,101.94440605542496 +0.8909604524950504,0.23195757903221534,0.44493206263403906,146.64472086013205,65.70651452393177,302762.87536100706,5.322357776431638,98.05875916831673,3.60839790201228,82.21242115553211,0.7026957820286546,28.56010724294134,0.48390163558318183,0.9755729358384588,669.5416467179703,33.24695186579966,0.17691461005230236,143759.85971210475,2.9172824203773953,94.84378377518458,3261.720678196708,138.02037299126238,348.6372313219054,59.51594175611766,0.15848496758954758,0.19477111435022412,28.18243169180646,46.43588215748216,3.186181148293149,20.195700977479504,0.0,0.7010762716127199,0.1205226935137769,33.013445950721525,62.16507943348172,0.3295817557780837,12.977441673410192,1.6033010066721712e-07,0.0001132097967789073,0.20335250937939034,31.457905754023148,57.69245844866628,0.2747340255420317,16.022382523400587,0.0,0.00014063033626880034,0.13685279754937626,99.81729426794105,70.4147025086977,3.6164485253157244,10.33367228964239,1.9907974977412392e-07,0.0,0.19955379762908074,58.96983860474577,100.61960416505188,5.002927842648918,13.662585430864516,0.0,0.0,204.74850401988914 +0.9684033000778496,0.14814749144604858,0.4489011930045962,197.41805308345536,235.51671034987342,343970.1816836983,6.506307899518952,71.60482717575066,3.702446537117516,7.248895489287214,4.253704425837617,27.929125440034163,0.5538822605883248,0.6558044572343062,852.5449849708637,58.207013286395956,0.324984888975865,87088.93168719872,2.587243276465306,76.48995135928611,1909.935480804194,254.88117558795287,236.0677281053433,25.75693820265406,0.21566598971488038,0.1713730111175227,5.876582496941844,25.669481781321213,3.1242312717696903,10.311887431176546,0.0,0.7732624278586863,0.12481574555210014,3.3534881453646688,13.933467003003141,0.7476279529297705,19.76294032424705,1.6033010066721712e-07,0.0001132097967789073,0.199162889881972,5.913740077317884,25.33890259561416,0.32585587194089105,8.97499607282696,0.0,0.00014063033626880034,0.3388668111478434,2.2922828671827045,14.667394550493468,18.154886930418503,59.11101620230692,1.9907974977412392e-07,0.0,0.14800185454062878,7.747735964660462,33.67805810187058,8.816844687237092,56.69565676507871,0.00019579966171510914,0.0,103.41689062267878 +0.9232901588687317,0.14872541985445756,0.4436418330431138,100.51787719019156,177.45515742198904,273024.37163289136,5.3005437980221295,80.62493647605014,3.369179807238432,67.73624002139925,4.985912385266954,23.615453172505045,0.5386499767971383,0.9301870389907398,745.2917440960293,65.1485905025448,0.1472856460852191,299428.21573791053,2.682399944711791,93.37499585674755,1790.5359876958282,254.5068438988284,349.6665627557226,28.343550107849993,0.3499622695687101,0.1783484412414005,12.571749998072956,38.77136540465579,2.581417134494578,8.315004070163825,0.00012956711439829618,0.836089041511713,0.13023807946243907,9.987169828254931,26.541255048165365,0.5027234081113731,10.135714351657853,6.395881772022122e-05,0.0001132097967789073,0.20188881626836647,18.37181784203146,41.35648704787756,0.2938464810543734,7.3526110728275915,2.0836631232705705e-05,0.00014063033626880034,0.354033565153907,35.193273950352186,23.108019739845417,4.926799654142403,43.77449553096844,1.9907974977412392e-07,0.0,0.171328751031454,19.680517089202258,48.6159437311592,4.892321088426195,12.156426035247435,0.00012507065970851714,0.0,106.69013202175114 +0.9741493134923903,0.161582191503457,0.3457530719371176,235.7452791465924,249.2499811495292,204500.62947997454,4.478262849732631,87.0837330799486,3.9940285470892096,22.80573995019592,2.970137893988303,27.660096914181313,0.3541343407752723,0.6352419370091119,549.744192191504,30.55381469613959,0.06396218647236133,299837.9943550367,2.585015832328573,96.25370369146282,4286.168108713121,298.2446696476304,349.2833514250172,45.267610006035994,0.1602164717581717,0.1985281109175866,40.45376547779214,52.682263671056106,3.0316663471473673,20.287729421432328,0.0,2.773932804478557,0.13279628846755498,26.7062825087726,45.32044713641673,0.9484172719220685,12.93321969960655,1.6033010066721712e-07,0.0001132097967789073,0.20793503485057,32.468087625693386,48.5075127089769,0.36078868393669655,13.734437889890524,0.0,0.00014063033626880034,0.09234046080974569,96.37299343399863,64.12294700852271,3.4571001550293077,5.1937149682187,1.9907974977412392e-07,0.0,0.198144073861012,56.736222352194424,94.25433195805142,5.896793217304876,13.152045635188294,0.00012656520196096263,0.0,192.66776916140324 +0.9425760323583268,0.24283656104801735,0.32705745326423613,190.32812074865626,153.68539414099254,332929.6125798554,4.303850953225392,59.75728069847701,4.122006676362727,87.46300211994793,3.3089776092560976,27.245735853959417,0.6259237803809417,0.8905683283529294,949.2821854989426,61.213592531497454,0.12342657547493721,266180.3777658445,2.9442337406322716,84.79634894458616,3602.8992593254234,240.22838685270068,349.6440481794469,57.227885590921176,0.3167356273641216,0.18054228873041553,28.770524249585293,65.37015267362307,2.774150690536741,19.21258576671886,6.248848448889874e-05,1.119055017241085,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20420637514024467,38.4867175042861,62.419021951121096,0.26650463509836697,16.29271174096364,0.0,0.00014063033626880034,0.3491746313611782,70.00071275436682,38.85745660133541,3.3419451891735963,20.351360002110166,1.9907974977412392e-07,0.0,0.1877775338005624,41.924455217359956,81.76469947912413,4.885726531441371,13.562586858901515,0.0,0.0,2698666337285.8823 +0.9706789810297014,0.15581392594220891,0.42124185269878983,197.0614699704993,199.1704819936486,187674.52393918406,6.671371265604211,92.54892945624928,1.9602376679883646,5.104602972469007,1.6831477742140757,26.204895251760046,0.3314292909190939,0.30543996328112955,984.1702460323621,30.588843744596502,0.10909899386581075,62600.5200209279,2.900704224669222,99.01350027931977,4721.750414818697,117.8299000829917,226.34510875694582,24.213211124598196,0.3015986936952023,0.20061327327579898,3.256102389697738,24.51926171093296,3.1157866430288506,6.872783905680008,0.0,1.7441612466758518,0.09853081590012325,2.098181007318967,15.631531066034704,1.245684092604482,28.736879052299514,1.6033010066721712e-07,0.0001132097967789073,0.21296996342772714,6.02934309789209,23.91342412444536,0.41653946421280896,5.857718882479151,0.0,0.00014063033626880034,0.25432067998758173,6.562029292853709,17.226766745524188,19.09842619543055,59.99776668089232,1.9907974977412392e-07,0.0,0.20182039178362046,6.4121463837075705,28.597459439197568,6.294280317443708,56.33133094891627,8.196202528111754e-05,0.0,103.76344015178498 +0.9882491869762222,0.14263660223762062,0.33015572514077546,233.32179089312007,154.80996969149473,158859.71488335595,4.683221506208514,86.14599572754433,1.7220091155671917,48.50111933852344,0.5549108396286491,20.9112189833445,0.35724436610693916,0.9836921587183034,803.3218987373957,94.54597126559048,0.05539640204863053,254165.1136070998,2.992926447782584,21.40543192568968,4574.6727378346695,99.15073354474276,349.83300614772907,57.517194435144376,0.31572821696696823,0.19724324250067474,47.475647404170985,64.27520489701936,2.6264928429167167,25.708128663479574,0.0,3.5312399922756588,0.12846264577652092,15.42132617147504,35.26378347205374,1.0426671895535464,4.107592541603618,1.6033010066721712e-07,0.0001132097967789073,0.20344709568774585,34.00756910429636,59.99585536847109,0.38374659517068227,14.787755683767879,0.0,0.00014063033626880034,0.3185983816828948,56.387091600346615,38.89175477694934,3.324212285992662,7.131447124840983,1.9907974977412392e-07,0.0,0.19198432394019968,33.02603136125651,63.24463067450233,5.055196334294135,7.029447195378822,0.00010758798325565294,0.0,153.16479564575593 +0.9767026836000586,0.2067129947008826,0.4014756586569364,218.85258075732904,120.57635255871445,214374.06270375734,3.187291362686352,53.789917246420124,2.1477592622371904,80.97745536746743,0.2945900814878226,26.12580948339198,0.3824672255917484,0.6141232012072123,511.8679550532551,71.33459708924399,0.06674159445768393,59596.10460542831,0.7060825269418167,25.670874769730595,2755.3141575402014,287.21183815466236,345.818888725224,48.26283763872298,0.2569039574441504,0.2003010334413805,7.674386261754033,25.657958502721844,2.625856472426982,76.18309332141193,1.4708576194622567e-05,1.9708295083126204,0.13507575943411798,8.939447323008073,27.50104998339049,0.42219591581467625,9.309569918287018,1.6033010066721712e-07,0.0001132097967789073,0.20994441780634604,3.4306222737156538,26.092092134204826,0.28026056461151005,57.776125799274276,0.0,0.00014063033626880034,0.12745266167072344,24.705702131867834,31.310469691423553,3.8976356609797715,19.40242262759636,1.9907974977412392e-07,0.0,0.2187250628668468,7.973691945674826,30.72887342954694,4.45582752236521,26.005776935535128,0.00032879274214507565,0.0,123.17544857432488 +0.9363078450600578,0.20751935697126664,0.4252038974885053,63.539098676762336,53.25641565324543,239807.10037265802,6.790130474091132,49.48336068199975,2.9951548578196787,63.22596982320651,2.377881911688244,18.571783980940868,0.37495799709997973,0.6021400287076306,584.5430627599783,80.64302477269294,0.2706191787434817,58337.98920108084,0.763704040886009,63.35093345187579,4590.5471775635,269.9019611317612,340.82537738553015,58.774314031089176,0.18075753768379485,0.19903104886751405,3.033651532096208,24.552219364124856,2.839287102421175,60.19522311218405,0.0,0.7597422913636053,0.14101360705142443,8.865367970805924,25.22366186768545,0.4519137444573649,9.160606512592182,1.6033010066721712e-07,0.0001132097967789073,0.21164911193319413,3.906694928020011,26.068906133905866,0.30228431148047713,57.6420094668888,0.0,0.00014063033626880034,0.14380320521470327,33.19453356460041,35.383308559152766,4.0298372451484346,19.546896472231744,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8939235439099221,0.11690288160439505,0.4497338500738592,243.92202477882705,234.89849525648577,182651.65090169295,6.483785368077922,88.67476986080064,3.7641389999845716,92.90459941919286,0.8545726560046301,28.716401664462694,0.4132044975376142,0.7358521901899606,78.24706533978656,48.59788105943595,0.06437307734159478,70880.71767617245,2.9064736232612733,73.4115115813171,4497.141679120199,268.7602915110038,224.10399688442507,38.43498986127545,0.25012881478707155,0.19533039669543256,2.736976870501555,26.336740634744753,3.5180655557025515,11.607957961795497,0.0,3.693012062748537,0.11607561657079385,2.068421735778983,18.647246836007003,1.3749044416135996,21.250737107860555,1.6033010066721712e-07,0.0001132097967789073,0.189206453062049,4.58544781936356,26.70272715528274,0.4386648607655041,10.65988543238273,0.0,0.00014063033626880034,0.3431043366664762,1.1226277790541472,14.40430101014421,17.495222960215816,58.25842130001613,1.9907974977412392e-07,0.0,0.13979177723121472,5.68990033845961,34.1898890761336,10.622804612575504,52.27888096243147,0.0,0.0,102.33078172941974 +0.9293276611670119,0.24682940020518382,0.37535760470025054,145.647300895199,61.391663948982895,296833.5458536936,2.5557394935643982,32.62178688967131,3.2901304021833915,83.88488068078523,0.7192261003235029,28.340572947772735,0.40577421287544724,0.9385760842588495,39.61392642530342,72.90773237263603,0.3405002369997745,67897.04204522673,1.510016134410909,74.00406647416702,1032.041486666177,294.5121057322716,349.47830235359737,48.547059235403665,0.29514354218511923,0.19159609734308217,9.777056448797305,30.587265324976023,3.204955776550324,46.222354263921886,0.0,1.2084049698861108,0.12269902246556592,17.286323429630887,37.1847600857126,0.2905561896125473,12.84795279220795,1.6033010066721712e-07,0.0001132097967789073,0.2049197085151584,11.266480376744642,30.639797535953782,0.23852301425438832,43.10360222527316,5.180756681693366e-05,0.00014063033626880034,0.09538865140788977,37.67133117528735,42.01677444811909,3.6592542673461277,14.595353888382833,1.9907974977412392e-07,0.0,0.18612957784851702,26.787851880051456,58.18815048742472,4.443680090223597,21.97948509541572,5.3536750140513566e-05,0.0,126.36130722346098 +0.9890796206172333,0.10514979179620415,0.4011827642709695,207.34711743861635,188.1255435583145,320755.09390207706,6.0096800091972185,53.82991271011426,4.264195930458099,41.65916839712662,2.3960509470395226,29.428014532547632,0.3770181427825778,0.8101575606853448,214.19227329450734,1.0947048168327802,0.10154797491285524,103657.09170459304,1.3912379543880509,57.48791312934093,2397.462418068207,143.04246714570445,340.4065211663613,56.27901954341959,0.3448719464241391,0.1923051044638242,9.892372699554105,28.756073536342676,7.106553598072896,35.67066986006674,0.0,1.4612271892793385,0.12755416027602648,7.052681050228632,22.36506742700259,0.6944547807491872,6.064301221592856,1.6033010066721712e-07,0.0001132097967789073,0.20330772078929005,8.978456102630448,29.714249660778762,0.31949345182354943,30.860729520889436,0.0,0.00014063033626880034,0.3176588296469896,31.479678802610465,27.79926590380186,6.518007181020082,19.714164589279996,1.9907974977412392e-07,0.0,0.1813785597413865,13.21479014466169,38.08860016963178,12.062924237427842,11.804916753160413,0.0,0.0,94.1191221567546 +0.8408735150591368,0.11812123774093075,0.3257359556158561,66.6837886745285,27.39185765994897,180411.77166180545,2.71700504173469,6.934746584345961,0.3608628459166184,20.68324636859211,0.2780414832994843,23.271793792051298,0.4701766503361272,0.7134743248220505,428.7051217948827,48.39132503889305,0.053010052935243135,278228.9365259028,2.5151865827738344,86.32816561466188,852.6982717806932,219.36184967063318,349.5815966324406,54.07958715815789,0.1893233027685995,0.1992804510070283,43.42086835396867,54.64814993975309,2.500577550781544,24.953009858495655,8.214338850775186e-05,1.604388084567127,0.13617554272908644,36.7732107041123,62.8934736469976,0.2259151500658653,9.199304930203999,1.6033010066721712e-07,0.0001132097967789073,0.20967311697964086,35.93082769271723,51.254249291175086,0.24710816958967005,19.101489262350945,0.0,0.00014063033626880034,0.11267860636972617,85.60519557804275,62.75498207409685,4.475519204266514,9.900009309954221,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9115819879285727,0.1451692926408509,0.3521825937378165,145.17686182826108,248.8191512543966,349770.7152623574,4.830108299552214,16.164283248637005,1.4813936486066914,12.016980746511543,1.230091517302893,20.781866581038667,0.6023086240999264,0.6748775602976883,71.05452346791536,63.50928880020287,0.31409056273802677,58534.190253056615,2.8977840393975067,82.46379228035006,4738.359075197921,121.4220610003439,234.06578106949613,24.491469829932022,0.20305460375734768,0.19482151174006473,2.808908009032943,25.0065259523425,3.7679517790274017,6.341044104148892,0.0,0.8757981341536031,0.118260696380065,1.5692451327793646,17.19777111009301,0.4401927283949779,19.929439313781188,0.0001275862427055492,0.0001132097967789073,0.2084598165044393,1.5954641992817473,24.76319093173112,0.2739264387107653,4.878425722171036,0.0,0.00014063033626880034,0.33711051822671356,4.063976316780567,15.236954453048604,14.494491340138472,55.47158741876869,1.9907974977412392e-07,0.0,0.16397414361280102,3.080290011928373,33.45677426818928,6.295576005609794,42.76140870952274,5.491755291098834e-05,0.0,92.5026875265111 +0.8805874752657695,0.11962021839939804,0.3876433099142157,216.25183935572193,221.17491784542577,201529.82527894643,5.940250847781455,65.34531832965644,2.840780068144274,95.64344314981315,4.349475407726173,21.744040164301442,0.42705944446440286,0.8409040322623665,660.4199658561697,92.23892412980437,0.3472478092095928,263383.0125054718,2.830738921609074,84.90657406018906,1845.250287446421,296.586429733107,349.7514723230417,49.98958127886544,0.1533300680659993,0.1944605970126202,31.678925944343376,50.54419213768029,2.8191294206801802,15.023045293381486,0.0,0.8533711189834344,0.1266811904392217,33.8670323224592,60.14317009695644,1.1427579283147533,13.088540363913676,1.6033010066721712e-07,0.0001132097967789073,0.20467626152587176,36.57256559489155,60.261895587623876,0.3967409861231462,13.923717916582097,0.0,0.00014063033626880034,0.09539102927506693,99.51632791294199,71.3460912054506,4.188226745301256,6.0837806464833335,1.9907974977412392e-07,0.0,0.19704484671518158,59.59750070374068,99.74516971739736,6.40980178105327,13.537722731686063,0.0,0.0,206.5581851972672 +0.9106543174283045,0.23677241445717712,0.3469470212185649,39.89153123713299,249.7132140455875,279800.67627849756,5.570346713717219,46.61233157513347,3.112757936897684,54.89466805373918,4.856017053822534,20.547929124866208,0.351338244219351,0.895100776497584,325.2190723199562,93.69220319881502,0.34992807874629306,75028.23797548763,2.3801218639781556,43.06854935917737,2994.410824469632,258.6782412882849,349.549639986605,53.55676917496855,0.24627965414339087,0.19448198125139507,17.75143387463778,35.23614167403223,2.9149481126362766,33.15880486108354,0.0,1.1202414960768101,0.12721475215046218,26.849084729844964,48.30888914750066,0.26611231549460673,15.094835530820559,1.6033010066721712e-07,0.0001132097967789073,0.20626929776496866,22.51206980604189,41.855459935881555,0.25810128905426327,29.805662520830644,0.0,0.00014063033626880034,0.11102594806696506,57.29522236754032,52.73652697921118,3.7251519780849347,15.076915555137969,1.9907974977412392e-07,0.0,0.1949190825053654,38.14268273323143,70.4074689130339,4.445909673723059,19.708641947736645,0.0,0.0,149.06748349661248 +0.9847395933455921,0.25753512955997176,0.3230637724396539,216.66717918860246,115.41240555445063,221535.09052101424,4.607812049784085,90.62035547631973,1.8107298996574468,52.56603326938276,2.1464680688037863,27.976004236939335,0.77030390880287,0.733007387930754,720.617503765345,61.9991529138506,0.2102323713547752,52214.24042670416,0.5657515997557445,94.07692548939147,3531.7588710634172,289.1776852199256,320.7079991217823,40.12520858078647,0.2286578114801612,0.19656710064078645,4.085486395461499,24.771153479664942,2.777464567534476,72.08303254398152,0.0,0.658542885140374,0.1331134793567162,4.680258499990368,19.692355533909232,0.6396598394386126,7.271760746363173,1.6033010066721712e-07,0.0001132097967789073,0.207764316694905,3.9083060327704215,26.452806765655367,0.3201346356930329,66.01601648885813,6.821058512137271e-05,0.00014063033626880034,0.111948067880048,22.29799084375252,30.781886095067012,3.442079314220124,12.74490274762096,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9830101922374718,0.14556212797970125,0.43324727773754634,194.4687808781794,183.73324762859878,349437.02015676757,5.70695052807868,84.76641963872174,4.4657178739172885,65.28088507606185,4.89621869393091,14.313880773212757,0.47287138164958453,0.767598536320284,659.3394112762886,96.209208126626,0.2922744206817434,111681.00051487258,2.4080192473382196,68.73385588507736,4666.110938645574,142.53471404782957,222.56227129873508,40.545405427304345,0.3170788018757909,0.19657369143098097,6.074947978431066,23.97715821375736,3.2034857429275743,4.81919020616629,4.509950803155297e-05,0.6849206960011949,0.13830173847470906,3.5682424273308366,12.78952815035085,0.5705267980899609,13.781829331491497,1.6033010066721712e-07,0.0001132097967789073,0.20940672454036893,5.389068720797814,23.438709664647952,0.29783705094188107,3.4588807831452986,0.0,0.00014063033626880034,0.3485468327760116,1.2370495667565249,14.281614926241868,16.159780559982156,57.08908827977212,1.9907974977412392e-07,0.0,0.10207102309523514,6.193376157067125,34.31575904047446,5.862964970312651,44.47082764923152,0.0,0.0,92.50292171502116 +0.8907771312970761,0.1619559717565192,0.4294841714533392,209.8107626968472,173.94198187560158,290293.77483897586,6.53669765467837,57.645034766022476,3.2651757606106395,76.60876032679347,4.899385604906099,27.939980383221013,0.7738004397701411,0.9132966875554576,368.8030533399955,44.09068241487306,0.18016741113516865,247350.32464834364,2.8498455330935966,90.58538480896449,575.632514918148,240.87188159450474,342.48480005728567,39.32872051544608,0.15998157278573574,0.19412964004325053,22.494946614433132,38.969776935996855,3.5051485097536412,8.737031436203232,0.0001604670164610807,0.9085256485032166,0.12846192051188146,20.016003399682234,39.86878815883376,0.8193773473732268,7.524463825050811,1.6033010066721712e-07,0.0001132097967789073,0.2007595257172351,24.412576474645064,49.46797508948086,0.3430343291206515,6.779964621415085,6.893328230300084e-05,0.00014063033626880034,0.15507198611193357,102.06115686310406,69.74309995815472,4.84354167241063,6.098960119230493,1.9907974977412392e-07,0.0,0.21997149415366923,30.913076120455376,62.07691746861367,7.669723768498952,8.159751222710614,0.00011516283058744261,0.0,165.91164820637454 +0.9488499241170665,0.13309390567081922,0.44935363481506474,244.02255033251186,120.15137955140193,148454.96331746643,3.8575770984289846,84.33734915450044,3.4714958176378046,23.470606872200566,4.679647528379797,25.45364438860596,0.4222991544364873,0.4997583692209799,390.12770209279785,98.4142211005249,0.05696718498018033,96495.05603144359,0.5065245841250747,99.70999165856627,2592.751096344392,220.60989879643435,343.72437212863815,46.225114115406555,0.2762185382843163,0.20107780106282194,8.992211030515174,25.818238867046126,2.61470280406439,49.38408548675565,0.0,2.8493706690967575,0.13778342107737176,6.792359414564127,22.790297974242584,0.850040300252014,5.61804939690059,1.6033010066721712e-07,0.0001132097967789073,0.2122635697191547,2.858842447604994,25.827408953326863,0.3563427116692252,36.925733811345005,0.0,0.00014063033626880034,0.07944779653116135,20.616628173434627,23.830251559012,3.7502308838932756,7.590079987373069,1.9907974977412392e-07,0.0,0.22731173865328644,6.149017608270335,29.130725139813986,4.795435281288291,15.668835663686902,9.834948763304065e-05,0.0,89.7638509104825 +0.9383173914097755,0.18832058405148594,0.36835023354121443,115.6389435942415,38.499846277000955,273439.70594977017,4.790523136807984,34.37840482417465,1.984849580739794,58.528517683472906,0.6769892267163025,21.284433168430827,0.3430717281473894,0.8193339481860913,619.2665195947318,50.525422791996796,0.06705822486917351,79590.64524392449,1.4346250331316308,50.66591580100247,4242.877161780586,67.23607105494128,349.6040927492532,43.577369552333295,0.2149681419472128,0.19943913883188796,16.560800039348162,30.12186717625509,2.948212638038473,55.51191336951737,1.5877735934050334e-05,2.539417313466848,0.13561250709105216,14.441749590950993,35.053901865767216,0.22441917477795417,8.478366321342735,1.6033010066721712e-07,0.0001132097967789073,0.20624628704325979,10.400876746332337,28.310461351295046,0.26298144029474735,40.34918421868766,0.0,0.00014063033626880034,0.13334084742671137,39.0347354746616,39.37213194074107,3.8965454833490285,19.640689268224722,1.9907974977412392e-07,0.0,0.21665359379719165,17.875227314881123,39.19713439771978,4.590645698710062,19.173110348075692,0.0,0.0,118.51144000778025 +0.9832488177821297,0.1424181725248184,0.43480517003303454,215.03457039511753,177.46830079606485,266044.4598279043,6.540765067237268,94.61764033457405,3.5475203623564058,68.41953774870709,4.943240259607339,18.011662236063977,0.67571984217717,0.7685575065085432,734.0955694718431,97.97270482982181,0.12733004341588902,72685.59468276269,2.4045669966569507,38.8856894907433,4833.947449044883,137.36040978098382,221.0371514479342,17.61053080407993,0.20478604640483283,0.18214483710016066,3.36739398369153,23.858742053161087,2.717796841050275,3.726505898015459,0.0,1.4920706268856032,0.13603567187639581,3.7576623605006354,12.775525811421364,0.9066435720023615,7.317119071285065,1.6033010066721712e-07,0.0001132097967789073,0.193063806592729,4.950615977510076,23.866605601615994,0.3190525210988348,3.250376402135817,0.0,0.00014410350517884027,0.3487317836219849,6.469601217272423,13.987599782158497,18.70752809900337,59.65235699142346,1.9907974977412392e-07,0.0,0.09871663203719358,7.581486170262554,35.136284989749306,8.455496690611007,55.71642663945507,0.0,0.0,100.27224122435916 +0.9832488177821297,0.1424181725248184,0.43480517003303454,181.7956947136769,175.7739329439015,265548.01641528856,6.665200731768359,13.09505029147661,0.7082102358316547,70.78083443038041,1.2975227555443232,11.535939420413165,0.4055547488549995,0.7700349326558946,704.7512461395155,97.97270482982181,0.12733004341588902,71373.4792556432,2.407481699878707,38.018475906393064,754.7126833747361,137.36040978098382,221.0371514479342,17.442777712527022,0.18683818992599088,0.19913873965214776,3.6994436090937866,24.080576557379665,3.0147054594078915,3.6095495867081127,0.00010377965905640026,1.5210787923483768,0.1393260861627669,3.963515977781148,12.296144352408332,0.871743376748582,6.856486313236434,1.6033010066721712e-07,0.0001132097967789073,0.21004258227769054,5.786963093960252,23.988208474668674,0.35348077777459463,2.5600458284556677,0.0,0.00014063033626880034,0.3488173979320303,6.513802774210709,13.981760753596907,18.523389131446415,59.46785789632145,1.9907974977412392e-07,0.0,0.09006419455033084,7.2857426801666145,34.9558042472054,8.090710520563164,54.71980091132688,0.0,0.0,99.50210887086523 +0.9419751243637252,0.14675306394545382,0.3880405377999194,180.22583263957972,231.3762920049004,244912.02345769518,2.9152796501872533,65.33382673032528,3.6481618466531245,58.32036613613021,2.410404725055958,23.157242344661835,0.44776906478198963,0.7394512807417434,593.8808979808907,88.60872679276471,0.34396102529775563,256188.5021697068,2.684113268892188,79.76925658222235,1912.7026848646276,297.67377993751177,349.4647032826459,59.67819471890003,0.18902287617366703,0.19568355613670593,28.788525950822518,48.68396760405117,2.6119218466267253,16.651178367565024,0.0,1.1625605958900107,0.12802865190548535,25.546824994618472,47.98978041878899,0.39174449095801406,13.024346880231535,9.080628581358206e-06,0.0001132097967789073,0.20802517579681296,33.02907995792418,53.32630111509299,0.26596134315767317,15.7317508178807,0.0,0.00014063033626880034,0.1311441566051168,77.15911029580569,52.16649929376899,3.402244373633591,4.764643835933226,1.9907974977412392e-07,0.0,0.2013515177854123,44.03834969038328,77.0564816058332,4.520601384059184,14.411581616741625,1.0098154026290515e-05,0.0,166.15196303848728 +0.8847848186286976,0.1951915381638187,0.32283453947561186,136.06098825486865,116.80417021273978,171572.06037824106,3.770573424818628,58.17467664584904,3.0517857485034265,59.20976818330799,0.8426761804152236,26.610956858362307,0.3165942084065454,0.9240016983295462,448.30812618523566,78.86578026315972,0.11401445063311064,120500.59693325806,2.1563741033883645,93.86248039134348,612.9357151620304,208.9924607734623,342.5714179801555,41.837911678996846,0.16215958664089283,0.19450438619761137,20.901673424074538,36.22752830495239,2.5981165690183174,29.669667563357788,0.0,0.9752781669472581,0.1232483939143007,32.31928255832481,58.33774170649531,0.5894680021129199,11.83023328696716,1.6033010066721712e-07,0.0001132097967789073,0.19974907952738402,20.8416805871803,41.16289583515975,0.31522019814938756,23.255024265529165,0.0,0.00014063033626880034,0.08514612160006503,93.74831372077665,65.81075939248286,4.235568863189509,16.287860051110073,1.9907974977412392e-07,0.0,0.1904349472160368,49.35474484080113,83.54112807829674,4.527409519889852,14.006767542852355,0.00016310684348071612,0.0,181.46614183035695 +0.8983691084304376,0.14853230320045682,0.34029493473904004,228.28251511224244,113.47316779751085,187481.18335100115,5.466576438426661,39.538021136389574,2.086200773718849,41.68793296279978,0.360034664698083,27.949684387139218,0.3047048160176804,0.5439485906211974,71.15847403447071,1.4622143929299887,0.12631195220449037,224802.99111548008,1.7344589547171751,57.70706717025775,1754.8472199507437,219.35432342380136,340.83480928203215,12.442034679765177,0.18151125254818706,0.19865098109150267,3.3404444490061898,25.655753730198587,7.295272122605344,6.102701260498254,0.0,1.1578157003819927,0.13644734294831065,3.163561983789831,17.531886536339503,0.9122680982490571,3.6897715424480717,1.6033010066721712e-07,0.0001132097967789073,0.21158092686643282,2.9225638222139447,24.247935355596073,0.36657426217805983,5.139130238518562,0.0,0.00014063033626880034,0.13052428603562416,47.780077313023156,34.5575827154762,6.543579940167488,10.004291602208367,1.9907974977412392e-07,0.0,0.20814493564874656,1.137192829048745,23.749929158870838,11.768613998131393,4.258100280256974,1.6772465647447573e-05,0.0,77.83485857291369 +0.9284175399429743,0.14242992726310216,0.3425788276896769,128.96657323731426,113.17070482472026,235740.99962008424,6.55205569401716,50.61349409482571,3.063930099699997,62.68195051027602,3.846913225839561,9.061484038075227,0.3133752727503965,0.8845734391557857,222.87691748165508,27.609503020339197,0.1838397341754093,64538.11397730091,0.5816873152002394,34.458779821146884,987.9339474172675,257.6525334129417,339.26224477723224,22.873680107372028,0.2498508449181422,0.19791733160198705,2.8175783666690113,24.977058497564503,3.6613347173166964,60.989244597404586,0.0,0.8053250591052055,0.14038946624126328,2.750805139657669,16.630323446466953,0.7415567137089938,5.655812160200365,1.6033010066721712e-07,0.0001132097967789073,0.20997956312323743,2.308941379297326,23.706355911315537,0.3408164632645906,50.822853069611874,0.0,0.00014063033626880034,0.1403155543441207,23.38464496084681,30.107547682849578,3.327866862548973,14.8152364923767,1.9907974977412392e-07,0.0,0.2183980428081193,2.6827501217228584,23.90006421388404,6.142213653599323,12.466127232066588,0.00017979012963341537,0.0,101.43072276851633 +0.9425760323583268,0.24283656104801735,0.32391618608603756,188.61237702592564,157.7836419944509,332929.6125798554,4.303850953225392,83.9757872816361,4.122006676362727,7.344526879604793,3.3089776092560976,27.245735853959417,0.6259237803809417,0.8905683283529294,949.2821854989426,7.96019485048183,0.27325775996946333,266180.3777658445,2.9442337406322716,84.90327156385473,3602.8992593254234,263.3265557689204,349.6440481794469,57.227885590921176,0.3167356273641216,0.19329972120872435,36.71564910132614,59.77292172525429,3.4323601123368155,18.426274868330438,0.0,0.7991904358986246,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20215852903788534,39.40153916471054,66.2387704587153,0.2668284876401303,16.449184680105255,0.0,0.00014063033626880034,0.34695886440030976,71.50931023712229,41.27521574774797,3.6714520361786276,19.686703927863558,1.9907974977412392e-07,0.0,0.18089335540110585,43.30734513536612,84.7208741707887,5.888964136275336,13.963659048608452,0.0,0.0,2698666337285.8823 +0.9151591464885407,0.15020100136012846,0.3677452167106586,183.91109866474292,88.32738817004919,203804.60883560518,4.615961700154856,86.60031097883012,3.5407312790168293,87.57262488755113,2.382552527921354,27.10989671368751,0.38187461638714565,0.9204402371329936,265.97248213849593,79.27219885033371,0.25894059831347754,120103.90061954859,2.82665393366835,51.06994593909576,4015.9606002166256,247.5490673835572,342.487078204811,51.51363589564642,0.1741407986919763,0.18958655490813317,21.5809571343688,43.61236106459933,2.890831104881427,18.48900777281793,0.0,0.8144789084309106,0.1204141872083028,23.65607263444771,49.431792032081844,0.5956752113990136,11.9693450956782,1.6033010066721712e-07,0.0001132097967789073,0.20180595152331718,25.42911410439746,50.77387718090814,0.31897872743710914,14.015717720294855,0.0,0.00014063033626880034,0.10103910972405038,71.62595182339683,60.302148379507884,3.5455751163627305,14.127248156769266,1.9907974977412392e-07,0.0,0.15956566372543837,50.10448778198201,97.80808133378513,4.903028037841804,11.029248372313134,0.0,0.0,174.60815414025888 +0.8445202192625609,0.10318323821913108,0.35381996701969554,136.02729404852042,245.1783946879128,205891.74370618575,2.3499404345400907,47.02997096533772,0.3413596868680293,52.05040018083555,1.9323673760435232,18.133164354031585,0.4271114464506466,0.5059743567207801,175.85999593597933,93.00039762378891,0.17885627656990147,55489.40199985183,0.6137781888931167,93.45011179628418,4749.864604427105,214.62327604216927,346.90263818095696,59.54706686291798,0.16268721137648792,0.20004564802290975,6.209494271819296,25.419654635516846,2.632445176042389,83.5248218551558,0.0,0.8450358797384121,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2132070332027892,6.898440167532937,26.575217085753764,0.25568312828530304,80.44374760531936,0.0,0.00014063033626880034,0.15308992885033532,42.76621097664093,37.544089228010186,4.02402327010087,26.935120278816406,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.883783702994877,0.1276944244702532,0.3939410561071018,222.09824518602295,59.12516016462484,171802.11171308855,1.8185109799068675,36.25501019768706,0.4035939750261457,35.06941621552531,3.166274242890314,8.55615684315793,0.32834622465749214,0.8753196630313739,618.2114779526615,48.06170128349409,0.1132913829364326,253848.0912498856,2.5793810323344593,52.732374553291166,2497.4640466238284,226.1255571050337,341.5857265350239,15.47762478743709,0.16791660342792594,0.19868360896478046,5.511205939418762,24.496885420714296,2.476847638844584,3.5437675334565673,0.0,0.8675335582630098,0.13994459428648287,3.4455227488264124,17.31676948608548,0.22252582775829174,4.845833403020586,1.6033010066721712e-07,0.0001132097967789073,0.2111960513134082,5.122579641486682,24.0591145983818,0.24467120167282827,2.7874293003672665,0.0,0.00014063033626880034,0.12368539109762093,52.645507207423606,39.3950739332695,4.513281362611384,9.369025458218106,1.9907974977412392e-07,0.0,0.21660042189791456,0.6556631644550549,19.470727686012047,2.9686195692678825,4.593676340760293,0.0,0.0,80.24581519902154 +0.9857334253682435,0.20551964461247557,0.3210416445040541,138.08207273969035,148.94009689720187,328882.6313635208,4.50096158602937,50.046317652977294,4.425137126363943,79.14969182523123,4.495601088694267,26.513520519661032,0.4506242422313408,0.9131447599397142,577.7255859998822,20.055791339018512,0.28054187584937357,84773.19221123421,2.3084842584119976,79.30061390380575,315.1051445409952,284.7842016013139,348.2174140804727,41.23655129708235,0.275490784790527,0.1878505903790188,18.201865466343286,43.803994015048396,3.355847584023633,30.000099823165925,0.0,0.8128788186384012,0.09276641810379696,20.02612561061894,44.39700407430151,0.33562591029743777,17.543152331347855,1.6033010066721712e-07,0.0001132097967789073,0.20121130503107082,20.72232310644515,46.37642318606113,0.26343820626185144,25.851116705047737,0.0,0.00014063033626880034,0.13670472690011898,55.849643074371436,48.492172509229064,3.1924262892042887,11.434154086013281,1.9907974977412392e-07,0.0,0.15531221339077794,45.5512666266934,88.4945151419484,5.810242733941922,25.573435281804432,0.00031680844228447214,0.0,159.04800036822616 +0.8022652338119417,0.1151266541556975,0.35802637869577847,191.3177382474396,190.16642337736337,257703.43575590767,3.3726047400334194,58.2511321476332,2.554864928389006,51.7369160434382,2.815673699420806,29.019191323528453,0.4324297065920778,0.8102434471998787,572.9957310929989,24.01418249525781,0.15249065324377187,50188.67463468424,1.0362132674003366,80.06009810544612,220.56141471962133,211.14028627687895,348.0891248128489,32.41929972986247,0.19602157837632944,0.19566024068494609,6.389044153742687,26.596079647527407,2.956386788835713,65.52632879837998,0.0,0.7070134730857848,0.13330036948274057,13.482456201613394,31.383565119843084,0.4265578323713842,11.20806541645403,1.6033010066721712e-07,0.0001132097967789073,0.20674800060419146,5.916949261286578,28.114546043836178,0.2733983235952105,57.972096323216974,0.0,0.00014063033626880034,0.11695050907259187,58.897956350727924,51.23919057192992,3.49556095918062,19.268831456252403,1.9907974977412392e-07,0.0,0.20593233067396005,11.208574999617433,49.224260572033494,4.563351583538513,20.0364070950227,0.00017002676438622393,0.0,141.3468171709585 +0.8073318994101004,0.21210058737131737,0.3583000054559898,208.40321887848506,77.53888608551127,302144.0691526059,6.252759243989186,48.98695152861218,2.3997453355434084,57.78580184861587,2.113607609118266,29.78457858837238,0.47104496985363364,0.7881739200469637,856.2615011438954,65.06425859095334,0.17405479596538886,295049.287775039,2.862375456310564,85.43884210870038,4336.11880140555,294.39715177932146,349.74054960913054,53.16770745975458,0.22298399511070305,0.19827554363757244,41.39832888728507,55.51698535117372,3.1276276298115437,18.934856107034907,9.608593899685384e-05,0.8528808959997528,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20701735882648084,41.357458868510676,61.367138076976275,0.3039255408938312,15.981517213212928,1.813195200041933e-05,0.00014063033626880034,0.1273812606331703,100.36985008737267,63.4516845906729,3.126579661941411,5.497053101892485,1.9907974977412392e-07,0.0,0.21385119646151576,61.36894147038645,101.27029852672428,5.290085039261175,14.823158553271103,0.00014093454865674938,0.0,2698666337285.8823 +0.9103871939143956,0.20065950056722706,0.43896970992875584,224.1521199776843,199.2803994326315,264065.92771406635,3.263839305545667,72.4359664457445,1.6954122651970305,76.65679131164265,1.9029573208948887,29.771816034201606,0.7786517606475603,0.6653903362614233,825.5018256243568,37.96768730950405,0.08537230154964315,246019.97294871238,2.959299373259949,83.94391525165587,4913.236402157184,251.6715738297584,341.80841961148343,57.55070579738591,0.15958464285917834,0.19956629024250913,30.686812541905088,43.219212933279096,2.7850121146173845,12.667820215834938,0.0,1.4631335371112897,0.12522723863444915,25.405185731374075,48.14813741258952,0.4365013782169789,13.90875746939868,1.6033010066721712e-07,0.0001132097967789073,0.20781657344633728,28.447699334364753,47.80169307756621,0.2728623351574971,9.096261078780211,0.0,0.00014063033626880034,0.10613915454543886,89.89403174499768,60.28920008653624,3.216148556327565,4.726732010488387,1.9907974977412392e-07,0.0,0.2136081745728412,39.63546181420784,75.19271750926795,4.83303387278667,12.188692450772233,0.00015120883367983513,0.0,168.7001924226596 +0.8920957322116783,0.18292369179069126,0.34958114015811964,233.23184222298076,199.45579668805485,254463.6363828397,1.7726318038637947,47.79792463377811,1.3420219715943813,18.955513981868023,2.7888692486345086,26.91575557106729,0.6144229191513693,0.7068818683460868,510.60907124572446,69.11857436175313,0.25368537694261045,50507.31444462808,0.7505148954570504,94.07772546227396,828.2879777066435,291.94441984377454,333.5159104165884,54.10339296803907,0.23757738017013041,0.19598797997490167,4.5125050497674986,25.0649852566931,2.5873294808638025,74.5152963304697,0.0,1.130061117083356,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2091615849403522,5.9570508489060146,26.672642855749224,0.2391346598063162,71.68562255263127,0.0,0.00014063033626880034,0.13289127042201251,34.64013321579747,36.25730800077437,4.056084224837864,19.648810441575776,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9873644988707414,0.14301618085312218,0.4444560675927523,166.9253987849373,80.32998365287061,269887.2935786481,1.5860453266548658,62.792600389812904,3.1767630901760135,86.35348000557184,3.5378579848310485,21.117179478241596,0.4838552538489214,0.9754213210290898,94.72586611844883,30.618727277045362,0.25865585999115626,143722.4463601348,2.988551430094775,94.84360285388803,3261.720678196708,151.60637045432702,336.5672192404642,59.161972857386104,0.16277402408075695,0.1883194600056937,16.755468372720124,46.24797932997975,3.0269230750728,9.25358665502708,0.0,1.2107200127606792,0.11479771508058854,16.924137432313245,35.401735921173,0.37434739816479784,12.385567521646912,1.6033010066721712e-07,0.0001132097967789073,0.1991290234219232,21.803127187387137,49.67069973200115,0.23436796548739586,7.741787736334779,0.0,0.00014063033626880034,0.14651292796654486,69.87728703357057,55.274042437259396,3.5735137178347784,8.578604140040822,1.9907974977412392e-07,0.0,0.18029619523265433,27.49113124621333,62.86247984861838,4.3373560783853495,9.229864129782912,0.00015363511225767077,0.0,141.58987060364234 +0.919234660093328,0.22089322292417662,0.3753456067171346,234.87915771899912,244.77321279312469,295262.40785961197,3.754252744936546,47.88227641430356,2.1817261966231594,79.60454938502629,0.2721523790968836,25.356320138644485,0.527688721357616,0.9607497784093672,657.7459323655228,46.619270418060836,0.2463280495551458,240663.7665371492,2.9783781923702026,93.76289455567326,3584.904991005386,245.08601428648973,347.9321818043403,52.34778886797922,0.20798610738766243,0.1906929529682952,33.53017981868987,57.58812325708627,2.9688854307119548,15.826373447214491,4.3886964112161816e-05,0.7392796759027329,0.1215518808746892,28.857370709301758,50.44781898697055,0.5175033443465359,15.133524941722046,1.6033010066721712e-07,0.0001132097967789073,0.20064855336860637,37.4155779045064,66.9050079962708,0.28274170191684694,14.444596593943865,7.754799423711827e-05,0.00014063033626880034,0.23709371516960234,93.77970183701748,63.17910850318112,2.828470541719381,9.677988481231589,1.9907974977412392e-07,0.0,0.1676791773280935,60.268729691990934,108.61116944961228,5.351143312003614,15.97675688950044,0.0,0.0,207.34782956897368 +0.9345005334973445,0.14551224841368085,0.44805387528223195,163.95540096440774,63.1534456437823,343091.06457783235,2.505082715831241,81.04718731710803,1.7440470928890677,6.195042889897394,4.552384674313814,23.79671864284004,0.7339831684988323,0.4225564303340267,305.1504469412382,22.210697920993866,0.3424535530147295,85964.12080038799,2.9629907479388353,94.24038315982854,2433.122448752293,275.42278599180435,252.14069042569815,34.22119620996299,0.2393152105599965,0.1956784246843554,7.571432352216166,25.58593642382445,3.299802101361996,11.415630686467845,5.906792876517088e-05,1.1949055066452543,0.11139084987154957,2.000522243179905,17.67753340440345,0.3307471716223711,25.16501647188368,1.6033010066721712e-07,0.0001132097967789073,0.20923918798628036,5.798759258031263,24.845386223582395,0.23590054408487332,9.332034514228246,8.610322763174075e-06,0.00014063033626880034,0.2955259394866933,6.836384183742866,17.303044613348998,7.6925096382132585,50.52968565676952,1.9907974977412392e-07,0.0,0.2085804474153982,6.321897552761984,30.083592188123077,3.9516416144898066,33.62897200374563,0.00011418095413448539,0.0,87.13689638052547 +0.9593077340856422,0.1454812372430101,0.4379796351102834,149.06809785859204,97.58859237408049,248587.0843484629,6.835786133575086,23.726765961487057,1.9295560903061246,20.658591042135782,4.135471614272823,27.194719731743568,0.4653632676535557,0.4283434163176846,296.983654836205,72.932274878313,0.22293782499228582,50129.17238328351,2.8982794114171013,93.92191942473893,1711.7723568819133,273.9640469441016,291.41517547072493,28.423435991600037,0.23634532919472834,0.19733701931375316,3.857329343963833,27.606607938796216,3.270503482329835,10.17951592968965,0.0,0.7676417746096091,0.11101244516092171,1.8053882271386246,18.489520742472752,0.7260710045404652,23.91123015085089,1.6033010066721712e-07,0.0001132097967789073,0.20792895937556802,3.8510946021060612,26.176117926268294,0.33943724532094344,9.044690897458999,0.0,0.00014063033626880034,0.3002878013265853,30.74390717222525,24.088968859290333,5.189589674126782,35.45538013309462,1.9907974977412392e-07,0.0,0.20754655895677748,2.619893048842073,33.69196503982065,6.250300323968169,34.17290218150226,6.51148863170602e-05,0.0,88.03309098321188 +0.8045680635439018,0.15075240970444587,0.35376767945831156,234.98041223564752,180.1137548949976,309316.25847606774,6.46600681416323,46.90302647820823,2.5753782062697126,58.31668949411662,2.573974414563516,22.564621431527957,0.40559634224236935,0.8680769640161435,646.2382901470686,26.756811004579546,0.05047865218203454,67564.76510800493,2.6043233246065207,97.72575779606848,683.6510071065986,53.32865172214657,220.37762138799474,36.52697681854277,0.32361468019493084,0.20229434728640022,13.926468202978247,27.11528747099706,3.7215705716958807,11.36887529658189,6.480377675828232e-05,5.183353926041019,0.13250471724147384,2.4016048620458545,17.38708851026436,0.8001323994937349,13.13809117658344,1.6033010066721712e-07,0.0001132097967789073,0.20761210250960918,2.57941415239852,24.130253436211962,0.337859060406441,3.6279204554641065,0.0,0.00014063033626880034,0.34553261621492537,8.60435570515314,14.954312649360638,15.211428728567563,55.878452700933565,1.9907974977412392e-07,0.0,0.14268348816225346,2.8231918875338726,34.8071348377781,7.036467896303386,42.11233373444553,0.0,0.0,94.21700977171179 +0.8969973543525535,0.1638804264982639,0.40215014885366984,164.30161905355936,240.14782741360688,133145.7720139008,5.946241813582002,87.15463224674073,4.207106944627506,22.80573995019592,0.2989570050884436,29.893653525951258,0.43415617917061583,0.9859050344455985,843.0191484984923,87.5358205116348,0.06396218647236133,298455.5356645825,2.6144729900645065,79.99566226362225,3372.0844598859367,155.14611181804116,349.2833514250172,49.28802884161752,0.1602164717581717,0.17572859331891771,22.38429427629122,54.977476645333454,2.1351012760465307,21.48243992924544,0.0,3.5257320998808996,0.1264231456940931,32.24252293621703,59.76340195128168,1.4441568752403973,6.360582283315393,1.6033010066721712e-07,0.0001132097967789073,0.20052221162411094,32.625551500127166,54.1136016206426,0.4528807668553916,13.388452928233297,0.0,0.00014063033626880034,0.09657447678064306,95.07313902850996,67.11954520511385,4.182676871118521,7.0003440310087015,1.9907974977412392e-07,0.0,0.20050787422642222,53.65296093733822,93.76618716967883,5.7380887768981275,7.9683277773586605,8.43052945664896e-05,0.0,195.46289903309744 +0.8476560861328521,0.22351264226562545,0.35477884935836884,130.27911506528733,184.62529100002396,340800.3717814698,6.321206485849918,58.47038783337894,4.006716480275531,96.79500546945754,4.060330356087335,27.840237569469707,0.3554561143450052,0.9710304805897473,622.1688008351286,95.21407795070948,0.05160988188916961,208919.31962754953,2.5095185986175337,96.26855525079836,4091.340588405742,77.23331557309457,346.5082226452371,38.413973542793215,0.28660623995088674,0.18586365666771867,27.729981506558996,55.3751534137727,3.481371528511821,23.96560856981368,8.838407388097517e-06,4.9721268647627594,0.13450484636294593,22.587406478108708,42.91126358652722,0.5517108239932887,5.713441340696343,1.6033010066721712e-07,0.0001132097967789073,0.20376270969523683,25.76319757621702,47.84299357444134,0.29858788386478086,14.67082894108648,0.0,0.00014063033626880034,0.2749167876242477,80.69242569128848,49.708745188451765,3.405127808410497,12.111475237892625,1.9907974977412392e-07,0.0,0.20604509944162927,36.05504618297023,65.41868159032049,5.6765796384747045,8.441652376970069,0.00025238034926564263,0.0,157.5527246534116 +0.967465665748255,0.17096284685673477,0.3550119564299337,218.32875187467764,217.76567597076865,220080.13370026552,2.581753687172323,76.668256837782,3.589364719766386,89.74534006126167,0.6146169309827432,22.169102623240104,0.3748691371705503,0.30385559195368755,120.40496485451035,2.5991846989915555,0.07045607424361353,52048.76845343025,0.6773996633711685,99.04754837910897,4544.160191454663,209.35753931642105,348.9864457399619,36.91894523421139,0.33419329559840394,0.2005582492810516,4.753585497258736,24.567113693836816,4.737339814270531,73.97097540869451,0.00013046167432496724,1.432947408106888,0.14255349629024644,7.22179551792638,22.728432234454374,0.4149416786517246,9.152724773359253,4.615613879763437e-06,0.0001132097967789073,0.21404704976446606,2.6449702328096913,25.558141047725396,0.2688956377819666,63.224140415704476,0.0,0.00014063033626880034,0.13180662472855095,18.51942077160093,23.554546660056292,3.9378302921928126,12.436211698606288,1.9907974977412392e-07,0.0,0.21954890292695978,0.7381663901054173,23.840176576076153,6.758917261439809,24.85348122523225,0.0003940533820883025,0.0,117.18788583585697 +0.8021084066224093,0.1663798550170136,0.3892686700675349,50.3085258177275,248.6416103989336,317488.3876141778,6.907236335715593,76.32926821039665,3.3423781030770487,87.59476202045592,3.535542621934269,26.270689696346885,0.6376712252626173,0.7499800905486692,986.6597284312086,91.40412714714944,0.24937346844175662,248008.83157140302,2.7998605893109354,94.05651326092631,2451.1812175431182,298.42026193837313,341.57085066758776,59.61117864838143,0.15466914184846703,0.19660985231444988,32.42008813709293,51.11608470800664,2.920854239502557,15.192875042983088,0.00011100649736129699,0.6304794741834507,0.12440337828726614,36.857175813546675,61.969076106455546,0.3836460883513314,12.298943365794294,1.6033010066721712e-07,0.0001132097967789073,0.20760609380084624,34.668224806919824,55.89490588457974,0.2752505260059732,12.995111625180694,0.0,0.00014063033626880034,0.11688406663001807,115.46311315419747,81.43784469935464,3.29021531143708,8.916507227532374,6.6121227996509025e-06,0.0,0.21225389493801708,22.072330147324678,85.92067089089326,3.6567899120552285,13.421888674964364,4.825398330402588e-05,0.0,204.6122670809042 +0.937736540467473,0.17260142161956482,0.37465468223880444,116.25006298171104,209.81363881715697,257809.6163825239,4.828134926784726,40.091519509495114,2.3912238330315407,99.99101912289208,3.137658154744076,20.642091927150716,0.3129990962661856,0.9594737087450907,985.6176686982697,1.642885535372148,0.09096530545658367,79590.64524392449,1.4331155761431023,49.73336206016449,4358.4721859446845,69.90039894051284,349.58758341480745,58.894115350319716,0.26071838860203816,0.19369689894454714,16.03876537115629,33.54944678077937,4.162504385778424,56.08573988821445,0.0,0.9121571713238978,0.12384177877004506,16.37161323145328,37.426865779421966,0.5489827261829481,8.89114927009712,1.6033010066721712e-07,0.0001132097967789073,0.20436213019093696,13.123116802847271,31.418351726463023,0.2991717530414808,47.800917953945294,0.0,0.00014063033626880034,0.0855813525978898,38.13830386569417,39.205872399955545,3.996303554305669,15.042724642627546,1.9907974977412392e-07,0.0,0.1740646563287152,11.281167913023173,37.815446680341076,6.615247078481776,18.631208568003068,3.532943856490868e-05,0.0,122.15256587977825 +0.8980979528002216,0.21277384061254792,0.32857185105216047,183.0701777164539,126.03144776549316,234325.18261875137,2.8030370576555383,84.91323905385988,3.951198910611005,93.99429267091735,4.770028560344752,22.57789323248956,0.31912893325518704,0.9420752398924398,152.038041838134,41.70311291392832,0.06900003075967029,56094.53970313142,1.514797037577025,52.049567807068165,2930.90262464684,255.06309383866798,349.3016682793668,52.017073414144114,0.34999240854090924,0.1971402186054509,18.074852717225564,31.863418357559276,2.9927316840839193,72.78086165031316,0.0,1.6240974761137532,0.12646013189625266,16.348600468616326,35.99749603368124,0.27807342180849515,14.462958223912063,1.6033010066721712e-07,0.0001132097967789073,0.20423162711603976,13.895700278045684,29.648973311603246,0.25668911488883644,56.89496134672979,0.0,0.00014063033626880034,0.07226860594921705,34.934515402306914,36.68691932445461,3.698981031150571,15.18678762847535,1.9907974977412392e-07,0.0,0.19540448194725463,23.07319806213809,46.40421604504502,4.687173270800399,27.00238791674816,0.0,0.0,137.76743048361988 +0.9670321891610436,0.10764515862071872,0.4218011367866175,181.56936788506158,231.59787864726167,295202.0400765832,6.138238408656341,45.71347598443853,3.8331660576147653,75.77499459376247,2.785390765350467,25.31385429004251,0.5298932711833803,0.9607578010905645,29.80830581193294,1.9846095172369154,0.21814833314207835,254080.3580438329,1.8463702160854791,99.92373030858538,1974.4168182864225,201.26331233598475,246.22149887262404,52.26219989858312,0.23290935297831053,0.18835238451623826,4.306520419141536,26.420915436589905,7.048973954470273,4.329089367733891,3.3991269986250906e-05,1.173697616997798,0.12448337130922069,2.2949045502217045,13.906774071661998,0.7922577345833137,8.096107811937456,1.6033010066721712e-07,0.0001132097967789073,0.20223850603234156,3.0056735524501894,24.262863480583665,0.33568386629388647,4.186629244299112,0.0,0.00014063033626880034,0.3576336542453618,16.18328227795358,16.969113600124725,12.405031795011825,50.93361208938979,1.9907974977412392e-07,0.0,0.21437741818490913,7.788993634037812,26.979268285527198,12.12822782841598,13.795911816842857,0.00034684505133358016,0.0,78.04371542986553 +0.9600820210157776,0.18801944965053044,0.4041381679459198,246.29845422850792,147.29059382920548,236619.24884668953,5.515070233458039,24.72064100310757,3.4323203577940955,95.77055154681146,4.06242423396792,24.916884214502364,0.4268374589735528,0.9612718003509465,644.7615171265775,46.66246191281894,0.05419081741230007,206636.94570059594,2.85822324041374,96.56899309385335,4801.505008171227,68.10307468174513,347.5121949456691,57.771176915048585,0.2789404601412235,0.19761767317257264,40.52263797058428,54.22783942309311,3.094804059661523,24.47676517247189,4.975799830605164e-05,4.217282430962837,0.13278660318133606,15.319072076620659,33.79941622388918,0.83410820106704,6.560448757260293,1.6033010066721712e-07,0.0001132097967789073,0.20072903395843758,28.29082216914151,52.807118061978784,0.3479577032959923,13.417437543645782,0.0,0.00014063033626880034,0.3550741125377647,59.65876135097243,33.53128315051747,4.334067610998004,26.888527170041776,1.9907974977412392e-07,0.0,0.1864184930722646,30.481385645907764,62.34217448256659,5.954440701013034,8.762723552318038,6.753885227721866e-05,0.0,144.057595154651 +0.8161601615517764,0.13774881236986874,0.38319772700399746,188.40346060603775,201.56146849728657,260413.3413747838,3.4587755096498065,88.9790637210796,3.988794756435257,15.79421402335933,4.036432972145562,26.309019699690296,0.3901976957459592,0.9886129197891863,126.85511680754887,28.663310370439408,0.24399878357507732,223997.08231032098,2.6698781780037875,92.30204412299273,2743.388688058054,272.9230777417084,333.6521846754833,55.0676319236641,0.1767766926474309,0.1924200315745204,23.72025020896011,45.43766961579715,3.336293089394933,12.568331476055578,0.0,0.8589431716158157,0.13107358840433408,23.04841819956014,43.5893436815896,0.44520216108277355,9.063940503881748,1.6033010066721712e-07,0.0001132097967789073,0.2012554134757037,27.683406695607772,54.906028802390935,0.2758368629301851,10.82903434039272,0.0,0.00014063033626880034,0.12033406782338144,88.42185346218427,65.23454739513836,3.2039455892515445,10.395389948002022,1.9907974977412392e-07,0.0,0.18670815538175117,40.02155894584102,75.3061725264258,5.390517162332876,11.07901462227494,0.0,0.0,169.78237622793154 +0.9360656672973094,0.24589731805386078,0.32262701371558494,133.8344333233411,66.46484304679177,131732.58648283512,4.837889101148227,64.53801451225807,4.443436359913295,86.07560586090955,1.9298622145079276,20.852415580904342,0.3139426881268559,0.8114820091446902,766.9760174703006,56.3904867688515,0.25395864479265423,138487.78950155035,2.6806694603101993,93.28209542156165,3359.4208001458132,254.3397639653688,342.4748787798026,59.579868481973385,0.16068803899979192,0.19472654928601868,29.61317425258417,51.239761894767106,2.8455884889845815,25.42439757447424,0.0,0.8151136837456167,0.11575091845805612,35.30741944860733,66.8738082526172,0.834132246641407,15.732760444129038,1.6033010066721712e-07,0.0001132097967789073,0.20593169538594056,33.082642960846684,55.44932797612719,0.3659710382805112,21.995441787676416,0.0,0.00014063033626880034,0.08842726336849402,104.56362103021371,74.90497956284281,4.758934200830228,12.894499900685599,1.9907974977412392e-07,0.0,0.19521321514184586,59.17923564359437,103.16563364339177,4.740621499367202,18.98416607519365,0.00016524527158521033,0.0,214.56732583092585 +0.980529906004659,0.146896137053553,0.381493559431065,118.61232694342547,242.54893471622228,272991.1729289623,4.790523136807984,46.5740485637795,1.9780153221305294,92.74524909482727,0.6842142191803342,20.501383631754717,0.38109503892544055,0.9357620423001316,898.4131359635481,50.80811886766577,0.07160466655088557,116434.24958118159,1.4624670794723569,49.73336206016449,4756.729040334179,298.34826634310554,349.42779237837277,43.577369552333295,0.26021687718957315,0.19671276234777046,18.411603915678818,32.60660626915923,2.875610152490593,41.64958004494487,0.00014979885868271825,2.4043770622087477,0.13209465516482274,12.11786974151687,30.4710146786875,0.5328409297561281,8.316005368122536,1.6033010066721712e-07,0.0001132097967789073,0.20172554929960276,12.316546897990362,31.56350432411728,0.2941643189214584,30.55266821778579,0.0,0.00014063033626880034,0.0757815091677555,38.16593715574742,38.74368271003067,3.0764211073491396,8.506987214455396,1.9907974977412392e-07,0.0,0.1918679719515394,23.069829809994513,46.480482971608964,4.938667215388261,14.339009670157536,0.00028775582412293477,0.0,111.08338965992148 +0.8832680835063977,0.2075286231346315,0.3825196955148468,17.544595014090206,225.1398591046311,307123.0252594909,3.9865511432592795,67.68084197396526,2.850123235238913,95.59292351709833,3.3343658636410014,29.145414944783948,0.5546227978857047,0.8448493665293357,504.44133721919576,36.757724094056385,0.33647884861389393,263567.68847066286,2.9393517414119232,85.60646890000011,438.5975651994238,262.1467914636769,346.32981955829473,54.104963541414314,0.1870866140283854,0.19230063539132067,31.305613790703386,52.5285063447503,2.758014035208051,14.008402791926358,0.0,1.3290542170090525,0.1303707534680704,31.84370829451989,57.54985292200818,0.37911799996422635,12.219833296607911,2.153762959919763e-05,0.0001132097967789073,0.2035139099520789,37.01755184643963,61.46174312673469,0.23677676571526798,12.954830279976338,0.0,0.00014063033626880034,0.0942716787346515,85.0371853379727,64.86534975476685,3.776700555846456,7.456791856521189,1.9907974977412392e-07,0.0,0.19496591130128385,61.7948226831978,103.198603336727,4.120910264359183,15.023011975557964,5.519374476029483e-05,0.0,199.8903912729886 +0.8693103652437074,0.14998851970379656,0.34768080678902114,85.43161273863768,134.34857534525207,201096.58094235515,3.031054799517123,73.11616792552223,3.536223510100775,58.199911100007824,1.1270842753306147,16.84969577178871,0.4788193340613478,0.788667548590097,658.1721277697496,40.410294026710204,0.13454012542514981,61233.617820200445,1.9322775872742377,75.12037689773663,2039.747607133796,242.2384601696995,337.2345008921696,53.004960202695,0.23918997184140744,0.19728695178885822,12.860001023610895,30.47462460900843,2.5620074098086354,39.130907248716454,8.022777233122837e-05,0.7842278629696412,0.12257244481495348,22.126694159053052,43.4970656032289,0.2732079430443321,15.164456202014945,1.6033010066721712e-07,0.0001132097967789073,0.20863956822272253,14.314300634850678,35.074788887584596,0.2593164675528898,32.91225067998946,0.0,0.00014063033626880034,0.11502014244501096,54.275522890728624,53.29697567902593,4.352459139977011,15.211546094887845,1.9907974977412392e-07,0.0,0.2150479750506933,23.885718614481164,52.70724543818675,4.361298636911493,22.413911857821127,0.00013488350401536468,0.0,132.9263367301104 +0.9510527567383864,0.21656132695008432,0.38870072862191174,210.33646718980728,210.83013707009894,304295.2451627377,6.1745327451875145,67.43319885274043,3.330680091643413,90.82961554484896,4.683839305914995,24.103229062319468,0.5967996551637043,0.9471641582340158,368.66462538839255,80.44268524775094,0.1983587353996505,149662.6530749366,2.976204570981263,82.25692731856935,4000.32690687015,298.86357175106787,348.8247335794017,44.613689065696626,0.17565034532201323,0.18984970317819166,29.96957191029349,55.02809080689213,3.359482497190398,18.078001989383544,0.00011614293071974048,0.802854327376359,0.08852148818706251,31.314366961038903,58.656107384035444,0.7939404168313293,17.018477086305822,1.6033010066721712e-07,0.0001132097967789073,0.18070363802471553,20.26296362062748,61.604993209462975,0.3081842911603267,14.838174857916545,0.0,0.00014414060373783881,0.16298203199027864,91.37714029796604,69.91294384597279,5.0192926525718535,8.429678111628956,1.9907974977412392e-07,0.0,0.15025173525329621,64.90443701236744,122.80307268877368,8.069762676403151,22.607162625645174,0.00026916360494822405,0.0,215.88374878164439 +0.9808899231239877,0.20389956292023698,0.3296425748230796,127.145013388194,158.70975906518595,181629.1966419182,4.846651579588454,94.61381066572751,4.459694222526033,84.87846186789332,0.5486796358255349,20.908371533842136,0.3306306672549511,0.9521818876635526,754.1034026341088,94.54597126559048,0.08433782654907561,270174.8810157199,2.9938712739878888,21.825667151773548,4573.761504008854,99.15073354474276,349.76052710306067,59.2250470146792,0.30190182908770596,0.19603370207212684,44.33594776011539,62.3933712743184,2.6016818808164643,22.687475614575273,0.0,1.8621511902364472,0.12584298370253238,19.131703462855228,39.74913033837465,0.789998378741755,3.7341624523562533,1.6033010066721712e-07,0.0001132097967789073,0.2032517230064555,36.96808943715864,61.17723850258919,0.34583739235729344,15.754323229573409,0.0,0.00014063033626880034,0.2614019280486951,58.301077127463856,40.807944935590655,3.565975796085256,5.463357725287227,1.9907974977412392e-07,0.0,0.19714038262069045,36.07969512350324,64.5027712945309,4.745097746983709,7.5398349443830615,5.772079426064652e-05,0.0,156.0466310822502 +0.9169599358146722,0.2235738544485087,0.3279552187709995,185.9681102837296,79.0240496947581,337109.38517842983,6.524206369311191,66.37075019694642,3.0244451020978174,94.40697155612904,4.248131813701502,27.210830325130935,0.3424704936835745,0.939924943539321,826.166926266978,91.11284747665542,0.06684466552973506,170132.95587216076,2.3398926433715928,87.6938331148882,2459.798321346233,227.1634471103698,233.39810459147054,51.79245705320082,0.20865596419886084,0.19937472989903945,16.058766722653303,29.617928390542158,3.2100443422466673,11.206490509478625,3.142754019348604e-05,3.9689483747128906,0.13035158017965978,2.70646718527592,18.877601492546226,0.455736775007193,8.597108996077168,1.6033010066721712e-07,0.0001132097967789073,0.19650569456460723,5.049557013198111,24.755877342845572,0.2934527120009384,7.2870504138330485,0.0,0.00014063033626880034,0.3514142210840718,21.03122472410552,17.91168382242934,8.814165395774536,48.0652205123872,1.9907974977412392e-07,0.0,0.1707190738122784,2.797122872763041,31.762788411920713,5.403976234087468,17.59559263110848,8.964414104460148e-05,0.0,83.20422914223049 +0.9632558385222831,0.22617871216184116,0.37601782192794375,139.5675672795955,234.34305384048542,211103.28027344163,5.920873465472754,75.2980190028716,3.5116566103149047,98.57507352227086,3.6722997530705115,29.493506676338622,0.6020864787726523,0.9974226985422396,831.1832724651031,93.7451635343053,0.29830928298761866,221780.42096255487,2.8245420886473345,97.32127006596438,4727.810883142578,273.31232915993473,348.48680523764466,58.892383100442885,0.3400047492136125,0.1870125124796992,29.254465092517215,55.96486040998175,2.7354137989446463,17.33517197354237,0.0,0.7755867794128581,0.09411155769328042,17.093044440998476,36.352679930976535,0.9511353403219748,18.14725072275584,1.6033010066721712e-07,0.0001132097967789073,0.19569520655655778,31.078379238262567,58.48912155501752,0.3672480180371177,16.118415416880428,5.272248729374707e-05,0.00014063033626880034,0.35520755560413725,50.494671875221925,29.404680458249274,5.008741970074285,34.509533512073716,1.9907974977412392e-07,0.0,0.14795351461975828,35.17256504944244,78.45311015010584,5.474201793035552,21.258757000387813,6.687970879261911e-05,0.0,152.94330245188277 +0.9162715988119481,0.20796108230046711,0.35213310916142937,122.98941714364716,230.371825989675,337639.7306220364,5.275938724215638,12.651977634958705,3.8190394028263803,32.59768704801442,1.5787901340146766,12.07983712306719,0.3923742150292763,0.8912995042257985,866.937977477993,55.309958598854934,0.2076348047425544,208551.02816427572,2.757474901098874,87.23690228338623,114.60103389410233,173.74625769435733,344.9158278458145,52.5947440656503,0.1512319230958463,0.19780657664649504,28.53877272323706,46.87690821951394,3.100590602928436,18.50333348901669,0.0,0.6078265645788443,0.13790320732820488,30.584489412364697,56.25636610638366,0.45812044743378516,9.708184053564985,1.6033010066721712e-07,0.0001132097967789073,0.2104300822825787,30.400276585870408,51.114047835675905,0.27977668848775517,15.053084828479918,0.0,0.00014063033626880034,0.12750100234331496,107.60780971312954,79.66238604993212,3.105262218920147,9.657390894272632,1.9907974977412392e-07,0.0,0.21574394645564235,45.632894076810345,83.73191326000104,5.104675520887784,10.245609752992419,0.00033643853767120605,0.0,196.40631711981055 +0.8865156537063006,0.1082402435436903,0.3274410175182097,180.23355991341597,128.49074132175306,234583.34629053398,3.814599448612728,68.88396357738655,4.20849494544523,58.396069236278294,2.353487621464429,19.032643140658625,0.32061518660817184,0.8498811735804596,99.96745258216043,78.73697555331255,0.07545624577263596,56473.325481713284,1.1100150227151222,43.776504979922336,3193.988614569562,248.9836392215448,333.7208236519291,46.165962386945424,0.1744543753696552,0.19753798262182276,12.15838775628272,26.42036240506056,3.0471334043113316,73.8015297596628,0.0,1.8635125686308334,0.13108184221987926,9.293439137315765,26.773253364872538,0.46363900486052884,8.656819182403146,1.6033010066721712e-07,0.0001132097967789073,0.20601816887237417,7.434578447369035,26.43006639530435,0.287341984655145,55.65500225097276,0.0,0.00014063033626880034,0.1251472666569333,32.651227398282934,37.24346532279921,3.0368522580574426,18.668348678374258,1.9907974977412392e-07,0.0,0.20859279249923407,11.539872404181233,32.11911882975598,4.9372944431727355,22.04968353135155,0.0,0.0,124.58505927913033 +0.9488718820900242,0.20864944162940352,0.4073285497654369,197.0614699704993,178.79273774183764,218509.937555011,6.550538899252613,86.92022750126111,2.0188351973167253,31.794995331165826,4.873176150079538,10.526065633451527,0.3506231935842053,0.5516515491426456,965.6094915197936,58.2231124356586,0.22499716751475857,176827.5117477905,2.90072370858164,99.98550163324019,4899.211017341966,291.0308282592593,348.3032748774711,56.0154711705885,0.276216152315694,0.19799334368234753,25.60118372404799,42.681247921591165,2.952860047764815,18.78386921505489,0.0,0.7085898139790476,0.1072847368918274,17.606686572399337,33.79345817376464,1.056458493575669,22.68983562592084,1.6033010066721712e-07,0.0001132097967789073,0.20446727047452012,27.087977584100962,44.811405645424955,0.38442092811991135,18.123388900674414,0.0,0.00014063033626880034,0.31547471232669105,56.77776126222029,33.35835839252962,5.157803678190834,30.042428931269715,1.9907974977412392e-07,0.0,0.21882787788016714,30.06150249410531,59.77097020108428,7.069582738378847,33.61760788420265,2.963555393355388e-05,0.0,137.11235670935693 +0.9264248900685161,0.13076501717253827,0.3403285234427457,219.48288370936348,209.77311800316244,287313.7242790416,1.7766535246999053,87.71846617437242,2.7351627750936514,5.136330374163081,0.9372099081662384,20.746069123723803,0.44146272774637413,0.7041884537433084,659.9484270007432,27.760215614039712,0.21893839535822535,63892.31666214873,0.9895956829515742,92.33783118469199,3148.8741265925646,99.53145958198402,312.8866890285819,56.67427909585585,0.16636975028763656,0.19607989941467024,4.095920760462034,24.614340835627836,2.726657008328767,50.07880439104235,0.0,1.0127781089853145,0.13611366038505637,4.536344266848599,18.977273354940856,0.25605414617629935,6.60105834193468,4.896634971422815e-05,0.0001132097967789073,0.20986264555051198,4.734022638084808,24.9870240158529,0.236304613793638,45.72397259932119,0.0,0.00014063033626880034,0.121427492437185,21.40099087545884,29.566151496262613,3.888936409807779,14.643744274915043,1.9907974977412392e-07,0.0,0.22024642185199267,4.1425863930251765,26.091127265185094,4.406873690785117,19.42288882348032,0.00020644129447276824,0.0,94.643056977321 +0.9211582390174949,0.18552485664586876,0.34099095439968025,143.1761026617658,193.8647188477106,111659.82880773643,5.065768317284272,14.139278484804347,1.5193962694394587,36.61754265311961,2.8873034275748455,21.250579468209853,0.4700988550230244,0.7940898988135204,369.51712618688725,57.44669062942878,0.32915372556429645,185171.7870272845,2.8379936927970886,92.03914480101889,1529.8590198811812,262.20919042040384,343.5040995940039,55.400517894741505,0.161908941129579,0.1939149724818316,29.62517523292216,52.4136594969119,3.0065630400969656,18.33102399632562,0.0,1.0080540724507911,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20496894018770567,34.15347703445436,57.2508399530568,0.4373484364519782,16.339014847426114,0.0,0.00014063033626880034,0.12148534859122824,102.18751082348986,78.30574874235298,3.792453300213444,9.767753885550592,1.9907974977412392e-07,0.0,0.18923243376110033,58.587005756136726,107.11702763041602,5.750796742010742,16.19003483975571,0.0,0.0,2698666337285.8823 +0.9874859090126863,0.2123229306181419,0.3328456615142045,136.55667808666334,198.808819907782,161693.1365012208,4.554821178677499,63.83586488101956,3.690008600693509,18.81270809034651,4.01780542250388,21.572189592313645,0.30233849292286946,0.7599156767233776,759.2301544452415,27.409270891564482,0.2851823535366561,52565.05268756119,0.96666782683975,97.24697537576432,4963.844119719304,290.87096737525997,348.21340092954944,48.58402354029905,0.3214885161735419,0.19524712153108953,6.519397524882674,27.762651490834354,2.9052638093452168,71.28830368074038,0.0,0.9202366727670763,0.1330089346258263,11.075884860146475,30.845657587342785,0.9114070314397497,15.4921854841399,1.6033010066721712e-07,0.0001132097967789073,0.20765005226531272,7.8324864522547255,26.834478980279332,0.3634695143806558,67.93851021407743,0.0,0.00014063033626880034,0.07807684884563108,35.50490711311863,35.82197003790361,3.884719087180012,12.46827030969777,1.9907974977412392e-07,0.0,0.19187609430281616,16.525868800967576,40.44016670765358,5.280548359108492,28.844330784698098,0.0,0.0,134.53493718785487 +0.802014980382713,0.1042237406405559,0.38655537246367255,23.912009647662124,147.06956687886225,100885.72681266943,1.6601441871555012,87.8292847375005,3.7360877208499192,21.51213228578102,1.8885255380829788,19.656539779699933,0.3223526401382999,0.8013497610786383,200.1605595387585,58.743976843525985,0.06849846971932855,94279.02829074101,1.3690354634912092,66.18320622045678,1936.3961348589069,143.33355303403027,346.9568971049569,48.12806159664817,0.20838866737776413,0.19588982235128502,11.664772724265818,28.68186588375938,2.4972053313944653,41.941163893050565,0.0,1.2291802126325124,0.13630589415728392,18.008049107657744,38.1104867220811,0.26883975385717795,8.07045403914023,1.6033010066721712e-07,0.0001132097967789073,0.20878955044129868,12.029940351047143,29.48654629459091,0.24030193512442743,38.43990053449623,0.0,0.00014063033626880034,0.14487242571717768,46.377448521718854,42.62463232372202,4.919255475212456,19.9627029655375,1.9907974977412392e-07,0.0,0.2145867351226156,9.020027421464867,33.33029446230758,2.649618757093127,18.568025884564566,2.3999817832094362e-05,0.0,113.99101839733518 +0.9564535936605189,0.15058423314658287,0.4019415151371219,12.547661118343228,218.80656800621878,260413.3413747838,4.251289003483147,96.9038077947244,0.30606402707349023,9.976396189236278,3.3962867384597617,29.630097196552228,0.6357274765025269,0.9760969166579185,983.35575587126,28.573684666140892,0.2909602719916909,227904.70057247276,2.9361635905389813,98.08268041229064,2735.2538888906374,264.11827829768606,348.3667116256856,51.039951990716965,0.17354701382654514,0.1851675115833569,28.919709577070364,61.40209547285376,2.4769231405995584,13.71679908711473,0.0,1.3354512504499325,0.09265165700473758,27.693107647777826,48.645773643653484,0.3778770008762178,16.269894887544602,7.067672197456115e-05,0.0001132097967789073,0.19617981843567456,34.23685240093267,64.10180360320874,0.23708169743487478,13.359768832435336,0.0,0.00014063033626880034,0.12211241332062604,80.3074655586335,57.318158983668155,4.104555954283538,6.940630095463692,1.9907974977412392e-07,0.0,0.14170987747225577,29.532976573893887,120.52486995159697,2.879869690076011,17.755387110681312,0.0001134184189845613,0.0,197.9452844430374 +0.8711786205056591,0.1923244542222433,0.3450742623594408,241.1014014434288,172.31456450738904,133465.27463095228,5.027894806663272,70.56538088235551,1.7259474443731797,74.85772589922054,0.9790212099779685,29.798858752639553,0.7529961629418096,0.9836926102167622,891.3040150874797,48.29470434579332,0.09110362230681937,247613.5295427441,2.8842780796906893,83.39413461798546,4963.374985845211,245.76554507929941,342.44650130446684,31.819986106877742,0.16487119603906808,0.1953911301266601,29.624639741997825,46.55400143542776,2.9812838911555426,11.669564160135685,0.0,1.7607919944626491,0.1272306705688264,25.107276086823944,45.101268503823825,1.3137290007323132,8.003653502713572,5.280680838895859e-05,0.0001132097967789073,0.2000306786489761,27.55039641746738,54.84407943841554,0.42917535921989125,7.315269327682474,8.250664464471162e-05,0.00014063033626880034,0.1286738108638476,105.92911239618134,76.17921900813184,3.7817920295065126,11.678398253440808,1.9907974977412392e-07,0.0,0.1899531891622458,16.709894101402007,74.81145046220425,4.310420003078753,9.100491376419917,0.0,0.0,181.37363891986877 +0.9157952223446558,0.15637497766004296,0.37116028617452806,104.92393700705135,40.981539237451415,283673.5860014604,3.7672957591055067,12.113265200862955,3.8436464561858017,37.816915971306045,3.8601040250415055,22.443648089645972,0.3880009852011731,0.929747744031504,203.05520249174776,48.526261317333926,0.3005485269157123,254856.40401161351,2.9549067156803686,93.50727190172861,2515.950639685292,270.40796662423065,348.2714005611328,52.68658702359431,0.1695556244339376,0.1898120520073605,33.50808909935655,62.02398049914882,3.152681283533142,14.98091758845246,0.0,1.03149745452937,0.10479285431670256,32.39432929569734,55.3965605387587,0.21279903834639585,14.335283598788827,1.6033010066721712e-07,0.0001132097967789073,0.20200852518521503,38.652369106379254,65.9349548074522,0.2472515049073795,14.350918731239211,0.0,0.00014063033626880034,0.0999184625213644,90.32445908282227,64.85219316816803,3.601001567868081,7.603947308853917,1.9907974977412392e-07,0.0,0.17346164016918045,64.20855005808689,109.31219742386008,4.6149950196727465,15.2935286048202,0.0,0.0,210.56747871207574 +0.9846871694338687,0.24756173387044725,0.32794600098438986,98.75104145043157,144.22625548612777,233435.45300559973,6.807862358959957,30.595589099558804,3.0205003580988317,35.978993879823975,2.4982822660302455,21.617331118481786,0.5385688641384047,0.7584574025076374,424.35668822668515,58.147668144611885,0.058359524570239046,58145.39132862756,1.0668758126199778,83.06647085529225,3740.8087558249513,290.1986430102014,299.1512963218423,47.92792568815899,0.15812919069602768,0.20095844129682808,14.394890659725363,28.214884827386253,3.088598888584878,73.883021785558,0.00014632206777049383,4.01447004626313,0.1361397706199893,3.55455914541562,18.83690322597991,0.7570202937788606,8.52751616008258,1.6033010066721712e-07,0.0001132097967789073,0.20863224905181652,3.9094556365526865,23.50612133319356,0.3422881041790373,42.18291081969337,9.641395806216422e-06,0.00014063033626880034,0.24730642597740696,29.93960414636446,29.78667415110056,3.1120525984165655,8.965087420045608,1.9907974977412392e-07,0.0,0.21794005729841526,3.54842262155682,28.808585528234918,5.743421088685753,12.898141611035184,0.00010357039481603353,0.0,110.41517344423374 +0.878126174403703,0.22690653183598858,0.34536346822019887,221.88040177649978,201.26643886213677,133038.91759156386,3.4118665717571393,57.74451065859366,2.766720236251938,92.72442448066894,0.3247959147840077,23.916913931228866,0.3667638118495387,0.9796686376103576,850.7577584708856,26.669783905573617,0.15266589801929187,98681.1470707257,2.0793690039227366,79.3877045370179,4915.3964557850795,70.66252484802703,345.57282001170444,57.76211253777657,0.21407212762190966,0.1956145567287907,20.93767321148645,37.1080612165567,2.8987056834058857,39.9280833348953,0.0,0.7457488955108906,0.1327674804457084,25.524980864455156,51.23073180922182,0.996168020029835,9.398547746052705,1.6033010066721712e-07,0.0001132097967789073,0.20482555710788983,22.13323884711151,39.36076303580433,0.37380175167020807,34.96431768615212,0.0,0.00014063033626880034,0.1234622364303758,72.2580847203356,58.872335443448044,4.235709146985467,16.55466885278138,1.9907974977412392e-07,0.0,0.20682175256693783,37.43506801400911,65.47639431570907,5.258231765848357,17.26894405144703,0.0,0.0,158.23899770309998 +0.9848949425465898,0.15918799329583833,0.4408244666429467,200.37259133023616,212.6109036466177,324112.81736331194,6.219846069255034,64.11001487692778,2.5081127754545305,11.317091607482274,1.2163086109316672,27.488917582457823,0.3467909988379263,0.7013084893611329,73.39256819814582,42.648486732576366,0.053823448255745365,69229.36000134301,2.976669359742395,98.06565659865295,4886.45599699517,284.0159795290964,241.3643607302043,42.987342845705626,0.24936469611335074,0.19956934816002134,5.526485569690916,25.90357771231709,4.1456287726245185,15.285904554960785,0.0,4.489921903369845,0.1422162201487176,2.349526600301771,21.439273262721475,0.7369511885536651,24.102274657160812,1.6033010066721712e-07,0.0001132097967789073,0.18104247410549842,3.717442037535819,27.128977217327492,0.3255045224697072,14.250691719338077,0.0,0.00014063033626880034,0.34343826451321374,7.393970549651816,15.20129679238269,15.383765626159772,55.37226164011357,1.9907974977412392e-07,0.0,0.12710524583147437,4.285265122876288,35.38280147435142,9.305188230350439,50.079757864296205,0.0,0.0,102.10659075034755 +0.836791367441241,0.1881954594954694,0.35285607207978426,150.1623810066988,47.10589114545064,282695.4823594205,2.205915345405568,89.0907826447605,0.8900285823156955,90.0536733210667,0.9935715362318316,13.328051046941717,0.3456073194256667,0.9744070654407977,217.02745983180782,80.36025136880085,0.31205540295135903,97138.68466971125,2.037685186054179,81.5201542588676,910.313092172285,198.53006992071374,342.0988021606285,56.71295073014942,0.26793030117043287,0.19666598213975683,16.52902412140268,34.607291486701264,2.8915539936270815,34.890845852694255,0.0,1.2060224750237143,0.13483258079875188,22.084815380134568,43.27399021920078,0.342913314291393,13.571500456641541,1.6033010066721712e-07,0.0001132097967789073,0.20943023287782725,19.867253114595265,37.09699048236322,0.2362071621223641,31.87897568839697,0.0,0.00014063033626880034,0.12473021152707679,56.508203396874386,52.57540938096756,3.712264467634526,12.553439641873702,1.9907974977412392e-07,0.0,0.2132585499402781,30.5961953664276,61.270497751538095,4.201239470864553,19.223879755485825,0.0004356347841519478,0.0,138.69481271294643 +0.9814477599832047,0.17403115326913737,0.447397650520078,206.53955004673213,144.53358073699403,345392.1279962338,6.224636543184078,57.40471286067964,4.767292195613833,57.8071771737094,4.745893340827097,28.0525503515118,0.5876973640314611,0.9506000767980944,965.4587948295937,88.82528525989176,0.2063581465664949,96618.84917861466,2.837626536307752,79.95799151355685,3856.984663485022,219.68916922292192,233.33146030602686,17.92432648722827,0.3341356689636312,0.1599205930536866,4.264681743911146,25.63598003254766,3.0038171275806897,10.245168525614991,0.0,0.6483461552002189,0.12575120399606707,2.4624916570829147,18.753898134321258,0.5895304166660416,21.269479742228615,1.6033010066721712e-07,0.0001132097967789073,0.20280960020391273,5.416331680900191,23.99617130484176,0.30490673504224286,4.19687853056055,6.237034560113753e-05,0.00014063033626880034,0.3558470549951541,5.076159799487267,13.734346582025774,18.838971897421647,59.823684798338505,1.9907974977412392e-07,0.0,0.1459167460137489,4.945127918288595,31.93816009293093,7.577192096954309,52.45391084831901,0.0,0.0,101.11827456501054 +0.8287366315328882,0.10329202257631889,0.3415828927465586,135.9812500777035,129.35839323717556,275902.25605447165,6.648695574538078,15.747285000263805,1.4914414052571585,38.38788209978608,0.2762067997213538,25.896042307156623,0.4671686002829023,0.9677082072872576,283.046535213951,27.344931956331294,0.3320837764557813,203467.11679913205,2.887121313614725,42.92235663752808,2112.1819019318855,284.6371367677839,347.3150092925461,55.6394643465824,0.2041787452999319,0.18988101446419564,32.94441854106508,54.61864841645193,3.6457057577891163,20.638666587172228,0.0,0.8327162975370749,0.12885778139123683,33.643250653727236,63.16865949884786,0.6772255991504832,10.187483197685275,1.6033010066721712e-07,0.0001132097967789073,0.20423798845533944,35.44014259216508,58.474088715132865,0.32663141396040773,18.034009899722353,0.0,0.00014063033626880034,0.11034756211217729,84.03997776637053,65.39374369428828,3.63274992771653,10.615105487404929,1.9907974977412392e-07,0.0,0.21070498839839652,55.5802677994175,96.6487127444457,6.557326963406459,11.5798339414814,0.0,0.0,196.99679102070107 +0.8940979648845001,0.16300572110220124,0.32450458242263985,46.99772418047489,81.0914241190394,216116.0630201975,6.323301308746036,65.31097325838182,1.4819006039536604,45.996148847118334,2.9575033954356718,24.096283187125273,0.3484406444576355,0.7862746031792933,820.0344316779469,59.44616945117451,0.31665782809296555,127412.25933823944,1.48509660828946,81.82520317623292,2261.5409139769913,95.48372264150649,348.8130014011472,45.78711642035135,0.20841736016389337,0.19534036575802347,16.181889698930558,31.600021746972633,2.6648465745304892,38.930337801507584,0.0,0.9845771352278966,0.13439620745936937,22.58293506881743,46.35777655249608,0.45979429329953597,7.511259954530265,1.6033010066721712e-07,0.0001132097967789073,0.20789254443855268,17.513817380054512,32.71959467043148,0.29901675375065445,37.623408314811975,0.0,0.00014063033626880034,0.13016320582148713,60.359448496757864,51.53420066097811,4.2174606956421625,18.50408392865885,1.9907974977412392e-07,0.0,0.2162079757863193,28.374432300760905,52.77410930990998,4.448950767860548,18.49842903310753,7.88861158333922e-06,0.0,137.49263200284472 +0.9232518930237957,0.1596377763292187,0.4437071463714483,12.060520858052584,119.70883214479198,299057.5830525338,4.89609744925383,69.76179076464926,4.41998215634588,94.04710682851069,2.558832512936088,28.435554907065256,0.7830758045809239,0.7007510172342162,939.398337656676,83.98963858132505,0.14305120424534576,62765.57394836437,0.5099884804177914,94.28606058309187,4762.641031173489,240.13249009419877,333.36931897500494,56.5605334619038,0.3349261719359282,0.1958493962603797,1.8850625764041877,24.102339512448566,2.581752709217297,55.010452910394,0.0,1.0376980792721546,0.13223253838616902,6.077909537984496,21.425409323096726,0.38704762365192363,6.818189455786349,1.6033010066721712e-07,0.0001132097967789073,0.2078890556916083,2.3665492096009575,26.710304514972755,0.23735523151576918,52.793478919981226,2.0142207633159016e-05,0.00014063033626880034,0.11393956399882277,10.906621711589649,21.639443581292078,3.8846322044899795,14.88426996189943,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9393536342126801,0.16798789405405862,0.43967473797844053,154.50920326564642,206.96699983140795,121646.21551959615,4.730823022608831,77.61966083658558,0.6149008304477217,37.778974002481505,2.767709980401656,8.618677530192137,0.35449294786573765,0.592177622970941,724.8672724773177,9.726886208159664,0.12748507169017761,52187.24176461378,2.889798573601944,96.92753680762146,3767.23061081002,277.2901251535797,222.02034188237167,37.70280030567738,0.28506100181323457,0.1994418348530029,5.46091223157628,24.592493845283496,3.3579055286679473,7.471493388336247,0.0,0.83896273304271,0.13112096491615352,2.162716073073346,19.52999202555136,1.2548091123772833,25.974308140882904,1.6033010066721712e-07,0.0001132097967789073,0.2113614023899284,5.658314202397951,23.848961917645696,0.42028721962138127,5.82602587620494,0.0,0.00014063033626880034,0.32792739049389863,1.4549945139088811,15.402146695304797,15.143237864748313,55.805885763036,1.9907974977412392e-07,0.0,0.18178407251387735,6.883891559172559,32.25543309282565,8.021342981778705,52.192964879709194,0.00010824760266996432,0.0,99.29304682687167 +0.9567073369571282,0.25241749315470735,0.39202811269792476,232.0605651089735,189.93129063949056,347497.03101558617,6.937293768500241,6.757309062694368,3.9343269725285697,41.20763184012498,3.13709777967647,26.640830227982917,0.3953199217567377,0.8209620626420542,976.5982261036057,91.7694543031664,0.3060507653654885,210010.08883669518,2.667356440952594,71.83108773070374,2488.3896853540846,269.5493045714505,349.0166256277678,54.548393741530774,0.19547673398270854,0.19562420881167608,27.51837761701628,45.14047890216922,3.2789198261656827,18.629200312656604,0.0,0.6638746190732703,0.12618108237375134,25.13244779927319,47.260630429292966,0.7756236465697027,10.593689960026579,1.6033010066721712e-07,0.0001132097967789073,0.20681457877147505,30.16901437063213,51.24866585231764,0.3322511972053787,16.350119784976965,0.0,0.00014063033626880034,0.18780085135077385,86.42105756942502,60.962091463848765,5.35740328956657,5.724179533940661,1.9907974977412392e-07,0.0,0.19806898362645609,49.926649749286,86.20626234049462,6.893533531147373,14.305140120630885,0.0,0.0,177.0824473819289 +0.982606871786127,0.14905510780862485,0.376625185908602,136.02729404852042,242.86173397166175,336739.67111229297,2.3477481901389368,74.60203887086212,2.261567639521493,51.42455267385863,2.79497681245321,18.73078240954301,0.4271114464506466,0.48407587452013345,826.2491414494992,93.04904288672314,0.2866001910549542,89817.72068564687,2.079743638601216,99.35074564144776,4743.26028201822,275.1419931915562,348.3501926611067,59.41795610565052,0.16211030922557726,0.19733965720000296,15.749143911520783,34.88553902003674,2.7773078915344485,32.048122801976525,0.0,1.0769514209442896,0.12475263930568292,22.943207269220927,47.15123850376167,0.2566205402387481,18.755754407610734,1.5460550991318388e-05,0.0001132097967789073,0.21025568323296245,19.141429859744317,38.24650746391025,0.23691850967846187,29.399015381627756,0.0,0.00014063033626880034,0.1147394408173036,64.83642499293948,54.98110129793334,3.564810161463608,13.012291709874638,1.9907974977412392e-07,0.0,0.21544415435680278,33.526983429622994,68.27587880210136,4.250986162443862,27.142628224910187,0.0004185383419453556,0.0,149.1486866970117 +0.9117281857535506,0.280335862309411,0.3348881205610146,49.234744258685126,57.71026257365906,181577.780732496,6.07352728336853,60.48941292531509,4.550310765692481,70.18080695341945,1.9282625977547903,8.362872376102898,0.5110071334866981,0.5800814729462046,991.9466498431534,63.68912006105192,0.2135230361202453,209833.2748678212,2.044134231605893,80.24584716268629,22.826228972011222,190.95485591786155,341.9340803331493,10.373150944227373,0.17615625371132598,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.14527382842777706,3.3339086972037464,16.270714036728133,0.5202517920324202,5.301032247685043,1.6033010066721712e-07,0.0001132097967789073,0.20836181600216389,0.7758318220373781,22.925495702136924,0.3318047064289135,4.146257147695194,0.0,0.00014668640297556482,0.118152908228255,50.708498849750825,50.81369040424991,4.452808941158248,6.9281302767120705,2.875216874113957e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9367077893582553,0.14418218031075802,0.4482627721476875,95.9658777691045,169.63465735868715,203957.05601506418,3.4503531705744375,30.633687824527588,0.7151729163195479,82.24781697981692,1.2692310331158245,28.55304442600418,0.5223589655262895,0.604821780948742,471.9117917100361,43.46387113746561,0.09358404585977023,105316.60221730015,2.8719796273350666,86.38682492829659,1860.7489225629024,272.8434468757273,349.27187464795526,20.775429506383773,0.15758382427119633,0.19582887558470607,15.24971321755265,35.16677838535973,2.6637401980430977,8.707761525096666,0.0,1.0943891057055306,0.08115682163503637,22.51791645302139,45.639701848019925,0.39535813315600066,18.475945850147873,3.854478227477562e-05,0.0001132097967789073,0.20310462819399996,17.004079242165265,38.89112241459521,0.2765465206637244,8.588199534401555,3.568560535706163e-05,0.00014063033626880034,0.14046355463753052,74.04130362863384,58.10963740250602,4.290907020016295,8.544151461021277,1.9907974977412392e-07,0.0,0.21345806206953083,23.74550261827857,55.96863341269381,4.603896446288915,11.3639940845799,0.00017608903591211463,0.0,138.410640821883 +0.9149877336250453,0.12417132491796756,0.3364341585292392,87.85382896687713,109.4050436502506,321047.1874194851,2.899011797541308,35.98917769815529,2.014216652767576,39.98171413084497,1.376984893836386,9.682905295589283,0.3047207810837377,0.7761987730010788,469.6500359063959,4.8050117055128965,0.11892256389904007,103657.09170459304,1.3552797937610537,82.11339503890893,2440.1497941621974,265.89549745857084,341.7337174017135,56.060179441819834,0.16430266258977658,0.19866869251134847,15.080111832564697,32.801969839352694,3.7256541616748957,46.07651158108858,0.0,0.7907130080702355,0.139940149949966,17.843861617400414,39.03602734068062,0.2705875986438018,10.517006201214794,1.6033010066721712e-07,0.0001132097967789073,0.21168045390894574,13.476615110194953,31.14151031659901,0.23841540267530176,40.024117430884694,0.0,0.00014063033626880034,0.14758358747527775,54.16028649310202,47.93463295210251,4.005361586137854,16.164694434156498,1.9907974977412392e-07,0.0,0.21036844337687333,11.61072193480743,43.516315374537896,4.995555466224203,16.762247173139897,0.0,0.0,126.45239283037198 +0.987316606946249,0.18433929307235022,0.35611400024974477,235.02411554138638,198.47893193500235,312122.6595736278,4.231489766254946,93.3928949757308,3.3836927556592826,89.75350737955443,4.781138691052776,26.398471293681077,0.5690700246467587,0.9770451465698664,748.6428534026793,93.79876926968024,0.20587497016625586,282728.13259876706,2.803532872679008,94.6108524834279,3969.223641617842,259.0279926717514,349.09011421359804,56.84203226473909,0.2673280782852045,0.18994658360515804,34.65829247146584,59.8214679846074,2.927631148955952,17.106750933717645,2.629168318412663e-05,0.5809885280921494,0.12131703684423892,18.944511595566677,41.24051934246206,0.5082108584155892,11.850751480287741,1.6033010066721712e-07,0.0001132097967789073,0.20354004545713966,34.66663471788155,62.378455180198614,0.28409684725192347,14.747780380835179,1.99043430257392e-05,0.00014063033626880034,0.35633192828918925,73.95986752998323,40.84543599208286,3.241215431328489,20.204892772353865,1.9907974977412392e-07,0.0,0.14625215045986242,44.879995352044915,93.2146545771852,5.171586138361603,13.181333546648094,0.00012739569060138718,0.0,176.21925931909513 +0.9288376172072892,0.22342406037142667,0.34938947308101714,229.0022472571647,238.73406899019895,309818.4409952412,5.729153794567258,79.69947395229633,4.083657553993538,85.7559048301477,4.955771158035713,29.500124843169957,0.5800514212653421,0.9963088441660063,969.209848973226,93.2652410337477,0.24675315793298802,206771.24766224518,2.894453024065832,93.13583343473951,3520.360841362958,280.27343409685267,345.61996203703825,52.26609630650574,0.33563895385981046,0.19032884157686092,31.198999522638935,57.36331095639115,3.045758861566481,18.133869715877587,0.00014655577252345366,0.658458370973477,0.09267976614011694,20.492631225729387,38.80885213611179,0.7820092730139193,15.984872117193758,1.6033010066721712e-07,0.0001132097967789073,0.19649716802825393,32.18412201420546,59.93883577930403,0.33063952877185027,16.348714475831898,0.0,0.00014063033626880034,0.35391882599573027,58.96324058807358,33.24638716135102,5.801768069440542,31.818840410139416,1.9907974977412392e-07,0.0,0.14734755003097785,41.87000132382519,88.13424844009019,6.0842893952699075,23.30783718781977,1.6331180037957504e-05,0.0,165.55929671947862 +0.8266566682104176,0.13383577451580858,0.3669721882532021,232.1383808989256,170.97400106966947,182337.4474348844,6.250793923947071,35.51823430472112,2.932382379987271,47.55041938982147,1.0810151571345745,25.73804674818125,0.38193958995326377,0.8575729765906314,77.17703816146698,71.71055983886625,0.05662168141550769,83426.29578784558,2.857677342982822,27.90153399176815,758.3794281722548,182.82812350936047,293.66910411187484,10.094444421752101,0.3378904702648404,0.18546767076930262,5.844576345831553,26.123876737501504,2.88968076150898,4.787212127310875,0.0,4.246182670818704,0.1327648236292318,1.6041766632164116,15.73363608450587,1.2115415010469675,5.817320954685104,1.6033010066721712e-07,0.0001132097967789073,0.2056693118474721,1.676672156684138,23.119804598510115,0.4107999166224186,2.8613191528375697,0.0,0.00014063033626880034,0.3469504281985113,23.882408369314902,21.166828780579767,6.948038934548781,37.199716816386285,1.9907974977412392e-07,0.0,0.18190982183845633,3.4353990167025543,31.63259378485356,8.776734663235613,23.10533411636417,0.000466894999148058,0.0,75.3066564172595 +0.9656636803702546,0.257835160552284,0.3686919967897378,230.35159491263283,178.4277994746094,305845.69742757856,5.3005437980221295,99.94654373523447,3.2594441190181804,95.5083196494894,4.670285309736009,26.97183556208859,0.605000755832191,0.9111566576339714,368.3864292018082,45.67138504389026,0.14506291488160009,148104.02750115978,2.9971151120891264,99.61996237939965,1125.546678368507,268.380593500842,347.63180996880783,52.57848051177285,0.27834682223981777,0.18893339598067033,32.33900873671971,55.93923905133189,3.4051762578914593,22.901959615827487,7.192826454662947e-05,0.9666213472123212,0.09939510662114054,23.09716075642986,41.42991459659765,0.6479985051062119,18.181288770713074,1.6033010066721712e-07,0.0001132097967789073,0.18802397872689103,32.76376877325896,59.73828078259295,0.31132837265488256,20.040445439704257,0.0,0.00014063033626880034,0.31140586005085613,66.18064726592003,42.99501116339271,5.173522502351414,22.6415172037423,1.9907974977412392e-07,0.0,0.14215179579616416,48.50242489443221,91.52867779137239,7.429404872053031,32.48445117454883,0.00011975513744256674,0.0,175.91261674630513 +0.9758132572501582,0.23436171610097367,0.374799257628704,12.64573078207184,89.96833366552144,281748.2658711478,4.486661062217611,16.888491497392316,3.325999512936234,96.90679756386632,4.549652107644605,26.08033530281063,0.48466573629532034,0.9148137557337004,679.0594559617448,93.17985210624498,0.2455524692716471,297636.32530231023,2.948141830531954,85.03564406839844,4639.185479398101,258.51493784297713,348.86441487331234,58.43519259598271,0.23130236729487866,0.19054430003536105,33.574738607353964,58.432748128839485,2.552980278391157,14.743774340444054,0.0,1.2095388180564055,0.13062426566055024,23.40852282705504,42.49196520634162,0.38805810598585244,12.968828333518273,1.6033010066721712e-07,0.0001132097967789073,0.2035778166425407,37.47222314076881,62.56795960368943,0.23730346091930948,14.084572357662317,0.0,0.00014063033626880034,0.25523058361401024,75.75367301627159,48.83356740497928,3.9271741810244074,6.648252081064151,1.9907974977412392e-07,0.0,0.17478604938384731,46.091047687087126,86.09749126670054,3.9057089092444905,12.799059130176719,0.0,0.0,175.23015239974904 +0.914880123453535,0.19373430523790566,0.37632051293384583,96.88535966665242,230.4803091508689,204859.7675111156,1.6139407774016539,65.98381048732136,2.349232485803316,89.96651810916694,4.9365510061556055,24.284781686807474,0.4271600750913121,0.9378497988746946,827.9983652908702,55.2220542775772,0.3368550989625037,89978.75627222372,1.2268314529176494,99.13642367221192,4803.2557020303475,198.89865300608753,347.44668327791703,36.38957279299231,0.21932828803798532,0.19027480374618436,6.674301313350179,29.25183588761665,2.3964776182014567,36.92371379505587,0.0,1.3975846964624388,0.1285514329614129,17.30809484656812,37.71721378138847,0.26766341906440466,9.676382628123887,1.6033010066721712e-07,0.0001132097967789073,0.20450234502287504,9.636147394444775,31.432740898566728,0.23699540128680824,36.639555872737105,0.0,0.00014063033626880034,0.1300904930231442,32.29661297817161,45.53024600521235,4.516772023184,18.065760002509652,2.7615343999459633e-07,0.0,0.2036999198756399,20.04424856718855,46.56774078031769,3.9306010896239205,18.41268489592996,0.00045010172675943026,0.0,113.57079158148126 +0.9114202396339397,0.19954867284837416,0.36661257185960583,232.80868972862922,169.63682238894316,202082.49717325866,4.60295413475851,13.118868099608541,3.1055530520034598,93.11078314020878,0.7604592165626485,29.166287521017107,0.34175828779122774,0.7565572033315763,827.656589790551,46.47704514087712,0.08289805281782317,88539.24344169644,2.8241209820584547,90.71758459044129,812.5952006996149,179.42845880346223,347.9061192853088,57.880002344232345,0.17952128387885277,0.1964681979321409,31.27436446226525,47.49787315092231,2.8040558920224914,30.89269215986158,0.0,1.9547383004141023,0.11219645140553007,30.795058844343547,59.40040519195112,0.8516766144573295,18.40881693278772,1.6033010066721712e-07,0.0001132097967789073,0.20379872431333065,29.221008898798733,49.76989800386281,0.34974168215361284,22.121210253545335,0.0,0.00014063033626880034,0.19780037154663846,101.78877606304765,71.54418131679081,3.279459430213736,12.455198959548657,1.9907974977412392e-07,0.0,0.18931288402147364,59.710317366142355,103.50702937074294,5.576080177828117,25.520279402145835,4.944127865356702e-05,0.0,208.43198850337808 +0.9740738253468036,0.18152537846307787,0.41500727455482533,176.17680555821255,241.83848646804105,321098.49351085053,6.572959504683629,73.63681459714141,4.7043395246355955,17.269660888294734,2.669767207835687,20.426858720332852,0.37810618884144487,0.7930747665822957,946.7014517705937,61.41706388356984,0.3386386046974573,167969.88677138247,2.6667895323214257,99.44193349786816,3160.572489861803,292.4071108143756,225.5174970015712,15.19363271255675,0.3405347462709253,0.18855568643647294,5.629846007396138,25.90452529117447,3.2106389126075308,11.667225802807925,0.0,0.7385012788634528,0.12854155279216628,2.6901420085869887,16.632524870002314,0.7791184537957783,19.317051281251306,1.6033010066721712e-07,0.0001132097967789073,0.19994605117730288,4.328535514799717,23.670616337355447,0.3327719364152406,9.86482894512403,0.0,0.00014063033626880034,0.34825340264569576,4.920179486972107,14.031053603625463,19.56894346942931,60.549588417872734,1.9907974977412392e-07,0.0,0.10015116753439587,6.697157321619094,34.18012980208872,6.627297245100131,45.631920705253876,0.0,0.0,98.9627966327034 +0.9783280199017205,0.12488163006676983,0.44960961558606233,176.47073762808142,177.1209802920795,181482.0599720801,6.209273797926455,60.81160026416603,4.8880672114856845,33.88100306394556,1.9741432448464984,8.961602844953767,0.3750101112667231,0.8925003767194178,897.6326127073867,93.92948248371509,0.13193178077894233,71216.59158811605,2.899182963284567,97.02186671568303,2946.9509092514054,118.72390793667637,290.2376848073106,10.715205066466691,0.3406861779914815,0.19882295491490187,4.76647851574442,24.807962593135315,2.7585415760069725,5.468353407860501,0.0,1.3055378881877822,0.18920415260978282,2.363401969839983,19.094984401894735,1.1376088024860405,25.19773290912902,1.6033010066721712e-07,0.0001132097967789073,0.21055758306982278,6.440166486922984,23.147909391124994,0.3995308327779675,4.869560317453755,0.0,0.00014063033626880034,0.35509680951269407,23.46348543060511,20.339794028747193,8.378387140587845,45.85938068276753,1.9907974977412392e-07,0.0,0.13659007680585344,2.438648616965108,33.67482746205904,5.871504505054893,47.74327422976598,0.0,0.0,94.21566562623951 +0.9291033415934319,0.14018079014486895,0.3916228272330087,172.56110564443742,114.79057290506879,332697.13228422875,6.551697018921481,93.09391944691151,3.010168479563528,62.68195051027602,4.235939460455558,19.598342543544433,0.31592993619727694,0.9455593028522342,803.3906164139919,69.5239871955525,0.26007102398995713,71885.10383461895,0.5748149188812115,34.95416390464952,2708.7408353324186,257.6127260346578,339.2058261432957,22.873680107372028,0.16673349166746254,0.19342649246673946,0.9291181625348655,22.752877389125416,3.222079935063747,44.605557198572136,0.0,0.6458149374782182,0.13080637943349477,2.289965874736307,17.420700386835605,0.5529241297276721,4.69887945294266,1.6033010066721712e-07,0.0001132097967789073,0.20467990920988194,1.3183809275853753,22.396713565993707,0.30401085206511713,37.46848017404272,0.0,0.00014063033626880034,0.101106305867371,31.587482968542492,35.58580654124227,3.268816448469983,13.331670990112698,1.9907974977412392e-07,0.0,0.20254311056154578,2.7270730827369003,23.282468261634044,5.564274875861885,7.626106791900936,0.00046771726610714867,0.0,88.59325862536373 +0.9563171993503148,0.24375354251373743,0.3708874887718026,157.92763437826545,211.2252547555276,100909.78353329925,6.538714478333253,78.79282874272909,4.376993784312946,49.391178846513796,3.8200282555986806,23.87829585135712,0.3440910244411956,0.9759013892194995,979.049899160693,23.774537137596433,0.3031371444517327,61147.07823518661,1.0193128778956773,92.29859503546007,4136.48142037997,163.6742023825185,342.85066023369956,49.7197884824067,0.29288321441906884,0.19133334117616316,6.892833600377018,27.981823227987597,3.516573897296884,59.73374179746571,0.0,0.8097787908868268,0.12853355931202742,12.9878979113121,31.831851587963918,1.726485422051164,9.641080808505421,1.6033010066721712e-07,0.0001132097967789073,0.20325743056306914,8.068770140059478,29.051218940722368,0.49941042441297745,56.54038928758551,0.0,0.00014063033626880034,0.07193382334696222,39.42385369997026,38.83886233320859,4.885785384620649,13.526607680866778,1.9907974977412392e-07,0.0,0.19383910557975043,18.993642094501585,41.9317899331956,6.477223351699027,19.638165690790007,0.0,0.0,124.94791909817067 +0.9720450391310211,0.1569601378717237,0.42468519182457404,162.09289336465093,211.97312224944747,314192.7477291875,6.494220343837514,98.2030770898822,4.793049855453165,82.6122460540283,3.8579227471466906,21.117760862027644,0.33755228676728743,0.9190020723042777,836.5559178569147,80.44471393168953,0.28758308031127283,219268.13437168466,2.632391883758511,74.83948529643624,3720.9589508174445,262.5537908372788,345.08329593363294,58.93150360704486,0.3411211783871383,0.19240521073409786,20.333085948968876,42.87023932088628,3.1313037794053984,13.43101024088964,0.0,0.6888076842242503,0.12322127823042234,9.543802490371181,26.136568140886766,0.727649991985934,11.337282424191779,1.6033010066721712e-07,0.0001132097967789073,0.20392185298316495,22.070356940512752,44.86789543530755,0.32635595050126437,11.973289706616523,0.0,0.00014063033626880034,0.35495491313136057,38.28017826920177,24.430812978815524,6.891682161256685,42.58474898705983,1.9907974977412392e-07,0.0,0.15791258223741075,20.569911452253308,44.56306116884089,6.175468289708515,10.833913173165021,0.0002436072317637739,0.0,111.69987160166569 +0.828182525463168,0.12099394025628976,0.3628072865595988,135.56857736455223,184.69898137194014,133525.63380947168,3.3232983527655824,9.390121143412198,0.2689519818052646,40.56337991901341,0.2699960522019069,29.165451932682824,0.39224408863959415,0.7883483188747725,262.5206426028458,28.869754754550495,0.20278568090072818,188518.74746803124,2.904171073712581,44.02274925262503,4409.4134860084505,252.20015998087408,348.586494747596,55.017695523316945,0.15934498486472923,0.19417227208396884,29.120325845567983,46.1407078271243,2.9079137508180946,19.223180577651423,0.0,0.8820155896211196,0.13305196097884933,37.63710180422386,64.81574133400238,0.7875687955347024,11.024481463623053,1.6033010066721712e-07,0.0001132097967789073,0.2070156559138651,33.05140855867679,52.48112676322183,0.3444191699270748,16.83239136614043,0.0,0.00014063033626880034,0.12226261348822424,96.3863383937834,72.31917262425524,4.279550256890131,14.704029317134145,1.9907974977412392e-07,0.0,0.209781413827662,60.25607274581612,98.66372182636267,5.259628231205331,11.301889402185875,5.036345308473946e-05,0.0,203.71896400938218 +0.9767026836000586,0.20896802149701585,0.4008709018857288,210.11168375692216,120.65939447677236,317435.1839064851,3.250892679731063,58.307388046443265,3.3046087518481784,72.85631719103392,0.29917092102072873,27.771182984308766,0.3824672255917484,0.623597256055882,355.0247013214931,71.19991079618686,0.20826127387572033,51078.21256709276,0.7060825269418167,56.2982331117137,4447.8479115171995,293.60620434831156,337.54692785622626,48.26283763872298,0.2628730958680641,0.19753646836945363,1.8250729756901154,23.55259288504973,3.0669821226777856,62.13596953806746,0.0,0.6876981045009352,0.13447033588491317,6.337536284748222,21.87955703058705,0.22735402747452546,7.961759604108897,1.6033010066721712e-07,0.0001132097967789073,0.20930646994684843,2.2861171868381893,24.98154850975291,0.24847428898989146,58.139395225857925,6.342353416394268e-06,0.00014063033626880034,0.1195812042519956,24.07755090815881,28.770924401072843,3.2783654605230534,16.245685886561528,1.9907974977412392e-07,0.0,0.2157289634651962,6.940138518839381,31.102522406987475,4.70424792570578,22.003943962292027,0.00036335313020762974,0.0,110.56605064169084 +0.9720838475440401,0.20729171202659602,0.3711069432848747,160.95261366610444,240.98352711898337,345053.26814833144,6.7613730422121865,59.679239195525426,1.9798858551530731,89.03476596243381,0.6842142191803342,19.30937661312645,0.42143915501521295,0.9464035272285911,898.4131359635481,51.25366489452539,0.07160466655088557,92235.71530216964,2.962561390924095,61.15676087353455,4197.422032567416,276.2104479175824,348.9991167468935,57.45217747133689,0.2649903340659278,0.1948140571623469,37.18559721209571,55.859618527737275,3.3412377818146237,33.1514596559645,0.0,3.5808015760846934,0.08036317596994566,21.517602746322165,44.226050150328014,0.7121371925466744,18.866571476363728,1.6033010066721712e-07,0.0001132097967789073,0.19645262050003326,28.99281356039366,54.95907043981785,0.321633867966731,21.1779487458901,0.0,0.00014063033626880034,0.24825921867076095,63.601353406226714,48.65715301947065,4.992485149882095,15.111120453629313,1.9907974977412392e-07,0.0,0.15112838821496444,39.43636293999093,85.11555549275104,6.861945448377239,21.91442096225309,5.1070146711022804e-05,0.0,169.42393462084786 +0.9025956006321494,0.26097953746496916,0.3324964004489897,27.61333249040034,45.49662228795479,267620.2450657162,6.927430991946911,77.51637908720504,4.406945869346092,85.13888039639082,3.5205363430954693,27.288054595379013,0.3182334174215699,0.9248510827273434,922.409228520891,2.7957396884606354,0.2282781978474827,170781.83127378786,2.8952312044431405,71.5783424927905,2144.426155266146,269.1018702886974,346.71021154387887,53.96462985587884,0.24564162228528041,0.1923298758498288,32.153447974169424,54.702304538572264,3.5247076596436795,21.87916609179944,0.0,0.8737009635098405,0.11323638635457003,28.778151633329426,49.90313727601035,0.2217910883605774,13.684145728489439,1.6033010066721712e-07,0.0001132097967789073,0.20309805073387546,35.88972039305419,62.36743743133858,0.2575269951917933,19.169105601555774,0.0,0.00014063033626880034,0.12458258171997165,83.861770902286,60.07019315636333,4.504962743560871,9.76476116913994,1.9907974977412392e-07,0.0,0.1730817587425981,61.14123633270284,104.23637513833762,5.827259345274252,20.514654418093972,0.0,0.0,198.45518065237204 +0.8980979528002216,0.21277410616698728,0.32857185105216047,219.78321611365806,128.49074132175306,234325.18261875137,6.824194812030295,69.53244464539483,4.20849494544523,58.769800098191276,1.6623173737398385,27.515979381414372,0.31912893325518704,0.9590981953558665,75.88481238267644,41.70311291392832,0.29937507559142035,157388.6465165323,1.1100150227151222,43.777505969248175,2930.90262464684,289.0602021603937,342.65884446638813,49.286698410605396,0.18571912737609386,0.1921893691357108,18.16507391317391,36.10649223699416,3.7544917086131093,38.41674887910734,0.0,0.7952626175500394,0.12369857705125999,20.63508796976827,43.848349450266106,0.9451214353989406,5.730464741814404,1.6033010066721712e-07,0.0001132097967789073,0.2005188074295219,18.829181965940048,35.23167590526773,0.36924865806208546,36.78556862966191,0.0,0.00014063033626880034,0.12051930076100643,61.161103900628774,50.66476525206994,6.317619327821844,19.079039630204335,1.9907974977412392e-07,0.0,0.19276477591768226,29.01698234703135,53.11457983359464,9.066518778205744,14.915022809739096,0.00035504717793399115,0.0,138.32943394543085 +0.9733995713252215,0.24585562760075838,0.3553590821694703,196.38346445788204,181.93884653540826,320586.5212827112,3.6276649388652706,84.37505722942204,4.619981429278436,89.12968211141252,3.6394689105817095,18.739642428459256,0.7831476745963855,0.9321994682032088,657.7603632928385,59.10421609717633,0.2783982485803751,257401.95859420896,2.9961474233559393,99.58885648873958,3417.625080043545,260.123750386074,344.13101762844553,58.10949905331985,0.25535835288183845,0.17717952043301316,21.61277548730814,61.30151071906919,2.723631203921248,14.688948942723052,5.094437367771092e-05,0.8840400600911011,0.10950979556858395,23.99749401266189,47.674938456741906,0.3354378823534106,16.400107851068977,1.6033010066721712e-07,0.0001132097967789073,0.20185088493363199,36.21709706189273,63.29360788133574,0.2589130601541015,14.2207559520762,0.0,0.00014063033626880034,0.3290665106305208,81.07884960985729,49.592987939586735,3.193358011749422,15.755613109511238,1.9907974977412392e-07,0.0,0.1663626941093084,43.606563051795426,88.39686470049355,4.876617959399789,16.8861708688285,0.00018503230557556066,0.0,180.00896382575803 +0.8171773097715225,0.11534917428396595,0.4028750035144439,231.87246232877985,216.0306974326588,325128.9226250317,4.3090851238188295,68.6683894213345,2.8448767282952936,92.30363428276553,3.118370465957634,26.076404918261844,0.47215632382947936,0.9074748706036732,55.92892137677061,49.555004292766256,0.28287260503760486,153204.75062176277,2.933745995713459,82.96981256033244,3070.25911542185,261.3300252835732,347.5020514010784,55.174674392892996,0.18145568944736473,0.18973196930302186,29.52427545958473,53.805526946316924,3.7314615519170613,18.93201617240701,0.0,0.870615932934416,0.10573847290649328,39.617130551629145,65.21733759055067,0.5115024586108269,16.767849201389428,1.6033010066721712e-07,0.0001132097967789073,0.20115683403243564,33.94711323461085,59.480894481744045,0.28326110634507307,16.860333095574084,6.342353416394268e-06,0.00014063033626880034,0.1915159316579969,98.88621676072573,68.54277303012879,5.356566579387492,11.072053626936757,1.9907974977412392e-07,0.0,0.16706918635593934,66.73374242428117,118.73511969028006,6.898772526894398,22.863994738158244,0.0,0.0,221.28850596111718 +0.9713622933338413,0.21382961331706724,0.40674525907855896,178.09158082539278,226.79631263390158,232736.4757298337,5.542968600426227,87.95872725799276,3.7182725991331655,23.403995344127758,1.6615332241893048,17.890191958971563,0.3350906175471655,0.9122438519637157,711.4497583414501,80.3165707431368,0.27546832755680495,270291.2049305119,2.545147065406912,6.161322761697255,3065.1910416240944,106.48948569535658,324.56066435384,57.97563892883957,0.30810862799343214,0.1942252773749637,13.215743361505215,31.844484755936133,2.834821547146595,7.023515414328747,0.0,0.7352608417204624,0.13126185248314548,6.626911057752991,22.01448324310496,0.8944740250789922,2.922337442732797,1.6033010066721712e-07,0.0001132097967789073,0.20644449628272868,13.81433947613121,33.27878510995546,0.35495687831690553,4.9527812801572795,0.0,0.00014063033626880034,0.3522579856699553,51.30936168225217,30.838780826124072,3.0711999322073953,11.555416848275668,1.9907974977412392e-07,0.0,0.206064513812584,10.580882906559818,28.577534437717762,5.671704725267459,2.9531205256836235,7.862850389974981e-05,0.0,88.33980725420722 +0.9238820472740368,0.11464922928999051,0.3542552860618924,135.64377148281372,28.9287244107787,271160.9404001199,5.823122931682003,24.992143923357382,3.621228539169049,27.93723209599619,3.0506770746262006,29.385208143945327,0.3842631927728126,0.6865821940460078,377.8249647010938,42.62010931896902,0.05528585025956294,54448.50167240083,1.1489246491483143,80.76201898604846,1992.827677748067,34.59791482569854,332.18684822422824,48.318048953209946,0.2855910076411906,0.20028911259573448,14.218258249486501,26.23608995417214,3.268243496481397,78.76094659841758,0.0,3.984752941627147,0.129515023710953,6.42337759776862,21.29499580775699,0.28746786571459826,7.507217279914641,1.6033010066721712e-07,0.0001132097967789073,0.20703950966615403,4.772948224237379,25.30560327240994,0.28153184039668083,48.42513686377193,0.0,0.00014063033626880034,0.11316006697260125,24.43336132436632,30.754011711789822,3.8190163562117285,17.075745160652552,1.9907974977412392e-07,0.0,0.20493679912049378,9.094048609743068,32.401366344605094,5.023220392610171,17.043050451520735,0.0004378032395173367,0.0,118.22483007047302 +0.9053132232987631,0.10658134703959515,0.36741054288524544,222.55273402336505,90.52438370858302,311217.1713954093,5.63682931784869,25.607634576408522,1.1547610700144584,18.089441870408493,0.5817907797009741,29.1599211640083,0.31714228895981245,0.7895720362235858,359.3377385940822,1.690984201226506,0.0620520847739659,56867.41560155561,1.1550198189334908,92.67064912615363,146.21892816092077,95.6352994079687,329.0444146724304,26.65486160292025,0.19282283667475142,0.1973918109184784,5.929145452823793,25.107825789588965,6.081385730347038,43.735442974763444,0.0,2.18059555519067,0.12453612407377958,2.696131495814613,16.60697130392506,0.47386275271452555,7.416372167127392,1.6033010066721712e-07,0.0001132097967789073,0.20387041480752316,1.9600789593590997,24.759746385076735,0.2937015361495825,31.617183463765627,0.0,0.00014063033626880034,0.17808048409045069,28.947238188871548,31.99601632614404,4.229755373156453,11.054776128791037,1.9907974977412392e-07,0.0,0.19655240538312996,2.872566423577983,29.425165800073366,8.734778168615705,7.624391853833856,0.0,0.0,87.09457397178669 +0.9690449577102823,0.21056552228696165,0.3792414790058587,138.81041465117306,193.1575527393524,257660.1164662187,4.738563319903409,57.71704891852066,4.8384725437149925,69.47922802388206,2.912580471515707,29.848371860148468,0.37346443616483477,0.963882110333516,635.6964536205469,28.3270303458174,0.284395142846549,289266.3389732399,2.9414821626325094,78.94352110254698,1671.897645115912,249.11492222209813,344.53086293625466,58.409168646783144,0.1524586955640862,0.18986526931095343,32.16323859455593,58.84522629767864,3.039126136404362,13.633404994597887,0.0,0.8223331354479216,0.11830711301342131,30.2060809233176,55.96866776440381,0.5755855662098605,9.315531634288517,1.6033010066721712e-07,0.0001132097967789073,0.2021429086748674,35.67178415488167,60.964430668169996,0.303018971792535,12.01387133917415,0.0,0.00014063033626880034,0.11045780264977886,102.18793549990376,68.3096010649291,3.1342448648047183,8.865979005311708,1.9907974977412392e-07,0.0,0.17295167594472038,65.84427611085418,110.93473009539325,5.220936384852604,10.47821452367282,2.1405631165955257e-05,0.0,214.32396346584127 +0.9269319382923565,0.1283659556086873,0.36837296382336565,166.55561952240075,221.9076380564386,115751.664172584,6.495591250533334,42.741441470231436,4.643248042960708,56.58190428842249,3.1752412126953056,11.48874134568204,0.3414090532589954,0.24412454339630393,839.8605999129039,38.35013895683193,0.08512428469946277,130634.85698556046,1.804763797851433,8.144929582246029,381.11205495970944,18.328278367029743,220.654499088026,59.87880412049861,0.17392335930058256,0.1874094745156161,1.9921145301309562,22.23838645914941,2.8629758468314814,12.11331972355996,6.209019558479133e-05,2.2037996838173326,0.1458483382363361,2.4346700751477592,12.396405118731298,1.6335824973033801,2.7602884406830226,1.6033010066721712e-07,0.0001132097967789073,0.21525421497790112,2.6653682209664185,23.395900615081672,0.4851474620897492,3.7047816355296304,0.0,0.00014063033626880034,0.1623625922822422,7.674649792497276,21.122902174177607,11.759600378701425,52.19629866045542,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9611553316423873,0.18963880720426185,0.32733382485586116,236.72135717103419,61.839814020494444,305696.8863396146,4.900491238960253,41.372994555965434,3.6801208982674543,96.34961078666412,0.5954525150952181,24.826911265672383,0.35619803312021475,0.8946281907910104,756.3983493116026,17.5158259349763,0.23012594685428492,174308.60638371314,2.9306152434865576,73.84068049213673,1280.9204383906704,180.70039336070238,347.00009955657686,51.70985143302605,0.15872013581367886,0.19351876649654873,29.404446946230202,50.76908190921278,3.377548553746692,20.070806338857093,0.0,0.6233957712054929,0.11909552365631655,32.463821571643585,61.323317282565995,0.3100962581782703,11.516785399905839,1.6033010066721712e-07,0.0001132097967789073,0.20462446867062933,32.96215997696428,54.728013425250936,0.27180801647212854,16.69411869038326,0.0,0.00014063033626880034,0.09762190630516074,96.29220298382604,70.54023571862828,3.8287287587199623,12.127243028146545,1.9907974977412392e-07,0.0,0.18339173866015773,60.85627094329416,112.36611567692906,5.313839970417442,10.775023647415287,0.0,0.0,209.87689259088415 +0.89590414992979,0.16083053443656603,0.4133865404561708,138.86729346848378,200.07403545107388,132774.42325977702,3.379982234681264,56.85177630229968,3.784042184630289,29.069926613273587,1.7257886246456016,7.585370130169222,0.3969497968300407,0.9362787410377191,442.77052210399506,30.84264223611388,0.0736662314380482,296349.52364694653,2.894112292162879,49.869895909544695,4993.8983196264435,259.8787552994819,322.5343721669333,54.926525057536196,0.16929425122960529,0.20053091980091683,18.04497727963228,33.9059093269651,2.8709944149161055,5.091957609955744,3.4259764581160854e-05,1.4424822458837265,0.14189037233445015,6.131462172513192,21.416776970119237,0.8322944167639108,5.814860446979145,1.6033010066721712e-07,0.0001132097967789073,0.21167380246579134,13.524429603133552,33.10208614027146,0.35086163344090354,3.5947884014781253,0.0,0.00014063033626880034,0.10160254813900922,68.71212057826214,51.0137145978352,4.337477123483803,4.423809251078907,1.9907974977412392e-07,0.0,0.21476936817879883,3.244856716819148,22.693112583747205,4.212392237588767,5.3396185395391,9.050575149549804e-06,0.0,106.15096747280322 +0.985807572172444,0.20854191282029552,0.4151336616778078,139.14653499689157,193.1575527393524,205999.15018240357,5.3146424067518705,82.92305181442859,4.871088254839943,87.70414366518457,3.9994637945871334,29.144467813625024,0.47277827404742045,0.9450237128183294,950.7091427771321,55.689957030017126,0.08655513223389516,284523.2152004752,2.9012894272057723,86.32270695672736,1513.5579236664835,251.80917429307647,344.33852879348774,57.92479635203619,0.1510549905011691,0.19349547823430088,37.19855863117168,55.20092968697435,2.753123531842458,15.518807910653193,1.0999521341735303e-05,1.9618177263516008,0.11829001535477687,25.99416579681466,47.33112133005255,0.8361505972039486,13.356707530755502,1.6033010066721712e-07,0.0001132097967789073,0.20094859347956898,32.812807303045595,60.337645095539344,0.349958214389206,10.202031130002245,4.217975117397275e-05,0.00014063033626880034,0.16927218678953293,99.73502876364424,65.90906820492302,3.204863557710604,6.128562950786163,1.9907974977412392e-07,0.0,0.1703921663108524,59.83311716782389,106.16474665976227,5.0938931164823495,10.792850066853465,0.00018747738463338267,0.0,204.7733752842357 +0.9086349293254287,0.14635517446010599,0.3311943115474589,192.20385966543975,183.0296544637389,145316.59681143647,3.2642876813183546,59.56224397516069,4.073959289677054,12.942825068085938,3.9790111352771693,26.904259330593895,0.5285580882140549,0.9450237128183294,472.86414644938327,72.67559419321151,0.22333327432243621,56920.899817098005,2.886231041126931,42.78245952512482,1521.6544445497002,253.1947754031004,344.5276252738257,52.807333098475496,0.25191963690585645,0.18865413973399145,21.73550031069873,46.886770294599465,2.6470602706032285,25.9168176069388,3.186401008612334e-05,0.8664361684911233,0.10362496333737638,35.16514918669089,71.19990462015132,0.8098299794978268,23.263083736075135,1.6033010066721712e-07,0.0001132097967789073,0.19822293124353169,26.537608707737856,53.16922472325916,0.34457752464187874,21.991041086585312,0.0,0.00014063033626880034,0.19990078739949185,69.31696565186908,60.30095582174108,4.021036633551422,18.593858162416655,1.9907974977412392e-07,0.0,0.15062873146062106,48.37276940681882,95.3062203531405,5.214215481875043,26.84831755759568,6.870583971153835e-05,0.0,187.58287043686138 +0.9581877903077645,0.10690100701047954,0.37848888222416355,181.34555086526422,237.27653975423195,274221.70634619053,6.156098359093122,36.86699048576078,3.867025782171274,19.944684474695304,2.813764792320798,13.316377696382833,0.31039853089189806,0.4901505261894409,6.674970084756893,1.5761721477051278,0.22232779138008363,99689.1656030594,1.9290349391254016,27.495672332786558,2201.6723088486524,187.71768908739895,249.5865937970238,55.68582607518606,0.2183365873009287,0.1991884768963453,3.8106190851509063,24.459490402355144,7.5997986108866815,5.7740061564679195,0.0,1.2703902055098646,0.1416356551686259,2.29212684688133,12.853357564693571,0.8614921390422664,4.061889749963721,1.6033010066721712e-07,0.0001132097967789073,0.2129628626625179,1.998387025155052,23.301128142912926,0.34783861089408125,3.442626180416405,0.0,0.00014063033626880034,0.31854928192119686,14.17556528080158,18.24509268345543,10.3095870184939,41.86775236762537,1.9907974977412392e-07,0.0,0.23127895420398287,6.709921821394275,23.711364248512357,13.139879539802697,8.580580536597468,0.00020438998224966355,0.0,68.548749410089 +0.9157246314182466,0.19124206317818393,0.3584649416903712,209.34732602933857,42.53612330229109,308394.2599162751,4.014694072811679,63.01443228444238,3.948204747915094,72.67724675542414,1.8523990174360017,29.72577561142104,0.4676983805106038,0.923996148514544,458.0398262910472,49.857778240004855,0.3113482100957237,192780.42030467308,2.8648403369106616,98.55673686165744,3086.698178234037,209.33296782910048,346.49280863275004,58.203944411681356,0.18156141666212244,0.19013045792783748,31.775475079254328,56.15872437965677,3.089048770601037,19.379138552444303,0.0,0.9159724246056258,0.11712530412173622,32.79913645104768,60.298986017535285,0.19341810488276553,14.941137891001155,1.6033010066721712e-07,0.0001132097967789073,0.20264716299353178,35.83279042689895,62.55192129909616,0.250758419014523,17.37744998122413,0.0,0.00014063033626880034,0.09517435766950913,91.22189001148037,71.48660947310232,3.647696049718948,10.399651140167277,1.9907974977412392e-07,0.0,0.17100472821563462,69.607615096367,118.73028529053796,4.720508378205213,17.928671178019872,0.00016310804892500822,0.0,218.68330805969518 +0.9396713252643301,0.12518149334984194,0.35952471235881683,168.48538316717463,151.1268692713322,250424.38621829575,6.030669965331596,79.40192139117649,1.3193866501379599,22.128855267614362,2.792803842305504,13.316377696382833,0.4361838201306606,0.5936256208771018,30.651246175050318,1.9981807612680171,0.3188244776116197,238448.286782544,2.08123293729035,86.85230023179018,1951.2944278022628,263.7980207635343,250.89359539461262,59.039532852150934,0.21797023914983002,0.19862378551611942,1.9675968176012528,24.245082662690628,7.0057065541663155,5.222666420270766,0.0,1.2024669582399554,0.1404222748876165,1.2719267465277846,13.167176923266677,0.7742607328555351,6.216448620079927,1.6033010066721712e-07,0.0001132097967789073,0.21220504063524753,2.16579526649848,24.5196316849448,0.33994487358176984,5.675953182607206,0.0,0.00014063033626880034,0.331000627331662,26.024816037494194,19.841750411586116,7.508573463880591,43.4601889203222,1.9907974977412392e-07,0.0,0.23263057899392756,4.679712841238839,22.913840587393295,11.089787856613885,9.196526946817071,0.0004889676901229837,0.0,72.7522688972514 +0.9645884588069944,0.13957261075876143,0.44944917376871424,242.31842237906127,209.45620739337966,338891.7785331719,6.568802992528906,76.43366917672655,4.377419129753972,48.23543048644122,2.5909349359979736,23.881242930971272,0.708012278702364,0.43666565845276595,168.59697155812438,90.72569399131228,0.3088179792082356,63554.10620716937,0.7385396548055052,86.21306267278896,4921.958349388804,225.72645460323443,236.8677522885175,45.923750455826344,0.2508854552786682,0.19963783424149875,7.198580596295423,25.027236305896892,3.846409933231561,20.621290110979594,0.0,0.7405187751054498,0.13968972863469312,3.4882053092719136,13.381203337120711,0.7956140029097444,3.9473124714250423,1.6033010066721712e-07,0.0001132097967789073,0.21297192627605194,6.236538214018811,24.045491569373187,0.33397086452408276,17.71717745478605,5.272248729374707e-05,0.00014063033626880034,0.30389011847811137,5.255797347465359,16.77509791313207,14.706914536170338,55.570831158379406,1.9907974977412392e-07,0.0,0.21154266560912527,7.777044294165006,30.07326416919269,9.53416027920595,40.928316778312734,9.563694983500037e-05,0.0,92.74633211360029 +0.9206375415924105,0.1988690545969027,0.3321058006567205,210.9545700349998,222.3595817722618,335476.7636144712,4.631242997686125,94.197892034103,4.024629933808956,81.4833501342321,2.8669316830370524,16.63094379737404,0.41005980285143206,0.9969648840075511,555.1827658504244,23.48848815020927,0.30107873349279607,299046.3868550112,2.862755293435261,98.19250260061622,3922.1912882845168,284.32619630378014,331.23739636483026,23.81256100131936,0.15189167244150847,0.19430850692780133,13.530587941562732,38.83358528973556,3.425797915041774,5.866742315756883,0.0,0.7876628996268005,0.13408219483463,6.494188813548162,22.122637777611352,0.5223073656491846,7.287698217575472,1.6033010066721712e-07,0.0001132097967789073,0.20717515350023352,13.73902335706868,38.058825557147514,0.2855514086526535,4.75039586764164,0.0,0.00014063033626880034,0.1399403774535424,111.15060078083816,74.93149201940442,3.3414280309624256,5.87207038073885,1.9907974977412392e-07,0.0,0.207438757398222,13.475474259429989,39.95585965152403,6.101640584119819,8.778798028719416,0.0002521776581124159,0.0,154.56422498233871 +0.9480490558863282,0.10554025545984919,0.351136207106228,115.72652775676634,146.23952087780762,241433.5154568591,2.9729826161797037,40.22797068642256,1.9749577847367896,64.68970398348642,0.5441731467095209,20.650618862694458,0.3050841981311082,0.8093692806473871,251.41952492785424,1.0553719474743848,0.09702822785450535,103657.09170459304,1.3934210868100314,56.67529905676768,1118.9339573815314,99.43696958996705,349.1078425959223,56.28074751497948,0.33792749107596415,0.193210469432128,13.941283182232311,33.045229435120724,5.700679717693507,43.64603172282938,0.0,1.0346718314749004,0.12797054003683828,11.728999730583162,29.25228044891169,0.24590382400516514,6.527270711378672,1.6033010066721712e-07,0.0001132097967789073,0.20585169448129598,13.96349778181701,31.019616165208607,0.2528165825239591,40.68517975858668,0.0,0.00014063033626880034,0.0725444039937041,21.572547770335294,28.772550949741113,4.015091776383066,10.597380898147339,1.9907974977412392e-07,0.0,0.20010698302986257,16.00519268517107,34.999630506214764,7.87862472042644,19.96465013697223,0.00015042890980652656,0.0,102.1614765764947 +0.8845411181480421,0.11573916769017575,0.3471643067379197,222.14042697539173,204.69970938838537,319386.73490721645,1.6171649981893956,58.0508965350648,3.9372277085583596,41.01882139755872,4.432071964693792,23.95845382003468,0.34057467641853034,0.9461522848064963,105.55616402222967,1.2531018582848503,0.2134231954454015,53073.49838449086,1.3230669768238283,65.32626364833487,4271.605541557398,270.28952741143627,341.93572699443837,57.421912071005295,0.1937851149099139,0.18994195662830568,8.310204024631858,28.166046701205666,5.8219142196782885,61.478932535206226,0.0,1.281880458738383,0.11727572281933667,19.374151279940257,45.1073015500934,0.3083261519935703,15.375517500769075,1.6033010066721712e-07,0.0001132097967789073,0.2026837536261145,11.051128250946066,31.07257952780224,0.23426007759352477,59.80266387833803,0.0,0.00014063033626880034,0.07768647693341563,62.063459171044286,54.01964402442272,4.214529298255073,18.671142551347604,1.9907974977412392e-07,0.0,0.18464058297368102,28.24824511573186,60.691611816700316,7.5814644982398685,28.553073495368402,0.00016036703137292899,0.0,156.45717724707416 +0.8962959664053131,0.1890190332192317,0.40255358054098683,99.26767476754924,70.48588024849177,286388.44087108877,2.4449278958405536,68.42497550913416,0.6438691661360872,71.32600891349074,1.7471249034593332,20.9881123483654,0.4410195201265996,0.7255080678535879,502.711512994969,70.92463588048786,0.2242893328396644,53921.206819329105,0.5548814030352789,94.08147689445529,3214.777670504817,178.21942764782705,333.0351834168984,38.33180080868255,0.29612025662117053,0.19711331270163907,1.0009118199496194,24.18103776041536,2.7092524980984067,55.896536288889244,0.0,0.959977332101672,0.13687248401371163,4.544022744872391,20.3161539077736,0.3086162177033822,6.922305351151243,1.6033010066721712e-07,0.0001132097967789073,0.21042405334290593,1.7452067469114336,24.622652475236258,0.23709110885056675,53.295149445565706,0.0,0.00014063033626880034,0.1405364595216355,15.506818711691459,24.281658712405132,3.8640472005946433,18.138367827222165,1.9907974977412392e-07,0.0,0.22677032359524968,1.587679819914991,25.170820126018633,4.122225236043935,21.824725373171123,9.83008774076412e-05,0.0,99.76539219365421 +0.948876382099234,0.14930233505737464,0.3318668558507543,246.56704659600578,172.2590431884239,192429.58334547863,5.531511665626445,26.648764917450443,3.844328883702969,86.65532522415245,2.7683496269176615,21.537164601068813,0.3363245088248635,0.4472884335434204,625.3354458796636,1.8930420893299598,0.19303992195485314,60334.85365018174,2.6589082729262223,96.92706653792246,1597.1233614016328,172.7840790818317,349.0473681916229,49.11074301496522,0.293762306183587,0.19708442656607797,18.043386144516404,35.809692974920424,4.892785931651605,30.012863410429777,0.0,0.6574125684290961,0.10380892694345327,16.95616621875893,35.97911910286377,1.0734223008517156,26.978587625556393,1.6033010066721712e-07,0.0001132097967789073,0.20910509338032435,21.02249878429918,38.11429614422135,0.38656896364086374,26.12586666238446,0.0,0.00014063033626880034,0.20821991278382632,52.92529416203641,40.64938934797932,5.579432423192826,13.164976373986224,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9513449207636345,0.12867878280203976,0.3860123708658465,197.4181645836161,188.44364885553085,289131.1402617737,6.791002013408956,64.45772385337395,3.605626174817867,44.659736815664786,1.4786510140482734,16.98481945170479,0.7505162099293011,0.6201500689189684,959.0262050732053,31.146559110289132,0.21717428487318785,76515.87963237826,2.9346534379831284,96.58916555361301,3791.1162492001367,97.07691569707198,249.75202416745864,15.806289628183155,0.23621754769541092,0.1991841221797047,4.067787365551703,24.48854189073586,3.360538227206849,5.4986289703301825,0.0001539205966302126,0.6646591435188527,0.12805330459906022,2.1684901636541727,19.64135160402809,0.861129533466322,23.896236217509813,1.6033010066721712e-07,0.0001132097967789073,0.21116291949971885,4.180758335887301,23.846347851351172,0.3496041285752635,4.522789768994468,0.0,0.00014063033626880034,0.33498078600492975,1.8467375432903201,15.301593773931701,17.265691733253373,58.18792110690875,1.9907974977412392e-07,0.0,0.1636591554700134,5.940004845173489,33.26990887828496,8.93859815025483,58.94434034722413,0.000639146074617916,0.0,104.14124307879084 +0.8383646004438382,0.17007274124875207,0.37903096693637195,234.67655175726674,139.55728590173004,275614.02621160494,2.0908619993971653,72.99782852574262,4.626543396489979,67.72446463924918,2.9618382356833033,28.583926941728905,0.6547411331479901,0.9795193641322493,355.2314550569983,57.27063224085829,0.24842760486555684,206411.06732097265,2.785281588019739,71.73600047840353,2385.3781608624754,277.0439058299241,347.7537521369606,59.69719551413216,0.18511928894131086,0.19030997066343203,32.7579147193284,55.58623373083401,2.801125745763188,20.72781502861102,0.00011507442099017324,1.0424622852395993,0.12548375346142548,38.24979177022082,65.68414700253209,0.2339748986602276,11.914133579888729,1.6033010066721712e-07,0.0001132097967789073,0.2033667875803046,37.34625718132368,63.560332608402824,0.2398214003093235,18.70119552921546,0.0,0.00014063033626880034,0.11141331273054253,94.97678072411453,70.67614166044503,3.8128048272585366,10.532847769368091,1.9907974977412392e-07,0.0,0.1862928605826699,31.446767679449398,101.64258431268324,3.4884251674227715,16.01869944094026,3.7293711706739404e-05,0.0,205.02584829052302 +0.9305367859030146,0.20240592406767938,0.3437908736114583,193.82435822349424,248.57280543333485,152282.77888373486,3.352948431068437,13.449022602185856,3.332803922195803,85.58630036477862,0.5048518754180686,25.005949434543684,0.7624144630409244,0.9276662325100814,914.4148923519907,84.62295519151229,0.28470205221212,106442.71142148171,2.3695211701484364,97.85276918252595,2220.9764390335167,283.9615230067364,343.26325514355176,56.12128690041377,0.18165598677394423,0.1885604228641086,23.57830827054909,49.505376254456515,2.6047548896112893,29.09561374604408,8.597535122991563e-06,1.0162156167815306,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20191431171302274,27.06007232924745,50.624242241917,0.3526141758190513,26.480435677506104,0.0,0.00014063033626880034,0.12246865162800248,89.40135159324353,71.72662776552895,3.9402425548114404,14.56422149455802,1.9907974977412392e-07,0.0,0.16001191577024496,29.31035901582162,108.67123494813116,3.747943759227701,23.959961607763372,0.0003327305330716268,0.0,2698666337285.8823 +0.982701028703022,0.23186670846355745,0.3504127293987894,234.8530080518392,168.87496409507133,197572.23616172883,6.991112730558691,76.54149395930847,1.3491322882271706,52.97222073840098,4.276393530969961,27.845919560955963,0.5368254619258489,0.9879186838253206,230.31325406000153,49.85684566521286,0.2972732977342481,188618.7894942262,2.9438955578408645,98.22235451621576,4145.635504044515,242.39292902919922,345.6106870966298,57.55792909634558,0.2639267025351927,0.18608369055450857,31.169124160039875,61.707449839718834,3.4392395169933967,19.3614915352987,0.0,0.8168569864513718,0.0818814497292945,26.192981493071073,52.62014591465365,1.2374271552927103,17.19495662646112,1.6033010066721712e-07,0.0001132097967789073,0.1972330981981893,34.04162477384279,61.56466638716199,0.4151281946534617,17.22670876771756,4.148828371408834e-05,0.00014063033626880034,0.31369480739738453,73.0745666877919,47.66700785020179,6.489834014372303,20.83945403218516,1.9907974977412392e-07,0.0,0.1391799689934547,54.51129165143744,103.26908011513461,9.239545443904266,21.486313271949754,4.027942641539835e-05,0.0,190.88336241328807 +0.919188458919003,0.12390621089078878,0.3582342972540226,236.19580986649365,227.02782600385115,283476.6618421099,6.283847936019307,47.88227641430356,4.8503528772908435,86.21838407911942,3.850674234120899,28.80112200714713,0.3367001122330584,0.8881348217084855,594.807215258496,50.80226421770102,0.10821919937624919,256652.83220020187,2.9884488328441448,81.27149964065434,2517.5405769895615,223.77974866477712,348.7198366186618,48.6414650947473,0.19683445627889806,0.19555593406970753,38.806181087742395,55.55127860400946,3.2373096923255913,18.147850253694184,0.0,1.9472058253072422,0.10992276233828126,28.559442443397803,51.94078767649565,0.9274032006085481,13.455601551536628,1.6033010066721712e-07,0.0001132097967789073,0.20266962608970562,34.241249461235235,57.185662060860466,0.35694423877740095,12.767257459039117,0.0,0.00014063033626880034,0.2614696925870943,96.86559361918579,63.72981139318611,5.27410531676848,9.628141814790212,1.9907974977412392e-07,0.0,0.17064866108978097,60.72954143160061,99.28930776399999,7.236920042163012,12.379286291478346,0.0,0.0,201.3799299927073 +0.9776632294931503,0.24470210312637802,0.38474926605015736,46.23531666824083,139.72610373942865,222935.98940290598,2.3673187963151787,57.94123485586326,0.9094402757035941,44.61065105731712,4.777358975564015,11.824804020855535,0.48897087321733324,0.9563290166406709,844.9621459315688,90.47092653245588,0.05281590666830756,171842.5014610112,2.047447412757433,74.41286284730471,1857.9126864784946,111.55351575272454,348.1601652441203,37.48647562455852,0.15355077122339258,0.183649529962076,15.867003042950458,38.40752450361087,2.0998089522322103,22.05434249618883,0.0,1.6801311775336254,0.13881565103904883,17.826836431257707,37.521262370378714,0.29333631056141596,5.7752177726259974,1.6033010066721712e-07,0.0001132097967789073,0.20995241724914357,16.458470415805714,36.38065018673037,0.23764203346980284,16.70642349081239,7.312513881341672e-05,0.00014063033626880034,0.14332031481410265,45.25743151436579,54.19451476433333,4.436991987755739,14.763098016318985,2.7581264978416273e-07,0.0,0.21716804074252372,9.791351528010926,46.023715677830275,2.8604976210242627,10.576272318630894,4.31223718847376e-05,0.0,115.80317113844521 +0.9828785399247325,0.26171419902162635,0.44130676175003947,218.81673790502077,236.26003244682502,247327.58260152457,6.958783961645586,70.87282934642882,4.230268827278153,50.08173506708084,4.486913774916598,22.104661328336675,0.44388701007252085,0.7967498134941602,870.6117890775606,56.90178169405277,0.23945554266720645,258918.72241368808,2.9355134131131058,51.90695999769097,4627.835475708103,134.30514704463562,338.2751988357346,56.04101116179837,0.3143051418929932,0.19611537971726192,20.33326439866462,36.234351860044775,3.1167750119370603,8.214966253744198,0.0,0.7280535002004249,0.1356364971787973,11.473201884878705,29.973538289616133,1.1241328070958738,5.350641819740489,1.6033010066721712e-07,0.0001132097967789073,0.20977045972041516,20.105447497029246,38.405743838998475,0.39211771491760955,5.4310729977675365,0.0,0.00014063033626880034,0.34542573409346333,44.080355246501995,26.283066345804112,7.441652516492027,41.77555758817024,1.9907974977412392e-07,0.0,0.2219645263229456,18.155319226836145,41.66377551721403,7.186792356399967,5.8415114648086,0.0,0.0,106.57814973562373 +0.9659678586991974,0.20276573067893575,0.427335617085453,245.45180793665037,131.7360838977738,273173.3852784949,4.017988576085203,83.1438821784875,4.529952913355906,59.63735942333284,4.873187960843376,27.61603326545766,0.6656543181106156,0.4630680766991945,916.2111454783292,58.78378178350619,0.3201482886902091,122919.17133677175,2.7392733018468007,99.33926679708257,479.3843195232832,291.3596379651618,344.485620205803,57.86012936164902,0.3335622492835046,0.19413813430186463,16.32835499725814,33.85814535134427,2.8279834321910244,21.598105060382725,0.0,0.917364238190686,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20248328215700373,19.70641246871617,35.79206427422339,0.28315078280695305,22.91464579180087,0.0,0.00014063033626880034,0.3026106673851601,35.91076078459097,23.58633661811827,4.3460418556792755,34.84222433025994,1.9907974977412392e-07,0.0,0.2227281422559909,18.817004016180743,46.34307959104928,5.953524510124828,40.00032719012437,0.0006183188879994757,0.0,2698666337285.8823 +0.8331446196927133,0.11727641337420461,0.3669952550984972,211.6920088691288,32.12890407402415,330446.3539991974,4.531239486560776,70.5336923631146,1.1761852494435043,18.977854502992965,3.8636166021527734,21.47467538213323,0.4398623099471693,0.9339158723015053,954.8179508949459,36.231300090253214,0.21844899764286357,55460.51844576515,0.5144952125839564,82.47450695218942,4820.888350287976,280.85087644409884,345.64305082227713,42.744443553177604,0.34817706687060784,0.19422400502217554,6.411061996164939,26.131640870552175,3.098215377167017,78.70646272951367,0.0,0.586009480326656,0.13455773065062665,10.445000391395544,27.658968110578652,0.19589076441070208,10.07330164560913,1.6033010066721712e-07,0.0001132097967789073,0.20760155293727406,6.177819522706021,27.35070986211681,0.2512159157382319,75.90034908671866,0.0,0.00014063033626880034,0.1300531546869226,25.740714889246302,32.34688813227846,3.649073948725219,18.342879447601284,1.9907974977412392e-07,0.0,0.22064222726147922,10.576973652788183,31.475526699431484,4.667641693201277,27.73760331058859,0.0,0.0,135.6612801828108 +0.9393109234306507,0.23945902766880187,0.3854095102491016,202.27028538199767,131.80233011218996,118225.40658169007,6.645240290326201,56.79196197738904,3.926495610904568,66.46095963327613,4.678453360831902,26.55772078719553,0.39113029791434606,0.6692823663856079,253.80331885551573,94.90375075198358,0.11742999840383851,69622.04705644383,1.318400785328902,70.84630857468933,4146.676715396841,186.89903019674378,344.6399783290956,58.21216543921978,0.3472592685400508,0.19984671229169337,12.260700300890493,27.642300261637466,2.9959161786673794,57.44768769525658,0.0,1.692384837951187,0.1365739093907925,11.515649366784302,28.941840897910406,1.5272988856798264,9.912708825895365,1.9644438898155023e-05,0.0001132097967789073,0.21027497091812855,9.111525761010505,28.513141044209842,0.46557911808789615,45.265247412391986,0.0,0.00014063033626880034,0.10826227758680654,33.34945344418783,36.24785775450059,4.493481053041123,6.406070699841687,1.9907974977412392e-07,0.0,0.22104399191580132,15.89881742639261,38.120602642664096,7.288609843727646,18.4943657544529,9.303429387753513e-05,0.0,113.27451253279791 +0.9509427022007734,0.12559727885737204,0.42074850292915933,159.26150229658717,210.6220123059437,333831.01747732767,6.298847998278656,69.08694687266727,3.8263314755579168,88.19881073077157,0.3456705322072793,29.630868395044985,0.5874430353193036,0.72969250436575,750.2487183329413,46.79723341337324,0.2725348310170521,91956.74545845154,2.7640248194926227,85.31352803535412,342.7401567504567,163.80572396557818,221.39186170820616,15.367640992069376,0.3440365002105886,0.19074452005918555,5.589538288537024,25.252430969040482,3.312477472178806,8.353786871732275,0.0,0.6615911263296125,0.11889030185399031,2.3821762235798976,17.78754690015058,0.6512095412649195,21.446073565547874,1.6033010066721712e-07,0.0001132097967789073,0.1953846406441544,4.723930041129054,25.346853021154054,0.31269989721317154,8.641940142907767,0.0,0.00014063033626880034,0.34540752647204703,6.019218891641713,14.113319042524457,19.149037979015226,60.137334774277505,1.9907974977412392e-07,0.0,0.12319051065002383,7.131579532081969,35.2413540776677,8.07706605060417,54.33174671022813,0.0,0.0,103.92751361564314 +0.9557492812675594,0.2548635000915978,0.40139231835699224,229.43804945680176,235.48899635823693,256817.6351751058,6.455991805938255,74.12302306138618,1.884907714398364,55.94236539391595,4.971084671607248,27.949107282290388,0.35818617626919247,0.9800903627729014,851.0140266505767,81.06180798698051,0.3229323432934431,208094.86049927634,2.871054510316667,85.98429381338292,2486.2088773988644,63.63410478755391,334.8800757774232,51.479923022093985,0.33231520253827074,0.19218245214641755,18.552828191568278,38.582675215278854,3.0162663149869497,9.194449376429557,0.0,0.7611754202356771,0.12957072610704784,12.647394311022097,28.837857285914346,1.039653608802485,5.855900459147483,1.6033010066721712e-07,0.0001132097967789073,0.20270451946006338,19.390485438169396,41.076610309958596,0.3767766195653595,5.988277477074107,0.0,0.00014063033626880034,0.3534231874128662,48.881290644550695,28.59989719988977,7.390934360252846,38.14785176506108,1.9907974977412392e-07,0.0,0.18794605048341834,22.881996498961872,50.523696228621894,6.769790344080547,6.326441978316308,0.0002202896846424385,0.0,113.72262106164278 +0.9774429838539302,0.1491463890903031,0.39109887190989223,232.0605651089735,189.93129063949056,349086.82738635526,3.380392261672115,6.757309062694368,4.074462798106429,41.20763184012498,3.156843745667061,26.896713203944024,0.3873950968259666,0.816703749901167,428.5584774781245,91.7694543031664,0.22535107708840324,210010.08883669518,2.6731008011116395,95.2862624353352,2484.6395625002083,253.34522994782157,345.3128845010354,52.78018422016964,0.19547673398270854,0.19285195063139432,24.36017946082226,43.904383809773115,3.0968390229684557,15.375012753045548,0.0,0.6823306836708999,0.11192678337171547,21.520754432532883,43.73490292819031,0.28975376675610826,15.946876533745135,1.6033010066721712e-07,0.0001132097967789073,0.200327756012443,27.40432329447631,51.34195671468156,0.25178748824933384,13.60861329754928,0.0,0.00014063033626880034,0.2559680762548326,77.63136273494382,53.221960633144164,3.062822267408912,9.412779348619356,1.9907974977412392e-07,0.0,0.161122225307972,46.572076294331445,84.46700871800424,4.942611952024907,14.382727088390306,6.092701415371354e-05,0.0,165.71746199452306 +0.989124461768726,0.11175965779917625,0.44908180465170977,167.0895965305446,41.10015359103454,334224.0334226221,3.581737478560559,88.14197490162006,1.566009862221119,10.818668214204225,3.496118395613759,9.996817755388793,0.7096206972331492,0.9827517241606891,967.6629977912737,32.19143416869473,0.26346667513314914,84814.85973442985,2.698997120492817,93.45175380555858,1855.9466550424102,295.3440616612491,263.5261573744777,10.289160392081184,0.28031865258058375,0.16590557296376585,5.872923790754878,26.77925023048132,2.7473586077818553,10.26691339991021,0.0,0.8703277436598651,0.15751182084894189,2.5447090825063357,18.201407431337373,0.24917881322658492,22.93840899687832,1.6033010066721712e-07,0.0001132097967789073,0.2092627593484399,6.221972162799441,24.82271477603727,0.24289757288483452,6.418667875867716,6.893328230300084e-05,0.00014063033626880034,0.3588651575819134,1.2630166450137015,13.763292394678734,12.544358182668667,54.21900885886436,1.9907974977412392e-07,0.0,0.1576713046574436,5.9173872569063075,30.257763537017247,4.513306539638006,42.17190090487942,0.0,0.0,91.99562079197577 +0.9746826231680523,0.23576423556496073,0.3880483268513501,222.84463486383862,249.29273286762987,305790.7308589658,6.653870890979938,90.32276513267318,3.4503568579990156,96.02861479970565,1.1332643348741356,25.899512116282605,0.5056814643633072,0.8609035650781387,883.4740807215721,99.24662084981207,0.23007515829591052,62928.5704355481,2.6917987193310795,81.33223286611943,3211.3851857841964,35.986234792650194,345.65020644751155,58.033220748490976,0.1535721648427552,0.19589744588310307,17.790768718428097,34.221399572675026,3.1068826339523,26.438199840251663,6.455071032981214e-05,0.689955466681163,0.13189068816686692,21.500654223006887,45.86223880729307,0.9204786666987909,11.851291542767415,1.6033010066721712e-07,0.0001132097967789073,0.20617933813815623,20.545322375119767,40.10235838595192,0.35482030817441096,20.19035659789977,0.0,0.00014063033626880034,0.1440222553521191,88.45340312574791,75.7115546585707,5.599221884038503,16.271300531198523,1.9907974977412392e-07,0.0,0.1997267309339553,40.11978352280259,74.89444755731417,7.03503958808968,11.043048845535246,0.0,0.0,169.0693868427041 +0.8021084066224093,0.1663798550170136,0.35364646440484415,50.3085258177275,119.38468765623561,313217.95013221435,6.956387475180312,68.37374282571687,1.4874858737353238,62.20997042141815,0.5650553283710144,24.585382320823168,0.4034692907368714,0.7499800905486692,989.3621817611034,44.44706639391151,0.24937346844175662,56447.788138359625,2.0659400371142276,93.82941065233973,2457.7160718541336,117.57117724410875,341.57085066758776,59.61117864838143,0.15466914184846703,0.19832092160924636,14.229109397272378,29.48755818895135,3.0225468593371967,42.114424491115976,0.0,0.6676521153067702,0.12911092577695604,33.76204414907064,66.41764518413714,0.344449319652212,14.24102708480978,1.6033010066721712e-07,0.0001132097967789073,0.20905614885258056,17.53170636128185,34.53255111786433,0.272519549158721,35.73312814770479,0.0,0.00014063033626880034,0.11665988420059885,94.73697082753775,75.53230465235792,3.536546431733304,18.849838977534183,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9036496655278915,0.16260796353983695,0.44076581442595153,233.04927308822593,93.12841219590854,133889.59084861877,5.899035041095923,16.485951233732813,3.4215102602664365,15.235379997339349,3.0371386932437243,14.919474707035526,0.35420527682113645,0.5815405803885718,361.1366553347434,57.22188923303486,0.08026121143358962,52705.92452551034,2.268292763566941,71.26351719612298,833.0246321975683,118.89477108323996,223.70501344973485,20.91526676357268,0.2633680663165235,0.20153232852575992,2.3565360881294533,23.72661745010958,3.084345079636743,4.512847872464161,3.391709310732674e-05,2.4615375861516906,0.14133163849681138,3.3383109248150085,12.642322023094064,1.2035034884368914,14.93051646672846,1.6033010066721712e-07,0.0001132097967789073,0.21280532630245177,5.700339782789506,24.150453754994125,0.4150803681763391,3.4208215101456267,0.0,0.00014063033626880034,0.32359099446415124,5.309535705510294,15.130031368896754,16.31261648567195,57.12306678110449,1.9907974977412392e-07,0.0,0.1952028139944701,8.127710178282465,31.806818708909024,7.993015731989772,56.56187546181634,3.231858280223468e-05,0.0,98.76623474880822 +0.9810851049657514,0.25783628695155664,0.34947804447040054,84.54343724031854,187.9931048626494,154164.65539855044,1.7555323961968519,10.977543233371385,2.1569515557120336,21.585334607144816,1.2517818701274075,18.345796930894583,0.35729278595746194,0.8503175954896345,705.6104000807121,93.49328898870931,0.0900838626147725,61442.63507647176,0.5956207933583388,99.1936781647226,3192.5664358910904,177.91091555709363,228.8818390534526,21.159336065994225,0.2483567024521829,0.19604151008429171,1.1593635429722615,22.969368852278503,2.4423338065967295,42.261683341489324,0.0,0.9351356445943506,0.13529476561549517,1.379825296672369,13.755707514878495,0.20978464582717796,4.106294497723692,1.6033010066721712e-07,0.0001132097967789073,0.20846695979937285,1.5189001666876827,23.656175347473656,0.24537448392364278,36.81072663036578,0.0,0.00014063033626880034,0.347764307548259,1.302405221035522,14.657785751349547,4.128958451402595,21.479009315251385,1.9907974977412392e-07,0.0,0.2113730482690571,6.658236299710549,25.14978459393943,3.8461830555211534,12.597986758966844,0.000280133748857748,0.0,77.4107293066952 +0.9770854938082332,0.13852043836365313,0.41503641597985413,185.09646205074475,245.60995842622594,184901.45944997275,6.308241247858042,78.88726149314206,2.5598033498150725,73.31032003401882,4.845634579592748,23.147972737394458,0.5777256799262314,0.8635273512100027,953.0081992001291,32.41593021302661,0.2730033016231746,61897.10914173961,1.3014627021547054,96.78134053955306,1999.1187386099434,195.9032989075714,347.7077859336881,39.1365998511821,0.18393535938673616,0.19244601497276234,3.6065434713155113,26.660432354854986,3.0693543400643875,39.94597119599982,9.127462307082163e-05,0.7067036311553067,0.12654454403326457,11.35930339001858,33.77530513433331,1.2500614881352161,12.123834562846593,1.6033010066721712e-07,0.0001132097967789073,0.2045100663835185,5.04830909933644,28.847167020960143,0.41656006206274765,36.14121075437743,0.0,0.00014063033626880034,0.10429405985743138,45.987250869515904,49.09044772160821,4.457438826738335,15.051014649167884,1.9907974977412392e-07,0.0,0.19304271534234574,22.703509916382576,50.225010696485576,6.479972426424705,14.076524207769038,1.248620958312116e-05,0.0,118.15722865368362 +0.988109408870098,0.18376407529078811,0.3209350883500838,24.867786810922063,119.52609651535782,220068.45798598358,2.077927840002136,47.79792463377811,0.6467575238857692,62.604042658719635,2.693726750548836,29.075975199092785,0.4329978156885553,0.8135115606305976,688.3626884218179,15.154408155832973,0.06538929138246483,56433.423829802734,0.6366366893142983,94.07772546227396,313.8111034852184,291.9191642942576,333.8046025620588,27.22588263411152,0.23757738017013041,0.19433957169469127,5.190813180777033,25.94788723845964,2.4578410148183285,67.97804912810595,5.2813402411661276e-05,1.2604415651511054,0.12708944315106005,4.063207207358909,19.790326563048506,0.4124537519684576,7.175233471859917,5.950277725947639e-05,0.0001132097967789073,0.20430936455252705,3.0052620092710165,24.59452881440034,0.2371647418612849,54.53799980096892,0.0,0.00014063033626880034,0.13366798974737049,10.504964344336722,24.351194418351643,4.3570358369330595,18.799053891395594,1.9907974977412392e-07,0.0,0.20170555586157604,3.217159371021195,29.918392009790853,4.065961150672353,23.096846432663362,0.0005170547615047062,0.0,109.12565756648321 +0.9602994066226876,0.16476669402599695,0.35521073530781894,218.3463599379197,114.68514827675575,296797.92411996005,4.544735186918691,69.99495722024926,3.589364719766386,89.8317779008078,3.3007051204038107,24.253377130337114,0.3748686165398698,0.9163403281235072,120.40496485451035,2.5991846989915555,0.2370663398933932,165637.1674822637,2.965030163333258,98.7431813429998,4582.791179481881,296.5391767155654,346.65766655051317,58.93598399239207,0.34217564416216795,0.17176119886120467,26.922264135403363,55.87958980733746,5.723405982249089,21.027521176262002,0.0,0.9724589556663645,0.10309038442825819,22.03629358072057,39.34369111158241,0.42873604051441644,21.828079252068385,1.6033010066721712e-07,0.0001132097967789073,0.18228332296504704,31.325703307400783,62.01299339887062,0.28079213803802755,20.36391990076622,0.0,0.00014063033626880034,0.352104903548308,49.928728713808255,30.749181829726858,5.866796838554326,24.959708133380232,1.9907974977412392e-07,0.0,0.1299848586203044,37.02639338659122,72.28946522270415,8.322230067154774,28.735389028968534,0.0,0.0,153.82705284632286 +0.9213448908892043,0.1217151615121501,0.3656148886048187,173.80352147751066,127.61016387065445,225746.9382564684,2.1132626511716675,93.51641494902427,4.725941844767433,18.514243004832835,4.722899544922818,10.157241297216213,0.3695696912619105,0.7143118945664988,534.1889010951195,9.044257518871875,0.15284607086392613,85798.90601558935,1.9884165581595477,37.43347837510892,4749.808849342241,125.3274928222977,297.23942937349216,34.54601690774098,0.19414980304504476,0.19863567133135923,1.2454681451512344,23.78857803804347,2.982618742853941,8.599116289225648,0.0,0.8760796258021852,0.14056685876293715,1.2135616480299742,13.801009690322884,0.2135229393452915,4.547739251437399,1.6033010066721712e-07,0.0001132097967789073,0.21207764041579463,1.8189068896575484,23.381832916936187,0.24379044996549118,4.307939823803036,0.0,0.00014063033626880034,0.26995422047107764,18.812697628439107,22.419123973813466,4.093176712832198,8.12074545822307,1.9907974977412392e-07,0.0,0.2185851454333545,4.004314217995299,19.68778260401728,4.113616108302054,7.301074770547722,4.204660386524862e-05,0.0,53.34502236792465 +0.9571872748497483,0.1745137733407536,0.43672850868685553,171.0712599794004,71.41676393795893,130679.59161416901,6.495591250533334,5.217834723621195,2.262363837735881,56.956049883136004,2.7887582720918282,11.48874134568204,0.33257021147044374,0.7225307144381045,796.0701555749658,70.88412641048961,0.16628192095500977,61101.77415373022,2.205408252817921,25.726044279893642,1407.9136696429441,140.59992388233604,220.5468402343628,23.054338246004708,0.2306714721281397,0.1991029477312871,5.2613891912379716,24.026418659284438,2.9738498266275064,3.190721794150815,0.0,0.9610303361318239,0.14071350761764945,3.637446857371588,12.011667253397965,1.157059643211186,4.710919786290647,1.6033010066721712e-07,0.0001132097967789073,0.2112046213813297,5.540543195274737,24.02450659663203,0.41125035864220194,2.137054857264949,0.0,0.00014063033626880034,0.3428190232362447,5.193577096274028,14.117159096539561,15.019698134673616,55.6968929019122,1.9907974977412392e-07,0.0,0.13830502154815383,7.6874178832693865,34.1079725873215,5.432059400263081,49.38608092613712,0.0,0.0,93.07920417668254 +0.9097368835142988,0.19005119288615285,0.4063903711330735,170.05822655356792,247.67077000261006,272587.9959102411,2.20362095669698,27.54767422573637,3.6757631537928037,81.77490935601143,4.670340157799231,23.90076435796816,0.598221125580835,0.8364172237119115,739.968497216147,91.31603682915653,0.33171030335072055,149387.95473786938,2.577141016997991,89.77584155647953,4846.768206672658,291.283103227585,348.24076588775574,57.6162506591436,0.15011549210735484,0.17589067806690845,16.328717900751535,51.75300082011711,2.2776609778315007,20.079197790614682,4.4790452333795464e-05,1.2765563575084038,0.1200427043327061,33.3060291896319,69.73994443006649,0.22190434502817707,14.851818156284327,1.6033010066721712e-07,0.0001132097967789073,0.20652398785934464,29.849655517305386,52.485080678961054,0.2423859447761927,19.738867363837826,0.0,0.00014063033626880034,0.11127849593434082,93.06056217252703,71.91747648871372,3.8409228869015224,12.629929607254669,1.9907974977412392e-07,0.0,0.19335125923490049,62.201849602634226,109.84799823601385,4.253462256841384,22.643789082170358,7.364715594039463e-05,0.0,209.89811635539354 +0.8969371732631625,0.21277384061254792,0.3257055447463755,135.85666891169922,128.49074132175306,234325.18261875137,2.8030370576555383,69.19290922873815,4.20849494544523,59.51756023179506,1.6368611169678438,23.028745601304973,0.31912893325518704,0.9239394975790978,87.68285013409638,41.96519103355424,0.2950270445907946,56094.53970313142,1.1100150227151222,43.777505969248175,2930.90262464684,255.06309383866798,332.4327923830581,46.437386111245345,0.15973483820125717,0.19301606828270418,6.935940696505693,27.661836637980976,3.023032915377479,61.42217095192847,0.0,1.1371155270544264,0.12931106268211912,10.080467663875535,27.827632693868498,0.24167825538326526,8.473954095599737,1.6033010066721712e-07,0.0001132097967789073,0.2050178565812117,8.90903224481008,27.922250343083157,0.25256029669028535,60.002619511177215,0.0,0.00014063033626880034,0.1302743046395295,35.07916494573402,36.64784983321254,3.7314310757485067,19.610378234466385,1.9907974977412392e-07,0.0,0.2060063025500284,14.519944755225632,36.38321145753091,4.640540203364254,24.21445522539864,6.336499850840222e-05,0.0,122.95673882833647 +0.9765332745475221,0.21671627490043172,0.32297505972272694,185.8573539341139,131.37779195079227,303891.8068124084,6.006318268084227,57.47154999733161,0.746140078712542,91.90951392930036,1.9696399990136726,26.283704081643215,0.4386943500361581,0.8964304089312681,202.67264354894863,14.775740217291972,0.2743498568306338,215146.34427153392,2.3209440897807236,85.36116065268938,3441.3538992284516,165.69291980202493,348.3496411233132,46.129994005433126,0.16283825937005522,0.1923547281939521,26.107698384608955,47.353889876240295,4.146750748669269,21.976086807147226,0.0,0.8316028721625103,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20520016367486296,29.239274594733303,50.84610587678178,0.3113768607096613,20.22697834592119,0.0,0.00014063033626880034,0.11749893334383449,70.16583499582893,73.59018646208742,3.373731012647329,12.63792157894355,2.7615343999459633e-07,0.0,0.19257551858087593,55.98507835064781,94.8075451842157,7.20175861539468,10.564479320737172,0.0,0.0,2698666337285.8823 +0.9384247031381598,0.20346501770667985,0.37156745633592175,115.64587948676665,246.65514092153194,342501.45037405594,4.768265324040325,41.28866706930664,4.283796738528785,30.879561965756164,0.6842142191803342,20.553705596053916,0.5162651136398981,0.8770600884638436,898.4131359635481,61.86409099296137,0.07160466655088557,90344.74842933973,1.4518237312958606,52.78935360233535,4243.075532377297,290.0239572931124,349.6040927492532,55.90614577859603,0.34250242769516315,0.19886763439177552,21.320664995349155,34.19305991371842,3.0436425242034852,57.323087874153074,5.908666135382205e-05,2.56729901113123,0.1351153853819572,12.29676276355208,31.682617738679184,0.3776075163833554,10.567564134958339,1.6033010066721712e-07,0.0001132097967789073,0.206253919791898,14.271732770264212,31.12297572718467,0.2663436102928503,41.93409438308699,0.0,0.00014063033626880034,0.12952497043573663,37.37773483846084,36.118348560276296,3.087933005144918,6.678550556448652,1.9907974977412392e-07,0.0,0.22513650130962426,17.17351861832858,41.351413689409526,4.925656417254465,19.175929789599973,0.00025660987640470324,0.0,119.48216178952575 +0.980938460607284,0.12260361705944213,0.3936108937402365,249.60048702800674,147.20446283761592,106469.5941084206,3.0653053846686196,65.79824784401762,1.4210147048446595,97.54809183254368,1.1309735401492766,23.143815777019313,0.6483696850458318,0.7864002727371401,12.725611022931915,1.1046377298254333,0.07642926230043376,89292.99539224166,2.908597994908553,96.6904773626949,3652.0942198986,297.3011981530576,334.00648995283746,38.24002058501791,0.21235257602371765,0.18775778205239577,14.074877544390745,39.094298816016824,7.023597287548915,13.703348518148701,0.0,1.1484813202988868,0.08999336296215929,15.095934304143286,34.24702263745394,1.0165166895867643,16.66671214535477,8.445185030603651e-05,0.0001132097967789073,0.20376733206787867,14.169690708344014,35.035031521554245,0.381100780391145,6.1236078114651855,0.0,0.00014063033626880034,0.21678296909009623,55.68625997127853,52.34081989860422,5.970307440625427,12.128392180080901,1.9907974977412392e-07,0.0,0.1987445702215225,17.309936620905752,47.125038438135434,10.990986248584754,10.572056549648769,1.7310623240271988e-05,0.0,117.84202120547135 +0.9264248900685161,0.13076501717253827,0.3403285234427457,219.48288370936348,209.77311800316244,287313.7242790416,1.7766535246999053,87.71846617437242,2.7351627750936514,5.136330374163081,0.9372099081662384,19.66088256633349,0.44146272774637413,0.7041884537433084,659.9484270007432,27.760215614039712,0.21893839535822535,63892.31666214873,0.9895956829515742,92.33783118469199,3148.8741265925646,99.53145958198402,312.8866890285819,56.67427909585585,0.16636975028763656,0.1960527462038438,4.061733039978651,24.06878765768368,2.726657008328767,50.115434346912174,0.0,1.0127781089853145,0.13723120009588008,4.8018213015272275,19.701596501084037,0.2560542108352537,6.382990456122817,1.6033010066721712e-07,0.0001132097967789073,0.20945523555213963,4.943754289408695,25.252492837334156,0.236304613793638,46.44674115512216,0.0,0.00014063033626880034,0.1196478659811572,16.890741856306658,32.69091957751543,3.7756032790605674,13.678601860274465,2.7615343999459633e-07,0.0,0.20149300669758088,1.092754652265207,24.432509943130857,3.5412437609582663,14.529026314039747,5.8526991389327506e-05,0.0,93.61948523831545 +0.9887616643756378,0.21447497875662908,0.39062343811691436,128.11583319839903,229.0727308002984,267613.0048038952,6.537268037905183,92.18857871334333,3.303355199125198,55.30293881920838,4.765642449089176,25.84404817746709,0.37506742645344826,0.8735851760800427,581.1187084165274,53.13556693517937,0.32340119475600476,202029.22312482924,2.3827527599665563,81.92370533747656,4755.8610458958765,249.0999930316138,338.33671001506514,32.6861765836016,0.3335955433376602,0.19082590340624306,10.890441232523568,29.6074066389847,3.160664505612589,8.354692151787928,0.0,0.8101780155529466,0.13264582376741593,8.75828999166254,25.890524352873353,0.7954694639521651,7.36078922038411,1.6033010066721712e-07,0.0001132097967789073,0.20301362924235028,12.618190152834172,31.46885732403255,0.34085070794787947,7.400509822829079,0.0,0.00014063033626880034,0.35179271624103786,47.50571711782065,28.05215848843682,4.329684913313713,31.314593093346968,1.9907974977412392e-07,0.0,0.19249208334583198,15.179499920409185,39.70303449098723,6.276903656042131,7.874429951521341,0.0,0.0,95.04397221935801 +0.903397279018888,0.17265708159320226,0.34861015444849186,31.85331062181262,240.45787781354034,217717.27542503245,2.429036970647521,70.1379513767107,0.7556294828399255,65.41617826972806,3.987765989967592,28.429488768129726,0.7942236007663654,0.7193174292379863,807.2192095080724,83.3557197616532,0.3110527338202021,81711.27581007653,0.5531945588216438,98.4648222942769,1021.5972212873389,222.8960918786972,331.95671351097724,56.65989153093078,0.3394144059234227,0.19492832535051696,6.081313122875312,25.601190742889305,2.382883842165853,54.77330017523885,0.0,1.3772085665826088,0.13394982697068852,10.201247328503861,26.26305963262363,0.3249159326912937,7.016015999016226,1.6033010066721712e-07,0.0001132097967789073,0.20793130866613382,8.29138085776113,28.847744345122816,0.236569600001621,56.79791337837316,3.359534691747291e-05,0.00014063033626880034,0.1356348409430431,20.726728469188988,27.88452034076425,4.313571789418712,18.937806250440445,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9217705296061434,0.12007038916984689,0.3252893449515315,21.459906011915805,49.84516688987759,166976.7558732306,6.20630657463787,52.31672086734772,4.395864276124778,79.33219805727201,4.246061242360693,23.00340320508277,0.33750209119719615,0.9121031333330621,598.0849630350156,49.22950477641463,0.06318890843531857,73111.87510441715,1.4703615927300397,87.26325942568967,1518.7170710851874,288.9759213882102,335.91335912929935,51.68213772394121,0.1804176683339512,0.19319679543951637,16.902896888133217,35.16198673234303,2.547438064423641,55.29683847222596,0.0,1.5275201842949881,0.11232260937060802,18.574341578617172,41.01941906018353,0.34564289024313233,12.75434470676182,1.6033010066721712e-07,0.0001132097967789073,0.20197020098882998,11.268993423824387,29.826604040552024,0.278984369685214,42.33917484160273,0.0,0.00014063033626880034,0.08676704658335875,46.75987808068787,45.193850702689126,4.6027343811701416,16.336451764046057,1.9907974977412392e-07,0.0,0.17714496918215883,31.545456083206666,67.65630013615389,4.205570749491705,21.802120619181647,7.388682428553583e-05,0.0,142.02465609497094 +0.881141362113708,0.1902342600200454,0.3759841794219888,162.8299041540435,197.50804104244835,191462.73186885501,3.8792192197340274,91.53199525093174,4.224200532462369,17.489854289910205,0.6066753368355848,28.411061933203303,0.7241447768088776,0.1357235801491633,728.438078836097,3.40042257431573,0.19107129007611162,81646.0888406351,2.786122414834018,82.53762258588368,1783.5328658307585,194.539301243968,347.76032008661105,59.22187888413305,0.3290014045682811,0.20173422594434032,18.02499854489402,35.38695551362913,3.863090483922606,23.855940605780148,3.5667712713007334e-05,0.7147489909162814,0.14550727595499624,13.419261270695449,27.69526762640596,0.6999939020011612,32.156770187217575,1.6033010066721712e-07,0.0001132097967789073,0.21578199723661284,21.02466420218846,37.62051090429768,0.3247642057302405,22.003915532657835,0.0,0.00014063033626880034,0.14784295032775663,23.34659790273797,25.02559763568149,4.286500772004396,30.478320122749132,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9444912757754055,0.1047944075286382,0.3801972375524067,63.27052427507546,161.49589977432643,127923.04531689992,4.479004553963268,31.180248558485346,2.8978180252900523,11.507210555400835,2.9828737890103985,10.529060773120626,0.3067262239252031,0.5699841667601406,115.17355374488119,5.10770266954191,0.056798259770165324,53040.12223876326,0.8151293687614476,81.34084644029322,3147.2714989414767,129.57040255180806,332.1292155343025,36.312623713622045,0.16745914299525871,0.20032482940885554,3.132875889872741,24.61991993026845,4.28318344929552,56.9246457912346,8.8794998414514e-05,1.8155468131847574,0.14037543341520517,2.555850065318437,16.78940898451529,0.7698436468594977,6.280309672586024,3.1581946951553806e-06,0.0001132097967789073,0.21302101900440004,1.3973263434252314,24.119354268274595,0.3493595755302192,44.921420670446494,0.0,0.00014063033626880034,0.14809158692502736,12.144280213279046,22.48103825714198,4.657057439879017,17.635686457819425,1.9907974977412392e-07,0.0,0.21982434812905904,2.3951938114604934,19.55667627420113,6.571378218311673,14.10460861295149,8.92330446498863e-05,0.0,91.78399215443767 +0.872864647087306,0.24621485520432176,0.33312127089257415,66.90181098190851,158.74876022609936,157238.0317862829,4.18799197538948,13.115130089919774,4.205381803633673,85.46350194930271,3.5316725430828937,12.704420507280199,0.3402837159149761,0.9960385730086957,256.67862217117704,48.98938739571502,0.163095231743473,298895.79863111005,2.4996316420992755,60.63306749838395,2341.612124947931,268.03032716796446,348.7393146860543,54.20370805589394,0.29502290949770704,0.19734920177326548,36.451639007159706,56.18369089742968,2.7242929175379875,20.60071582113664,0.0,0.7508116327285353,0.13880165712892253,25.063750230042693,46.39185521462815,0.581287995507193,6.207529583632501,1.6033010066721712e-07,0.0001132097967789073,0.20927623621540029,38.33709564747395,60.77240746957673,0.3152714657992205,18.55130888692358,0.0,0.00014063033626880034,0.11564830925520125,66.85066923660983,49.04712779554474,4.536379207882621,5.172769487206424,1.9907974977412392e-07,0.0,0.20779709745255623,18.793689285272325,59.60183572533678,3.6005048333484257,10.108092269731355,0.0,0.0,155.52198042674814 +0.9810564417237065,0.22838931594882284,0.3668315053345895,242.5255525769852,47.20394754775595,276431.56897481915,6.536500975111514,62.26201035379459,4.696496118359604,80.04833850035699,0.30772325710717485,25.28409245234065,0.3388572439317247,0.9239678948931933,549.3898480059421,75.68857917691349,0.33206117424600345,184985.98844271546,2.6487298068351843,96.89066987805653,3589.4482265711167,290.40442076483663,345.1126907105749,58.92430008446626,0.24194307349935343,0.18836210984260926,28.28149185189007,54.55873030345609,3.1613310564220654,20.394916309462666,0.0,0.747540484797888,0.09620823634319225,23.94797896351163,44.40364274239851,0.475956238888677,15.20128141436086,1.6033010066721712e-07,0.0001132097967789073,0.1962323113570471,31.105856100675954,56.73459717325409,0.30933089494114674,18.69310785211955,0.0,0.00014063033626880034,0.2602953274317069,74.20481018154815,52.16863716483617,3.390964175687401,10.46039779901592,1.9907974977412392e-07,0.0,0.13701266479675334,53.147633880806794,94.12149568863447,5.254641392495539,19.63408958056876,3.034087685601314e-05,0.0,178.77656242924292 +0.9769523381904578,0.16839278680563002,0.3895352226347953,211.0885199066078,182.86609118874847,217871.90847143138,6.9246478470610535,70.48888083139471,3.5611570418048273,93.56930669394636,3.2943024607714686,22.266162950907194,0.420319201610001,0.9067584538108076,672.2489041465735,85.74752589596163,0.2453903386073029,146943.93344844575,2.8863180259692034,51.910136977227886,4637.957473950949,136.58444600955238,337.9264727758397,37.48227275500747,0.22209449615823706,0.19576675647115183,12.955155126606384,31.905587444456252,2.972906774620703,7.450579714903071,0.0,0.7134125106418436,0.12942541756207307,9.637328409137083,25.973586402189927,1.1369643059444487,6.311243147852735,1.6033010066721712e-07,0.0001132097967789073,0.20428368210213774,15.046119065591599,38.113519253361126,0.3973785862145915,4.628248603492785,0.0,0.00014063033626880034,0.2226957241839372,68.30564152148207,54.49665265026919,4.516679296490675,8.605261317461657,1.9907974977412392e-07,0.0,0.1950613122512701,16.97895232840282,40.26450285498503,6.914286069934087,5.771802195218756,3.264291388258936e-05,0.0,116.10647044075782 +0.9012089924351833,0.17205320475293473,0.32884594424063973,183.0701777164539,122.33438086830846,238720.94915636376,2.765084459373804,39.957631814742335,3.950240092033557,93.99429267091735,1.7107689511747726,22.57789323248956,0.31240310055286913,0.9420752398924398,729.9223560232181,41.70311291392832,0.06363847046932879,53573.29337260441,1.514797037577025,49.71377872946634,2948.281307984741,58.74984475622372,349.5871297853182,52.14101468390198,0.2667671045838656,0.19483222555846297,18.244421935878723,33.40287114891929,2.664302282660414,77.16986409471362,0.0,1.8154464177327108,0.12752081629123307,17.01711284822527,37.51296637387153,0.25784058832597617,12.518060075708298,1.6033010066721712e-07,0.0001132097967789073,0.20487133780765762,12.766880348913023,30.715743737423505,0.2541792995301064,58.44317290782069,0.0,0.00014063033626880034,0.10791978249961674,41.05844909823119,41.17248517075934,4.184183488161218,22.118101568304294,1.9907974977412392e-07,0.0,0.1974199595144119,21.940885920357783,41.51670844015586,4.463813489245376,29.774841866445275,3.866540459061625e-06,0.0,144.1846944146805 +0.9890676660665974,0.11943983479057434,0.42214248879375255,204.80946640009927,194.8860208019218,308885.63159963704,5.841611886219353,29.820866296491637,0.451327616879919,77.85327107804024,3.1571314270455306,9.897376176065038,0.34597386829755156,0.9406360498015969,822.6349092480098,56.009049208651945,0.21916788558593586,52471.375781260715,2.275495144524078,45.93383064910137,1382.5177637983968,22.015005421274275,256.9470973395931,31.175975974308226,0.3122780450831143,0.19660124381723273,4.959945403579334,23.983461422549865,3.1630387272708322,3.1803927589919048,0.0,0.6694335105089518,0.13883046491972953,3.715004680099981,11.537018355234379,0.7085573706867487,7.286109423318815,1.6033010066721712e-07,0.0001132097967789073,0.20843923834422812,4.771424261553332,24.010659489169267,0.3217602316049999,2.0747269669303146,0.0,0.00014063033626880034,0.35727431770300966,9.519826377559378,15.515407272390751,12.071797962409162,51.25768322082326,1.9907974977412392e-07,0.0,0.15146355992334468,1.8147443987014318,29.912511697768768,6.069581391708173,41.66249175730056,0.0,0.0,84.85219568445314 +0.9324386584575395,0.23629217818940274,0.43130034887319574,239.4599395819166,172.31456450738904,276503.60423153755,6.73044954311624,87.38678445593489,3.3986299879081567,61.373616364977316,2.9620921690382476,27.992697604239012,0.7548698997093872,0.9726475187082717,882.0375743214378,61.92741828653263,0.10231393669488255,260362.3629552525,2.8784854051497315,90.83598579722046,4250.139749940611,224.05899586859215,342.54019614101844,57.55019209639824,0.15730758671019107,0.19612305050646028,35.69476178307526,51.75004703504502,3.1408327401045457,15.85553530615393,0.0,2.2226457484814537,0.12987513654925348,26.946772414547038,48.924564099630324,0.9171974278915237,9.230110462923271,1.6033010066721712e-07,0.0001132097967789073,0.201766428148664,30.80387669776946,58.859830547215964,0.3589901820920108,9.880532270382233,2.1691922850627598e-05,0.00014063033626880034,0.16030423387241363,107.66888925063891,72.34247194419964,4.517135938538287,6.436709047790443,1.9907974977412392e-07,0.0,0.17924969435261612,19.93441512447395,87.42444200852977,5.431250767757049,9.929411956970089,0.00021040392176144575,0.0,192.33251047039144 +0.8993753888083178,0.2504814569060685,0.35975899398877864,243.3911387880168,122.11960963346107,301421.0682201935,6.533501347977086,99.64037008188203,3.575619389530322,53.88879449370098,4.37741846814907,25.991283642435643,0.7864927478978896,0.979767418983654,966.3783090859844,92.7331605495335,0.214746678552625,281590.8210408238,2.8248024749399647,94.79956558138679,4818.680270587816,271.1053077741044,342.21097307989317,57.98731816554056,0.1786030319559588,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.12640172455188523,35.76956210640384,63.42747863514338,0.7063814790500208,11.971288304588567,1.6033010066721712e-07,0.0001132097967789073,0.20426453123499466,38.556121413997516,64.85428301114862,0.328364926495885,13.867717839672235,0.0,0.00014063033626880034,0.1009567451512625,110.60974891974438,75.9018251205605,3.196265663260258,6.556456196250455,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.957967865147877,0.10764515862071872,0.42188886338806214,179.50309868547993,123.67748113561277,268137.8722267903,6.140766244199534,61.671455124454994,3.866777819136143,49.546124572897824,2.813764792320798,18.498790295062705,0.32365820909885373,0.773473974785388,27.494977959100368,1.5597147139700156,0.31642810541148386,99698.46560047245,1.9290349391254016,23.97549306532545,1197.9022148077936,201.26331233598475,241.16804770909923,59.29250804728806,0.23290935297831053,0.19395508336702447,5.513896754028387,23.985096624200352,7.570055791937005,3.9736449773321336,0.0,1.2932814723960373,0.1316220203890608,2.4549484998354005,13.501292254377129,0.6930386501714197,3.988336830102137,1.6033010066721712e-07,0.0001132097967789073,0.20699412663974295,3.0933481494171895,23.297983892843718,0.3283263017305951,2.536581653340833,0.0,0.00014063033626880034,0.3492420996251685,10.012776197714789,15.52662532124038,9.750739302521026,44.69586930452349,1.9907974977412392e-07,0.0,0.20607794475041297,7.8243432438534075,24.970323764882686,11.753704107171739,10.948660643130786,5.5656366486993765e-05,0.0,69.43495947415812 +0.9449865239680376,0.17183588204638917,0.4213444277681576,181.5052358744432,209.71161355824245,285343.2071371969,6.0356089113624485,89.02810288285798,3.867025782171274,9.381343313930914,2.813764792320798,13.316377696382833,0.31230495505975037,0.9755141717849375,6.674970084756893,1.3288034458772913,0.3201428497030497,147387.27019948183,2.660066900439957,87.1252025664519,4940.84640646958,188.1487579747892,337.2849739361364,58.55963431655857,0.21797023914983002,0.19307104185299637,15.698150585864969,40.12780210095326,7.849459745336906,13.087892494690255,0.0,1.3259266852169755,0.12339346975509151,16.104617825083004,34.51001034967259,0.7805323185867377,14.417303334211473,1.6033010066721712e-07,0.0001132097967789073,0.2047962050403457,20.817959705032266,44.05626028449036,0.33507207089376095,11.435299850442316,0.0,0.00014063033626880034,0.21411194934247907,65.47683172735645,52.93837097244183,9.024219073622614,9.134410766291252,1.9907974977412392e-07,0.0,0.17658522021567893,27.56485441202039,58.17550810468105,13.252208904653658,10.97494207854128,7.246557045803775e-05,0.0,133.97887199924244 +0.9861147739343747,0.2628180503026526,0.37256743581265717,206.9399348573626,219.9370996943043,343267.2198234886,6.288162113659272,66.00500434428884,3.33459148729899,98.58341297228293,4.4820440046752985,20.39602358466414,0.3903920502536887,0.9843435970608684,8.146153257451637,87.23134678596298,0.3144029844186572,285284.8044677783,1.7119057293684385,98.67008884763297,4669.139797838125,130.44641046684643,339.9654240605603,57.73683709598554,0.2611859582265257,0.19197867822288237,22.68687941326743,42.571741791770236,4.1507290221978925,18.355018612506427,0.0,0.8265728486690945,0.13432502635873414,17.34619143038005,37.9782373260443,0.7193004309666197,4.160260260142219,1.6033010066721712e-07,0.0001132097967789073,0.2049680660842315,23.081192453264496,44.16810635144957,0.3212388532237751,17.83832366469948,0.0,0.00014063033626880034,0.2718983300850464,66.77032220104056,46.00309092343768,9.97159224299528,5.223341103522758,1.9907974977412392e-07,0.0,0.20360494428819018,27.400941007148447,52.46726129228035,9.8398913947111,8.06443593269211,0.0004902576652221712,0.0,132.7093533250817 +0.9039989873358977,0.15356749074408813,0.37256743581265717,146.69175963980186,86.2633494378808,314238.83890607563,6.374552194565322,16.145546217857724,2.405238174249214,99.93173283517933,2.9606468092489884,23.098050751532366,0.41684527587681086,0.9596151650255214,628.5155211107942,66.94992739744292,0.2301461901381304,68455.47112458711,1.512945242494701,74.46352212075587,4769.04303420885,228.8960251171489,348.12168428089603,57.747797081476435,0.29983529346336324,0.19284502937124057,12.310415600324072,31.47300672009654,3.1774241531441865,52.5326210865139,0.0,0.6894052307584173,0.1230694920696622,15.548045834389088,34.618677807742266,0.4743343523647364,12.545207995145878,1.6033010066721712e-07,0.0001132097967789073,0.20383174090900497,13.293181732642276,33.56060234844487,0.29626948567472056,46.95145283323515,0.0,0.00014063033626880034,0.08416773334222205,39.4055777351931,42.74212849341127,3.1423439582022277,10.94076107912575,1.9907974977412392e-07,0.0,0.18994764270408387,26.32221221285872,54.06546870242703,5.428577787545823,18.871506349462468,0.00011223675414732628,0.0,128.56373126052927 +0.8915726627846728,0.18292369179069126,0.3530226270645177,35.52445873596129,71.98719668240292,221708.93340315012,2.1951135794092798,64.71445051073017,0.6551888513611333,62.604042658719635,2.672971637436155,12.533228037600653,0.324791783595881,0.8167074562730071,687.3831211604767,15.333317980651323,0.08576128259575402,51970.88404309981,0.5921349299909697,94.07772546227396,974.3501803547013,139.77574561939608,333.9766819888522,36.75265081335401,0.1586371848902168,0.19828918052259903,4.62967008446459,24.910513341288823,2.5088464867797984,73.86158297471702,0.0,1.0868056337220473,0.14017485544878736,5.028910639673336,19.65245203545017,0.3689625422939331,7.881054608335647,1.6033010066721712e-07,0.0001132097967789073,0.21088624839307943,3.477058073066412,24.892023221290025,0.23590614824704326,65.45595458816744,0.0,0.00014063033626880034,0.15617467677869457,15.404099067665198,24.058922029942483,4.353129054334157,24.04524067678659,1.9907974977412392e-07,0.0,0.21521901168145524,0.7051707401304915,20.023393439723677,3.1379816833586993,22.148999235173978,0.0,0.0,117.51700688396546 +0.979103489537323,0.13164127881579307,0.44453265099994616,134.75154067508737,56.314405054597884,278027.3862896542,5.039042701789549,54.60092047795526,4.7079470490570134,44.256939834568946,0.26801533382091947,11.504102503538423,0.6848308755721307,0.4152884092521732,929.9384130800312,53.99020785476083,0.21405171689757857,68831.42473761573,2.8829044919409115,95.4511022972423,3569.522017935849,116.39953111539488,267.9991558997848,20.763100155429484,0.2347685889988444,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.12148584698553805,2.155421127036956,17.537949500923848,0.30878416209735887,26.735545488956763,1.6033010066721712e-07,0.0001132097967789073,0.2139842724189567,6.911428665141788,23.449219637810657,0.2739896614346137,4.452724932356975,0.0,0.00014063033626880034,0.30090124180472966,10.212642227866336,17.699922890187683,8.552819520482688,49.76298953294178,1.9907974977412392e-07,0.0,0.20648292468893875,7.618741927562867,30.47462567396389,5.138489149513002,51.36427295222434,7.139512704334935e-05,0.0,2698666337285.8823 +0.9402589492396892,0.15974482481965133,0.42383925103199205,145.39406292310244,126.77248415481996,242922.8179468999,4.975855572296694,65.68831532783594,4.938729418957062,41.0671241534977,4.09908783744576,26.781226620254113,0.6260898809468708,0.935163347762956,996.2837311250944,18.793272966362366,0.30361306690051093,277282.5169548301,2.750009261491531,85.76042057750644,4414.471745067099,247.98641047226388,348.7828592690794,59.68083971840614,0.3144305237485478,0.17546070314141923,16.923278773943352,49.928985835180235,2.679535990220881,11.414408089135813,0.0,0.9548043484169488,0.1284873515492664,12.505243216848863,30.63219512308131,0.5728624297944036,10.314108741840073,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.3544352740437653,45.60601546055355,27.417945101790057,3.8546437672751273,34.901127467957195,1.9907974977412392e-07,0.0,0.15392178797745365,28.665236953826476,66.50277721280403,5.110185531232152,12.463687517113005,2.8037520926413177e-05,0.0,2698666337285.8823 +0.90164515934132,0.15082363838650492,0.4465190638213955,213.39204967279156,225.21909268922553,348416.03406205267,6.583514146895936,89.52981150824769,4.901836635943184,85.0490733117486,1.3735088243590723,23.238056724045666,0.41505621627805567,0.9913676334904505,190.55984616111286,2.602935930545561,0.08415513827986455,94820.81841688397,2.331401694449893,99.22183517007683,4830.970480312861,211.13332616331678,245.864013555628,48.664974868408876,0.17634095484609086,0.18704248496595588,2.8044466895032154,26.03161755544972,6.199786291437119,11.22958452544902,0.0,1.985275285105598,0.12740065598441266,1.4920259918582095,14.36522315315151,0.7591035074351877,15.18255844440676,1.6033010066721712e-07,0.0001132097967789073,0.20318479226512867,2.5675142971213343,23.95553458443268,0.32758958764067636,4.9480604639061205,0.0,0.00014063033626880034,0.3553499914731902,12.445045364508681,16.18451479878653,14.13448375730398,52.745793212504246,1.9907974977412392e-07,0.0,0.11094647658298688,3.498621248366355,33.93432211342749,11.148939072656747,28.029141999196607,2.362884550826283e-05,0.0,85.85671815179874 +0.9218879601357316,0.21862516822430622,0.3421421550946436,197.56590672628596,249.34984498708496,246474.32785104995,5.449147359183739,32.13333131732506,2.152967852860477,38.8277161126442,4.387328845157294,21.249375657500767,0.46877293588094,0.9624534836777279,641.615420851336,32.50534751909353,0.2857226922931105,203467.11679913205,2.8852957811143694,93.65967146470167,2163.6894493267273,248.7753851581684,347.0567760428047,53.84425222699869,0.20311700203468655,0.19152112215039846,34.21169555818019,59.443608470566105,3.185566233920567,19.83238030823359,0.0,0.7644078439576031,0.1163785494900361,30.910423174299893,54.6257295568059,0.8937705856418271,15.641361595868837,1.6033010066721712e-07,0.0001132097967789073,0.20230437759787392,37.59344906494819,64.84586054510957,0.3523675518304923,17.66053847686027,0.0,0.00014063033626880034,0.15134629043203998,99.32730687792454,73.88443322747199,3.5733951310139176,6.634058959437678,1.9907974977412392e-07,0.0,0.17792724173082597,61.61636605995693,110.57271347861081,6.378171282604665,16.507470445634244,0.0,0.0,216.65874952978572 +0.9762591022872666,0.22984178055050034,0.38875656651062257,216.29373718434329,228.73698314947848,293304.8814148673,4.4362576057305745,73.31766986379726,4.77481287221562,20.99367017541475,2.608385869576197,27.545590755767527,0.49334541662103243,0.7453034331886284,742.9617804026354,61.07845382198225,0.33053552470694286,118974.43957691547,2.748134037010771,92.72705505413217,4930.411414000417,296.4565205944236,346.1857619352069,58.630518972603994,0.29132167689933874,0.18566776463367,21.982166975658554,43.67269794779984,2.9551408531685897,23.475145167369607,0.0,0.8913683928114328,0.10105485845438508,18.723530396585204,36.11947895652094,0.6006342147275685,20.400167891265635,1.6033010066721712e-07,0.0001132097967789073,0.19133257489887795,26.021587661585595,48.601282476642666,0.29959362783956034,22.797585822170618,0.0,0.00014063033626880034,0.3113500585088043,54.04652538971138,36.75376702457386,4.263268934865194,21.36153548290436,1.9907974977412392e-07,0.0,0.1663540122729611,32.75280728164225,70.31225166538067,6.274154880642124,34.985082305783266,1.4200082781484051e-05,0.0,143.55596592410504 +0.9173211022921444,0.22634933328755855,0.33356958398235276,122.53995672065543,202.34319098189667,268773.5188009766,2.553698001949136,69.78483001106844,2.690348695772787,51.350195828704244,4.566404399815729,29.04107806729149,0.3192044625578946,0.914565584343122,686.1271499594253,66.71745324467727,0.22665916219279097,100599.5690890175,0.5629940572526316,95.83528376531078,1054.7241791111885,291.9617403355883,349.07389715308,59.79750329361309,0.24790031153963832,0.1889676518530807,15.794032407853427,34.277534944245595,2.6209801751104624,66.27219892374761,0.0,0.9363809431692753,0.12449759049463796,21.883344012377677,44.64325099667984,0.21485090504163476,9.963249950450573,1.6033010066721712e-07,0.0001132097967789073,0.20468389327767167,15.783525421514886,32.948648268279356,0.2437059440814281,63.869570640639374,0.0,0.00014063033626880034,0.11893642638394794,46.192158222187956,43.368942571654365,3.9322476983986046,22.769275700329395,1.9907974977412392e-07,0.0,0.1924730014135548,27.59677358134625,50.67735476986129,4.2073114024917,31.695848772516165,9.151325903158781e-05,0.0,150.6990748443248 +0.9417284812984856,0.10637752431727664,0.3443519253880603,170.1327553825809,193.43069795089104,202529.29773681704,4.319673607519366,69.71073181276812,3.0112754310519376,73.83956137754676,1.4478816507258103,24.77385447330428,0.3879932255795203,0.4584116751511018,5.883184137961117,1.7017809659535281,0.2006014534180613,217978.64759842088,2.618482318022392,8.84363668037313,2178.0458615266675,144.02411520700446,244.3364940922372,58.92409273480999,0.18373383913623847,0.1985608573111437,1.8199931490448695,24.325090681204422,6.832334935005715,3.369964227914668,0.0,1.1159008608622016,0.13864021790406286,1.2657314389384593,13.957605122297954,0.7485158270089137,3.248237750970714,1.6033010066721712e-07,0.0001132097967789073,0.2125126746381859,1.9632866650502145,24.623906131719664,0.33286246243276335,2.056637965805695,0.0,0.00014063033626880034,0.30989340538578963,17.759144581879873,18.276948814886623,6.357460179180821,34.71648511664176,1.9907974977412392e-07,0.0,0.2148068548109142,4.239190717498401,22.619189697975532,10.75380048777494,3.1580997180694506,8.884407957124939e-05,0.0,63.457962853856834 +0.9500207907438202,0.2128519763874664,0.3671278532851633,187.8649379795017,186.29544031000688,268756.0691533325,6.499748260023172,93.9322967033306,3.774882291958248,15.002784701285812,4.445972947550518,29.452660927307072,0.7923498396781763,0.9239639988888552,482.3469918996028,56.15953067731671,0.1500161383780022,276176.60351884837,2.9419456169928955,91.26451024545756,3332.538881986704,269.97777428143365,349.7209377110858,57.180669009289026,0.2925951070422587,0.19444909396807536,38.479714337728474,59.73939949417951,3.2550083500013143,17.940580585051613,2.7081789715424924e-05,1.1239964965732772,0.10762418342472205,19.891173518200628,40.27605089982036,0.8679122716709861,12.760584463663395,1.6033010066721712e-07,0.0001132097967789073,0.20036310605236715,35.78814438761241,63.582612657803,0.35170345128801955,14.336311335313207,0.0,0.00014063033626880034,0.3525551666752815,66.06657588139029,36.22549607278133,5.091958033734654,29.38057743748302,1.9907974977412392e-07,0.0,0.15653110067365078,42.22203563320321,89.66019119066398,6.920290279973799,15.628014744729809,0.00023484236453017693,0.0,172.55157078603565 +0.9722899474360409,0.14788403714022033,0.4350817803194338,149.62265821615668,228.09276254237483,247235.99791639415,5.753351169054267,11.670379563625382,3.3812272019666816,58.15202750005235,3.443717045440484,20.69793287212678,0.5461883298892967,0.5596420727964619,270.61128969914535,69.97883980987494,0.28853286740984796,51275.41047478845,0.43528648735057673,87.01629852291694,4786.600232050952,221.8997206997255,253.66160165574047,13.153304113722264,0.3035806926729206,0.19844415507260038,7.361898493303036,24.87088390323718,3.17472665154457,30.60746568864181,0.0,0.8123841740298228,0.13841743463180692,3.6913872956394784,12.979595982806261,0.8136441294904277,3.665754679241132,1.6033010066721712e-07,0.0001132097967789073,0.21139369639490016,6.251123132719367,23.41521722750432,0.34263415635453776,28.95947832180776,0.0,0.00014063033626880034,0.32763190814248394,3.647017780451175,15.16838599527356,15.457392096147379,56.32593602398375,1.9907974977412392e-07,0.0,0.17759017038341723,9.044651698540818,32.18589406143154,7.301050263716507,51.238311143935,8.201988724779681e-05,0.0,103.41276594446056 +0.9321204361073405,0.1713309133636737,0.32466372784328207,211.40999729669528,117.97987051934356,145354.19349021526,1.5090856037608376,77.96432143734118,3.1106339525546316,13.408485478926579,1.813189669884609,3.147874024345766,0.3689013694883249,0.7261401325690114,538.6112935373532,51.25117001839412,0.05264125766669426,77585.70990176614,1.4895908095746369,37.51933721468177,813.591527776129,71.36755291076042,260.5513599546923,39.6595631848266,0.19662013988443902,0.2018138982644047,4.083761523263666,23.07364717250579,2.45741517285993,26.038325563851398,0.0,1.2639793062011884,0.14536950654984912,1.3889915336657856,12.862575172771532,0.2189618030796489,3.4909232686295115,1.6033010066721712e-07,0.0001132097967789073,0.21436508763443815,1.9232276287496042,23.79188525791626,0.24811866463619978,15.679087738904032,0.0,0.00014063033626880034,0.21013413928105248,8.917022108008435,19.728229787905732,4.682373558004699,6.144123944755473,1.9907974977412392e-07,0.0,0.2235071177437449,4.416579842584849,18.44437570655432,2.940963784132973,7.162240808078646,0.00013763798827516667,0.0,56.37552747971988 +0.921797614720018,0.2021467445972691,0.3893574396962978,148.7603201541549,210.195458709783,267511.9391437007,2.6940773667358755,79.17300232517148,4.413366693280912,96.7693118290869,4.1320625483432325,29.371967165473716,0.4543547968238127,0.9538021891586476,688.0324544644618,46.073608397072014,0.32773857819961816,89936.18594607754,1.3431585847250538,63.198891301631264,4885.402357585838,285.3094193846059,344.8100995232638,48.530618173323276,0.2818076612897825,0.19119866962804927,9.06955914167713,31.302080321654387,2.696350851627213,39.97644643647876,0.0,1.171613266145721,0.1272872219589717,15.357881501552367,35.14911087320084,0.24684720226258658,10.878161781285952,1.6033010066721712e-07,0.0001132097967789073,0.20183813123128289,11.213983721281409,32.15037832955213,0.248642058030495,38.81793887920291,0.0,0.00014063033626880034,0.10513956043348947,28.793511544330826,41.1608438900196,3.622125555345059,12.919692320715841,2.7615343999459633e-07,0.0,0.20272437451456934,21.2547653909599,47.162949462520466,4.482029069426498,16.636154495446117,1.2425746287728413e-05,0.0,112.25540098665998 +0.9746291887533453,0.1856484480511103,0.4352884782566793,165.87970783265578,235.81064335892424,106191.2278617089,6.779373199772075,32.9678049917074,1.2859205774144533,44.710427532499516,0.4352136576066974,27.7733792206897,0.5856393718555885,0.7156164642713734,988.4620003825237,32.1988334701918,0.29217188465585964,63256.154134086944,0.5852466282512128,97.69115221991281,4782.873433831926,161.49739090162794,260.2738218695672,24.031398004639502,0.2295042093519703,0.19555403072901162,6.592920371851457,25.35368288539487,3.3689162869685227,23.289764488886572,0.0,0.7551096634290343,0.13093159779870234,2.9820991345761367,14.281104995958813,1.7604452345901276,3.473346280801369,1.6033010066721712e-07,0.0001132097967789073,0.20853380189079943,5.436868755887435,23.806303870357343,0.506136045010167,22.52617264905769,0.0,0.00014063033626880034,0.3427085041691715,7.617794586775581,15.552282655067936,12.370058326826882,51.421139791568535,1.9907974977412392e-07,0.0,0.1352898047923339,6.033864156250459,34.24302664845658,6.474946631718839,44.284967651469415,0.0,0.0,94.24418157895697 +0.8758969135585937,0.10556719600939898,0.4480247058707568,113.0262773452545,169.68662347068002,283381.74103190744,5.61228841331051,14.796781418230314,1.4545316964905262,65.59160181545312,4.5019586205263264,5.1599046472369015,0.7064292182459536,0.16747123414792114,823.9304845983918,26.34626516650487,0.05659425039336169,51280.472487080275,2.5782183447305753,14.24066925530731,2844.746371287224,146.04729074420442,243.63963575151473,15.659031713837049,0.17332402232794955,0.18771782358608474,0.9965275051412108,22.114148397505296,2.960967692115879,2.835457373997308,0.00010064469481845976,3.647300007234371,0.14717804966113304,4.281829464099872,11.47559730812431,0.5427374199265224,4.167578089561653,1.6033010066721712e-07,0.0001132097967789073,0.200498600743259,5.838248315923226,22.673240247645335,0.28917399794130316,2.2766745380138937,9.60310956311213e-05,0.00014414060373783881,0.1351156098543821,12.496812273470322,16.574718109359928,17.40895262560983,58.37145262283856,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9867107877493657,0.2129433089260444,0.33099373231846846,116.24747181993227,247.6818405693038,165607.93988400462,5.422912600197323,73.62276995726083,3.9584553502399964,82.673216020434,0.6765990424385806,20.216963787228266,0.39761446469684125,0.9849502998460589,829.2023605359283,47.74713890723737,0.06477936113903417,116329.7627234742,1.3057579343346313,49.73336206016449,4713.573345891035,69.90039894051284,349.6040927492532,43.52106722523675,0.25843055625809036,0.1978651177002492,22.401724576943497,34.398102620244245,2.793957704897378,55.37470175545436,0.0,2.774940836851522,0.13076388240322623,15.697878147895844,36.67270618213489,1.0237802946765204,7.502933079395528,1.6033010066721712e-07,0.0001132097967789073,0.20369357616311204,14.788514988035738,34.65146404653787,0.38176545938215184,40.32073119411829,0.0,0.00014063033626880034,0.11253961021232359,42.631470605088694,45.99483892762894,3.470668657380607,15.340267816590075,1.9907974977412392e-07,0.0,0.20122111025235795,22.290155289642716,46.969896603471604,5.137504684015014,18.483689529900076,0.0004868480538163116,0.0,129.27670185400513 +0.9517902644198522,0.10180276195871142,0.3379075057540625,47.47064198142142,155.35819461809706,270871.60944523837,5.754845669299857,72.10261326372259,4.176709121706832,76.93070558589854,1.9476124602052323,27.042680742202915,0.3207159433719086,0.9064856459050089,231.28291325588503,8.378207209459855,0.11655104639889788,87717.26194940653,1.0832162868292667,71.40748978511691,2955.337153511421,261.6502932836797,343.0438437521586,33.440282688044626,0.2477156458860461,0.18967077204720628,8.779224754449599,27.597923559415207,3.8759209374319705,43.45103458887712,0.0,0.9683507389741819,0.1118915191913851,9.534558972335782,26.7666605202179,0.32579890461833844,8.241613246143846,1.6033010066721712e-07,0.0001132097967789073,0.19953099519123554,7.172535705778971,29.357444045162286,0.2683642189684439,37.89960181942987,0.0,0.00014063033626880034,0.05886204617055471,32.47056401395183,34.82767913517748,3.6180875614324846,14.918743841558,1.9907974977412392e-07,0.0,0.17316851756011165,18.27540709400765,40.59199834403175,6.102700344077716,13.37585114363961,1.6030005713754577e-05,0.0,103.28971445143384 +0.9223253058227637,0.11466228767282866,0.3420701230453273,83.05951577037278,40.302183583160456,239633.70809608154,5.816767938620776,47.0668486271319,0.6979119277324399,85.45918590072242,3.1694231793930587,26.10260673567869,0.3827570788665072,0.6859697125815871,244.51777314835243,34.544837302447085,0.22043912412546698,97525.1924664182,0.9544083370747573,45.91859433076855,1055.9889677511756,77.98208549793797,325.80500087979226,55.22495695458572,0.19338876253550022,0.19621422006236167,6.6536923120460045,24.285931425419914,3.282329018302758,48.34983024244354,0.0,0.7482259605146078,0.1336151570817141,7.008435951150424,22.62344057144093,0.3587071612642592,5.481203821225427,1.6033010066721712e-07,0.0001132097967789073,0.20725587235390106,7.420949787126752,25.689581813835577,0.2895148373431177,43.17929199715738,0.0,0.00014063033626880034,0.1417798973170472,19.704746486655562,33.02864049485369,3.7071347404067656,17.0173956408725,3.092715030179917e-07,0.0,0.21234196764232433,8.798082927620683,30.111686118657065,5.031302420653283,15.871746273794582,0.00018904864759659225,0.0,95.90517114678198 +0.9735883302556115,0.22357697706667107,0.3433734020670631,208.03180418757174,248.70719712987747,303063.6170504045,6.085210648814592,79.05159243940241,4.705022316240794,76.74738514046554,4.655673614704355,29.637472129129634,0.7757608586683874,0.9945911415609963,614.4159987045975,46.31218657293268,0.312502431390879,255638.12175372028,2.9025690757580502,98.12997904936117,4937.916437434911,295.97203296563316,338.542417681001,59.334197985174704,0.22096699293568559,0.18609916691797374,33.02716572305217,62.16679176868536,3.295990214742626,14.913072659617473,0.0,0.7479468436947793,0.09017414380111444,27.593030315033996,50.398224137715275,0.8289166888182469,15.763957107620264,4.837673251403101e-06,0.0001132097967789073,0.18102941670266445,22.514858866539715,65.06424040303486,0.3111755947626002,12.880547735553872,0.0,0.00014414060373783881,0.28959025504652497,96.34800313754175,60.88691608741529,4.912900077460074,13.114707019466989,1.9907974977412392e-07,0.0,0.14550457392023164,23.785771421283282,111.45929443288269,5.7083726052390995,14.403003205255883,0.00011114903418689453,0.0,200.15391066380778 +0.9739170055690023,0.2385678999261761,0.44589132412366755,146.62054500246643,173.58461063608036,267273.0705650862,5.658030747091592,73.09545282753061,3.2956951152578227,85.04880282683257,4.578767656276598,26.63881908988396,0.5125605873605895,0.8256160147754971,840.7921294609564,65.61224616263691,0.3394131160105856,268749.96474637766,2.857009555768705,77.19616956616773,3226.5119492522535,259.4419418409896,347.3507374784801,57.63411016478157,0.2972853375369148,0.19366421056471525,23.726720075847908,43.92917483769095,2.9466645128667075,11.342686281006896,0.0,0.8504309417351806,0.1322582919823227,12.721783400172804,31.644065929204434,0.6708725245615674,10.242820130475174,1.6033010066721712e-07,0.0001132097967789073,0.20650642888915963,25.969265644744105,47.16287835087043,0.3207994018714235,10.388583552106892,0.0,0.00014063033626880034,0.3477399777030049,46.85429611581098,27.546028948996913,4.098226275232267,37.35805666113397,1.9907974977412392e-07,0.0,0.16092010558904762,28.011770188795076,63.012194065202195,5.180001766232129,13.817465205012319,0.0,0.0,127.45916019839004 +0.9890525887550021,0.15515565947363363,0.42250688709642376,204.81743389557496,200.30993341149969,308885.63159963704,6.863188383567005,90.9098425941017,4.474851538201173,29.6755687920084,3.665718730329273,28.52835784934756,0.6035606898932601,0.7899299944895962,983.3716047233793,56.01180915298802,0.06585744659371762,51005.100025000014,2.9128676843774515,99.8965675058976,4444.037621801739,194.97548436636706,262.42034420628704,31.5444814588842,0.33546677907686023,0.19221171835601428,6.071698353435382,27.85905692731541,3.244801537864583,11.701516509361092,0.00012812984421306352,4.233455373254104,0.1395808659957599,2.356911214530105,21.95708367300134,0.8440080588754822,23.84170898347191,1.6033010066721712e-07,0.0001132097967789073,0.20640382027643142,4.552683498186847,25.364912673324106,0.345167316658019,4.11541200850867,5.161224490736607e-05,0.00014063033626880034,0.349710302657842,16.185885680457485,17.3538997677267,12.905408466199496,51.90942837461043,1.9907974977412392e-07,0.0,0.09799600568760172,3.076409298183167,36.761872594351566,6.873022492499101,53.649487726303754,0.0,0.0,102.11392628247054 +0.8952768421955696,0.22950880573349217,0.440659177652224,176.7661515417663,153.70922039629258,302908.14793261304,6.637317445539564,84.66670901870768,1.8121695671187055,73.92582125823964,3.103379700529378,27.37342769783738,0.5303473769945188,0.9397047951501828,938.7378847967595,52.367944826289715,0.2154470877571592,249333.47219773906,2.773666931788631,99.75590541313576,2032.7617297679042,239.91324644108295,348.54625470697766,51.724196566872365,0.1615784973239854,0.19432875028355576,31.123318022020786,50.22689102167949,3.199317330566521,15.285130503386606,0.0001875278780065377,0.6989932634509913,0.12665265888545632,31.893136770493378,58.49680377981827,0.715632512347991,12.194581836712022,1.6033010066721712e-07,0.0001132097967789073,0.20226990651900592,33.58489878138028,58.44390214148598,0.32816077962280077,12.840299448504163,0.0,0.00014063033626880034,0.15405752639588827,106.1641501825342,71.06335029341612,3.275876841145679,5.974169769255245,1.9907974977412392e-07,0.0,0.18819012816324812,60.336052724817215,102.87028840203668,6.0288685903411645,13.901776752462105,0.0001238430054082721,0.0,209.40962216588943 +0.8596988707415083,0.23230631255924838,0.3591900337659557,25.66194154587894,124.3916634892155,313114.60277245304,3.549217989888054,6.945858661389117,1.023248651374773,11.396867055029979,3.637237676452174,28.12582824201934,0.7504346906195065,0.7621284955714518,676.8629925117345,92.69969369584987,0.2469947916181237,99824.47031772516,2.3834293112377702,85.3898719806374,4536.912109714323,298.6869603461137,347.78315275464246,34.561613677026294,0.17195983343922333,0.19415954177497152,18.092872075410686,38.714531447360436,2.6816762587672898,21.91621152702532,7.181153582950817e-05,1.1072857530192195,0.106762259333611,42.34393572416603,73.44979479257664,0.3615884474398255,18.41980443640953,1.6033010066721712e-07,0.0001132097967789073,0.18928322309563797,13.86015538503943,45.12387740664177,0.3001429901062221,17.926730577430714,0.0,0.00014410350517884027,0.10710127910563223,99.49699563583427,75.20989279780777,3.78791170876302,17.81516719522744,1.9907974977412392e-07,0.0,0.22277893329632423,46.04542159701215,87.13594443847607,4.027146498300232,22.760975779887797,0.00032634797799780795,0.0,196.2832649887785 +0.8864244396247666,0.23665389728124742,0.35987514862074116,86.75064621933136,125.86469578074322,340525.0233602659,3.4832303706200265,37.832463257511286,3.6377969516002837,38.541154940101144,4.37741846814907,21.167908857418837,0.4101405770319698,0.9546172708663341,838.8330945511705,78.67111815591304,0.09149306290448923,73072.89075185277,2.9309361689051507,94.59189175231327,2656.785015770679,206.61192890154402,342.91686354236555,32.865835438272924,0.18623189525160871,0.19443024682460383,24.261297343299137,43.70876004133812,2.8608451694845454,18.732348721037265,3.6870496561645774e-06,1.2029495116980817,0.09072942886875356,37.98143995552533,62.503709472192796,0.23338130470197527,17.990339632909993,1.6033010066721712e-07,0.0001132097967789073,0.20470078645974013,24.350992617934054,48.42580332958848,0.24149322078184196,12.303796554603133,0.0,0.00014063033626880034,0.11409364719575191,93.08846100138578,73.09051580275337,3.5110849647663653,14.631695853461661,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9311077222670516,0.16776955899710247,0.3429670763570652,211.40999729669528,119.54523375833236,143884.00414110816,1.7083440700556376,77.96432143734118,3.397723403869493,89.76200315369161,1.813189669884609,3.071861287991299,0.3689013694883249,0.7261401325690114,537.7231472017526,87.7508848462171,0.06573506853806176,284636.3551989156,1.4895908095746369,37.51933721468177,856.017832871287,191.89707100148976,260.5513599546923,39.969810332932504,0.19662013988443902,0.20154178329293532,2.6919594568091028,22.121111322628195,2.4772599930389143,5.1494907769485145,0.0,1.0986428764711853,0.14528430245464505,1.6387017690182866,12.54918160704259,0.27030266883585885,3.7015552811151076,1.6033010066721712e-07,0.0001132097967789073,0.21433378213268617,1.6425599891345877,23.725205090966917,0.2567882270794826,4.4790489892926,0.0,0.00014063033626880034,0.34188438768838214,22.393795931124007,17.440599350942787,4.510887412173123,23.664171958262635,1.9907974977412392e-07,0.0,0.22349339647638852,4.898421894683139,18.758713990043006,2.87839241606775,4.3362562422980515,0.00020218295954036348,0.0,55.49188001968416 +0.9412251895822624,0.24181045192952993,0.38971773559590817,230.04874911351436,191.06786804864225,349116.97576176847,6.654367989368038,91.22192118725901,3.921771263005852,70.70098450763491,3.150430122335897,24.877913592009662,0.38783493291556603,0.8049356624564741,951.7543187773465,91.947664354926,0.3233600191189731,210010.08883669518,2.7880374240828303,71.50615978491892,3559.907973601524,274.79249078560485,345.4694133759782,54.30157546714845,0.3475001912405125,0.1961914167634816,23.328779529922123,41.275417333242906,3.2531647440844234,14.337549183180316,0.0,0.686408136737133,0.11914847631221738,13.654533807814394,30.213129849342888,0.7389133912189174,12.608465930904673,1.6033010066721712e-07,0.0001132097967789073,0.2067243124892742,25.91459559818121,46.87943642059651,0.32572224722299603,12.853038099797912,0.0,0.00014063033626880034,0.34460762257391475,47.12604817350554,27.499147401784676,7.118004135240244,38.31092212335883,1.9907974977412392e-07,0.0,0.1731034125796792,28.207745201300455,60.81337155106363,6.624105593556308,15.504447528483947,0.0,0.0,126.61666211805193 +0.96748456316509,0.21546449076720536,0.32419496528096425,229.9312446687982,175.87844680626364,279857.41080518503,6.194175507628954,72.61016100349896,3.364442443541778,96.2322887375334,3.8007992617543027,25.509708667608404,0.7617088014340022,0.9859600597628052,819.1375190393793,87.3643605768024,0.33546714291121527,255344.35536763555,2.8026872332342956,91.73094465010044,2673.1390439341276,286.8645887052792,342.5657779870729,58.76137697068355,0.18164160135445484,0.1904494437170343,35.36561931454539,60.598315831792476,3.0388975454404403,18.33878452390284,0.0,0.7868292826888272,0.11652292426702088,33.19705374303542,57.847687227576785,0.8341457969657053,13.510764773278625,6.877872339570694e-05,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.09928664777203797,105.24798765637246,77.80011713842717,3.801375820659249,7.147801108415948,1.9907974977412392e-07,0.0,0.1796228231670946,61.085404056635205,110.66978550110422,6.294521996884272,13.740220440538192,7.940089074578336e-05,0.0,2698666337285.8823 +0.9000037288133024,0.1812681024729201,0.35519082126167284,213.39204967279156,245.02260242781355,335610.2509835562,6.741467604467307,89.52981150824769,3.302169290057848,95.96852563264983,1.3683902844273925,25.66085277500592,0.41505621627805567,0.8815737977698666,897.8111298841839,1.0110193561856917,0.06429423266654022,94003.57535386882,2.798786219198788,99.27030547174022,4974.882004624346,207.6025713008172,339.75827787134216,48.664974868408876,0.23891184083825812,0.19824468995923603,31.184690361750967,49.053612845426095,4.940563617627139,28.79360104405074,0.0,3.3410525957344768,0.07748429458557689,25.32507240733075,48.435214678666014,0.8324439801293579,18.237680117172975,1.6033010066721712e-07,0.0001132097967789073,0.1982824707682983,25.32157028984482,50.06882127919412,0.3396282884129544,17.428166156844558,0.0,0.00014063033626880034,0.2366397249693403,80.88577305874601,60.55158164351936,6.004761929785652,14.423951268657664,1.9907974977412392e-07,0.0,0.17099224549019437,41.6097156656144,78.11637352085651,10.040848009921081,14.594650658951222,0.0,0.0,172.09469455198965 +0.983648399222299,0.1414284538981182,0.43758367763667716,171.29155965136042,208.44210276595683,346438.02949950215,6.589118174847182,46.527577388948885,4.923973834015064,18.22662431714734,3.8367237666719958,17.333549923894317,0.7999083358594207,0.6235712190028828,359.0186413037891,47.67971436148488,0.08537749039154513,87587.07743396117,2.5855196102817826,84.09987831398689,1062.8981376549286,70.4740697641709,222.41654846404342,12.057698756824262,0.33613212988505753,0.20073415851543686,1.7619868110841295,24.23074626167919,3.6466914353785382,4.031713049763884,0.0,2.6622860616227175,0.12469592684276,3.3449118695005864,15.598502393005967,0.6766098890692385,21.38268335314838,1.6033010066721712e-07,0.0001132097967789073,0.21074909987629864,6.214812485027176,24.583869268977057,0.3163868033046001,3.357130551769778,0.0,0.00014063033626880034,0.33685187943263534,7.984331419351356,14.541313424656495,19.79270586339401,60.787595499113976,1.9907974977412392e-07,0.0,0.15607994599855224,9.259555916676895,33.05291307933386,9.653698640561217,55.18381661773599,0.0005798110343613877,0.0,103.30738823911132 +0.862813215933102,0.13809381512007698,0.331325229602893,39.33790473193275,118.95933512118546,316994.71321908507,3.2520308510036653,46.671998432521114,0.5971034022577422,28.45353423558145,0.6021625596712652,18.530682172789767,0.32240157162028027,0.8815964900109587,327.96290754155547,23.029524951233693,0.1573426513469688,82222.3660748995,1.5418933489877955,84.94531081343706,4373.575056221528,59.437177031897484,348.85446072041367,52.962533569561266,0.18855654551664724,0.19568711718491355,15.405343690829579,30.752576142856327,3.073808213377505,52.58518299590572,0.0,0.8020179793260691,0.13309765969325477,21.246228649659916,42.56411723985097,0.32911771418077546,10.664421962069785,1.6033010066721712e-07,0.0001132097967789073,0.20797260209624577,15.880430726562508,33.22072044176278,0.23644903241464102,48.49607210911201,0.0,0.00014063033626880034,0.13650952205496697,57.69867401106548,50.32182015985392,3.654706013384481,23.140487922928394,1.9907974977412392e-07,0.0,0.217318262080539,24.99404734043018,47.22402001057002,4.502382102781182,26.153579618854266,3.96348198623346e-05,0.0,141.46565211653868 +0.9263128812323811,0.21893464521692216,0.393741326837577,145.12468936390405,172.26353869494324,348578.7716803507,4.583342379953423,30.480689007290145,3.315324194527258,82.7202876606502,4.376574483672178,26.69409776599159,0.4297449495476773,0.8806060030402255,901.0015959312186,65.66036475399511,0.34545566190492677,280224.32840829244,2.9714836328651737,85.27636136823756,905.5752463471006,247.82055653332682,348.8062829508394,59.85856571896837,0.25553787332667066,0.19267735556563625,32.76102501414516,54.36362155620391,3.0479547731186853,14.804168652595253,0.0,0.9235842087674015,0.1257334964725943,21.80496490640236,42.63546499431958,0.3483173505989081,10.846627899039229,1.6033010066721712e-07,0.0001132097967789073,0.20540167723418332,36.016883063219844,59.72363469946485,0.26318615431833975,13.71527173519881,0.0,0.00014063033626880034,0.34912296665323583,72.86195404232349,39.565804798051936,3.3986985613074885,19.919382867423092,1.9907974977412392e-07,0.0,0.17316815941308578,42.397819706521766,82.13403756929755,4.89940765058184,13.969200120513706,0.0,0.0,166.63410859984566 +0.9636154785244017,0.14905510780862485,0.37632026411610486,136.02729404852042,240.7708076017497,273818.9639770478,6.982561377260947,94.0750260659245,4.405429940988182,95.72030293117612,3.551166398754449,28.66063344974183,0.43248322928862587,0.7730705696114701,890.2276529877706,89.32932206020033,0.287434840097844,298794.324142962,2.0275254564322047,96.43189318156455,4521.63296389855,280.37131843751365,348.30946587808484,59.05709877728434,0.16210750437882523,0.19312148710857963,29.99784786711365,46.6466151255138,3.015936059833164,20.154490810919857,0.0,0.707530021186347,0.13131313867419522,27.620890064255786,49.52399883687901,0.8628892560606293,7.675451070767556,1.6033010066721712e-07,0.0001132097967789073,0.20604375071417477,31.341116991255262,50.578047528594595,0.351201755267319,18.665589937043503,4.137756723646812e-05,0.00014063033626880034,0.08818923184175448,87.65695246299148,60.3868789198856,3.6867700206100498,5.610970782108057,1.9907974977412392e-07,0.0,0.19683110307161505,55.03392175475798,95.20049030981781,6.1491698973365585,10.155520898347094,0.0001282349353156885,0.0,185.10552351164645 +0.9712226949223823,0.23154543659131693,0.3792219076872861,235.87994202913063,15.251927444182508,135330.06273641944,5.649706011390809,75.4090677787388,3.4718082105992027,86.16142415960303,4.690448296262878,28.29303119974517,0.7312685928324087,0.9862870175385453,951.2250016128614,76.66607394873458,0.30413866333233425,265029.42136271676,2.9223226627087193,94.80470067737294,3340.189192281162,297.7545590486846,349.8024069930995,56.83873175048091,0.19602788388485967,0.1902023757159229,36.62274179838351,65.54450853994771,2.858158002171099,16.90934011287587,0.0,0.8258399442344093,0.08263264431505897,32.59025936489037,60.147861752988035,0.6245494741811972,16.590677908834458,1.6033010066721712e-07,0.0001132097967789073,0.19989066615853165,39.501339089679355,69.59871649375427,0.35651801535639205,15.726590605303148,0.0,0.00014063033626880034,0.16458563538297252,85.7194215730318,59.360162544196506,4.726603811353284,5.915056059455271,1.9907974977412392e-07,0.0,0.15983102943259359,56.83468987450132,110.91173767451454,4.4458087990536335,15.625940156342768,7.873666549225681e-05,0.0,210.3897541371703 +0.9031168534174792,0.15660935924990227,0.35695449811941965,120.8967625595908,246.30055289267057,323710.2915012759,4.206443527644503,53.25249590602152,3.474819957666615,39.137237424892675,2.0173587846134504,18.443570220078584,0.4788788062753253,0.8198113103109691,620.1394589938443,52.317458136501145,0.09151120265379586,75621.77181269052,2.6592043831936967,93.30164036059466,1918.9784651724224,202.88902750887178,343.44408846680335,57.87331286752137,0.18137721135925064,0.19629439154776887,27.36182596348699,45.01171070288373,3.0296034675186685,32.43627066400141,3.197098128715511e-05,1.5238378487830264,0.10414830540174252,34.17189737639497,55.786314790943194,0.34944522239761167,17.575533628750946,1.6033010066721712e-07,0.0001132097967789073,0.20477980670376425,25.677021783972034,48.3278098828188,0.2618832329510162,23.2089775401349,0.0,0.00014063033626880034,0.11448982618755246,85.18343662612935,67.27593915628731,3.1020308369443987,13.40696767269055,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8984583733745428,0.23795331428893704,0.40646043828934997,213.38248921310412,235.3949558371661,337051.06517394254,4.67664240637195,88.9243203387608,3.8457921578002954,34.003984225283126,1.4058613582537411,22.949906905009183,0.41405540911830596,0.516459150628587,637.8111254684492,74.44229182666832,0.18650761036057334,54354.28706911666,2.808418519309792,74.7913128083901,2067.106379518773,80.4466742320246,223.83379442594125,20.280267607595047,0.2353040887873601,0.200679974051983,4.134802124991447,24.23777646291505,3.11424280659238,4.638935370070165,4.776880262249972e-05,0.661280500957187,0.12797316322302693,1.8084740113830085,16.439848022090583,0.5425079791213097,20.026886572237217,1.6033010066721712e-07,0.0001132097967789073,0.2133276276911501,4.450019401539636,23.870395938153194,0.2881520615649578,3.7480989803047593,0.0,0.00014063033626880034,0.3029150278399506,2.3177549278129117,16.007779994685396,17.210767861297473,58.225274393865,1.9907974977412392e-07,0.0,0.21725547143012489,6.507815913135965,30.910321960880058,7.375065336487829,58.570554424964655,0.00016618655841038618,0.0,101.71439274326178 +0.9709078687271859,0.2322651397741784,0.3743618862871962,249.92112041515924,180.80513747312992,310360.4866589204,1.6127324113820953,72.06734097337785,3.8475762449746833,12.673493492138661,0.6667220822980545,28.306578132293634,0.3493984501098382,0.9697229121486587,881.8831691881614,22.86281069757959,0.3407928570697466,131410.91063306172,1.0017732036689522,94.56701304452822,3253.1164772864745,253.47158426533463,343.22590059415785,44.26630053076174,0.15826243916209728,0.18795788711618072,9.958451237752978,33.788414282104796,2.7269474383879087,33.88386782397272,0.0,1.2892934340103994,0.12492459135412862,14.228326129206792,35.028901031852016,0.3028727446816589,5.70632704433698,1.6033010066721712e-07,0.0001132097967789073,0.20207298201124796,11.519410549291683,29.130607632177643,0.2343617951112828,33.04038329492662,0.0,0.00014063033626880034,0.12098430298693258,46.727539594764416,43.10968061462229,3.7161232173692715,18.79980217748678,1.9907974977412392e-07,0.0,0.18779418691375233,22.93261654674169,49.62832724600841,4.362670553122692,14.333890503366066,6.732627318033934e-05,0.0,116.42953731152758 +0.9027043947440251,0.13745619964662825,0.4220184693901399,180.75933434151113,209.82780005011801,255901.0796885675,6.045175392063914,89.02810288285798,2.5004973789099587,11.411339323288203,2.1381340487848277,13.316377696382833,0.30580902766359463,0.9908945243330335,6.674970084756893,1.8984870662543898,0.3201428497030497,117607.53738650793,2.676025152662808,96.14417193549113,4178.788351075218,190.38838332160813,224.47683658978596,57.94178890871352,0.22791846364187107,0.19107927696616564,4.1667232202511135,24.757465560675968,7.193388471481207,7.938877984703774,0.0,1.2383557935232465,0.12725651543791272,1.869528707650532,16.62420483823611,0.8706197690377105,18.82987462847268,1.6033010066721712e-07,0.0001132097967789073,0.20699437459592882,2.0253342447468405,23.608766548524258,0.35123754623510683,4.9371177794119365,0.0,0.00014063033626880034,0.35578429879570783,7.850603366449721,14.869431410212291,14.956397517368895,53.2486565516836,1.9907974977412392e-07,0.0,0.12226853192536809,4.349083202851892,31.703612181264436,12.168105953932697,22.63059879461537,3.546616795058625e-05,0.0,83.63059429004124 +0.8143037399035129,0.10788541239684354,0.36725137372578565,145.12468936390405,104.67004333873662,270789.54538051924,4.585183775218736,30.480689007290145,1.2473997437510138,13.33916092130894,2.2306394805115666,26.72077309744008,0.42647797702253076,0.8685689389004707,581.7611290087821,2.4542271334905763,0.07182193086317801,56886.21312383076,1.173018687913343,77.10279338505595,155.6664835442959,88.05417957651453,328.69686747445104,25.173316753570493,0.191557564599789,0.19744980577083385,6.592792297674967,24.75067332463723,4.44745044428035,47.36887474134646,0.0,1.797472566552224,0.13344077244888858,3.9710602120605505,18.569998292381527,0.4039104183823471,6.168568129269224,1.6033010066721712e-07,0.0001132097967789073,0.20499041375646573,3.1257292511214065,26.363576970396952,0.280569153083775,33.85064377396284,0.0,0.00014063033626880034,0.12021747643975482,26.610270403688418,34.34968801845153,4.055805591751473,13.37427501473357,1.9907974977412392e-07,0.0,0.1941385787595623,1.2445743264199398,28.901765892524494,6.528709273154843,7.993120574974561,0.0,0.0,90.55008465020185 +0.9637473196223975,0.18111909477188104,0.3343918579130137,243.22852973240595,177.8108297679354,236619.24884668953,6.21291654219777,59.51255340981376,3.3177425823495286,95.60683203460322,4.754888204222657,25.014275484527474,0.30074297020804264,0.915242614067322,888.1999282860797,96.43542871546595,0.06004567355956243,206802.07528194843,2.1367403023613902,99.8037732287677,4366.947011890134,125.90398121427393,347.46005730482136,55.85532276479662,0.21057158401312237,0.19705762507543165,43.8783604522635,58.179463765005664,2.9267532555001856,37.849336716825505,0.0,4.307099702924046,0.11530534716429802,24.3704848676424,45.87017131214017,0.9997318217659462,8.766712147606455,1.6033010066721712e-07,0.0001132097967789073,0.2008062356549332,27.366860689175695,48.204615969393714,0.37310493643200016,24.140958927973006,0.0,0.00014063033626880034,0.2004692437858911,87.26919174428525,58.24009680813113,3.8586668708289777,8.809513057146415,1.9907974977412392e-07,0.0,0.1870128428765283,45.27993213034187,76.81606864672943,6.254634114053473,11.560915631507081,0.0003888167248263037,0.0,180.07080231771147 +0.9743619757521197,0.14507056523151013,0.3887773524028288,89.14146014675265,97.81588874292672,316318.3448166392,6.429404592969886,76.44709975698933,4.671471365282014,99.42131525015765,1.1383253261053516,26.805653971781307,0.3097483019477935,0.8233995145599895,146.22834244544129,1.1028339847841266,0.3418125282738716,256515.6241645135,2.5696902638778205,61.824108946469025,3698.479244690997,122.53767774780155,262.1123638457971,56.635285641436234,0.34892890411330857,0.18973045127642738,2.2699310817503866,27.525300258166155,7.166153949651911,3.7366820110768497,0.0,1.2855058363724854,0.11996189707297257,1.1403553282438927,15.679355920483628,0.4069502025047436,7.131077081712481,1.6033010066721712e-07,0.0001132097967789073,0.20068669065668357,1.8407250253264666,24.78614360044962,0.2836436962738797,2.656723722646454,0.0,0.00014063033626880034,0.35127423785668377,29.4956926640009,21.130432055705697,5.140414830536148,40.29564461410344,1.9907974977412392e-07,0.0,0.1892282129392227,4.410973728034126,25.723273875074838,10.664491501538265,8.953789909760129,1.6462660460963063e-05,0.0,74.79808226218299 +0.9555928173080324,0.18616693289644448,0.43477999874898055,41.759192726696966,182.97748962472966,337686.18820820237,6.362674083085107,83.09492662369121,4.9497665106543955,70.1176987032472,3.084066433255451,25.2211925933027,0.44894233812507583,0.8134781085770415,783.1082098795442,53.82752287042862,0.2154470877571592,55512.6989025394,0.6800051180122102,89.96551646318115,1048.8687061111327,211.4842955584756,348.7477444174045,52.43689818080927,0.1615784973239854,0.19481681149422325,3.5907633571168645,26.37349707517625,3.0171115438925207,65.89383156337108,0.0,0.6109928220273863,0.13166181596277002,12.080581116343078,28.712611452455413,0.24083635260130448,9.916332073689071,1.6033010066721712e-07,0.0001132097967789073,0.20618276594486362,3.8585244102174125,28.256357972802157,0.2547906616258979,62.26918382234444,0.0,0.00014063033626880034,0.1262503055029711,44.092112334781746,43.88602916995467,3.583649516472817,22.695458013130033,1.9907974977412392e-07,0.0,0.21178849243684242,13.314735773154817,40.13414646273428,4.5826206730927685,26.701932678607026,2.6536147979502883e-05,0.0,133.1904986515953 +0.9724590064268088,0.1949004246104744,0.3895419003425026,141.6307919088302,137.99987002168783,191370.72503496197,6.992603143068381,78.50187214872102,4.462019924254212,85.95572959471983,2.866065814728643,19.04809927116399,0.561902914315153,0.9354321010633692,825.4991531485553,41.81660009552312,0.3094946231413115,66758.17395449417,2.9381034066444673,99.36860250912444,1396.2759816957941,272.5997152639124,250.82406282002026,55.13640373037566,0.175034136856901,0.17407402873596656,3.00902862216366,26.64904914202081,2.9937439164814283,12.013924589401487,0.00015413352476671317,0.7650895818821661,0.11116633937447563,2.0295048475213213,21.430823974905778,1.0503427751453562,20.831439044008025,1.6033010066721712e-07,0.0001132097967789073,0.18787991597574863,3.240752951636946,27.772053837588015,0.388769893187382,11.034825061907519,0.0,0.00014063033626880034,0.35441501570776024,21.20911442642859,18.948599735571605,9.792111905920356,47.205096469760534,1.9907974977412392e-07,0.0,0.09505945728674184,4.545392279103433,37.77404228585929,5.805842513645031,30.448810087748917,0.0,0.0,90.64733490692751 +0.9210525512340021,0.1394133883734921,0.3403838140424112,43.45374311151397,226.25855597142925,116487.63027551422,5.07360688334639,13.761031698521549,1.5193962694394587,33.94706170861352,3.2162938550203877,19.246743163003302,0.32812564271321426,0.9577244401032655,987.7773769895664,62.18952565718044,0.333925876079254,295395.23159112403,2.879201294862293,77.7047016268062,1531.5385264775302,194.71418916719705,349.20702739531066,54.232453346573756,0.19717233973522602,0.19154431819876147,35.107610831834364,60.04536771789695,2.7533925335119296,16.241993991462007,0.0,1.203299602742377,0.1292559684679726,29.837043583418634,55.073520429374994,0.8202425329978825,8.799365045755957,1.6033010066721712e-07,0.0001132097967789073,0.20483232976852175,37.588140751588845,59.79082703065273,0.35872144612264695,14.968082272101364,0.0,0.00014063033626880034,0.11812586278356889,84.89549958506142,59.44589101827704,4.825362126932025,7.0414468881926995,1.9907974977412392e-07,0.0,0.20136810806037908,51.83041498812053,84.61107384154498,4.268691978933343,10.31635228481957,9.799504375584026e-05,0.0,187.37235461952588 +0.9421976173755091,0.1796873028999558,0.396235688662274,50.52349815436611,134.66781633493966,307837.3600359035,1.5604855870827943,69.78483001106844,1.035973889342435,53.22692003801553,3.0411948184298785,24.23578921997266,0.43271107332431835,0.7216943987253075,299.5404249391353,55.357332811636894,0.2163794206097434,69851.26984369171,0.5531945588216438,76.70296082236884,816.2594977936571,260.1673822887205,343.9242258402865,39.856320099480506,0.16578629446367454,0.19591138554785098,2.255093900350366,25.88786980918715,2.827477339727422,51.178542677869,0.0,1.1660872826592854,0.1339332001255462,8.113079877976599,26.721769752433907,0.4638869345811639,7.32566223142887,1.6033010066721712e-07,0.0001132097967789073,0.2081722232329837,3.3303898480241894,26.29039198544893,0.23955710928786308,50.67837047883235,0.0,0.00014063033626880034,0.14961705142330675,25.279366082683442,28.830041007597526,3.758346263036788,24.257983192786753,1.9907974977412392e-07,0.0,0.21700120793664535,6.116977579482279,29.244235855473686,4.058588333115637,24.081785304921908,0.00016798870134182705,0.0,104.73900987080619 +0.9706608431399761,0.23448101065064378,0.4120133946484897,245.67387716918378,170.39957369759765,338776.4192756951,5.769124485071073,65.80793868751927,4.364063849013473,48.07170698786058,2.899916989356983,17.350709262107596,0.7229318404006545,0.9561401451097156,22.80367911337794,21.65278407167631,0.3040928730721535,299298.63420558145,2.683701704006309,98.39779708241653,4705.819295234638,238.05851825593228,340.52805700185354,39.086271815068486,0.34079648202291263,0.17987061820066536,10.316552527295531,41.536097076879294,4.543581940781142,7.540250227692218,0.0,0.9564671623059147,0.13428634521854566,11.362751960130385,29.861315519116665,0.6352451708203422,8.823110044292612,1.6033010066721712e-07,0.0001132097967789073,0.20754511571423404,19.072599443297303,43.89812811875982,0.3087768829776438,6.915326423170585,0.0,0.00014063033626880034,0.3538208471300869,43.40266168985595,26.399509701998795,9.099444809358527,40.01199241655896,1.9907974977412392e-07,0.0,0.20041059198781636,19.72835222826637,48.40232798687795,9.121520865930636,11.767364968692158,0.00012683858637581533,0.0,112.09946701134744 +0.9883217968641552,0.10540487381225909,0.38904653881610696,181.79771444549655,147.12242673429807,343539.2439920596,3.2644262157183332,53.856771810126205,2.036307687480136,23.700519515418407,1.4695710012542185,27.041255808077953,0.3063480506923061,0.7812485582255426,238.16516684581708,3.081509534048724,0.06857308490622714,103657.09170459304,1.3752506856566156,45.9264965196889,2397.462418068207,143.04246714570445,341.67664186991004,56.28074751497948,0.28289173523158195,0.19481559751943175,14.228362891667379,33.67143862489186,4.719040216370416,41.82063623134654,0.0,1.9930417396984972,0.12576325690984272,8.837053626686165,25.43555252463704,0.21981160941245018,6.799913355080436,1.6033010066721712e-07,0.0001132097967789073,0.20251838790174598,9.829210290526225,30.44631317828858,0.245592050803808,33.2570833018583,0.0,0.00014063033626880034,0.10289405246823341,29.399751589626238,30.882434457351124,3.732044836218672,10.519720452466274,1.9907974977412392e-07,0.0,0.183806394716058,15.615892620203045,36.27070592938923,6.904515897026932,15.465344388191278,7.642567045152057e-05,0.0,99.00264605591121 +0.9383173914097755,0.20627189423046077,0.4031590350011026,137.27755263617732,242.85990844465493,348792.4145702346,4.831138944113974,59.679239195525426,2.285215801704497,82.17162101667361,3.675444284901726,19.62615299784992,0.42143915501521295,0.9842106542399114,900.7294068901475,93.04965361289914,0.27586089799248414,80039.84441119962,1.4570863443547273,99.13738081143394,4927.374381228729,215.8626519137057,348.9991167468935,59.85834376880935,0.26021687718957315,0.1930970042795856,11.957578853766005,29.526183011321194,3.0235359053918986,46.94440634562179,0.0,0.7004501002131065,0.12454784448833917,15.687274087537844,34.973976448419116,0.4219623913819373,13.008423389594956,1.6033010066721712e-07,0.0001132097967789073,0.20567887275392033,13.377700886548812,32.54953217062792,0.27174631167946345,42.99505049497092,0.0,0.00014063033626880034,0.09348317495966199,44.76847725728867,44.04200480278234,3.05693465786188,9.141320171967049,1.9907974977412392e-07,0.0,0.19772117190424493,26.704515043149268,56.49909269991324,5.031358917196848,19.96065629833612,7.675779953537197e-05,0.0,127.749465608455 +0.9467937302853877,0.14764600696651126,0.3654239897968017,116.16951276402541,182.0997173008758,234373.50017117936,4.161116367009605,39.80077985262389,1.9382327751639232,47.02646176084636,1.2730511911508864,20.724865209834288,0.39681746918430955,0.9384074227196273,716.4239828361871,33.67796912813955,0.23806845846837293,72546.12172857563,0.8682578871011704,51.30608794151191,2755.884576605925,234.08341070888432,349.030168764745,55.764317002388495,0.19157338410429486,0.1910673207021499,9.219913819065798,29.774849489026753,2.827919886574628,64.87106936357821,0.0,0.7757438696805797,0.1308989092030737,16.017648541896865,37.155975922069864,0.4897217231619951,9.637253443496549,1.6033010066721712e-07,0.0001132097967789073,0.20541501179357766,9.951189402254176,30.70677241476792,0.2904824011023669,62.73032221896563,0.0,0.00014063033626880034,0.1342279865338528,43.58481523869905,46.2161145952784,3.672735750795643,22.131242033417344,1.9907974977412392e-07,0.0,0.18280235638378056,10.759056629646375,47.560932373006814,4.096436230838932,22.50723408115973,6.469333598995417e-05,0.0,139.05362392776462 +0.9144419713181466,0.15674230852807758,0.40348390396502865,213.34868743805058,26.05946056072142,209128.00149523624,6.487129630166116,33.999294502004325,3.831212719748787,35.37366617710897,3.9319552043675396,23.03759127767784,0.5190511942904857,0.5182799034549038,611.4275881955446,58.16257145181787,0.18647799793255898,52135.7178412963,2.636330538912368,74.3927441799361,2178.1657275755865,221.84084299965699,223.55379598881498,18.4233681105222,0.2357835078138825,0.1974565847873318,4.127345525505304,25.006270716661252,2.992450434008251,8.926305971457424,0.0,0.8362811944293556,0.12718948423320933,2.2883749370818407,15.238260043885509,0.5091763200407172,18.95824454281523,1.6033010066721712e-07,0.0001132097967789073,0.20723313769286558,4.533555905475497,24.845472326586442,0.3285042060705837,7.393998869865235,0.0,0.00014063033626880034,0.314838053735015,4.395949419896984,15.648108465157263,14.329504439673803,55.67979271104538,1.9907974977412392e-07,0.0,0.20214266193719801,7.256801016596907,31.359771550194896,6.157892264954518,56.40511066585582,2.192981468888112e-05,0.0,99.23194679080191 +0.9206687551208562,0.14386510128790056,0.44008267185640676,127.11784151278881,191.38778880628954,288221.21190520475,6.927433390667381,35.86573749158009,2.6676210010803567,44.256939834568946,0.568666101453448,11.60765028629763,0.67192828419992,0.6756194386962843,902.184017121525,53.99020785476083,0.21405171689757857,74385.97768194231,2.8829044919409115,96.70091532125736,418.5000996409353,91.52801882032813,220.16117030332407,49.18446349531459,0.1615784973239854,0.1998011578403296,4.889349868184077,23.88994313530573,3.1436761385271867,5.011823068614613,9.256719370892803e-05,0.6926246302446531,0.12420484014420084,2.1607309908039407,19.687390200777784,0.7426522230411124,23.769077286699194,1.6033010066721712e-07,0.0001132097967789073,0.21214021886148773,4.686687562652712,23.908883514193153,0.33330569546889294,3.9109673074888374,5.0040721827217046e-05,0.00014063033626880034,0.3379002057343434,3.1175117549768148,15.10632022006075,16.053792682346575,56.97172499826901,1.9907974977412392e-07,0.0,0.16317304646157446,4.59428023074895,33.5000297645681,7.2236750574071005,55.66848717289785,0.00017101294470990133,0.0,101.15873217051863 +0.9765332745475221,0.21508188208119716,0.32297505972272694,185.8573539341139,128.35515191978666,303891.8068124084,5.26253869181062,57.47154999733161,0.7695507171996498,91.90951392930036,2.0475883665023336,26.283704081643215,0.4386943500361581,0.8964304089312681,167.6199610578562,14.775740217291972,0.05815668953660738,63875.64536153732,2.3209440897807236,61.43368204590069,801.4885583666969,165.69291980202493,348.3496411233132,46.129994005433126,0.16283825937005522,0.19673620184417212,25.660594464277224,39.514968853731936,4.076229529753256,48.63765566596916,0.0,3.325272438558685,0.09952985037903338,35.56141486867884,70.27623413614434,0.5102549302168178,12.048946087032101,1.6033010066721712e-07,0.0001132097967789073,0.20379058284274287,20.07711479650802,44.919396396175024,0.29428429122189426,28.43199662456777,0.0,0.00014063033626880034,0.1895812919227976,101.71195887874036,84.14501379526078,3.9467564007679963,17.999973431390682,1.9907974977412392e-07,0.0,0.17733876218629974,53.868581581030426,99.3875286804061,6.365475143242359,16.783973313978837,0.00019913042458384597,0.0,212.2702696672942 +0.9280483549855569,0.11149696718274718,0.34582218603959974,130.00453498769042,238.73406899019895,312529.716543411,5.747322714490796,44.15948737146615,4.081900515071452,97.89392527932208,4.979977709478666,28.339727661573246,0.31348421275491134,0.908188754848685,815.5258437755485,80.49025667138297,0.18335559350833713,101285.80256752983,1.3665338844636457,91.03453307268202,181.60183950534474,270.18952663032763,251.14692302450098,39.201324898131034,0.16646218642792485,0.18874862086064664,2.3659202037492504,26.800435665770788,3.0384306458316206,16.148534567058665,0.0,0.729728088215229,0.11365942435264852,0.982070266146848,15.663451089912702,0.592407645113043,5.930555011192917,1.6033010066721712e-07,0.0001132097967789073,0.1992399069549295,1.9011185774279251,25.75131829671889,0.30334302693786647,12.527927002974586,0.0,0.00014063033626880034,0.3545136054939029,17.016879718313312,17.219714751579584,8.123104961148696,46.378829438402796,1.9907974977412392e-07,0.0,0.147247607348768,2.2789981502031766,30.690023371022903,5.361067112098734,16.73948411720251,0.0,0.0,78.48151780546084 +0.9538156970033385,0.2279654087976271,0.3403192705974165,176.2530262665367,226.7157114224499,315707.5391452104,4.1374094085498365,77.61527230889213,0.8236040477336948,20.985753036405676,3.387881590509074,23.09515812732422,0.6361001156950192,0.9997482959575753,825.9410692371458,77.58793626146229,0.20211774791564585,146664.9130934262,2.7017293396395647,88.03302725857816,4989.678321740491,277.4101744373954,348.3919529742,54.89288110577942,0.18713261679592344,0.19045239605854347,31.938381425579976,58.399367807953276,2.9204492962169954,25.9690792735365,2.178865645170818e-05,0.5688475206535437,0.10977080903090687,34.56771674191016,66.91005462618588,0.44457256983448723,16.533039748571046,1.6033010066721712e-07,0.0001132097967789073,0.20175607645082197,34.26869258414669,61.44193532781612,0.2740593724136744,22.637395953731392,1.0612192960231158e-05,0.00014063033626880034,0.14930666562526604,99.62482066286681,69.47050526867692,2.905839535454726,10.388542606020918,1.9907974977412392e-07,0.0,0.15609728310511034,32.74917404206342,118.96123477162351,4.176903292568541,20.393177607921714,0.0002062589447650956,0.0,216.90220022856806 +0.9832466160472869,0.2567348589851668,0.3371053322827879,236.7110813803559,199.71556897550835,147711.10892345058,5.610450028684585,70.43472100665932,2.405946509015294,91.07392888790633,4.381234030911283,23.167269635400455,0.5855995164681029,0.9586578402587993,606.0235340763179,81.4930611380719,0.24097101032770604,238156.165862454,2.973207453903364,73.74015983350759,3705.33573272616,268.00077363655276,347.7487355270299,55.74162530660312,0.20016449026409566,0.1924472090780856,35.82849239279465,61.0766926170261,2.861660545826913,18.710650541863494,3.569512083135098e-05,0.7726036278002167,0.12198935007429715,30.727544938666437,55.926219476625896,1.3702530250614555,11.805971483319016,1.6033010066721712e-07,0.0001132097967789073,0.20222785424455172,39.33733273637378,68.3445716735938,0.438637685711789,16.135154395451874,2.960811278586923e-05,0.00014063033626880034,0.13078136437399163,93.07889664414077,66.87998417448051,4.258132680035007,6.428767294460628,1.9907974977412392e-07,0.0,0.15738776726108736,33.72357323627111,119.59978283332973,5.052275891148958,15.597017447022493,0.0001443228239533862,0.0,212.06468529175993 +0.8226596603211909,0.10219665957694235,0.33658088045424756,213.12258278822148,132.58412275078115,278115.1881807314,4.354823356977885,16.888491497392316,2.9884346290779815,34.70997966556151,1.7141529088135827,25.690582903673267,0.3659460805403956,0.7501042076502378,908.9609980071085,7.673251074076838,0.3142207180994822,113140.97976625459,2.515098125837455,84.38554163150172,2112.8287407799735,242.21579709982063,347.44037558956563,58.31772333306995,0.2293086902515549,0.1947704396572905,25.117610728427465,42.37280667519201,3.3805936549167828,29.428797478349004,0.0,0.9584417313151816,0.0977079770827488,34.34217414139565,62.357394891826345,0.47766945179496634,17.321332644024714,1.6033010066721712e-07,0.0001132097967789073,0.20773933575775744,28.61954331064423,47.123731713930304,0.2872636872808032,26.40889571046928,0.0,0.00014063033626880034,0.14222717870895346,80.60869548399037,58.74533642992226,3.600793298649318,10.032830598900018,1.9907974977412392e-07,0.0,0.20089610242645467,54.29147379096367,90.07331568195508,6.1224242804657925,25.1870199339523,0.0006148398075973697,0.0,184.9466425818914 +0.9684567200539976,0.1170270959134524,0.42823786305245004,177.05777437246613,34.02765474875595,229901.26798642756,5.0757802104260925,24.510229443203436,4.714782324680795,45.54501878707204,1.7985851815961624,8.373487193273697,0.31543695694694524,0.7143126256513058,980.6092749256925,30.81758296382942,0.06600353819685595,158823.55550629395,0.7133454750509353,98.98729976562782,3079.059619331189,60.49898842251225,227.42280465481568,23.42465824874686,0.16750617890827976,0.20073148015638018,0.9232354894081699,23.363307579813853,2.934310214118496,13.112675068376557,0.0,2.8440601392717655,0.1410533864974437,4.02794424377502,11.919984113377316,0.34479455517026214,3.6181630955184434,1.6033010066721712e-07,0.0001132097967789073,0.21165632957721098,5.908474909293964,23.678746569424593,0.29261828696854786,7.364555195062552,0.0,0.00014063033626880034,0.3455107506295991,4.60009690262557,14.136929624729934,11.914970099811537,52.839609902195896,1.9907974977412392e-07,0.0,0.2113177347091558,10.544883484487137,27.503778664878936,4.770133448810746,20.779076577204222,6.062202119489606e-06,0.0,77.6802648506813 +0.8607185826298285,0.22430263779491055,0.3242387668507017,159.49414725294886,247.00960929524362,317233.6224348869,4.088373547606979,51.302878735436416,1.3058739161656068,20.985753036405676,2.680449463313815,23.335282009734325,0.3593334888462208,0.9362218040914193,361.9484714906438,79.19958983676773,0.2364493704178282,134323.49503740235,2.655812406744998,93.82262519192473,2859.6113353286223,289.04389971763453,345.770642226754,50.449021368680704,0.24982515544257344,0.19459458116036557,30.724538429996898,55.28639388103489,3.106861079424147,26.750910195307952,0.0,0.6947266971615988,0.09191370187584219,38.45963325232757,63.768809505681,0.42239931105276807,18.084459259365598,1.6033010066721712e-07,0.0001132097967789073,0.20209770918912215,33.37818019940623,56.96994867085106,0.27043948481592456,24.038036912579322,0.0,0.00014063033626880034,0.17279809115070474,94.5226479997816,64.15799803573356,3.0679764841867176,10.62169963270487,1.9907974977412392e-07,0.0,0.17062409228113776,62.82180858251316,104.6173475843373,5.494876307823628,27.827465624037067,0.0,0.0,210.72690210305518 +0.9433996049466379,0.2424685388934057,0.38615360266511445,243.95268343714645,215.24888326261595,348616.2081059768,6.997636519599096,6.31260062377595,0.6146025361577416,52.475176248217224,0.8106521764529862,15.547278056682956,0.40252917759503964,0.9491903294560955,603.5927748802633,58.67472861171545,0.3093571272464952,51807.36840689249,2.28768119405086,32.27847508743912,3733.555154378475,280.5387081428494,335.8514911211263,55.63936703892277,0.3120163901643505,0.19499984033485662,11.601024310277614,30.80737098042518,3.496148232061837,28.523913076042867,0.0,0.6986102675931706,0.12342143274658436,14.677237490351628,32.904205834871654,0.8342581988657344,14.064780446091065,1.6033010066721712e-07,0.0001132097967789073,0.20876437254231328,13.889184456189179,35.12022443222448,0.34017076583841127,22.511509042851262,0.0,0.00014063033626880034,0.18802867852311952,45.6719157171262,43.88605626033203,6.493628082363562,8.897976765430505,1.9907974977412392e-07,0.0,0.20529407447790435,18.918162741987654,43.89388805169962,8.138490748103385,10.44934250432686,0.00025841095092636623,0.0,109.23949604735688 +0.9704022112031042,0.23343670442667178,0.42124185269878983,197.0614699704993,186.74224205494903,176545.47843923274,6.962397488588708,97.06800891747686,4.47562760479223,24.808980985009654,2.493416151381859,18.801382265513638,0.7317921708202652,0.3015126695612711,994.7751930530973,30.588843744596502,0.1083495311753177,63395.20272785229,2.8927081971922552,98.66649825296155,3006.4145459246747,116.62938628558761,227.76637605507963,35.72273574621801,0.30001543940181347,0.2018948423064331,2.698659035955159,24.08526521366218,3.1593820626052627,5.661567749098064,0.00014088184726568262,1.786146630331599,0.10290830217858131,1.98458723530367,15.938245747943272,1.318952129147637,27.794952494763734,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.23482323134906222,4.3976575844630075,18.988496187198603,17.46552033706155,58.295890612755905,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9601130136615649,0.21452088670969738,0.4062703999731767,33.514978737305455,89.81355801649724,339347.2246535178,2.171682103238889,80.94078641230057,3.304751026644197,65.06376079366319,3.8662742610571526,25.063018365321582,0.3800715680526013,0.99348208943986,175.98904184053777,84.90176220940037,0.34177387947291815,115894.05908795136,0.8905128520489054,34.290078669205556,3986.2377238669587,129.10491189430584,347.3211392364263,59.20199910369624,0.25672607187667335,0.18848893961967156,8.90096922290241,30.049425840006577,3.055136394362215,48.05744036340492,0.0,1.3423969663030704,0.12918323163126427,14.177703306808871,31.473700390578742,0.4614901346295842,7.824461840870402,1.6033010066721712e-07,0.0001132097967789073,0.2036873671290647,11.161482205724553,32.47930259037584,0.2396608438708677,47.201859648708314,0.0,0.00014063033626880034,0.12724880339201192,29.095138602789557,33.85948265875311,3.555476608932626,19.961359885448392,1.9907974977412392e-07,0.0,0.19375262089765008,16.78154095107994,38.755805025583875,4.111742294455076,24.70244144135463,0.0001532977349369907,0.0,113.04170787531552 +0.8987577114920235,0.23665389728124742,0.35975899398877864,225.34903326172963,109.46920058436712,301568.20182219235,6.533334873852425,37.832463257511286,3.6377969516002837,54.036802974990735,4.37741846814907,18.964849077578624,0.786449467546356,0.975718567807031,938.7865278502956,4.850667322521856,0.214746678552625,281590.8210408238,2.876677046996499,94.59189175231327,2419.100171497519,271.1053077741044,342.21097307989317,32.67552318057682,0.1786030319559588,0.1804737010490288,16.32728082802713,49.020125981003815,3.799659453153196,8.952845785673238,6.706639822300843e-05,0.5610730856487465,0.1273843691057171,26.440426221153277,50.14126520682692,0.6565335623995905,12.6817968470171,1.6033010066721712e-07,0.0001132097967789073,0.19050351971796167,17.18410087577109,55.01049297866086,0.2975779713640092,7.058377596477534,2.9133589459397462e-05,0.00014410350517884027,0.10041123820290986,107.88589969835937,76.05461347788157,3.7179749564380216,5.754132857496343,1.9907974977412392e-07,0.0,0.20604751944008498,14.088031476186575,65.59132980667614,5.968275470772953,7.941505571414118,0.0,0.0,177.70887045374215 +0.9614361815060172,0.24134739199447158,0.34648467641604513,198.30393461050295,222.68482032196766,310322.1998468039,6.079022590871658,89.47334815512463,4.961334563863651,47.335980893209396,3.869436435276133,21.120180839128828,0.3704475830406295,0.9338879398849345,940.4095922210009,97.6856743842029,0.282123097006914,224352.32118384543,2.923974712409654,92.91608363710657,2118.9788668197625,293.72068993844556,348.23465928849623,58.83932848692909,0.29326955935554105,0.1905788560411072,34.786424960621574,62.419246192236,3.060158160437215,19.532612417980523,0.0,0.6872685066022639,0.10120385644622838,22.131894814776555,39.570470084141434,0.7628821177153857,14.604850077728015,1.6033010066721712e-07,0.0001132097967789073,0.19768484232866915,36.9222969339806,63.94278114812016,0.3297874795991346,18.004526108257696,0.0,0.00014063033626880034,0.3452970618668677,71.77068805138235,42.33023301272766,4.904371402342809,25.04567108671072,1.9907974977412392e-07,0.0,0.1457430837209762,45.96443329571203,90.42320419392948,6.024397524481124,20.728398342951163,6.08778832679067e-05,0.0,178.58566784276624 +0.985038376612863,0.1868036213065462,0.36278652258915906,137.7173377307477,217.39978147207356,275184.52429309394,6.640486299613345,16.271915439662397,3.0130680765016633,86.0750665976247,0.8637654919862178,26.20034502004335,0.3464736876951779,0.9433112902119258,833.5679679647035,56.78795536156603,0.2134556950750237,256393.98366169666,2.5703098609049753,96.34038437426129,3752.519387331511,192.23765060726976,349.94615925699134,58.2535085498146,0.16809977468433404,0.19122245117814984,35.917927153955354,57.28843906741734,3.0940429227501465,21.50051610506481,0.0,0.6954015961527769,0.12451979928433336,28.975379909042175,58.83276061834542,0.8010241852071059,11.488978603557289,1.6033010066721712e-07,0.0001132097967789073,0.20153632899681784,32.94999272027186,55.51858422744283,0.3414081978678389,17.852139916673064,0.0,0.00014063033626880034,0.23342954536998078,105.96031707099799,66.96202219674817,3.2311297998024955,8.940249820869333,1.9907974977412392e-07,0.0,0.17381043402580296,64.20513254694133,111.45502915128496,6.018889894215487,11.133630794734236,0.00015873404630892322,0.0,215.57244983759753 +0.9815422269589195,0.18782973254383706,0.3609229815180646,208.92049866978675,78.49910479906848,257499.29055850406,5.467819011535456,78.1686441954429,3.860859903721857,39.0653390653473,1.6624039863857147,22.03395611972416,0.4800940237696363,0.9707187804815829,660.481970581712,25.443987744899722,0.20496394708447674,256242.77226912318,2.9437238470259364,83.5591408939218,1090.4214287002005,23.579623054140797,337.70914234668527,26.76467175671887,0.2683411685160545,0.19267124427808874,12.116621215594058,33.104590186886114,3.285603231312094,3.805096862465397,0.0,0.6511936957473636,0.13047410566392942,7.579216747150718,23.340312887727656,0.5330346779278625,5.582808263277077,1.6033010066721712e-07,0.0001132097967789073,0.2036974449507091,12.082155460281673,32.81278509451802,0.3086978985361439,2.3790005773904856,0.0,0.00014063033626880034,0.3464095975142612,71.30407023192387,42.449770522383076,3.5151089376793845,16.694191171443876,1.9907974977412392e-07,0.0,0.21370998529966753,12.758943897659332,37.54996723555032,5.398962815389445,5.074951728924878,0.0001141860432368324,0.0,109.250925340424 +0.857462275310012,0.12852964651877558,0.3335015468677208,97.01914459420462,206.9743635413457,108940.37006058423,1.576339906069642,10.042018477182939,0.9439196453967149,81.27645015277575,4.358192436408162,20.46216376549668,0.3758507072603773,0.7568175483253512,361.1471757464868,7.3570328399322555,0.2666900098740981,80099.06621953822,0.5757591604304548,83.19878248577584,4495.7524563468,170.38941083944192,348.8320910186307,27.17694968980864,0.29907691912034257,0.19549595935859534,4.156386054156983,25.486436124942106,2.802630742463148,50.90646861326408,0.0,1.4209577146641177,0.13576709103139792,10.887370864934361,27.917401193798618,0.31122160227492074,7.730181650965957,1.6033010066721712e-07,0.0001132097967789073,0.2092041037254377,6.148216981475252,26.37810506925707,0.26266141049387,51.582957613862014,0.0,0.00014063033626880034,0.14530319456570462,26.172277470916924,29.991105711486043,4.806963633145742,23.54494866892213,1.9907974977412392e-07,0.0,0.20451899493686954,3.250303205406092,26.81747730455722,4.1172025777286265,21.95563066838265,3.845488039981343e-05,0.0,104.93451584727573 +0.9598119582431701,0.12237829460912565,0.34073375898999814,93.81725978374396,229.6428420874239,315272.7575302595,6.580092926269563,43.12500057102879,1.2863476697084573,93.73948145971688,0.7540484880593357,23.27845459054845,0.31511217988744455,0.8444324806623104,602.2106771753398,17.553255272840286,0.05717050931363363,253271.69160120655,2.9029080918291483,79.48057260999235,3531.387023685201,187.92865813793068,227.46102667988052,57.880002344232345,0.27740081140557565,0.1978756927042526,12.760830294072361,28.35612139620429,3.6003303501668324,5.5123956770673015,0.0,3.845699800507779,0.12255045733641613,1.0298419151309632,15.597773880848049,0.5637962549701175,12.08191607982983,1.6033010066721712e-07,0.0001132097967789073,0.20314588984658838,2.1643305765306744,24.805915735118745,0.3024693586378824,4.808639225515854,0.0,0.00014063033626880034,0.3525903899595839,18.185162440965893,16.955741014142703,11.326843138483522,51.84889536515387,1.9907974977412392e-07,0.0,0.15255913860574724,2.1969838026380306,29.62936043460562,6.14512179324648,19.849582903169154,0.0,0.0,82.51339599951028 +0.9757416745186644,0.22969141469657914,0.33094126195738494,184.26832459546534,246.29047013838937,347323.419988992,4.051261043385292,37.27849341416052,4.6835780982083115,80.1702402084579,0.48546429245963596,27.774259565877664,0.4892685672648066,0.9355483668575869,154.1220647103471,29.954413807582796,0.23014265417876836,116160.53264811229,0.8252957387964699,93.63755763820079,4920.581188009199,272.74264961332693,345.99587674177064,56.32183917782352,0.23766084881816027,0.19264393037261487,15.917457503910327,35.123633958176185,3.6970105851169297,53.59453976471211,0.0,0.7439582887347794,0.128467115647415,19.605666733296673,40.6056777806586,0.39884523933460125,8.124746847354286,1.6033010066721712e-07,0.0001132097967789073,0.2040748304484543,15.914865361187234,36.152536879432354,0.2649945605019208,51.91348471206658,0.0,0.00014063033626880034,0.12809659734037304,48.30189570764151,46.93376423528236,4.049671943410294,16.873089884043345,1.9907974977412392e-07,0.0,0.21782918680928648,25.988718472014863,53.066049606463366,6.166832455070801,21.041714859546143,0.0001356380264643692,0.0,139.7772805180031 +0.9735883302556115,0.22357697706667107,0.347643726406197,208.03180418757174,246.84327726757124,305332.3710980977,6.085689297508012,72.34596794183227,4.65459360758092,76.74738514046554,4.474528677653518,29.637472129129634,0.3928206524523553,0.9340391514215146,614.694010039549,45.890064162528574,0.23972617932815177,218498.56942328106,2.903162260528872,97.78095831938002,4937.916437434911,296.4726673697833,338.26046839868474,32.62475030865726,0.17879593083691322,0.18758108917517438,22.401045133163954,48.469444485065914,3.3072252446591874,9.124490706678468,0.0,0.6709462300075585,0.10696727773785258,19.35427242515683,36.82888249821218,0.820712339250336,9.282550598233076,1.6033010066721712e-07,0.0001132097967789073,0.19699998018933862,24.144291122449005,48.67840637162021,0.3381946647171876,7.6605354303758535,0.0,0.00014063033626880034,0.18804492003390552,106.01279805049315,72.78759436132145,4.899351079662498,8.525493717554712,1.9907974977412392e-07,0.0,0.1742757873384073,32.09720148965199,70.09823502391151,6.834861349805824,8.816459330084978,2.379349279629723e-05,0.0,174.57631102437867 +0.8604461715034508,0.13164127881579307,0.4395782305746765,126.03738750310806,153.75423397978633,217314.9667226854,3.2642459052041817,30.40697228579714,0.6295918057085155,44.256939834568946,4.747557762143603,15.155527317746953,0.3806250259942568,0.38721760238639846,354.30825599862163,53.99020785476083,0.15718585972860194,65854.07931595985,2.8829044919409115,95.57282166780514,408.00761335228503,115.93686555160551,267.25518057785433,19.239151897276678,0.15045653328757663,0.2013708379677041,6.715005288740915,24.265941207119436,2.7313056042756667,5.70922673747965,0.0,0.6779861578709673,0.10597643559382698,1.9432969671760996,16.775011140676693,0.3751184099429846,26.812073545177782,1.6033010066721712e-07,0.0001132097967789073,0.21463492192414288,6.267816901579257,23.213920398265213,0.2717197614380691,4.572786324128264,0.0,0.00014063033626880034,0.27197534950761687,9.718366798160467,18.653041181287737,7.97987935403468,48.94275258460691,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9849783936773668,0.1516072022699601,0.4171145715047881,89.95301219878397,41.79728463010029,128253.91783272753,3.111685061126037,17.446811060365956,1.4817292816511225,94.17262444122022,1.8639905184327619,5.429071773673701,0.31306370442491455,0.7155350543742904,561.0342273949391,71.13155434894232,0.061731679664162126,79243.65307503604,1.0562358194306296,30.91497532228701,841.3146360032281,95.2098944923478,327.6675122351369,15.030721482709932,0.21328343729797777,0.20075942034598282,1.958097484929345,22.6615726467012,2.6176122547476206,20.1112527925019,0.0,1.524509923470158,0.14286920960437238,3.16239318079964,11.723483645081854,0.37555641051371186,3.2443845727689924,1.6033010066721712e-07,0.0001132097967789073,0.21297530096822964,4.647562787480837,23.731845948643198,0.29588089159591435,13.292921498893765,0.0,0.00014063033626880034,0.1265042079610698,5.110372252836691,19.146799523617833,4.8025608198859215,7.0264194029128815,1.9907974977412392e-07,0.0,0.21416240075534795,5.790740316204089,20.066552743024157,2.9577870934238653,5.136643023069359,0.0,0.0,52.795537927041174 +0.8228271635491203,0.16392037992120276,0.3516596811274953,219.71883755524885,138.37733582851612,220859.0320030579,1.7739631101657505,97.01129249830211,0.533683001068106,18.576121308862746,0.9342001051422104,26.296361156811898,0.6048620952151565,0.85128689793978,508.98468873388384,15.111047147438612,0.18974094986274492,55472.25036645841,2.3294769114599507,85.72324739736551,410.59792452609463,128.71910065334785,348.61938876675254,48.48591409598551,0.2733469076026294,0.19318514940871062,16.22382647729044,34.95629352819663,2.7227213604690403,34.46183477055829,0.0,0.9919023173986393,0.11998781751599606,25.591952886602293,50.969048969085264,0.22801753692808222,15.891644862613056,1.4841683693345769e-05,0.0001132097967789073,0.20531177310077503,20.015983134339347,38.31135837909755,0.2407807487082644,30.470654560149452,2.1691922850627598e-05,0.00014063033626880034,0.12643400756167597,66.45030490347199,54.52404066949409,4.19046405627862,13.88952658731115,1.9907974977412392e-07,0.0,0.19731021188875325,18.102019298145436,58.02452429442357,3.9421297876487587,19.240284587163696,0.00025229333184225724,0.0,143.74587388533845 +0.9831013907135667,0.2380957014007301,0.39597385710291416,137.7582342082689,245.6381258941531,275659.42273220746,3.7490350080405266,59.537358300762904,2.5911645234074374,92.78908892182287,4.476360775142804,21.017550941543114,0.47118289427527504,0.999892008417322,861.1841449968108,48.621442561648806,0.23503338713679575,257901.62703148357,2.952118216712568,96.7923120823621,1870.131312773206,253.28752147281656,348.0001089230293,51.91048409350071,0.2235482965883234,0.19035444675532281,30.813949580463206,59.322709117636876,2.7921854891727147,13.857316572020963,0.0,0.7392954185503032,0.11119193697167083,22.87434877079989,49.73389090198663,0.41338357952860266,13.11474457268952,1.6033010066721712e-07,0.0001132097967789073,0.20161281766610076,33.610626164714624,63.79328533034179,0.2711578758722519,12.775280479890588,0.0,0.00014063033626880034,0.32830210402442633,79.59131668345032,49.88633782661304,3.3269872274983867,14.310911712235841,1.9907974977412392e-07,0.0,0.14457991407952983,44.33240082036274,92.67313586809148,4.678975008100108,14.091309000869643,7.322344055773572e-05,0.0,181.6978159721531 +0.9709078687271859,0.24852250151330954,0.3743618862871962,249.92112041515924,62.69981892385051,310360.4866589204,2.755181922770907,72.06734097337785,3.8475762449746833,12.673493492138661,0.6667220822980545,28.101692769429157,0.3493984501098382,0.9697229121486587,933.2430703039133,22.86281069757959,0.2517243598864611,131410.91063306172,0.9568312325908216,77.1979332996756,3635.9297131048816,253.6167462058368,343.22590059415785,44.26630053076174,0.15819505425220476,0.18969425395506684,11.267627585389922,31.031070159315217,2.8879359567564244,36.088269028383046,0.0,0.8977590941819602,0.1269445132270753,13.931709356974181,34.08135714019842,0.2525653232116658,5.2883916560786535,1.6033010066721712e-07,0.0001132097967789073,0.2001358644855689,11.553448228457569,32.10116398693007,0.2407734881707183,34.904150414206995,0.0,0.00014063033626880034,0.12883657641516205,44.03446893480299,40.16494226778653,3.6915636431936174,19.528418438784428,1.9907974977412392e-07,0.0,0.19041311654373405,20.561712334804966,45.72907841068376,4.574376510574351,14.268549554850425,1.7271320377140637e-05,0.0,113.37204600637736 +0.8949229177606068,0.2510406959415173,0.3682739222530392,116.59431999360783,64.07626778843351,201481.0107787226,5.31250976408851,83.69305661475295,3.2547079798381553,35.340031552434226,4.595661479466486,24.641896805626068,0.5896173110488545,0.6428467398894071,335.43192296708713,46.28006615383512,0.3030815292485355,232624.5781193506,2.9868904486771073,76.34584712733283,3317.5894561453097,262.64285591094375,348.59048343905783,58.29598755096118,0.181005577015158,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.14426827168248404,25.16416503656549,60.86367097270188,0.3833984993255978,11.913077533014715,2.104521755670203e-07,0.00011478009254246002,0.1960696722611216,24.3282044503441,57.96232128745562,0.29263473858545924,13.318170877185548,2.7323460808501785e-05,0.00014414060373783881,0.10397730178851187,92.80461292081817,68.07847072769398,4.114357319488173,7.629223483802469,1.9907974977412392e-07,0.0,0.2256277834470815,58.42448591924007,99.04202100637227,5.0275018344926865,15.982197610793555,4.0156714894466744e-05,0.0,2698666337285.8823 +0.9198614718914202,0.2368480281992325,0.39231715402796397,195.88035133519915,248.99125860993988,205580.70153486714,6.008701226103906,93.41397046889955,2.696396775510811,58.82017860753332,3.882862331392374,26.232295263885085,0.5194951508015574,0.985321278072322,761.6042843453613,23.448705024725868,0.25805360416117806,157842.73411152913,2.6306451177175276,81.39369784802015,2166.546436928416,263.39556025631657,341.8577519610613,54.59425960325534,0.15066605870442815,0.19043776569559226,25.139204180085173,48.9844402777223,3.206974041718108,18.48527426124427,1.707450114038359e-05,0.7074585984977076,0.12052900240775392,30.779914447352105,60.46933772896203,1.1355635762714704,12.673480611589822,1.6033010066721712e-07,0.0001132097967789073,0.20119888891204002,28.163423700424804,55.09485446765783,0.3952000920570077,15.769858799057046,0.0,0.00014063033626880034,0.11627432368940734,100.16154378137331,74.36200435539895,4.31699967533464,11.909313881368826,1.9907974977412392e-07,0.0,0.18895980756206263,54.3769839279529,99.7706018893544,6.7548131402320655,11.977288944971436,0.0,0.0,202.60805943890918 +0.981100640871723,0.1480106346345171,0.41585719774022767,194.88473488507495,177.32801656284016,140412.6319184897,2.947607472676416,47.22709441882878,1.6824946751302254,23.114521637934885,3.775436245329554,18.63089750723704,0.4435533414592446,0.9338712589418048,542.2965734581511,21.975051708524898,0.3267708186507586,53552.09964374614,0.5593483465728757,83.96329174317809,410.5874096122361,215.66248675028106,349.8954291151864,33.56190722665149,0.20919509256057586,0.19109657167921998,1.232150361658512,26.094490090800914,2.875996794074539,55.596364903679856,0.0,1.2230374083404838,0.134739841001133,5.578562483285384,23.58311203458314,0.7487257851163999,8.93267718653092,1.6033010066721712e-07,0.0001132097967789073,0.20582982039705103,1.6982981779235826,25.31795167070998,0.3344759562032063,57.24883344105963,0.0,0.00014063033626880034,0.13175887169296152,22.62264564444146,34.497199997737965,4.391567053938914,20.788550566815932,1.9907974977412392e-07,0.0,0.20986270196213572,5.050005596038834,32.01034955726289,5.0006141849280334,24.708885658335213,0.00013325181094548224,0.0,110.50508299523368 +0.9440973171862036,0.10206869916670067,0.3332108040643215,13.614589660945768,244.42195966555923,128834.83384020861,3.070177944277728,14.603332261175009,0.94000611859905,35.35872161600058,3.3272373078455506,25.83407926849843,0.4337717841706352,0.7420075071008483,395.6143958478018,72.50697292328014,0.07271667267553321,92822.4384345642,0.981700280669964,27.514582281660477,4019.8030259229845,127.79933838268929,330.6966188709448,59.389707630389374,0.15401420013758518,0.1949097923718924,9.245742740478988,25.675213876428565,2.4500658745182715,57.448410829723585,0.0,1.1354248159772768,0.1312343186888322,8.512500011587198,23.18598643554153,0.2524467029697395,6.4686946686864895,1.6033010066721712e-07,0.0001132097967789073,0.20583817199030074,9.208461873218553,29.631260904888155,0.2411931750679619,49.45212133411929,0.0,0.00014063033626880034,0.14727686618417957,22.77574300451271,27.240903960385037,4.838702911529276,24.7171415877175,1.9907974977412392e-07,0.0,0.18334577928365728,4.829275008085231,29.848739886906625,2.6857902863676695,19.47518747673733,0.0,0.0,106.34246765586656 +0.9221150832780334,0.19934081567632495,0.3613517934507808,224.1521199776843,199.2803994326315,264065.92771406635,3.263839305545667,73.14377444851367,1.6954122651970305,76.65679131164265,1.9029573208948887,29.771816034201606,0.78658454738631,0.9650586850072624,825.5018256243568,37.96768730950405,0.08537230154964315,246019.97294871238,2.959299373259949,83.94391525165587,4913.236402157184,271.03214245450596,341.81624440578065,56.610906963582934,0.1598369713970213,0.19480190619183846,39.12496277219341,55.37198070228856,2.7850121146173845,18.079911616857796,0.0,1.4631335371112897,0.12273223421664736,32.37335760653823,58.76878021995845,0.43650077561814826,12.06479715417284,2.9699930661875433e-05,0.0001132097967789073,0.2031397853116649,35.838657283131205,64.8136801088054,0.2728625910812069,12.390381746141244,2.2084711549990404e-05,0.00014063033626880034,0.11162296514991955,103.97384775405105,76.497558828612,3.2508044741067694,10.00871472644417,1.9907974977412392e-07,0.0,0.17258750380690932,28.807995202502784,103.33107643353542,3.888689983127031,13.133587925519903,0.00023907852199181413,0.0,209.01701490878773 +0.8912973098111432,0.16093325705208056,0.372298660031922,237.52196178881658,53.27997405326886,103474.92350850254,1.7097164154666098,30.42693654138389,0.8714170124449786,84.63054951364403,3.129913346000429,28.104705905578598,0.42951340542527494,0.9109941252160886,352.5021585715958,44.854146960991386,0.21232326550531141,70212.52706242344,0.9609449878118674,56.01260394571366,3730.833781147919,55.503119587081024,346.3262230042694,46.831458561355035,0.1842737349825139,0.1925239535935843,5.524394765970164,26.228929507168548,2.665951942792819,60.349041754184775,0.0,1.2137316936588156,0.129864435238071,12.693163728449605,31.018718857454495,0.2743272186820106,10.031340488843467,1.6033010066721712e-07,0.0001132097967789073,0.20358821341478595,8.071768577394058,29.629662249325648,0.27382094749852526,57.45586013386545,0.0,0.00014063033626880034,0.1433191925762978,32.4079470206387,35.3326974699629,4.919673531007134,26.916349866581555,1.9907974977412392e-07,0.0,0.19821486711327505,13.2553556737849,36.484926811317706,4.137815420403967,29.717667165209654,0.0,0.0,123.6608383268466 +0.9724372174769974,0.23474884717742528,0.3657371647108355,197.9179254201544,125.48477662613706,306807.95262760465,6.541983583024688,52.466832893860456,2.235069905137652,94.73738152516758,3.8401870424772793,29.475325507913134,0.6638475159869357,0.9477535893443292,979.7707570349152,94.46506935668407,0.209493394799861,94523.78451666121,2.7297682392714386,93.40435268847745,4931.991489270869,90.56321446393741,335.2150574759336,59.6371544601872,0.295926430734202,0.19190341469232244,20.059416268892324,41.11266562672295,3.0557953803303297,21.8138097247785,0.0,0.7259903398715116,0.11685832557159359,16.32758762673802,38.202720045539415,0.6626280596961315,12.45748794769024,1.6033010066721712e-07,0.0001132097967789073,0.20306132062455456,21.064194888412775,45.064566643987284,0.3213992048289655,14.974786950989332,0.0,0.00014063033626880034,0.2750776557419105,61.03124570820232,42.79424837168997,4.503411836586992,21.28431090333532,1.9907974977412392e-07,0.0,0.17499646658238505,29.658031086897996,64.43022511566701,5.738032202627937,11.395335084706975,0.00011592194413764142,0.0,135.58082602794758 +0.8771502646869189,0.19736784643998614,0.32104853352877916,126.5504390565478,185.72302402198324,237498.8677550573,6.55234482361784,75.9184207677153,2.3531340385374167,89.9294583391249,0.5400194428764555,28.487408964357016,0.420852367937511,0.9515220940518088,427.5916193781028,86.95406670985322,0.32665403718631675,67032.9858961895,1.0966441046145334,98.68777070624864,1040.9151093561627,227.72748227394635,349.8475914065215,38.40098086803398,0.2589797887395984,0.19218672959853927,11.460693978189354,30.48003040645075,3.026076159206682,64.11951851496418,0.0,0.804970235864519,0.1289930452474192,20.252188730823082,44.19919198836261,0.8474104454739766,12.04406953690433,1.6033010066721712e-07,0.0001132097967789073,0.20296445523862008,12.383671838939986,31.24901126639389,0.35260095720908136,61.09617151244257,0.0,0.00014063033626880034,0.10504480515101491,58.97908420309309,55.34218130863825,3.0178872127759586,17.16874595061874,1.9907974977412392e-07,0.0,0.19490181145260124,31.588113434747353,62.17331799771811,6.239735085839705,22.362463607484763,0.0,0.0,157.48450282417258 +0.9122121061894838,0.1557969422579783,0.3631242353184989,85.7220409152162,148.4574126312189,271406.69387394097,4.999279964989078,53.20453889045495,0.5823051264319936,10.530946607508234,1.613658877352943,12.19502795801455,0.3216586897169597,0.6550809894149237,324.48599957418696,54.60653994371796,0.18237082633382615,97540.27984697692,0.861471458748434,49.091191780314325,1291.1445889478514,129.00600771749743,335.02466810231135,56.10227849256705,0.2863974338450492,0.19977123098237706,8.34272328333704,25.265809746971772,3.0939831177975097,49.00175512185106,0.0,0.6572277294699794,0.14066368150329026,8.666919123357378,24.108958572489495,0.4003318171133384,6.3367293908231055,1.6033010066721712e-07,0.0001132097967789073,0.21245613167569413,8.148424633539026,27.015742440476846,0.27835967749351426,43.405894750935545,0.0,0.00014063033626880034,0.12209191062340011,28.629869342900374,30.760848841180614,3.242760534347282,12.66094471026807,1.9907974977412392e-07,0.0,0.22092010561325456,4.334921115954521,21.742229407413923,4.304653440243585,13.631709601817462,9.884173456417453e-05,0.0,95.54558813038531 +0.9798579740677514,0.2343446331398985,0.34891253361693986,188.03114302894647,156.2136149491853,291607.3380165796,4.288169262890615,74.65882750974282,3.7538566426561895,71.28437020842122,3.3519551334960354,26.06528480237791,0.4645830268785807,0.8852260338611191,746.4676003925272,51.47101178772529,0.05814520552065548,218006.31624639654,2.788337013949202,86.78069689737494,3817.501359413376,263.45657223600824,343.4506146347066,54.04352881584615,0.2353855206603065,0.19813022008597753,41.434227721577486,55.24323998034138,3.0161234350832338,23.89686551969944,7.662631703554575e-05,3.257371478936054,0.113626681742317,23.793753806307244,45.39443004382314,0.45356360105205684,15.35154584095511,1.6033010066721712e-07,0.0001132097967789073,0.20399082744742233,31.360280838049686,58.14533025164881,0.2806470112215654,14.49965881800309,2.0836631232705705e-05,0.00014063033626880034,0.2504552543440414,79.93472797829754,55.006507287717625,3.000502672891877,9.0469787602837,1.9907974977412392e-07,0.0,0.16766528634736041,49.19603203073352,92.56138729065368,5.035508071195886,15.354619501118462,0.0,0.0,183.17207576475465 +0.984705901855309,0.2074182739011155,0.3537899033938056,26.3356325044266,32.63070060703861,254270.72483280252,4.063757618966355,11.242336955218548,3.832434506297376,89.6954333938462,1.1751377166484909,23.900176644767484,0.5897700396804672,0.8344296556002956,310.8012893389948,47.12832532844524,0.3065755446657582,290029.7139032315,2.7080276045567335,99.20458437325223,3207.7855466101773,276.7083026233083,348.97662039659815,52.11168666420744,0.16240139874948423,0.1940629150300906,31.613588606659807,54.78081540916233,2.748923586130413,15.517068797189442,7.251078919585998e-06,1.2538262650976018,0.12541448684111955,29.8752663805439,51.204992142129555,0.29556790018022155,13.607241522250598,1.6033010066721712e-07,0.0001132097967789073,0.2039357118258385,36.7911762513736,62.524512026188056,0.2397073391085324,14.96334549631491,0.0,0.00014063033626880034,0.09965077591821085,84.32592879769525,63.54330196912034,4.017445930829343,7.1051996780714655,1.9907974977412392e-07,0.0,0.1971833348270951,60.375514723297826,102.50480073257616,4.164669660547474,14.887039057937226,7.906518502366976e-06,0.0,197.59464250543212 +0.9289603152141771,0.17044906299380022,0.4385842044724213,122.02266614763933,30.34277720650563,214552.99957494717,6.199651997429366,92.7768773155365,1.3761678860014142,14.163160404528789,3.0651410967792603,12.436649156059115,0.4997475796342222,0.7365972510838692,821.461596062255,69.04199995123894,0.21853561557892082,71750.93999882629,2.902343148731131,99.87058083210218,395.37912945164993,106.86697876426274,266.4971994657966,22.55389947658091,0.16206150755650908,0.1990607672886622,5.547165206914622,24.23840206882911,2.796956460678247,5.708021594057924,7.125543049544659e-05,0.6834129684632478,0.13918135720547456,2.3585183999907438,20.65411286214602,0.456168644593773,24.5077565127358,1.6033010066721712e-07,0.0001132097967789073,0.21154324504523755,5.05745730078466,24.135470863638602,0.31471513525412526,4.501217529229373,4.054485915282867e-05,0.00014063033626880034,0.3424748529096661,12.320990445912843,16.188490425452223,8.426277103464082,48.69847435758146,1.9907974977412392e-07,0.0,0.1402978095323715,4.511899359126618,34.469630437686746,4.589498276125144,47.41463680058244,0.0,0.0,93.032128746244 +0.8832497064744593,0.23290138713679626,0.38382192350254346,63.63361572243147,182.84440104538817,197458.8316113918,6.323220122493019,16.57090986213546,2.122472988401823,63.04249030907784,3.2478252525382043,26.676037013323874,0.35844329291299526,0.9099684724356648,796.4506139443547,28.31179316802472,0.2219265703330404,101019.3375945463,2.9104121376099683,69.38110313288453,1614.9846029529847,289.0667970122751,348.44004973175595,41.16708403112713,0.20305460375734768,0.19087250420431942,24.4757731234135,48.099507193279415,2.9038013644003127,19.290002630612584,0.0,0.6873008733035024,0.09351757993949122,37.133755212101995,60.151350735858024,0.712646206869615,16.33579570231456,1.6033010066721712e-07,0.0001132097967789073,0.2027479096203921,28.565953101399707,52.22490187986679,0.33683228651614244,16.553180715078387,0.0,0.00014063033626880034,0.12483453300039248,81.73752376628566,59.59436186297332,4.031669150938685,12.173621606159863,1.9907974977412392e-07,0.0,0.18033583338956258,51.113496867785244,94.64813126693093,5.273184636348126,22.58456351090176,0.0,0.0,186.76589820394622 +0.9080515245510682,0.21198949016271829,0.32337344700500426,126.79320251282633,249.44661854506623,140713.58027612936,5.509101244125675,28.02611251599987,1.612465038403539,48.579195411575526,4.820212441092076,24.20309786724481,0.604550812731622,0.9173939627638827,535.9101207045185,41.640367881336026,0.23134447010518844,286248.0580520993,2.9126801628808856,95.38640799075044,1878.4446793444176,294.86297523627377,348.8798801957554,49.09497127445021,0.2697780622644372,0.19338081642920438,37.80376558042894,61.567711593608564,3.025710098212371,17.035501014897207,0.0,0.78705980781282,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.18616522789811343,26.93626140985371,70.89617108475029,0.35736428732358766,14.967374784208683,0.0,0.00014414060373783881,0.2923039545062401,89.1071792464926,55.1816995105601,3.651625234145522,12.172077464019353,1.9907974977412392e-07,0.0,0.1736533685321483,52.34047627332754,96.71066506866102,5.761306109497957,16.395277838994158,3.507963775813836e-05,0.0,2698666337285.8823 +0.8826575599015417,0.21374426261764,0.34578955263644884,207.83052870194243,126.77776154953733,293317.1597732531,4.311205159208072,85.09837519331822,2.678178351891178,97.05939356849055,1.388362603006847,26.079966157521135,0.3821585603856885,0.7765920868831695,988.8313881326353,2.4532661584283924,0.3206375775734819,259850.13176323666,2.4820984265905066,37.11385404716475,1353.9607419949007,121.71537910257076,348.541806416457,28.369972208928484,0.2308237007350828,0.19586091660893376,18.771794535652337,34.63430046133798,3.935383430571974,11.108566016291414,0.0,0.9766365722482345,0.1348726163850803,19.01267693472846,39.05135356869382,0.4210321497256925,3.7590889445742324,1.6033010066721712e-07,0.0001132097967789073,0.20773170820788145,21.438049636539155,34.63607474105129,0.2778427614861188,10.015883986948666,0.0,0.00014063033626880034,0.09317507356223512,66.71581848753236,50.25168528061575,3.620632130121892,9.20684169196125,1.9907974977412392e-07,0.0,0.22174868806986772,28.618659176110736,52.236215272723726,6.370330493193295,5.626668283331858,0.0001529318348441402,0.0,126.67419767409697 +0.8695101622901651,0.20697731515841158,0.32527722914209645,116.74581894898361,134.20929746484234,215465.5910214057,2.6024812689370975,7.201719476662866,0.7707982186044919,25.80965324485708,1.841390466843478,18.49961329953777,0.37554101984209015,0.585250892401371,202.8807821353422,72.10093996188704,0.08384516035589148,84044.36668405487,2.5509600121585914,94.4468740193668,394.4993780452039,168.2117042455367,339.66552047490643,54.59989978919631,0.1530011128235806,0.20035159801484898,23.647575150537307,38.840521925085326,2.7025138500199524,30.326536209575607,0.0,1.0752326109171013,0.13451886029547752,33.04004518771068,59.142944693692336,0.2304165827705055,16.49047805428889,1.6033010066721712e-07,0.0001132097967789073,0.2116516986221576,23.241757611938556,40.876141260119205,0.2512161082450942,22.159106989376482,0.0,0.00014063033626880034,0.12382861549638148,103.43814010697604,77.3801099252716,4.00868651852126,16.95445393103518,1.9907974977412392e-07,0.0,0.2226937133195126,15.722477650891218,57.373051513935536,3.406801139748651,16.308025559097256,0.0,0.0,177.10687133349995 +0.9589031979114315,0.2363180647800471,0.3602820489396625,246.18076116148683,109.59178559855278,301421.0682201935,6.554895831431363,99.85502872554756,3.538191053897468,67.25473904012223,3.9768158085885026,18.706727962078514,0.777772753529385,0.9759496100913856,936.1770550394465,58.464771956823135,0.214746678552625,281719.8671598817,2.94358533791174,94.79956558138679,4818.680270587816,271.56789361983635,342.21097307989317,57.984126506509476,0.1786030319559588,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.12785194069696215,30.195203209194553,55.39973618181416,0.6743239826480454,13.684175282294724,1.6033010066721712e-07,0.0001132097967789073,0.2046936411631876,37.611275518032066,66.46786989657461,0.3248955555923838,12.633409829806107,4.191840183829165e-05,0.00014063033626880034,0.1897056352533305,109.22343683166213,73.39077338449103,3.168859028120217,6.339779006676083,1.9907974977412392e-07,0.0,0.17550714773041357,22.35920941708548,96.27341847762149,5.045222623262399,11.478347593369577,0.0002996580231246722,0.0,2698666337285.8823 +0.8915726627846728,0.18292369179069126,0.35111140235005966,50.52349815436611,203.57930132665263,215314.1934253541,4.84531455277779,69.78483001106844,4.389595451346353,52.84924432109527,2.6187443777003994,28.429488768129726,0.7983834129755348,0.9469236471334523,721.2447403611247,53.303932368356264,0.21631354969745656,55472.25036645841,0.5531945588216438,94.07772546227396,1054.7241791111885,291.9191642942576,333.8046025620588,39.907635509144754,0.3394144059234227,0.19072473701107406,5.078468968559621,26.861742910121293,2.61004395259786,70.87382022054257,6.404814189125656e-05,0.7936190691946488,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20428014094796926,4.932654119644631,27.321070759042012,0.28011737073099463,66.0588070324833,1.9345566365589463e-05,0.00014063033626880034,0.12390278456874536,24.184225818979474,31.656492388025505,4.367375368176574,18.687903713105758,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9175616452316971,0.15278670927639582,0.36913142079493794,82.10740110901857,72.41871832689033,338335.05958217,1.5632738871475627,71.03724042412286,2.33998483293005,88.4383394344039,4.922082411324209,26.029152126952553,0.49409337627932715,0.9678512020790642,695.6897838888735,28.79626038062341,0.33852110967645127,84194.42378326584,1.1788713763404672,94.4167342612832,1985.3609181574964,247.30612266353026,349.1183270566492,55.0869237551311,0.3419492098984624,0.18930386766542467,10.161525137108205,30.704555330773225,2.7812650719075287,49.41731914462577,4.404111014655172e-06,1.3333052417743574,0.127779350610856,13.012242355883231,30.583951781269615,0.46676474879976726,10.972394598693858,1.4855311478651556e-05,0.0001132097967789073,0.20411904652313337,12.608934489506689,33.466617101788486,0.23863348613383611,49.08133405105203,1.675518321396402e-05,0.00014063033626880034,0.0926232327466445,24.24172795064402,32.81516207401764,3.675166640458353,12.715629567342548,1.9907974977412392e-07,0.0,0.2129479982564438,17.266953152626485,44.40247392953642,4.1306318505215325,23.02507065105072,0.000335779853045931,0.0,114.31419060630877 +0.9767157145386625,0.17419432558067968,0.3461957107367216,218.7862118458929,227.53314503612393,240790.3160068137,6.619188930714747,15.10924801814457,3.7694308257214444,68.73918277529386,3.4958906271128622,21.603495706348355,0.3688860884872357,0.9289387063895118,642.8646310323915,5.427970862567612,0.24961408305043478,255638.12175372028,2.8795813327343245,97.64554550244841,649.6018798374773,242.4389720032161,347.96609692153686,32.62475030865726,0.18169384943675884,0.1940231544820812,25.691665092793112,49.06885302583828,4.407783030512411,10.78624686073115,0.0,0.6773712640144733,0.11860513748455472,24.951239313604557,49.24915162498139,1.091680134115963,11.760532943734136,1.6033010066721712e-07,0.0001132097967789073,0.2023976991951118,29.390397516883034,56.4652291092768,0.38684153294701784,9.543007182333557,0.0,0.00014063033626880034,0.21794531982485965,103.53597207581794,70.3231276811372,5.851663816774835,8.355842691933924,1.9907974977412392e-07,0.0,0.1750478366132011,47.989730700626694,87.29413759385973,7.85227587992576,9.782856909919527,0.0004239882493082537,0.0,190.74811088606688 +0.8213272049617196,0.1481152598855417,0.37632051293384583,11.342190328129433,150.17881405523576,204859.7675111156,2.267794460125903,90.74125401154141,2.261474051242452,83.62946002382334,0.6531552894844923,29.486071427814174,0.3486454787817319,0.7214231556298922,645.8713642235591,93.00039762378891,0.22443812236521163,172819.3052761234,2.8240972237920716,81.31912111765962,4761.024440109542,229.36526429416037,348.3412450627286,58.679157483829,0.16211030922557726,0.19389557247129316,28.553694748221005,45.580284644847126,2.3532992358104012,19.78040559093314,0.0,1.3959213037260523,0.12327189218866952,37.7071868478866,68.51507248076823,0.47311556205347605,14.25388064497506,1.6033010066721712e-07,0.0001132097967789073,0.2066636441726495,34.34210302262688,53.62421063956674,0.24227687084445998,18.44519475041873,0.0,0.00014063033626880034,0.1038107017481013,100.24689873190823,69.88832990942699,4.438340904793107,11.581536310431899,1.9907974977412392e-07,0.0,0.21498210027795378,60.81447501329027,97.87223746586544,3.744565102985672,18.516012465735308,0.00014888703049445473,0.0,206.70857091249113 +0.9329722755270896,0.12862745593972294,0.3404578699813411,240.80817447524964,116.1908602496114,289468.749922534,1.5508495891295115,17.365604434848464,4.981064021596885,6.812202137877264,0.8354690167867964,20.538257817231937,0.44146272774637413,0.6193727340213132,649.1719623740428,27.891877451376068,0.2661756948390175,63892.31666214873,1.0034263894013589,83.18763312955883,3148.8741265925646,103.5563899824244,312.8866890285819,51.994555609597995,0.17895045368978868,0.19695524310148102,2.6554246630610665,23.75674492626258,2.695012586046662,45.257424935728785,0.0,1.1842165227391988,0.13654138545515068,4.115448199794108,18.31711917026497,0.34447342806991815,6.139128710740917,1.6033010066721712e-07,0.0001132097967789073,0.2106094577495692,3.9082914936353306,24.673331687273297,0.23414673443800538,43.27991930532281,0.0,0.00014063033626880034,0.12212590205562265,15.97166328479055,24.725878785541223,3.850344948310682,14.541704793379862,1.9907974977412392e-07,0.0,0.21262821455289527,0.49441063904206334,21.12924573111058,3.29034948684448,13.12795147490548,0.00010964019490988021,0.0,85.08008069733539 +0.9175616452316971,0.23023423985757985,0.34707813291874623,146.64483453909568,72.75255302386147,341418.224937436,4.95459943470353,71.54717716643411,2.33998483293005,88.43959673457975,4.922082411324209,26.029152126952553,0.5000505999965925,0.9343241643214497,801.5225752696068,75.97386439147436,0.31608857814382163,84733.87170018701,1.214672609544968,94.07721452751525,1971.2246734592777,244.34954324004713,349.6525081026656,54.98237390105616,0.22129105758385303,0.1920051819055926,14.36745826454419,32.339728152032656,3.052232214247892,58.21686125514032,0.0,0.8122430196619014,0.13110275647569722,24.425858906520286,48.81497118128079,0.2511678379311489,12.886141028349016,1.6033010066721712e-07,0.0001132097967789073,0.20481382040150864,15.713665491154952,33.77456286056875,0.25879032366824334,54.774335866506554,0.0,0.00014063033626880034,0.12011092758962504,59.921949588901704,55.96070578948008,3.533645742746199,17.609665597892153,1.9907974977412392e-07,0.0,0.18448177131205848,20.817996760573546,70.73057786011802,3.9931174463391095,16.939976098147984,0.0,0.0,158.01619880260878 +0.8819740900412686,0.1528331751417357,0.33020028395866324,136.33289280341353,147.96758979392976,339364.9082401677,1.6307280668937332,86.28938016053937,1.0916042685015641,43.801475841258345,0.5207828932682159,27.20657690097514,0.3118886458279126,0.5920815548756122,208.92161219562666,93.86743126222356,0.22638481448946857,58680.26134446219,1.0728540525683559,42.55052835150885,2545.2759290927706,214.61606248275993,349.71182572496645,59.558290507876656,0.31179790166199206,0.19713413875490143,9.612811892768816,28.21084246922538,3.0504908358954808,73.2687858872559,0.0,1.052118928176192,0.13488916472673348,15.591266170352279,33.04768516609367,0.3900334133548238,11.601150758479683,1.6033010066721712e-07,0.0001132097967789073,0.211207966674632,10.288856596375286,27.59616483510826,0.23518967389952414,69.73153165367378,0.0,0.00014063033626880034,0.13447520626584225,31.136033348045903,31.244565272682255,3.5330538092370456,21.252082619585984,1.9907974977412392e-07,0.0,0.21298753428912273,8.770723801746808,33.02346948299786,3.370147508460268,27.571037745136802,3.3713197825838305e-05,0.0,133.47614394891477 +0.9299364565589093,0.24854787811250023,0.32556308153629604,145.1073647203484,17.132250837366918,307833.0165598042,5.797359001767353,98.17797715740909,0.6205598823826278,16.91789008798536,3.856244873370401,29.621161745273753,0.3610204888561853,0.7175693248701498,758.0678365137688,90.79046410400292,0.25904977192920137,57432.92882041001,1.263103878769068,91.533403923739,3574.2559356790816,280.5760092046398,339.46080226013856,55.94824869705049,0.18164160135445484,0.19738027728350557,10.700133136697694,27.86836027978798,2.9996104872769394,65.57860825798227,0.0,0.6793661473562862,0.11394943497195352,25.338221910664206,54.37882954267354,0.18494133048419137,13.753897817936451,1.6033010066721712e-07,0.0001132097967789073,0.20687804735492615,12.199743248538468,34.28151563971651,0.2636991087422122,59.25338602975422,0.0,0.00014063033626880034,0.11051519308287,64.03856374790188,53.272713581535584,3.7137712260102362,18.234001026877767,1.9907974977412392e-07,0.0,0.20649763065805982,36.49796814770687,69.57266274508943,4.51258958394719,25.32491245690652,0.00023050083630881462,0.0,167.16470662888193 +0.962064713277267,0.21980735652711667,0.4211560498231042,229.80947227865332,236.78693863956863,348915.8421873422,6.0719960846733185,94.20203366372027,4.019198433080397,20.000453530700742,2.806885579782037,24.750056748841526,0.4610058313959221,0.9944524673827583,167.69824092492428,2.4676666920209076,0.3184354673220879,299168.7725953865,2.0898327385817477,84.23612357719408,2614.2646717287566,187.2536806858684,334.4695188737001,59.00801904401435,0.21464245471347093,0.1901722108950749,17.412829067514686,40.817511924288574,6.24477667421795,10.741291728631088,0.0,1.0858168140540474,0.13116822596250363,12.806290582962912,32.546555259936795,0.731745769566885,4.390592715026979,1.6033010066721712e-07,0.0001132097967789073,0.20202218183832515,19.46625290164418,41.62278400189554,0.32116150369914914,10.293997649367016,0.0,0.00014063033626880034,0.30444901387852297,76.68704419612595,51.21290237744898,8.076285912560934,6.732022358686785,1.9907974977412392e-07,0.0,0.19606998468550765,9.746060920507922,44.25683944147333,10.532514703486104,7.096565027618149,8.944799306894263e-05,0.0,128.12011882990723 +0.921211374559101,0.14517518587523823,0.3821988430278571,132.9687683140877,170.8735140507781,295467.6259728544,3.913541607999966,86.62553594806022,3.735176222726098,79.29815186973936,2.01500522110969,18.417559170685237,0.3798325268070364,0.9815187771120965,551.8284941017505,97.0622751670909,0.3136815429670199,119114.88431006958,1.4761769865489125,88.78312481577473,4711.612310770172,259.297679543292,345.4718110843675,59.281737045046604,0.17823747706771073,0.19218766672053067,15.065302595495728,34.33174311696145,2.854350853251607,37.32859461521309,0.0,0.9709775794967088,0.1338203764889485,22.230118550030625,47.667957583366416,0.33176396467950486,11.123302761296642,1.6033010066721712e-07,0.0001132097967789073,0.20536016881121366,16.661460544908532,35.85950075827795,0.2620323154195703,36.55882620523368,0.0,0.00014063033626880034,0.12549105598080967,58.830663071479364,55.31203938926472,3.110094923708863,14.161533670010742,1.9907974977412392e-07,0.0,0.19008541129247583,38.45162691138841,73.13171439579853,4.652624665749472,16.60668726179884,0.00026066576345822225,0.0,149.84513432966182 +0.8457904955076153,0.14243024288734735,0.3325175008726012,47.666192355104045,58.338152827622196,107449.41944295788,3.018272686600886,95.55146124446212,3.6051428647957913,34.90949733194244,1.1016524951352595,25.951085376272218,0.32814234888375915,0.8127158978702836,269.684488260843,52.18261809770468,0.32017840546230764,59173.840731274686,1.188390457144218,19.2570574818816,1782.7094473609202,139.66081697068097,325.88521499055275,54.841065329706915,0.3490781952432274,0.19500555431028216,6.155944451158419,25.182746582150102,2.6497133437668765,57.218006419049345,0.0,1.3755602871529373,0.1301312153338943,9.569867049937749,25.50166919798673,0.4022744837438721,7.8619435992204565,1.6033010066721712e-07,0.0001132097967789073,0.20644864719685171,8.712183331479618,25.71217317871952,0.2945873944479458,55.09435381324631,0.0,0.00014063033626880034,0.13684633413427155,18.735158296900966,25.436807840646846,4.897000543393219,22.588787426953232,1.9907974977412392e-07,0.0,0.21841017659848166,8.811920793916018,28.98527023483035,4.13892051693791,26.087811771653612,1.0251302400233518e-05,0.0,108.07033618094644 +0.9038629650469986,0.1628629055666019,0.4357508070902713,241.89926410473282,223.234325846166,307010.0634422623,6.825641157264672,90.48446810713449,3.416278220414802,95.64344314981315,4.336967275350669,22.02478227587477,0.5843509862083375,0.9948982716275386,790.7689259330523,92.57451489887654,0.3466302172874787,256529.77910019702,2.893161814888745,82.45588039764567,2684.7777918946144,294.81500496089575,348.9302828676942,54.679718085465204,0.3194274571864632,0.19169311313784215,25.502519265079325,50.59962876709345,3.1788569720999664,12.858245450737183,0.0,0.7293127874920574,0.10391010955361518,15.047169373844591,32.65007527369665,0.9309242852914833,15.606783199087364,1.6033010066721712e-07,0.0001132097967789073,0.1984724754898146,29.304025085708727,56.46593355678247,0.3572087575042764,12.355521296888105,4.484044751220121e-05,0.00014063033626880034,0.35515736906064127,43.942006046655266,26.660565076088417,8.812765003745728,44.32794132103037,1.9907974977412392e-07,0.0,0.15319188754266796,28.594189790492308,62.46763074575419,7.40564497176297,13.779026690331554,0.0002692955498266411,0.0,137.01299427558934 +0.9706789810297014,0.25621904211288016,0.4154531736456709,197.61197676301197,199.1704819936486,105094.53199420325,6.968214037499733,34.350954712905505,0.8816602879523578,31.606631714795625,4.160092358186659,18.74285163660082,0.42664163696729956,0.30543996328112955,984.1702460323621,30.588843744596502,0.10485580979232859,63085.72711713151,2.8927081971922552,99.04935961089194,1144.3574740251277,116.92920849111454,228.27327594729448,28.773305650707638,0.29756200934264976,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.1026831235194011,1.9530331423461034,15.92522644523316,1.8054894646440698,27.9820534628402,1.6033010066721712e-07,0.0001132097967789073,0.21479968454362236,5.721803659648937,23.4321900736824,0.5122505876985959,4.8234166600630894,0.0,0.00014063033626880034,0.23207791474995484,3.9792740508785354,18.73936723437037,17.916772889294123,58.612128635098365,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8711786205056591,0.19288791389625287,0.3450742623594408,242.63958245064217,221.76313408151816,312551.9987213356,5.870139182208286,67.10069255034885,4.439804792989684,95.35703111618686,4.877731182979099,28.894561396279414,0.7426335786103233,0.959348261311814,829.7504895211493,38.95488671436162,0.31855844738851763,264203.74126442045,2.941138013467402,70.91458019443002,4980.431270389782,177.4072116259527,342.75672099216143,56.40292286845312,0.17158292913671638,0.19198210766163668,35.44170413633344,58.43796848576064,3.2710654780300716,16.092528974673918,0.0,0.7504022088310855,0.12991395693787583,34.85942728930935,65.80415222873123,0.7896832582005086,7.418612577883411,0.00011191781440630131,0.0001132097967789073,0.20437160147586445,36.115687821887576,58.95449946421638,0.3324299112027542,13.928898818183464,1.8133644313284818e-05,0.00014063033626880034,0.11867038655692476,110.64539571238898,80.53285348462992,4.625705603998026,10.343862851119214,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9272604883591032,0.14525415128431912,0.3916494862725267,29.53969988487009,50.01068347907984,168579.93847164186,6.218928634274814,52.31672086734772,2.3410985991034936,64.45030851572156,0.5019237998299281,23.00340320508277,0.33720641370912197,0.686975593517465,170.78116597976847,87.77434595921684,0.06318890843531857,75270.94674988638,1.4709541570928963,61.25049838130711,126.44024496316251,289.0674187106765,338.95850148460096,56.505356665586966,0.19574350227170126,0.19973077288621371,12.481944457464056,27.443836463804463,2.631216811927377,48.443943925919086,0.0,1.9193379279949445,0.13238519506231625,13.546873155191424,31.964643976505844,0.43407674516306843,11.483089090649841,1.6033010066721712e-07,0.0001132097967789073,0.20837261979917684,9.399047289695009,27.29584710845194,0.2980748170883999,36.21690709410536,0.0,0.00014063033626880034,0.12729160194102224,36.84775819926087,37.517802163895766,4.345803492761766,15.312463702582283,1.9907974977412392e-07,0.0,0.2018673313523025,8.768809075356618,35.90679599277777,3.284593589041291,14.454953810927494,8.906317176183448e-05,0.0,106.55342737428529 +0.8634932362388598,0.13321274483407103,0.37518584201253,87.25095483776093,244.60917253341762,261164.9504121972,6.347313957755722,15.917928839565015,4.725112950633892,24.12218515206157,3.3429538290797036,23.610724885629743,0.6342878777381801,0.7390187656939411,599.6691002950479,73.68410964357307,0.20210381271896408,285786.04482830304,1.7276189896217273,31.628795376444902,3820.2121687939516,159.3432291185549,344.69053471241256,53.7490327176255,0.16451513420301567,0.19691482054729478,25.48036771746342,38.75318785653789,2.953803245513482,20.447921977297877,0.00016109420122875772,0.6728531680222943,0.13517720074724449,21.39331107656297,41.06024660701842,0.6567737054621833,3.8241964503150148,1.6033010066721712e-07,0.0001132097967789073,0.21070349299186306,23.884438934402034,38.15182138168307,0.3204499188186316,18.9460808103711,0.0,0.00014063033626880034,0.11335297394203553,52.77040596049483,52.54721534245519,1.9651200294160729,10.167409070661927,3.0898645989535473e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9766628871792593,0.147403248428166,0.44008267185640676,127.04213852332022,164.11293349510623,228550.2460040033,6.627948905906928,92.40293210101588,0.40351017203673445,21.61293443050138,3.103379700529378,17.158455415256036,0.41070392810665685,0.38728949578849325,940.3866175757237,53.99020785476083,0.2599759112390702,65054.490788443145,2.9110451321043316,93.12721939218318,409.9350470140212,116.39953111539488,267.9991558997848,33.32771286096983,0.15283590947502834,0.1999048946734945,6.385138533125563,24.130962574287317,2.940300667424691,6.346965117004054,0.0,0.6906742205432354,0.10948959996874877,2.078920309711301,17.225403996004832,0.8620572924231715,25.524107424608687,1.6033010066721712e-07,0.0001132097967789073,0.21370089923549948,5.884877974143448,23.38313330078386,0.35653196692660893,4.61166176262716,0.0,0.00014063033626880034,0.2910139025897151,21.132404175886705,21.041705842021244,8.007220522711986,48.01551293354187,1.9907974977412392e-07,0.0,0.18627946331912618,4.4822319992110895,31.0520106666723,4.521036225204431,42.97296449586764,0.0,0.0,91.31880308676219 +0.8948570981524316,0.10997958918095516,0.3317359959396236,119.26352589941287,179.0257245697976,186414.8107901848,6.029182183347214,64.61047004703329,4.407149063201963,32.5796577508152,3.8665736020707673,12.26322777759139,0.5100421087514527,0.9135237258818314,321.5376529069026,87.20374161173613,0.056609849903247744,134183.14600399014,0.8597503214666816,47.42300984953343,693.6360816227567,266.76128506362477,344.5030554083731,24.02740677321645,0.28938128895897325,0.20031215576385855,17.959475445484138,31.568427418468616,2.8740477342267186,42.0102387723512,4.250219365513172e-05,3.8243534006047715,0.13819993229023775,7.197077300806281,23.14093967436931,0.9548244396643111,4.290684999548821,1.6033010066721712e-07,0.0001132097967789073,0.20987028431312893,7.485306318804488,27.75331475460349,0.3723064177560122,28.13722467233579,0.0,0.00014063033626880034,0.11635615244732606,28.009640897756782,40.1442658271989,2.4220361974131586,8.646625408889502,2.7615343999459633e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8788146337048061,0.1472000972307302,0.36736782972809323,172.17630210596678,241.74966848515308,302957.9469127253,4.041619429729037,67.68084197396526,2.7039292966374027,65.4221609843305,2.697575116220829,28.279735513664814,0.44630445425868037,0.8331951257863507,504.44133721919576,37.22567249812753,0.2877177271536898,91454.99704868236,2.5943239752638476,85.04426863404069,1937.1073683525547,262.0822006148536,346.0711964132983,58.44158448771268,0.29853471984698865,0.1896789953259003,21.977351288580696,43.11488231553374,3.1271384243942855,27.8724496837329,0.0,0.8493140925085203,0.09936844199590537,19.153713375278034,42.20187296090998,0.462123274240591,16.700398839737247,1.6033010066721712e-07,0.0001132097967789073,0.19429427399307225,25.690608702552574,47.249384213718045,0.27666776883817173,25.56274603480226,0.0,0.00014063033626880034,0.23088335620849407,56.87809570790392,45.637848369430316,3.3404901409237384,13.333399136415533,1.9907974977412392e-07,0.0,0.15601615304548608,42.09593422790799,70.27323673033811,5.963075087953527,34.47125364171835,0.0,0.0,150.1450779812336 +0.8980979528002216,0.11012044574781496,0.32821652619412095,187.1822100432572,132.101559465604,234583.34629053398,5.416541744181349,68.88396357738655,4.20849494544523,58.92026394147226,2.353487621464429,25.470459528694704,0.31912893325518704,0.9646430576509567,540.095604139277,78.73697555331255,0.3326594097986042,56473.325481713284,1.1100150227151222,54.88108827819748,3738.7015294110493,248.9836392215448,333.7224961953967,46.05929647289736,0.1744543753696552,0.18895956993487287,6.954584687437847,26.803359858407863,2.8997409196714474,61.5704212071936,0.0,0.8447087354850674,0.1217148828782206,9.168078222604153,25.468402362811837,0.7295098206089697,10.289727785765788,1.6033010066721712e-07,0.0001132097967789073,0.19889585018781192,8.10570347299334,27.46776306145708,0.33390426910236454,57.505709312495256,0.0,0.00014063033626880034,0.07450789789862686,41.14637429024577,41.05211217958024,3.0207958697017543,16.93960743248758,1.9907974977412392e-07,0.0,0.1780938540750186,18.766637549058405,41.84632466571923,5.360688711978088,17.35851340922584,0.00036352547809377416,0.0,125.06393152983911 +0.976429272700379,0.23327202817440762,0.3994182026378373,242.3676653623824,220.912362502358,247636.2663115439,6.758235027609844,63.44106530630729,2.85697641411351,97.4269486361664,1.8351869146998947,20.673693210346187,0.35082931725021277,0.9135187937483814,659.4338854606235,95.07590666489686,0.344820637241334,270957.72846936656,2.830591076718767,85.3455964250655,1908.3073411965136,262.95691014371516,336.08087756318525,44.286255104959174,0.3135628893561252,0.1931242885956862,17.513824252206437,37.54845291053528,3.039662696571014,7.463968088903329,0.0,0.7728854677862699,0.13337804671595274,12.25841297960408,31.31887112845538,1.1095520299379942,10.044238708087084,1.6033010066721712e-07,0.0001132097967789073,0.20593025472512477,19.47851586023959,42.27812960239934,0.3893679999061208,6.789626492012611,0.0,0.00014063033626880034,0.352397794941479,52.0875197611763,30.012917049079213,7.22110510506517,39.30181481214659,1.9907974977412392e-07,0.0,0.2023900841648493,20.170353852830683,43.694700347708626,7.495984384914968,8.507081159935927,0.0,0.0,113.50808132142953 +0.9812596192216655,0.25061185294322913,0.4007496069049242,227.12938689318872,122.51253401287755,217958.55838375998,4.937593655299969,77.11668578988234,0.38704896464427274,24.5018405021036,2.2986399741541046,26.12580948339198,0.49051781344939566,0.866582464139343,824.4908746303826,17.892819734528054,0.31626944938016327,58403.06834450559,0.7572969011974489,36.98117580036975,4288.91466130599,290.7176638713065,345.9783752900019,59.09244105739763,0.2868224545000913,0.19245192597822755,5.518613423804213,27.760583623158087,3.190853430891503,69.26338994398749,0.0,0.9104388978880543,0.1325190351796392,11.278852604344843,29.59428959423468,0.7321013122213657,10.53702148641461,1.6033010066721712e-07,0.0001132097967789073,0.20530434970861908,6.403063110223388,26.82120255242799,0.33481239411733565,66.48665706010289,0.0,0.00014063033626880034,0.112478304845745,29.11939746289381,36.106869563224805,3.566726951456747,16.637868129470878,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9868298928148358,0.13047216196174782,0.43428357622909675,169.33106226646106,85.15201459423135,250711.47596287858,6.044935834198364,74.01173206352411,2.533268244854554,92.22023316399286,2.089306631890335,13.751991022615307,0.730129550032859,0.9823967847029206,962.4498520918181,57.60108174920929,0.16022911582659,82430.79410834734,2.919128016735026,94.91092933026434,4085.6284966565536,39.76674404182133,241.57921005857744,12.663330716817038,0.29299746768292434,0.19554013106359333,4.63915287959678,24.330972459875383,2.9444721150681197,4.331655908798733,0.0,0.9297814189428455,0.18485507003712923,2.4326818943808823,19.28672487144835,0.6147418046671655,23.990062886854425,1.6033010066721712e-07,0.0001132097967789073,0.2081805127412332,5.5506636807149725,23.718981828535195,0.3222101661116402,3.2382883455464393,0.0,0.00014063033626880034,0.3582768509739147,5.495773351628465,13.537367114016225,18.038257979038082,59.06779536297907,1.9907974977412392e-07,0.0,0.15600280708801703,5.06670386312826,30.418114103427612,6.911266734192739,53.457534673418195,0.0,0.0,100.41974350540681 +0.8755835630851936,0.10975882736507442,0.4018114037598974,13.019311995537663,12.026368531561985,164047.58331806588,2.08257174701348,11.080797531535659,4.718561303938457,51.53753482762005,0.6081518544364202,15.446137163041797,0.35169733878383147,0.6180175260154641,314.7604173371942,54.853424982598554,0.0764859889676407,53723.424399850046,0.6470490694369465,52.27151437262048,1286.7046674561407,105.48146207449015,329.72630410580297,53.81492339748351,0.16072364070386072,0.19929807154175025,1.146501906428099,23.69900295383779,2.3778264477068025,70.12836178156246,4.092107062799375e-05,1.3758804393692774,0.13948561336372894,4.9068120387093765,18.8612773990729,0.46180452785459375,8.17015125151996,1.6033010066721712e-07,0.0001132097967789073,0.21242466839334195,1.6885181689113868,23.833099554033765,0.23997004883692355,61.549437848733504,0.0,0.00014063033626880034,0.15511490093000324,11.865683446882892,20.855530264620317,4.655504368802462,26.834791300738868,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9390307975995607,0.20739119439276424,0.3210416445040541,92.79032290659163,130.63323620653605,294376.6998712349,3.882566542773502,26.581366553038713,4.425137126363943,93.37337736264803,2.654303799831267,24.378399468817545,0.44646379402685765,0.9044633660318766,899.2496458975372,87.02963150348515,0.321715528154082,125781.49743732414,2.8997600685131015,96.06712977280209,1326.5661989171128,235.17610809280853,344.71866079783763,47.961370127304576,0.15084085853493034,0.18895236964058573,28.680122612407573,57.22131965248458,2.7331003869736246,21.220454595263337,0.0,1.0303877344498615,0.10723490956249972,38.1122778677469,65.48009883999741,0.23044429853600693,14.46020597480886,1.6033010066721712e-07,0.0001132097967789073,0.20103881698359433,33.81637737485614,62.30968752226019,0.25177636434823636,18.65005022956557,0.0,0.00014063033626880034,0.11569756701956141,111.77422190111346,84.64211638326053,3.7214107151847875,16.445525960373466,1.9907974977412392e-07,0.0,0.1712598144484067,64.98518058437972,122.006055336006,4.307216512486728,21.166414260806818,0.0,0.0,235.36410020070187 +0.9838819639522592,0.12693756662067146,0.3813555132528491,67.19576140714986,200.19291413223752,329269.35091230227,6.871785497606112,68.6798188739994,2.081173373730783,55.501645383779035,0.2957418582805895,19.205113198208643,0.5353430517965703,0.8178227687539991,920.3326732914653,28.347981629966835,0.32227361590154063,183561.2825953068,1.3690054179355284,97.62897189961176,757.3893777606517,162.5245139937376,346.70352063382444,57.40423299790098,0.3464948981478848,0.19395128252061722,15.111265853218484,33.520727553054265,3.267282613810465,26.16931351075837,0.0,0.8280416441289211,0.13472668603809604,9.474544149884442,26.80474571444086,0.4369645703526847,4.733677774651787,1.6033010066721712e-07,0.0001132097967789073,0.20578170316575609,16.383563882752398,34.81512303686319,0.2835357974641053,25.70303482910635,0.0,0.00014063033626880034,0.3519931315976154,43.43040602192802,26.474908673113706,3.384817280753821,16.56442301784087,1.9907974977412392e-07,0.0,0.2194978089976859,15.811530961666698,39.49768526609185,5.182289451789857,11.400197254152472,0.0001604966745173694,0.0,99.2995678928427 +0.9729818647249142,0.14808611907602945,0.3622401241991676,227.14600376524245,82.13318404230417,334589.31474215735,5.64767180635087,11.670379563625382,3.3812272019666816,58.15202750005235,3.4434910181228857,22.790278266528357,0.5105126182304955,0.738706113447956,682.8431846008586,53.74870119522585,0.28784209476401834,50066.72949452179,0.5741574591558345,86.46324249792241,4067.956038734638,211.0183758665667,345.7572251432237,28.819671327106757,0.25912950855421785,0.1957270657164648,1.6117344595528182,25.138780871068764,3.2432653273187997,64.48477395873019,0.0,0.687196663477179,0.1354527792854356,4.694222206541319,20.793106197949392,0.4049983206774692,8.537535131687374,3.684473024352096e-05,0.0001132097967789073,0.20990467277649558,1.8860722604053128,25.435312286377417,0.28268963941839487,61.775363393844366,0.0,0.00014063033626880034,0.117820784762096,28.198052803955154,36.17818936620332,3.2861251717050206,16.378965621748307,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8829664612016015,0.14222431725029308,0.3480034584001697,29.48056995000664,120.02225632542812,124589.20446860818,3.0643142810949624,49.86510854490055,1.1883361079359016,61.45860886525814,3.004172152803778,27.712753134849518,0.3633041908595741,0.8129134608250549,802.2254969836574,79.35912208032211,0.19374487515063907,128855.19159039493,0.6736073010495938,94.52609778200998,4486.710363486224,235.9274661277588,346.2816943400195,53.78061398876446,0.21028266561186457,0.19317524998576582,13.81540746593642,31.96649086647994,2.5429457543792835,47.21105694241897,0.0,1.20487190313601,0.13198556201737094,19.09791605609219,37.77372201620553,0.26202075123359403,7.014923861975115,1.6033010066721712e-07,0.0001132097967789073,0.20642259868313728,15.063813736960409,33.19616693991905,0.26167763939467015,46.90352174618654,0.0,0.00014063033626880034,0.13735047131722872,45.1655709002926,41.08293441104418,4.835059038850518,24.036078896815642,1.9907974977412392e-07,0.0,0.20817073910817574,22.9828816112273,47.84111302342842,3.856613883624457,24.037989398465964,0.00030929114602710307,0.0,128.6778511572355 +0.8832497064744593,0.21221188986333914,0.35664803960558816,219.8931980719344,200.72344358161183,137447.85443761584,5.677167899904551,50.392229061691424,2.63652447548933,92.72442448066894,0.36413321227548934,29.769947980885608,0.663612566409329,0.9726865419014172,850.0989442395634,25.983553468246576,0.15155001120351974,289804.12507458834,2.8894942921392635,84.7746054060999,4914.095714168179,255.9476312141703,346.753881675233,57.90694134131085,0.21407212762190966,0.17313360020720345,20.04221028872471,59.139172296000076,2.45367095042968,19.403298502714808,0.0,1.0312473052233224,0.12637603116325744,31.18256928946834,52.732942464779214,1.4250944709419773,11.462221155897911,1.6033010066721712e-07,0.0001132097967789073,0.20251972866538917,40.508946489587814,64.89791353091299,0.44875144677230594,15.576482418515134,0.0,0.00014063033626880034,0.18839841706217425,100.21112877042616,65.08685507776762,4.5269598899176415,5.8796287068796405,1.9907974977412392e-07,0.0,0.20275487031335737,52.88777579622826,92.6149232961477,6.457900652179533,12.186741796388674,0.0,0.0,200.40816655635163 +0.9879560039385646,0.19029849181767283,0.4491819517502645,192.23805777711866,51.636030188998475,334421.4593918062,3.56309826073622,51.10216540894576,4.5884599286154195,8.664758886598548,3.4859804380553285,3.9935290949596043,0.3630018970265652,0.46287475014189783,896.3875764211197,35.65221940144458,0.26033787967707367,84507.79491318642,1.7278998173362932,75.80240845751447,1917.890503840792,264.6152771812504,262.92379774921346,12.522302877602321,0.2720345088260717,0.20024483826357106,8.214901686319084,24.555214861957786,2.9920617581810722,7.998131468248908,2.6601037973763885e-05,0.7927150581434195,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21502369318847717,7.252118245377486,23.416959258749817,0.24385892038805307,4.9266270185377525,0.0,0.00014063033626880034,0.30862370130301975,1.6895941537379549,15.665657067700467,10.388576877591172,51.305856472128,1.9907974977412392e-07,0.0,0.2061403497277815,10.308261358904597,30.418289538302293,4.565814313786655,36.252867529857006,5.841333469461601e-05,0.0,2698666337285.8823 +0.8532313570229141,0.12653092598209806,0.422431713373986,204.81743389557496,162.86629365978953,161750.76530790617,6.863188383567005,27.305610867088003,0.36427694209793016,66.39425337163024,3.068806524267411,9.508917894573042,0.3438304170613727,0.7670181489820802,969.0888568827196,55.95120022533661,0.22924147530429012,60707.35883751145,2.2480256452578677,46.884048986288754,2021.8394631670963,13.058993773185264,253.77775900885703,14.929801734167672,0.2663205042715894,0.20016560207328787,4.730387516079116,24.224168179755388,3.0069177613558318,3.021226949267162,0.0,0.749713575514878,0.14263369590780325,2.7489726434883215,12.79721197257233,1.3510721638786054,6.049404454232054,1.6033010066721712e-07,0.0001132097967789073,0.21254962131459515,4.39469959465507,23.519809122030008,0.436270177261379,1.962457313404624,0.0,0.00014063033626880034,0.3425677537789505,1.3975353501814634,14.45967216878769,15.740149827177312,56.26680444167043,1.9907974977412392e-07,0.0,0.15240772227919885,5.372903348614299,33.602708062171786,7.7462832071372985,54.54901219948576,8.71525079137546e-05,0.0,96.08744759364772 +0.9753960116173944,0.13345726240310432,0.3490719130062464,134.78467364427166,50.53330385716879,269600.38254006836,6.939212566741167,55.40656171317204,3.5928820030383637,87.68377560909816,3.960646103031751,24.772867284661864,0.3834831646831441,0.9456793298025366,370.17606541879206,28.803596920370325,0.15130488598357542,227616.30522612992,2.6673944846266795,89.77924890027793,3712.7545636092586,177.17644941546203,348.12754152250807,59.65436140758916,0.15274940920880636,0.19372877207742173,36.04166970883438,56.24136252592776,3.5600276358969962,22.876218276839413,1.6033081020117082e-05,0.9886337381655637,0.12925177022212825,29.18803454520473,57.46011852760854,0.4943340735553379,11.84322794021694,1.6033010066721712e-07,0.0001132097967789073,0.20165237779125572,32.5897842955564,57.23688686259263,0.3111113918375206,17.970141693698622,0.0,0.00014063033626880034,0.09527589977420323,88.88805001107762,65.53683005164275,3.5817922273254594,9.750902458535881,1.9907974977412392e-07,0.0,0.16359194415660555,69.3138034280255,119.89123979587879,5.29709643571957,11.376932152780634,0.00023313074837337782,0.0,213.52836942969282 +0.9176703441302423,0.22056174574724596,0.44591745585567927,196.08328299557752,143.01431032304944,338743.86466542294,5.752717533299176,80.05506747400645,2.6846684067638265,88.63237108202037,4.296800278061714,21.290280762435316,0.7666835638964415,0.9764948603241166,765.0547887377412,38.395613673170445,0.3495401719715977,67465.22671154414,2.203920972179208,95.7993893216795,3941.1987728502145,174.44417176635116,349.8383883218334,57.06033860267641,0.3460470008506082,0.19310356204611395,12.838298768882174,34.466063929550515,3.3279556166222894,29.354963232526682,6.93973850816147e-05,0.8124569456606853,0.10247810826921905,12.323496206857381,30.822119347330606,0.5348885709953288,18.13386090788629,1.6033010066721712e-07,0.0001132097967789073,0.20039518896024708,16.409242275785108,36.921325188981996,0.29579086696381623,26.574022002805822,9.077814551927327e-06,0.00014063033626880034,0.3224553734531073,39.50352692746506,29.948729237228676,5.528521149742863,30.467644391015476,1.9907974977412392e-07,0.0,0.17426559968992736,20.85800581196006,49.81002331982307,5.688424647787971,21.15152048815858,0.0,0.0,113.17353048195228 +0.971542322383453,0.18773225897469686,0.4352849648360521,165.87970783265578,235.81064335892424,185730.931253628,4.464220908881656,32.8626851981641,3.6194833401556887,44.710427532499516,0.4596282624120527,25.035230572517598,0.5849656155053031,0.7011926078964165,259.0636773433382,24.531331707412797,0.1306489342250151,84318.0855202298,2.805658427824055,97.77064057172491,4783.437126965394,69.50386547393285,256.3133684635706,18.768546991924378,0.2295042093519703,0.18137717150247412,4.379342802153609,24.16234875972599,2.8800374979104166,5.53239658387031,0.0,1.001750575955605,0.13299934388106488,2.2088489847576076,20.167721004925998,0.8878856784740895,23.358864420842256,1.6033010066721712e-07,0.0001132097967789073,0.20970878191897435,5.483431516399989,24.22228970157758,0.35512628658078443,3.4729562825605784,0.0,0.00014063033626880034,0.34118423107915175,2.854116032563072,14.782210272723768,14.26484292558038,54.86192871738002,1.9907974977412392e-07,0.0,0.14188811694674353,6.918134057871747,34.12406482348931,6.413086100624341,48.50494559116771,0.0,0.0,96.31353286301 +0.9282921410886699,0.13070376055689967,0.32556308153629604,145.1073647203484,17.132250837366918,325561.4923025635,5.797359001767353,69.53789023138452,0.6205598823826278,16.417678445488644,3.856244873370401,29.805795291827938,0.6668774151741678,0.7228551091471261,758.0678365137688,90.79046410400292,0.19531626870926228,57432.92882041001,1.2242731893612635,91.533403923739,2374.0940330045364,280.8943999471295,330.40497103869956,55.94824869705049,0.18164160135445484,0.19590804385415286,9.293036277210366,26.94664722708999,3.056297216904082,61.91066600454664,0.00017244189260242794,0.6807110192384483,0.12317523750723676,14.446914350172012,35.89001101653505,0.17910723476776502,14.04237788157049,1.6033010066721712e-07,0.0001132097967789073,0.20431053856658185,9.55755530845793,31.556113681316713,0.2593883443944832,52.565132796955574,0.0,0.00014063033626880034,0.11716153505000108,44.04531216965128,46.40862382310674,3.6491003799810655,16.716268731622222,1.9907974977412392e-07,0.0,0.21264034559044045,20.71482878570214,45.55468284249058,4.521611026614298,20.85810150750933,0.0005259268379016667,0.0,132.46143535060565 +0.8632682875584774,0.16434801761657017,0.3466078372849995,176.19804411417638,226.7157114224499,321805.3756120128,2.4017304949745206,74.6324818576148,0.7371179099131159,18.577017503436817,2.6958584698117987,23.672621300444224,0.38727428335593317,0.889729121864575,347.2739774182305,93.0227289256142,0.2692022115966279,126345.35747972014,1.9992508665498963,80.52624578719309,2827.096208064889,288.6801756369643,348.35927449793974,59.36352714105996,0.18568101650746321,0.1924440590275997,22.119355005873356,39.95294232788248,2.9430074879641595,36.78698750894487,0.0,1.0161372787870255,0.12156386780810478,37.51584593213157,61.283392868224084,0.22797579556903327,12.840871771223627,1.6033010066721712e-07,0.0001132097967789073,0.20690901018163763,24.780287222217858,42.18967867414362,0.24002238795039724,34.387382383436886,0.0,0.00014063033626880034,0.11632542225944485,91.73247967331825,72.31341568950735,3.2508581894149424,13.522751810140896,1.9907974977412392e-07,0.0,0.196656830042331,50.30095578790347,89.89830326163418,4.430615493446407,20.12291113128329,0.0,0.0,192.9435268965767 +0.9688249966375226,0.2572593714864596,0.3461465298666862,232.53037531577047,69.84579724411307,306855.3489259891,6.086504469812334,98.92412089764966,3.8475762449746833,96.52349739672928,3.7591032613056257,28.04561094224072,0.4085545026571815,0.9692255136398571,927.5003136514252,22.86281069757959,0.27665400404575047,131410.91063306172,2.8818928832287964,97.38423577196262,3566.2350407390404,252.99165107638936,343.78082792491847,57.052891468894984,0.27621026018243733,0.18451296370640535,29.034952035413863,57.829532012098966,3.3765061898799353,23.272130369669643,0.0,0.6409421367008525,0.07279838391597862,25.465900609312513,48.64998111305374,0.4648622189641243,17.346858311383627,1.6033010066721712e-07,0.0001132097967789073,0.19474848408723774,31.48772589243177,57.66556191250331,0.2978646055459681,20.588286203616434,0.0,0.00014063033626880034,0.2619424758852351,71.70654675467979,51.270989447254436,3.644944912383493,14.343391088400786,1.9907974977412392e-07,0.0,0.13779744381545483,52.67812517953626,93.73464526990703,5.958069433170805,30.06479362385822,0.0,0.0,182.4505274065095 +0.9756104460506397,0.23576423556496073,0.3880483268513501,230.26550211011065,249.34004859717388,309465.9234109754,6.653870890979938,67.48872556820504,3.3914073591820397,96.02861479970565,1.1332555172005456,25.895504312196152,0.5245181780628675,0.823310280463206,883.4740807215721,66.84662769533494,0.3400136734844593,255414.93401123554,2.5823419709812336,83.09605764299593,4192.556830911961,251.16211073869354,349.6079502538022,58.033220748490976,0.1530603781022315,0.1944464876999648,29.761259241783392,49.03186408672908,3.2075158441489684,18.738004968664974,0.0,0.7244491747296163,0.1287134692412835,33.69034343537769,60.26103066024565,0.9215843762180514,9.987968544819811,1.6033010066721712e-07,0.0001132097967789073,0.20649044821939466,32.61124191994617,54.04414370704601,0.35462067957565124,16.809812878821532,1.835475925626134e-06,0.00014063033626880034,0.08511693971775341,95.75384201419688,69.72955411290208,5.781344884641742,6.448250102086209,1.9907974977412392e-07,0.0,0.19045495559164188,34.105475736656935,102.79130935488857,6.304801231188752,13.9620786830314,0.0,0.0,197.11889911453028 +0.8263638316581264,0.1369003387667561,0.36766529961886923,148.00440457077275,139.55663867254086,302094.4607234545,2.7983057544563175,12.9547111053925,3.0796203063888186,5.447913420722166,0.9139070512565384,26.341527166810167,0.37881132376771237,0.406021210827908,97.97984222350087,23.940816855241437,0.05547591643351451,299051.7984502278,2.8263150913653723,43.79279508268043,833.2598804352888,217.60593418333866,349.49830440029643,53.991873318597285,0.19210496182607173,0.20141024202730826,41.51769415805628,52.4002257726351,3.443438894117387,19.149491891557048,0.0,2.2577728437816513,0.1419947548345438,30.112363488995076,53.4885080199606,0.2169184193589124,5.234072417748841,1.6033010066721712e-07,0.0001132097967789073,0.21413542070972147,33.35080220019097,46.34281294778603,0.2429236442418806,12.892639325486648,0.0,0.00014063033626880034,0.11278412624805104,72.65260416607168,51.16394522272023,3.900144615285805,11.091076901880491,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9638972135291876,0.18589362804752915,0.3608527172871263,234.46619559562657,170.27714803061806,236619.24884668953,6.203028146429855,60.52239678869626,2.507249076829381,99.34442347669453,4.777470629419652,24.85382160752118,0.33036948619331724,0.8750899210433459,921.4065579183616,91.84304796599685,0.06092419907377482,203527.43639413547,2.948905165672185,62.95758690342404,4801.505008171227,284.53509654651873,347.449556275437,59.36201546461311,0.3439121238613889,0.19906734749171243,43.72370241191114,58.007529354164895,2.9213620498902704,25.975478669650684,0.0,4.223919516930277,0.10460752751733103,14.310970161117492,31.37105445535344,0.9727381102019733,11.834882025202765,1.6033010066721712e-07,0.0001132097967789073,0.20228298570540634,29.99805504363572,55.61749412526746,0.3693903237470317,14.344196663188901,0.0,0.00014063033626880034,0.35193200481215847,51.35652596559647,29.739919697567128,4.761698575968289,30.982879044207184,1.9907974977412392e-07,0.0,0.14021020596684905,31.56824170759107,65.93776131056181,6.088366657026796,15.241034831926497,0.0,0.0,147.05535922987613 +0.9780603451460789,0.15907221225073362,0.38149194434739603,221.36395046561677,220.61055682860606,292102.6987980628,5.069246536969477,62.12125615512686,3.3493245987824722,95.66506710303725,3.802040571636979,27.21104426239381,0.5120440780404532,0.8560959068414962,885.5943036127331,51.382081997718515,0.28618641494696556,110788.19899719305,2.0553558080856784,99.91939222832609,4780.135176639273,233.62189655007734,346.8245575437825,58.361354484788805,0.23584374934089497,0.1769521724931371,11.190880490747421,39.23374232811962,2.771831750104513,27.643959047200056,0.0,0.832051162414313,0.11537581401549274,17.3346046755135,37.548238787311945,0.6999958882387216,13.654332565335725,1.6033010066721712e-07,0.0001132097967789073,0.20466877467919972,19.15515000838876,43.077748189992576,0.31779396509154434,26.70439560345678,0.0,0.00014063033626880034,0.2204851460077317,60.856245635334524,49.694052607157985,3.106093357029685,11.398278702144708,1.9907974977412392e-07,0.0,0.15981453163842793,41.7999767271882,80.13534663169652,5.626716057975352,19.15393621350421,0.0,0.0,148.83000167825608 +0.9788066587375759,0.17202144058489455,0.35248672311087703,190.318899671892,221.46640046961318,252024.86933321552,3.132846525297516,15.21664564520367,3.8184158683152987,52.82689122669449,3.5660203019018475,19.162925050863283,0.7983417498355755,0.5886326640827904,356.925044021647,93.24137967056697,0.09942974326937357,89184.78100648423,2.529693954688176,71.71049515018431,321.5695354110221,279.0229326541213,349.96621227392205,57.585379824974794,0.3135271253611128,0.1974963422836048,23.38144168334722,38.19479318187637,2.7704171288896577,32.34809848018799,8.122986658837631e-05,1.1237964145003942,0.10060569228598025,15.165117929184783,32.65832687655223,0.42456748899376595,21.186758477327903,1.6033010066721712e-07,0.0001132097967789073,0.20487551493699213,22.317869769012006,39.55770738496917,0.27111916669907443,26.022012843815336,0.0,0.00014063033626880034,0.2063601875534978,44.804933500241354,37.27837161746496,3.230807645234584,9.505883002707831,1.9907974977412392e-07,0.0,0.2041828977835689,24.429974353158556,52.401851003584596,4.919169595599916,30.393843663175463,0.0003571679163015424,0.0,123.83655315232669 +0.9744583331443739,0.13070376055689967,0.32556308153629604,187.21086108361484,90.1097630256002,325561.4923025635,2.6000874233213613,69.53789023138452,0.6205598823826278,21.354921884952617,2.382552527921354,19.34092530959154,0.49542056131966655,0.7244529909471507,663.5546600005264,90.79046410400292,0.1946679787485623,57693.6794617211,0.6444849530293076,81.87154897238932,2374.0940330045364,280.8943999471295,330.40497103869956,55.94824869705049,0.18164160135445484,0.19588163564881236,6.07114560239188,26.02233210765826,2.8097193640303657,74.349210245086,0.0,0.6899970673584676,0.13618617951825365,6.394432801785984,22.060260906619295,0.26192845324149566,8.933832487965239,1.6033010066721712e-07,0.0001132097967789073,0.20874590836593843,5.875757032565275,26.570569332514328,0.23869806410318695,68.74102234634229,0.0,0.00014063033626880034,0.13777164407477593,25.735464006878793,32.8892877300222,3.6266286306041184,19.87677566706844,1.9907974977412392e-07,0.0,0.20470103530319467,3.183507413052733,27.348099877458893,3.387791090979758,20.633340946932417,0.00029824228225526554,0.0,125.18470939588583 +0.9173759840662254,0.23445494708514727,0.36710003755267123,226.76217385260588,242.81946286387645,309047.87118795374,5.542599554266951,62.33845648728383,2.3535700189544846,12.622553410464066,2.715980410571022,18.657075558842532,0.4078919456306861,0.8743025761562713,834.5316723735021,28.840335084901678,0.25983185175008894,67870.09202786064,1.7571130310478573,94.8476964576713,4935.795499593118,294.1756651362215,346.5626238235651,36.592837705365156,0.1603149400807427,0.19506734460664885,11.689851933324196,33.08091785373928,3.3398866161142626,36.35192164445325,0.0,0.6611520435090502,0.12041678638445098,29.257392274675002,55.73260052494181,0.759515667594528,16.11109746916179,1.6033010066721712e-07,0.0001132097967789073,0.20691069225857533,13.289561209944123,36.94099350759508,0.3265021054798586,31.01862315740348,0.0,0.00014063033626880034,0.11238471544187839,82.44870470047606,71.73796572884643,4.349192798030889,17.47502798166891,1.9907974977412392e-07,0.0,0.1979549982561052,35.19600297247525,72.19656571280925,6.192932225198102,17.09067058413464,0.0,0.0,168.34469727838902 +0.8853934357869847,0.23598515147130122,0.3597898315331938,212.4232509475986,109.34858534706828,103196.24671492036,6.533334873852425,99.28611740127022,3.5596095765611455,35.85671209822758,0.4246055285217416,19.328647674663998,0.6300407852991872,0.8058543127387644,938.7865278502956,28.80770348034606,0.21640587770205294,282378.2550539536,2.926164756761002,94.84181240519916,4818.680270587816,271.1053077741044,347.72696894348036,50.11032788434515,0.1786030319559588,0.19819374272169188,36.54174273040575,53.67947404298889,3.426540487477889,15.61865942510892,2.74792348632243e-06,0.7219654953130955,0.13415952196538752,36.50529724047827,64.1988358190197,1.575169201297153,12.174706650856516,1.6033010066721712e-07,0.0001132097967789073,0.20887669429034128,38.96656952591945,62.629525948394736,0.4717677724034432,13.361105458477741,0.0,0.00014063033626880034,0.09969156139647752,104.026831799642,72.07622075054113,4.060687749195409,4.894822027965758,1.9907974977412392e-07,0.0,0.2171372389791812,52.87669698642289,97.24076043760914,5.5821543940288745,13.748481929177972,0.0003844709574860698,0.0,210.30091787051919 +0.9723527375162895,0.16871208437218146,0.3264542730943085,219.95093490580655,186.3977647325824,109487.7026059985,6.642979747889627,46.67293673337457,4.573463045064772,88.7184688935559,3.993269498058691,27.922346920546662,0.3788257355046555,0.9833652165573934,907.5279184744005,56.136883922666286,0.30967271837943605,189282.88489798212,2.9897518203419655,87.76586742600908,2956.239052631689,237.52244988877564,346.03254865931433,59.26993795539905,0.2717042244568977,0.18454694871411773,32.75027145560699,63.816861191405316,3.2330616337667193,19.86246755614413,0.0,0.7848352487234957,0.08072396793429024,24.12817507938941,45.693945430383195,1.7420406152972607,14.220880529012208,1.6033010066721712e-07,0.0001132097967789073,0.1957087288446891,35.75702214987622,64.76754979165108,0.5019966852217977,17.917574318591157,0.0,0.00014063033626880034,0.31806942201352406,71.35669413030743,47.88768945842408,5.628153433500192,19.611406779463366,1.9907974977412392e-07,0.0,0.11833143184041874,52.85789086179528,92.92036783657694,6.451624157113167,15.683686387763268,6.00358195964909e-05,0.0,183.67923794975695 +0.8225403391668016,0.20936676847786223,0.3423085554988819,21.466540024092687,149.87732452361604,248181.49526481994,4.318454870211421,72.16822170168459,3.116427833051346,95.87168258756903,2.5364462932804615,13.784713728820629,0.6679575810173926,0.7299122252291402,645.7225446852566,5.717136907932778,0.3256093966317143,143721.8554865791,2.8431755753128027,81.94641278303165,2230.273780118447,229.40118389719228,348.70642838513845,51.9305656126471,0.1615069314066487,0.18312072630641574,18.73574303149907,49.30050366619155,2.799861134531975,20.406656800737217,0.0,1.386934536226346,0.13777066375478933,36.88477152115113,66.56275725831212,0.2635487176990517,14.843078408258085,1.6033010066721712e-07,0.0001132097967789073,0.21140940940894767,33.88248607440397,54.482630264664664,0.2401482688391188,19.771368239415068,4.013515169303125e-05,0.00014063033626880034,0.1287072083668401,112.16897335477563,82.88623584754468,4.208080207963641,13.04904109481264,7.873748093980611e-06,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9503886547410035,0.1916737830850591,0.37592971031164446,244.5967699097925,238.83207294087947,335587.4611244001,3.4863924862960634,94.03057598208339,3.3357171182157828,96.23233506980247,4.714320244084216,26.79883294826541,0.30074297020804264,0.9644740771532181,903.0174463735167,94.91847692094787,0.3462588472715242,237326.24525114213,2.947792154835214,99.34350984553906,3389.4539429563292,262.0136256113629,347.46005730482136,58.47745180583573,0.2342622779969775,0.18351027949735707,32.23969106596884,63.329251154249754,2.9080347005302594,16.122995970174266,0.0,1.0012809310065347,0.08591104487418917,26.010340712303236,45.83937449257039,0.3905013491836099,13.127280213415686,1.6033010066721712e-07,0.0001132097967789073,0.19525471913898146,36.106983982130735,65.84988567251953,0.26167663027137583,15.429208499241227,0.0,0.00014063033626880034,0.3321769016544609,80.48212142602128,49.58564937353152,3.2412946868011194,16.811404590889136,1.9907974977412392e-07,0.0,0.13720018961961244,54.927552809356705,99.08492447129879,4.721095663462398,17.78449567442009,0.00029372097278780216,0.0,191.18210742914437 +0.9784641111136677,0.14061029834949698,0.4347380727750633,124.94370188847968,120.32435729411264,211415.378221515,2.581753687172323,70.08157219415968,0.6041657733453509,14.44849848912942,1.8367606313809566,28.450575947048982,0.35805674102226936,0.8798918417723116,305.52259491456493,33.69418328719972,0.19934941509347126,60914.56900198816,0.5355764453303006,94.07772546227396,2056.224248873534,215.61793210588294,333.7985604328901,39.00898061942797,0.34211161368718657,0.18972460915810127,1.655712229473666,25.184834300101258,2.74978552567698,45.23976390246105,0.0,0.8997632763808286,0.12324554964601618,2.6019171096695177,18.279315259049746,0.23081179989754458,6.146780451394096,1.6033010066721712e-07,0.0001132097967789073,0.2023405354427387,1.2551227923800623,25.57295647166576,0.25196745466232473,44.677700185999576,0.0,0.00014063033626880034,0.0768393321878053,10.302923921656237,23.437808521333857,4.177007944822302,12.62899756283392,1.9907974977412392e-07,0.0,0.18323211949438176,1.826156009590218,29.318971171411313,4.571744443400863,14.915330855120619,2.373679359672018e-05,0.0,87.52903679301221 +0.9767422327872972,0.2302924967126669,0.36939032379374526,143.6811799865198,108.32788251532389,247981.27459232215,1.5753483669125026,15.586447471631509,4.2251749617272685,96.86846884865706,2.1824009989307145,22.84428123895988,0.4630494932312867,0.37144684672109496,31.115023910506807,7.763441400923382,0.20374187868255061,63635.14418098166,0.6539786336839117,93.57525252909954,1626.8992049438543,256.8827029940506,339.56740934038885,55.33186766865645,0.20234522605578364,0.2000585926053049,3.4348344252487566,25.416056597660496,3.5016778492835714,60.86390672985579,0.0,1.140621807418479,0.14165001407164643,9.288412635054,25.5112043577531,0.33873365142142314,8.20045968898756,1.6033010066721712e-07,0.0001132097967789073,0.2138451250978198,4.7385639424352535,26.417970008317102,0.23474471003139097,60.15567819261926,0.0,0.00014063033626880034,0.15781291681192977,17.11153559939024,26.14430171014289,3.1920193086837454,21.43165215598624,3.092715030179917e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9841454972610514,0.13306571508735798,0.4318270062575932,197.00495941066006,199.93925717773453,182246.01104640067,6.003292881357922,41.41300544189947,4.584504635774969,98.05022349868268,4.565709389546641,3.1426917359968325,0.5447566756576191,0.9247371860532952,825.1050778147332,36.860253087183054,0.28947016802800596,71876.21697096278,2.707569852703191,33.396305797296215,3710.057813937031,127.84099610876666,227.55191585362246,18.022815142137528,0.18981178385813913,0.18407279754182468,5.914657145818949,24.25567199932617,2.535154768333487,3.3586791427567637,2.3429968034385557e-05,0.8591024702372232,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21294166264831027,5.9715478062713485,23.70223432303862,0.404862337667816,2.4417984469765597,8.829774146539876e-05,0.00014063033626880034,0.35620743140974714,5.568049295694448,13.709328232729659,17.905469628235902,58.71687609805389,1.9907974977412392e-07,0.0,0.136864544618341,5.29092471224281,32.38137280182517,6.980187221870221,48.754465531689306,0.0,0.0,2698666337285.8823 +0.9810491851624445,0.13748836780640125,0.324382921611326,79.3049157091215,245.9681505473978,108837.04005065182,6.09487337883505,34.661949093969575,0.2975527516415851,16.984456602783915,4.298337182563268,24.966746821087742,0.3641587074853705,0.7950468640858981,418.27435304297717,17.58716362039375,0.10010817478421888,71267.16075530616,2.2203431290721714,81.2363509945507,363.5205625378419,176.52941856835338,340.4523934981916,52.301367697802974,0.2968876413718819,0.19499369236894126,17.43540568344226,35.49729113910947,3.4822684626872697,35.86181661588991,0.0,1.3107453618878049,0.11818326779362982,13.223013686626746,35.26138427880568,1.3317499106611206,14.813937144815062,1.6033010066721712e-07,0.0001132097967789073,0.20360228954585408,16.60156410940674,38.30476879510556,0.43678307798875177,26.711055657202635,0.0,0.00014063033626880034,0.1797538044169478,45.79616408820409,42.92051819588916,4.323581750195308,11.765360164576332,1.9907974977412392e-07,0.0,0.17706913233786328,25.711533891628925,55.21361669562957,6.319285579568744,16.293104548095044,0.0,0.0,122.76686064735854 +0.8162486678403168,0.18745940014124923,0.39021008341623764,228.6186411462578,50.91630536485556,260496.31722780783,6.247179522537178,13.189132633392589,4.532055190526597,94.6874888161696,4.209037660693728,24.989431049732346,0.3960076040196341,0.880052928603422,963.7340111154591,28.36337699336252,0.2736465142889859,221989.3306559678,2.9643347969426292,97.61538767448405,2623.8594161157685,286.98213835064513,343.63409588537894,59.65803326557635,0.34261600498767536,0.1939914417216969,30.365231195878486,52.01715115027198,3.225475876995728,16.455991211167916,0.0,0.682662474696625,0.10245074624747556,20.075129549246896,37.525914925934636,0.5019661236489503,17.9868711293939,1.6033010066721712e-07,0.0001132097967789073,0.19919036450787067,31.500496266254302,54.243029773398966,0.31259636430472143,15.432328552384577,0.0,0.00014063033626880034,0.34495162305524296,52.35083031332848,29.575179839008225,3.8764367685806946,30.90890726398776,1.9907974977412392e-07,0.0,0.18372153948971104,34.76318883245072,66.51852060933967,4.8736810008916285,25.501567098458466,3.132123199422287e-05,0.0,145.29463660204962 +0.8878858301869652,0.18280115560251736,0.35209795296265795,228.28251511224244,113.47316779751085,318982.85913357185,2.201322630975609,53.856771810126205,0.7127097129064857,41.65916839712662,0.3098290283454719,27.949684387139218,0.3047048160176804,0.5376942091429685,341.8972578456128,1.089920256181215,0.21606376200013147,52519.62318315302,1.3271879863465026,93.08851679717007,4847.9784614574255,291.7468225769415,340.90139479717334,56.476375126330254,0.34437137090058384,0.1983148122239652,6.410369989849222,27.435677641777243,5.410374758315754,55.26433892825409,0.0,1.1310166311647678,0.12744640260305617,12.74063858257242,29.837071343119828,0.2712819991393315,15.96552959470344,1.6033010066721712e-07,0.0001132097967789073,0.21241308279547544,8.193090955108,26.727326915786737,0.23679461584936942,52.226996977948865,0.0,0.00014063033626880034,0.10808372423673271,26.83050100445486,27.912401716002968,3.739842096106965,13.202847130091207,1.9907974977412392e-07,0.0,0.20883437077584063,5.600228539925226,30.588905529499165,7.610085262678842,26.00948937672922,0.0,0.0,109.92785080879112 +0.9260710875936166,0.20892323820921785,0.44736875776362595,205.72708033843534,143.55948677087622,349009.0908607419,6.299053632837398,80.40132961791687,4.723454463854648,10.483948848264596,4.911714547812859,14.547953168100246,0.791097160939962,0.5827995802504263,965.4587948295937,74.30703219567941,0.2063581465664949,65335.36462927656,0.6819387524653391,37.66989025319124,1450.2490530608402,183.0816102754327,221.6923047949559,16.929079482523818,0.30546980314724903,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.14212468508885312,3.2476556895454753,12.706326384939777,0.5876905780853034,3.2135404366067433,6.20614039670619e-06,0.0001132097967789073,0.21302121513224131,5.929534541095475,24.272833761429972,0.30467366907187743,18.775804336049493,0.0,0.00014063033626880034,0.3223694150282254,6.248868387798212,15.0227620497619,17.839798370936723,58.80946353438676,1.9907974977412392e-07,0.0,0.20561861767989326,8.75684847067067,31.72079980105143,7.550761884692868,56.78549080954404,2.760720240477993e-05,0.0,2698666337285.8823 +0.9833738038843206,0.14905510780862485,0.41747798353568916,238.01986589376006,242.86173397166175,334471.3933703258,6.547556536206249,74.60203887086212,2.261567639521493,51.4100471195642,2.8184021764621128,28.435253769021326,0.43253914609408756,0.9279824349214529,829.0353546183147,93.04904288672314,0.2866001910549542,187500.8923231274,2.079743638601216,99.35074564144776,4743.26028201822,274.97010053937834,348.3501926611067,59.41795610565052,0.16211030922557726,0.19008727277255946,21.39402424600336,41.35906471296901,3.227431422664746,23.70624896382994,0.0,0.6709260233361376,0.12023867496862772,22.869886914943883,44.60141076040955,0.8448917560980232,12.750784698050854,1.6033010066721712e-07,0.0001132097967789073,0.19942840527559907,22.852983675583452,43.79381741751889,0.34077371105102333,20.90301316805084,0.0,0.00014063033626880034,0.1582611494885109,80.89619188509516,60.733469707751425,5.8346198683443715,8.740289801166314,1.9907974977412392e-07,0.0,0.17495863896215866,52.65257857518315,97.57700836666983,7.1819634230676535,13.406030438851921,0.00047333834902540175,0.0,176.52804604176677 +0.8392327331281699,0.1869990518701465,0.33061082141958664,47.39992651978041,180.3706784550307,294614.99698182876,5.329684811725011,56.25253758494617,2.3273787360762364,95.66919872673526,4.642475095588667,25.900600484367164,0.39333891998050174,0.76151482426871,250.43807269249618,40.6637999015863,0.08312798290689663,148947.90995656425,2.9371967441249365,99.95353268159899,1134.3064637503005,192.97775809253068,335.9964851307989,55.228522370011184,0.15941173393865293,0.19882430915305063,33.473943232533635,50.10274810533715,3.2094299318950914,21.439733042940397,0.0,1.5464192537659804,0.12948525156962312,33.30803436220428,58.94533003387294,0.25263503420608086,13.2316983998198,1.6033010066721712e-07,0.0001132097967789073,0.20876940110213763,30.86835018969205,51.4745064587245,0.2563468501401744,14.129572627703713,0.0,0.00014063033626880034,0.13494689532743823,105.13992186103036,76.45571872540725,3.565901695706545,13.831572182592357,1.9907974977412392e-07,0.0,0.1958935670828606,26.003716188230456,87.7199873559933,4.222353759332008,13.247837384520361,5.923308404513316e-05,0.0,195.78774452679409 +0.8211379523954737,0.18300055352550784,0.3347512315771442,18.661896886974688,101.92074414002636,220068.45798598358,1.8476595397454993,18.09770417580127,0.6438691661360872,17.639951382685283,2.101225203186069,3.1421791304363467,0.36360038760175595,0.7220236173848213,694.2278421001183,15.154408155832973,0.18877933283320958,55472.25036645841,0.5531945588216438,74.78757078318185,1054.7241791111885,294.9482123668133,261.155311499789,39.88870114142412,0.19689364329635292,0.20141736955495054,1.226858997561712,23.769499290549557,2.4227643089492066,50.65659437120332,0.0,1.2955992322129197,0.1466968859531581,1.4508334603017063,13.67106278533009,0.4689176085953905,5.03705647303009,1.6033010066721712e-07,0.0001132097967789073,0.2151657457399452,1.9428070462270355,23.498773483587463,0.240976673243358,49.73871738995773,0.0,0.00014063033626880034,0.12650796239013354,1.5569730812945055,15.023425043130313,4.379643272297537,10.56912610956595,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9750311855699908,0.1225150346383789,0.3939535420525805,132.34807504343036,116.78906790298913,109806.19113589475,6.381099697055834,89.86796383498752,3.47244282476918,85.8959084877763,1.4529733966278242,22.66963636888361,0.35583037472209594,0.5356335186941785,413.0466385526745,76.02475545869015,0.18429372352645856,125736.0898139411,2.556757860133585,23.494211140858443,3820.829925371299,285.57272039840876,257.74191854492295,21.53992683994895,0.3225572274483512,0.1987438992029593,4.791363211442591,24.298997884297194,3.061751132973456,3.895617812094708,0.0,0.8731558435928595,0.13657255472462204,3.2049399710921747,12.750989691726327,1.4023634629850141,4.841607504957812,1.6033010066721712e-07,0.0001132097967789073,0.21091787055621392,4.763333563381423,23.47420823910665,0.44711108198542315,2.709227383633815,0.0,0.00014063033626880034,0.32611373452470255,5.257425952939875,16.045941699387743,10.316354984983866,50.456337699600105,1.9907974977412392e-07,0.0,0.2024328931143682,8.513257158849454,29.270742535312113,5.620513776527961,27.43060426321263,9.032658244077664e-05,0.0,77.90480010410784 +0.9658595726936055,0.28352934515624273,0.3768275412915586,227.14485489125917,212.1433423328993,239593.43824613586,5.095105101314612,75.50536459360075,2.651582617986902,87.01306818110875,0.3080367791854517,20.812826036543385,0.43669874420126775,0.9510156265711144,282.5574598274449,1.4396699276370928,0.32893530665929854,67097.03343033537,2.3670661371419035,72.80115917727811,519.0685275244252,228.0516791420004,337.90145729769665,38.53250732313638,0.18985178351458493,0.19151658018324522,11.028754576611602,33.47937326450973,6.23881519151774,18.414505807740984,0.0,1.2006777074051087,0.11683721570428118,19.286998955855083,41.14321466254358,0.8599213507639742,13.266164349055025,1.6033010066721712e-07,0.0001132097967789073,0.20481329095302034,15.104455571819923,36.32101594233858,0.3472544837365787,15.174849676098049,0.0,0.00014063033626880034,0.11575724351585713,61.522333528230455,55.82647750756776,6.0497867116619926,13.984580196200785,1.9907974977412392e-07,0.0,0.18039622925501786,15.17307843143908,55.61618633864723,10.845252278966775,8.658020233786123,0.00019015555187399497,0.0,127.63645175354327 +0.9519797956583943,0.14325147992403292,0.41673837462250135,165.19351485556697,247.075279769679,302528.33595553343,6.103929770739831,53.08698676127425,4.305640564542672,96.48141812297665,4.450537494553151,28.09111235837919,0.4426906186567706,0.9631440028721012,915.8901669125923,54.30453893346957,0.18833801976846012,207354.9419744043,2.806274896934733,91.09178811795027,4670.552249896887,229.73061379547332,349.8188701553212,58.028841746235685,0.22340563517429712,0.19223094941199795,30.080111179888352,52.099296896078755,3.138106121598438,18.54587886414025,0.0,0.7549794072563168,0.08941904157213638,22.065455342188578,44.5066723833453,0.7510329878231149,16.323169010404584,1.6033010066721712e-07,0.0001132097967789073,0.19618956228754394,30.891150925411118,56.45909461649382,0.32859803937552595,15.435944178883878,0.0,0.00014063033626880034,0.3463288957891067,69.75080637559174,43.988952587637286,4.398532481227907,21.67444713333796,1.9907974977412392e-07,0.0,0.13919414676936545,52.256430877429096,100.34630748168915,6.051162790280027,15.108464022889867,5.8173938760949496e-05,0.0,177.32195822522993 +0.8021427838327118,0.15440168939226215,0.44748501259358076,213.6359283559771,65.85885635406672,177165.74386094254,3.1720771756987665,67.88049336428828,4.075607602451826,10.605442142326526,1.8731995625523108,28.8973292335449,0.41635459246129475,0.992887864210162,771.7659762389285,47.67222066866615,0.25423197498217376,211897.82597511972,1.853753617529827,60.95946317804565,3264.6964490573887,188.3066051017837,348.962086711183,48.665761308311154,0.2489466117781215,0.19176333241597338,19.985657473845965,37.147487511508615,2.6256822554586754,21.204239363493357,0.0,0.9614703388279664,0.13115418259313302,21.44443591149165,42.31545000103102,0.3787248047070796,5.492699650044379,1.6033010066721712e-07,0.0001132097967789073,0.20239504058940566,21.560676113744634,37.051887216241376,0.28664459593108294,20.27095693015263,0.0,0.00014063033626880034,0.1044572302675499,49.84411463826638,43.617067611524114,4.391539179031142,9.363304552660956,1.9907974977412392e-07,0.0,0.20486192803655726,30.58999581013353,56.797627639258884,4.3465599422384935,9.737056581859301,0.00012048908925099205,0.0,124.64222589740707 +0.9821377319658139,0.15918799329583833,0.44084421746503555,191.6369773442259,203.67850029858784,252107.74350457225,6.229679727104218,69.18511514764836,4.663705318138998,97.00155488296696,1.2163086109316672,16.819905168463187,0.7447524622991013,0.935516020135484,865.0463412969268,42.648486732576366,0.34296406077490166,69002.17236741728,2.263880792822947,75.7079621733636,4686.6467021410945,252.1319919014777,230.5586596440327,10.088419990251001,0.24750476894266354,0.18677715529876238,6.70205793862433,26.402506865349707,3.126922948345586,8.680355545040044,8.620548228406423e-06,0.8371998122773557,0.1318331946644563,3.4854344359356078,14.500267061219942,0.919493490101701,15.963716442821479,1.6033010066721712e-07,0.0001132097967789073,0.19976083572290682,5.2910061217654825,24.734264914827488,0.359441042790911,7.159360684850158,3.7966632330985785e-06,0.00014063033626880034,0.3557831014161147,7.180646381725719,13.695157659333306,19.197128352133333,60.146785377789946,1.9907974977412392e-07,0.0,0.13775968746876177,5.474794589634201,32.447101336689066,8.392713247128475,55.016083663459334,0.0,0.0,101.99318689558974 +0.979572989636004,0.23137557083787308,0.36821416071685575,182.87352326568796,120.28287527270625,234325.18261875137,2.88385977644063,51.54275750714869,3.023854461848184,17.099207990515467,3.772261768786448,27.932945149182178,0.4854717463738528,0.9239394975790978,593.6437732573204,65.22777953060928,0.26378013813775886,55829.44844141499,1.1488694434160496,51.65380597471762,2930.90262464684,271.99588471220443,332.4327923830581,58.240866071847705,0.2949612841330522,0.18994987272204306,5.968016646090673,27.479620610855886,2.6172428132217003,57.20851563864138,0.0,0.9877834036710168,0.1290505286393474,9.483824186952804,26.631521918813032,0.28385127776309765,10.5016794593647,1.6033010066721712e-07,0.0001132097967789073,0.20458136975911934,6.596540615405281,28.576220256247353,0.25806602980013793,52.34409869589417,1.0612192960231158e-05,0.00014063033626880034,0.11263653172342358,27.33124767770925,37.085313773230176,4.163495140162552,16.860064272774054,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9846509135081424,0.18767287700091306,0.362943821569857,235.78511575710576,237.6724826716722,309038.3265058296,6.639216386272643,74.17788271457638,4.694856688564021,87.47160953685808,4.271940342558493,26.21458733970623,0.7623581066053768,0.9783746898010918,760.176779020081,80.99272925501718,0.3319944511697064,296895.46574092435,2.9189066068267464,98.86123840913223,4531.639000518027,298.24256249709356,335.975878189196,58.101700171311805,0.1680575903897974,0.18653706738206155,29.329261148144518,61.57199709820803,3.2012469206458927,10.566276998087858,6.250800558160915e-05,0.732034545231895,0.11441294948144433,25.368522544053175,51.08889938504906,0.9138799241697054,13.88703056489279,1.6033010066721712e-07,0.0001132097967789073,0.2019671213757122,31.33036250276346,61.66086229915804,0.35363573572878715,9.29892725635965,1.8813861885901686e-05,0.00014063033626880034,0.25540550717175214,112.35612614446728,74.95610757738221,5.722095681459142,8.772695319799746,1.9907974977412392e-07,0.0,0.14767217298004076,19.766841087602092,99.7929971905192,5.979437253483544,11.334890476423709,0.00012223043409088235,0.0,204.8343638503637 +0.918515646058586,0.10748872287661812,0.3395198560052033,117.87498377424338,44.96861412188922,273092.8182125108,3.1548359299829687,37.68130445237395,1.95579380126043,86.93911471933977,3.1446861729422735,13.801634944739593,0.3194869528424078,0.9357066921648979,9.121016783952939,1.256138122328796,0.07036362156213961,68795.01495919084,1.47147395697431,27.33567259922368,1271.9419872838225,66.30960205372882,335.07231629986376,43.577369552333295,0.21653131631465558,0.195396950870025,8.660471960092767,27.8643218362731,6.810189850649019,43.640718414862256,0.0,1.5705430663856659,0.13452799030148715,6.789283030825973,24.270406392649885,0.23703236219116497,6.3165143913296475,1.6033010066721712e-07,0.0001132097967789073,0.20767070983249455,7.586324390448641,26.089052310433438,0.24383975382950343,36.35822521575161,0.0,0.00014063033626880034,0.14787805397129514,18.951300167636756,29.748617356296204,4.840494748772298,21.833580755033083,1.9907974977412392e-07,0.0,0.20711202069785756,7.058752488572451,27.925516010751792,8.39671992445012,17.23246594300441,4.421912137292339e-05,0.0,92.09565318117501 +0.9650789074646764,0.1878381136888673,0.435683009932205,219.54859284648282,243.0360327214697,342070.26212972426,6.917335262416599,76.84247292104425,4.817073466917126,41.47481277543075,4.5902675039720995,26.26418868319503,0.382390340827101,0.913288122330652,919.7687232132705,24.37696176346362,0.3265598508532448,198960.34030725562,2.694613709489691,73.66278050389718,4474.043976617718,278.85303970102905,346.65817314883685,56.71030472147524,0.3383847669910754,0.19186938614616622,20.7191663814524,42.53494620868885,3.5570634706488873,14.150901491207666,0.0,0.7205565973582481,0.11014963053281107,11.265075054747273,31.054217904601625,0.8448980255031528,14.833170083728259,1.6033010066721712e-07,0.0001132097967789073,0.20009835871038706,22.657958781916783,47.452400414999914,0.3415305690708448,12.45694744730842,0.0,0.00014063033626880034,0.35357592614295297,38.473617624989075,24.40354828788399,9.256159349759882,44.049682371093134,1.9907974977412392e-07,0.0,0.1439693520921838,23.53240615609977,58.12846874843509,7.369535026855086,12.524079904774364,3.831771210639091e-05,0.0,122.18931194659773 +0.9832488177821297,0.1424181725248184,0.44742951884308846,213.75023321318668,188.1407882550367,266044.4598279043,6.721971296160355,95.6861673492418,3.7529817175057394,72.06902419441201,4.899886091920085,18.011662236063977,0.6752156568172264,0.7685575065085432,734.0955694718431,97.47048088447609,0.18385661962225822,96025.7754706683,2.241195178165555,50.39440219469801,4831.911997276364,137.36040978098382,221.0371514479342,17.61053080407993,0.21425147884655435,0.19666947364476103,5.638446342929255,24.21334240823137,3.0392912730568993,4.015104450593701,0.0,0.868471358051543,0.1360357044587774,3.9176600823936916,12.696696433243227,0.9472148624556087,8.851627990358152,1.6033010066721712e-07,0.0001132097967789073,0.1930638078376232,5.230627974891521,23.847522163223957,0.3229708789728645,3.4649252474455388,0.0,0.00014410350517884027,0.348731783621985,7.087742962235255,13.970411546566975,19.267945502267807,60.22005402460596,1.9907974977412392e-07,0.0,0.10450508963927724,8.287056540526418,34.78498876756886,8.316073393763757,52.49619290881549,0.0,0.0,99.27330627734298 +0.9440973171862036,0.15143616189269024,0.3332108040643215,11.229880290971451,244.42195966555923,128834.83384020861,3.070177944277728,48.056168008852325,2.9785066415366783,35.35872161600058,3.2618818683786412,25.83407926849843,0.4337717841706352,0.7420075071008483,395.6143958478018,72.50697292328014,0.07271667267553321,92913.41484594972,1.1596145295478755,27.514582281660477,4019.8030259229845,127.79933838268929,330.6966188709448,57.53163472339796,0.2768487639736037,0.19554180647254696,10.14905453539774,27.45228870904588,2.4425270978970097,47.22367249085483,0.0,1.2211470118411105,0.13221299461093272,9.542889159739733,25.851110927863466,0.2946511397161187,6.044597411301437,1.6033010066721712e-07,0.0001132097967789073,0.20630314181106968,10.294233475843416,28.94876215894339,0.23849350727760824,42.482348965537774,0.0,0.00014063033626880034,0.1467519867067541,20.026422493664914,27.541642033350946,4.825653810246136,22.750436086752877,1.9907974977412392e-07,0.0,0.20996885114221425,10.27292818166639,31.448436806873378,3.7337479661637065,22.42541921993366,7.42182498587193e-05,0.0,99.75446742989196 +0.9469816226114077,0.15779801949541067,0.34513886832225876,206.0092216267269,223.69105977079673,329312.889750442,4.587240643089433,53.14823625364191,1.1672758831994772,82.55361347456586,3.714556952345551,15.957500659033863,0.4119230926287246,0.6550657123196609,401.85945734713806,66.7049463837417,0.16131593627533553,105163.90735838596,2.681741590452715,82.1229664892359,3786.6328953491266,281.5089253418908,341.48217940888304,47.701336869177126,0.2705569137340923,0.19551420912718548,21.423313205895543,39.56975120485107,3.245048637533963,22.137725486407245,0.0,0.7747272205072445,0.09024669129111364,19.705491877308212,41.70464690796711,0.5236483193700019,21.907519226124503,1.6033010066721712e-07,0.0001132097967789073,0.20407207699545488,22.14074710750423,40.00973500549128,0.28604372818755214,18.117862247214507,0.0,0.00014063033626880034,0.22025289750644014,62.14352374423586,47.67499569148564,3.570448181841485,10.85567177411398,1.9907974977412392e-07,0.0,0.19834535626867658,29.10533482909345,57.47338895670223,5.891474979342948,21.6975874099813,0.00011783712599633463,0.0,135.92041413573202 +0.9385163444356597,0.24001466379835354,0.3576191982045689,209.34732602933857,143.65983105122044,308394.2599162751,4.014694072811679,63.01443228444238,3.948204747915094,74.16638582140637,1.8636438560419182,27.301740100259693,0.4677650665370392,0.9872453908779271,458.0398262910472,49.857778240004855,0.3113482100957237,192780.42030467308,2.8648403369106616,98.55673686165744,3057.773593529314,209.33296782910048,348.9064716381373,58.203944411681356,0.19228073684798525,0.18816808161071089,33.47717434439409,61.513611633976794,3.1076912860082477,21.17705115073036,0.0,0.89470966666383,0.10736745664572202,34.07669498858851,59.57610199278779,0.37810110396562147,14.22613888385845,3.0382678625025374e-05,0.0001132097967789073,0.20113642960803185,37.69254664368159,66.0784820778454,0.2681633826964766,19.072070038258552,0.0,0.00014063033626880034,0.1284344498074905,95.38500534831994,69.48084397557655,3.020708905496606,8.490876505373024,1.9907974977412392e-07,0.0,0.16126383920576917,71.82187732860062,125.7730469842451,4.984810578362949,18.565813027417207,0.0,0.0,227.55561012533215 +0.8425969909933798,0.18784796000110116,0.4085864714317651,95.17767435601908,120.63053313782554,318284.26163444313,3.798530231782993,10.215724921311683,2.5187534044865085,83.39395321835892,4.343280998642975,22.350556217876026,0.7656657249496636,0.9671517974649929,802.0804177889951,73.10560702572278,0.26233997774126816,67506.09016497305,0.6024099500324988,68.10665642606487,3399.7271306625885,259.9979340710043,341.3956117208619,59.57872620836161,0.34327135247476653,0.1962171955563279,7.159946550239783,27.133978391452906,2.837907535997317,67.68887497545249,8.197739929029698e-05,0.8558902945904372,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20574940378883044,8.413535747069764,28.460647435042308,0.24698981180001311,66.83668235344753,0.0,0.00014063033626880034,0.11391069448561761,29.7809116743362,34.87480817172516,3.6119216880266602,15.820661631535536,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8950817297028558,0.18011826702698713,0.4064304758225167,118.5937924545218,119.72280546878793,234605.34181237718,1.9913484674449424,87.04763729287188,0.6438691661360872,87.20291468430571,3.768766693605199,28.429488768129726,0.7983834129755348,0.8997872513183283,927.3206886864908,53.209990866238996,0.3182854998847622,55472.25036645841,0.9899196531320765,90.22673731381295,2292.1884341448526,176.79710322792906,333.8046025620588,42.78778099534446,0.32178406677613025,0.19042053483248045,2.1631054429281713,25.51665455781853,2.4554887103631504,46.911994687828674,0.0,1.2894442144930733,0.13111908896045607,7.366291455194865,24.160396705350305,0.2584219464981656,9.529487757780762,1.6033010066721712e-07,0.0001132097967789073,0.20584903619014322,4.018821600747449,27.58739702686469,0.23881929634093688,46.545804548244725,0.0001283988916138772,0.00014063033626880034,0.11604513339071343,15.752825141158826,32.47651719800958,4.26152326145988,16.37177165396891,2.7581264978416273e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9297496715425523,0.22690653183598858,0.34536346822019887,221.89776328310424,201.26643886213677,133038.91759156386,3.4417690947496054,76.39044251524838,2.766720236251938,92.72442448066894,1.445142239321074,23.916913931228866,0.3667638118495387,0.9789681226496443,850.7577584708856,90.72941593222455,0.15139822976367123,97572.82711782483,2.0793690039227366,94.04101459059412,4947.285106505562,70.66252484802703,345.57282001170444,57.76211253777657,0.2133376766195767,0.1915742453301165,20.581069533259793,39.428473563192334,2.679756756771984,39.34134128659329,0.0,0.7677494728902428,0.1304484368395863,24.43393667616083,47.710528250684014,1.0039669446119883,10.382190985826536,1.6033010066721712e-07,0.0001132097967789073,0.20416707435623033,21.09565072412617,43.130523017682336,0.37511382131258975,33.50422714724357,0.0,0.00014063033626880034,0.11618473648372282,69.5909449589156,57.22139356036832,3.9971813178618594,14.526508486890494,1.9907974977412392e-07,0.0,0.19645548430034915,36.94646293557969,65.3566074092023,4.678991832841845,16.573698864560733,9.918309693000824e-05,0.0,155.6315786965711 +0.9390799167597008,0.2084813642238963,0.3724379369189263,116.24747181993227,247.81689167322452,343136.1800617353,3.010509038229989,40.091519509495114,2.384134531962522,99.99101912289208,3.137658154744076,24.36663173037203,0.3993082037923678,0.9281005210959801,969.4455428649663,52.12142550239253,0.07160466655088557,171567.94010057792,2.984517867713059,98.32276885965614,4594.613317408328,291.7683468303902,349.58758341480745,57.81591963999182,0.2621502816561031,0.18922630938041635,40.463145298029076,62.43086385133717,2.879235511245945,26.052399146224467,5.682621505313029e-05,1.693511745074809,0.10110988340273655,25.402373539366668,41.051887237167826,0.22253266449088424,19.77857330835632,1.6033010066721712e-07,0.0001132097967789073,0.19282686790416048,35.55264378003257,64.4203939263173,0.2414701967346479,20.6661133212172,0.0,0.00014063033626880034,0.29383676222243393,69.64113085020645,47.61531601539629,3.3054806956908864,13.733916555726745,1.9907974977412392e-07,0.0,0.1469399461235455,46.56990153975422,93.33196270345569,4.567130564950253,28.18852040136013,2.352715143147696e-05,0.0,183.8466035885587 +0.9489317247355589,0.13957632886751545,0.4029924365939265,213.5652085723638,212.41955085440884,328632.09322594584,6.443382087598078,94.25838642952537,3.9464118840899096,90.59291790568697,4.91179518072739,24.05989175824358,0.5333175703861769,0.9527982397288071,812.9350484462699,59.728127294945836,0.33632563683314426,88543.18875309011,2.6622560731612817,85.99811336708594,4261.704262764146,221.84084299965699,337.1346942751543,53.02421488846372,0.2906677709182797,0.18470298371016164,15.781349685131424,41.56983632734502,3.2520480196142776,17.97225715375786,0.0,0.7275503329684384,0.09156109583200207,13.843130464005613,31.752907220259022,0.7724694159133537,16.05455196179446,1.6033010066721712e-07,0.0001132097967789073,0.1736202171958421,11.605512387207678,42.024959713902,0.30615695646674457,15.34192510784699,0.0,0.00014414060373783881,0.32254257700879674,49.5466617788936,35.341896913983945,6.545770966638439,28.45425785464542,1.9907974977412392e-07,0.0,0.1529796879107809,25.278949052525554,60.39870081838465,6.616190855477758,11.056223601735347,8.705194111657526e-05,0.0,122.12838936484911 +0.9581877903077645,0.10804949128569293,0.42378244577995394,181.34555086526422,237.49135235635876,274853.49889753497,4.294997843076626,69.71073181276812,3.0109594670795845,19.554243538167043,1.4478816507258103,24.750572763954555,0.3879932255795203,0.5499436279183768,6.674970084756893,1.9669224118523385,0.061817249532757634,155214.7317080933,1.9290349391254016,27.495672332786558,2178.0458615266675,144.02411520700446,247.82778522428393,59.06242301350675,0.18218609632996333,0.19874875731370578,1.7898757168075872,24.212310343460242,6.604419565576382,5.088817210652876,0.0,2.1132459996889197,0.13734935314569421,2.493365681055391,13.434749784090059,0.5819029798612156,3.6032305822944277,1.6033010066721712e-07,0.0001132097967789073,0.21155489934701338,3.611699014460416,23.711163818902,0.2980455357035009,2.397866804613721,0.0,0.00014063033626880034,0.32767602781254945,13.964904907414766,17.19426846908444,7.636603542743429,44.421388343279936,1.9907974977412392e-07,0.0,0.20319921168203461,6.009558235124982,24.791994975734735,10.336101192037754,4.515183410514019,9.373598551598567e-05,0.0,68.88413254378335 +0.923331599340441,0.16514242954226316,0.3968777622820688,196.46293672856237,176.3146653541338,331607.4170035302,6.681677117008963,64.67407723500165,1.8609022048233859,31.529657820642083,1.9616734703468328,15.753631619218705,0.4328988735374628,0.45778706162014643,320.40484962675464,57.05506328803424,0.20403249394795175,51625.49985588172,2.440515938742356,99.50540838862842,4453.123601320123,298.1477331660402,236.57929360657798,30.45012642648019,0.33180645667072206,0.198620448264431,3.683398850433954,25.5141764678758,3.6506860251732407,15.293672116279664,3.8982752129681894e-05,0.8648062936014859,0.12371063091443919,2.074053277059766,15.722818497691623,0.716450935988336,20.85170149764144,1.6033010066721712e-07,0.0001132097967789073,0.2093232417925513,4.405253852470408,24.481842372059614,0.32475445625503396,8.928979396262202,0.0,0.00014063033626880034,0.30073181795698783,4.25831026010382,16.805516198034177,15.957517561217452,56.88909796656877,1.9907974977412392e-07,0.0,0.19386658139680546,4.942993233229534,31.404388805955858,7.541865654344259,48.19839145394078,8.547968747715234e-05,0.0,97.36712699464042 +0.8620417137995008,0.14757361983396733,0.35400528468735404,40.35665142824256,179.83254856016205,214836.12489506596,2.7532429415472315,9.076901197593038,0.8651939831487017,26.071775413738496,1.8331695556165097,18.497508841091687,0.6128658390981688,0.8492071658882637,341.27717314616115,71.93399213741057,0.1345614953921993,56060.80917195327,0.9855387348476914,84.94988021557266,394.3280215198008,169.57181411024806,348.85446072041367,50.10287190409844,0.2896668519604672,0.19604711493723992,8.57131924160832,26.151654989487366,2.515101168266209,73.35935136276908,0.0,0.8895875008524486,0.13543226754625054,14.890495289290332,34.832982413036206,0.24902527233917546,11.73022323568055,1.6033010066721712e-07,0.0001132097967789073,0.20857919385850418,9.012408909116168,29.043116072816005,0.24080533621788447,68.3299590246608,9.216425991399707e-06,0.00014063033626880034,0.13837001434013138,35.07108351101588,39.111372637053876,4.257591780078837,19.11417662404749,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9697144609059235,0.23391350030037716,0.420879629584081,197.0614699704993,163.70443062518999,217663.12278400597,6.671371265604211,86.944719819346,2.0188351973167253,31.48449279007878,4.357026238258169,25.907679385820618,0.3506231935842053,0.530100881362819,965.8980368891337,30.535397067878716,0.10597427252937153,68042.27528678146,2.900704224669222,99.98550163324019,4721.750414818697,123.59606596744048,265.28741427228294,43.29686202368538,0.29654817331083794,0.19857889980880397,2.1555542242752206,24.444422631234175,3.1658313570787096,6.870254198866711,0.0,1.8875116947949062,0.11516754443058236,1.8855650993718611,19.926285993289934,1.0467298651910464,22.573525106296504,1.6033010066721712e-07,0.0001132097967789073,0.2091504066750683,3.2224979914153478,24.846953781034284,0.38377298333586535,6.078464908458073,0.0,0.00014063033626880034,0.31652514675004,25.83469384044094,20.87757219116952,8.420204267325682,46.711161221570556,1.9907974977412392e-07,0.0,0.19682335245437774,2.7619508837909525,33.26240521732354,6.337695391913208,42.43021212677624,2.8086688659121792e-05,0.0,92.46600347984625 +0.965770115875446,0.20697694367774233,0.3984880867264052,152.8806928596115,141.49890033770188,253609.18858968973,2.8958847647209516,47.22709441882878,3.4942866094814002,67.13581061384441,1.6039863272259596,27.500852204995063,0.4435533414592446,0.9322424753434749,899.529441315949,35.52845092656474,0.2519420461853529,52969.13870691479,0.5781014906948727,83.42623936180229,1856.0909903555676,179.89391978770269,349.45742626623064,54.67551873766685,0.16496276463351656,0.18947611101142992,4.818378247563865,26.872580424240752,2.670680417187379,78.74051981130143,0.0,0.9535928134449033,0.12754186284696534,13.068929821225314,30.673014821673576,0.2514821154623878,11.650058669632253,1.6033010066721712e-07,0.0001132097967789073,0.2028660801215241,5.270604513960888,27.543719657456723,0.2524435062736991,75.21187439607812,0.0,0.00014063033626880034,0.12498965746478582,46.31431781674341,45.561934864640506,4.0416147313629045,23.73395146412664,1.9907974977412392e-07,0.0,0.20195323299129053,14.017401929466057,41.510382264137846,4.381599947615939,34.97018435313606,3.671121508409791e-05,0.0,150.35494497470697 +0.9883217968641552,0.10554025545984919,0.344430080282842,218.0659045561452,146.23952087780762,241575.44806525443,2.9729826161797037,47.18116890077909,1.9463904023172778,62.36347034156012,0.5441731467095209,20.650618862694458,0.3830479930894412,0.8039844611774,232.93330756320907,58.023830375469004,0.09702822785450535,63542.70654730527,0.9914992451767063,94.95929103640603,2405.394062745522,87.6632655951575,339.34798137533414,56.28074751497948,0.33792749107596415,0.19493246216209167,9.6501809949574,27.112278606518185,2.912241511877065,67.72396240922656,2.5156521839606934e-05,1.065573339572965,0.13281304996564802,7.399991132127422,25.196846077685887,0.35378360603157766,9.625150866168925,1.6033010066721712e-07,0.0001132097967789073,0.20573921247719046,6.963348168587899,25.753135850197697,0.26472974305453206,56.27283030105747,0.0,0.00014063033626880034,0.0754935881165273,20.896931765540096,30.606901838721726,3.412022168512887,9.54739257777929,1.9907974977412392e-07,0.0,0.20243354963059057,10.915776830924305,32.5054676955798,4.780277054268618,25.094354077154765,0.0003687110013992415,0.0,115.71481057815667 +0.9395350239944213,0.20318622247231657,0.3604434406678248,195.89483546732282,220.42077878160802,274219.7222874807,5.196179448220952,86.25899675401493,3.4930794826322416,57.962808569538076,3.9029456579887447,20.232930905604665,0.38696849259353727,0.9336283992505345,898.4131359635481,51.36848152812159,0.13685936236859414,79590.64524392449,1.46508282422011,51.15579843587285,2741.206772274433,69.90039894051284,349.5065396708177,43.577369552333295,0.2638916795445323,0.19550116592367392,13.428513254798041,29.709077447913838,2.9847501392405063,49.92416183504364,4.084686945257905e-06,1.0625390758199387,0.13374601722903645,14.516018572598975,36.393852019608936,0.7314801121018765,8.545484938600591,1.6033010066721712e-07,0.0001132097967789073,0.20752353395252157,11.059018510992594,29.40592769039295,0.32507122826831286,41.41269693823381,0.0,0.00014063033626880034,0.11483867223480253,43.36268567302812,44.17740964750933,2.9081071566228096,13.757600103829116,1.9907974977412392e-07,0.0,0.20571510799020823,21.136933084449296,43.732705304050135,5.524258025456708,17.50873425101901,0.0004675494738462778,0.0,120.84109886148859 +0.857462275310012,0.12852964651877558,0.3338259397686341,209.6139591000113,61.68757711576737,108940.37006058423,1.547785247556951,10.042018477182939,4.04018867976896,81.27645015277575,4.439479754306924,20.46216376549668,0.4422708514156931,0.9978481370039103,557.361093962334,20.624061681759798,0.26476731731011177,75621.9458089968,0.5757591604304548,83.13842731501721,4495.7524563468,181.22058648996767,348.8320910186307,27.412359428759025,0.29907691912034257,0.1919780377431623,5.657873345228815,28.232505422482824,2.6702973635310414,55.758634251755296,0.0,1.3606156382909524,0.13351600964958962,10.570272581341538,29.64750559205239,0.22319655745722194,8.528967919751704,1.6033010066721712e-07,0.0001132097967789073,0.20591983003739672,7.462837781317047,28.01014418879423,0.2597870012851826,57.880898084780725,0.0,0.00014063033626880034,0.15666365293928955,19.204281424029872,32.06640428030659,5.19918818501059,24.34149759322762,2.7615343999459633e-07,0.0,0.21711049948504668,8.617897437250816,30.640020089013262,4.271771463756106,26.93291093135455,8.613401669459767e-06,0.0,113.90608208089603 +0.9723527375162895,0.22842451046898488,0.3490742913316903,174.53315366080975,46.68314598998647,230196.40527325158,2.575779891745696,60.46265921878905,3.645419616035579,91.99787211423323,2.8468709982575353,27.92872128977154,0.39820567017295105,0.6867419702251517,740.6082424408949,58.02902530575575,0.3095593095994289,129036.81720773203,2.9362483438386717,94.9626943841241,2956.239052631689,256.3742878807081,346.9893471104612,55.74053835986127,0.2113452621026286,0.19075252425163738,26.966425228377375,49.27166696381786,2.5395384077559,21.447403291787058,0.0,1.1720735112557232,0.09782557118490127,27.057739718562473,54.250455728795124,0.22815082155871175,18.0228812126344,1.6033010066721712e-07,0.0001132097967789073,0.1998669412243765,32.58225779053779,52.83368029702126,0.24480842359723853,20.9612256667731,0.0,0.00014063033626880034,0.14964703828049156,78.13288249360534,58.42019903765001,4.196012064829208,9.87225866088832,1.9907974977412392e-07,0.0,0.18195602173871792,52.3288598088798,87.8172665177528,4.272654612223283,30.864541524663203,0.0003154268377829388,0.0,181.57416356364232 +0.9286410547139026,0.13076501717253827,0.3403285234427457,14.91712782365397,209.77311800316244,289451.25566439977,1.7808284826633232,87.71846617437242,2.7351627750936514,5.82604972146699,0.9372099081662384,20.538257817231937,0.44146272774637413,0.6166259348431242,649.1719623740428,27.990028647435658,0.2149726185769042,63892.31666214873,0.9765924897144577,92.6781060392929,3148.8741265925646,99.53145958198402,312.8866890285819,51.994555609597995,0.16855670224941322,0.19704065288924527,2.5162801392059193,23.636642846891853,2.573658369193782,45.757059002084965,1.5754680012261228e-05,1.2783476088110297,0.1372032514671813,4.147123438028648,18.50892772987266,0.5278911337858259,6.220506709184745,1.6033010066721712e-07,0.0001132097967789073,0.2107903921124632,3.91147050094586,24.59800660826888,0.24823979274621685,44.08568284171625,0.0,0.00014063033626880034,0.13774080441234987,12.823025915765907,22.638815337905008,4.012946860333776,16.214358457871256,1.9907974977412392e-07,0.0,0.21346496284265398,0.496039652500876,20.849149151989028,2.953885215459703,14.399737509711162,0.0001028312099315288,0.0,85.06964545703526 +0.8961004333815608,0.23598515147130122,0.35971029639883995,234.28944336295226,131.60855577913955,301421.0682201935,6.1595027698906115,93.8306979221264,3.515750659204919,53.251367552516,4.375310051924189,18.964849077578624,0.7626843522230329,0.9807259961236289,939.9026576065742,84.00485968748892,0.19718718112693095,289634.58763143263,2.887663201784842,94.79956558138679,4790.901415993786,32.91407613280431,338.3835334113048,57.975381163565906,0.17728807580580638,0.18101997280677168,22.347269523175925,54.00910072834121,2.791295979719584,12.767948911604,0.0,0.7266468812758421,0.1349379620731726,22.75748943656623,43.52115095383748,0.6797327445171136,4.460236412677856,1.6033010066721712e-07,0.0001132097967789073,0.19279476415359462,20.93589918873098,55.63184099375769,0.298965217611572,8.999499940282655,2.9160540075872962e-05,0.00014414060373783881,0.10467169001335198,111.73382483593001,76.86973126955189,3.1367551815211567,5.85323407382196,1.9907974977412392e-07,0.0,0.22647906519437622,17.578599410928877,57.2817337714972,5.019304624040919,5.712279188178233,0.0001847796860023311,0.0,178.10122916974 +0.8691647354382498,0.17092161567239783,0.4244347864308187,17.453852200909196,173.91414154947904,224554.44397300392,6.589984101014849,36.32642045055691,2.0363008415395365,45.13523540462393,0.4989028023848643,29.798858752639553,0.3771414978847533,0.961487422667987,115.9905213670445,1.178514925725022,0.08537230154964315,115342.34879990706,0.8244699411495731,57.28923352000588,4963.374985845211,224.05899586859215,342.5035346182063,57.55019209639824,0.152395580224141,0.1907468326310362,11.872717457293046,32.04879478551685,5.946663561205828,42.45555570532346,0.0,1.1604493827179172,0.12953776318382412,14.678477186230431,30.689098533171048,0.21486356226756598,6.668158562539635,1.6033010066721712e-07,0.0001132097967789073,0.20384142049299947,11.339261918719318,31.446320175982205,0.25295092512136325,42.27283936907628,0.0,0.00014063033626880034,0.13708804483116968,40.35189751136621,38.0783946142991,4.561595122683032,24.114688782817165,1.9907974977412392e-07,0.0,0.19716591474395592,18.07957420386439,43.78993274173753,7.613981150768784,20.074397046601486,0.0,0.0,116.18807165985858 +0.9232901588687317,0.14872541985445756,0.34283291123473375,237.21655677883317,94.02036059901033,273024.37163289136,5.3005437980221295,45.02540848405675,3.369179807238432,67.73624002139925,4.752750377304106,10.527442631660584,0.35843851471893895,0.9301870389907398,945.9676935228537,66.33138969167437,0.1472856460852191,92801.58437500107,1.8101338296237401,73.41418476911768,1125.790491615192,268.0552105484943,347.7599322930834,28.343550107849993,0.21938298896340908,0.19807587343070257,11.591694561333188,28.539511145943038,2.943680770294908,30.465731233288192,2.178466990454315e-05,0.9772579908711679,0.13753667190857588,16.895647118866002,37.2936610941298,0.5406425159647187,12.818217848811924,1.6033010066721712e-07,0.0001132097967789073,0.2095094626604556,11.01786647206031,29.66520716680835,0.30536337897087723,23.511360770671413,0.0,0.00014063033626880034,0.11973114880071098,54.194102986631975,50.64923418916841,3.126076779899801,10.63133874122364,1.9907974977412392e-07,0.0,0.20816846748190262,22.228823194142787,52.11215359254326,4.862723386176583,13.06579712823122,0.000145285626362371,0.0,119.6297950059561 +0.9788570144307059,0.13164127881579307,0.440603846590378,134.75154067508737,56.538069398663595,278027.3862896542,5.071428717746635,54.60092047795526,4.7079470490570134,44.48099699749055,0.2856657075575427,11.504102503538423,0.34660307573866544,0.7043030319565003,929.9384130800312,53.99020785476083,0.21405171689757857,68831.42473761573,2.8829044919409115,95.4511022972423,4890.169201258641,275.71918859351644,267.9991558997848,21.050655099045507,0.2347685889988444,0.19183347607151033,6.400380473513633,25.50228479548553,2.9049936375441496,9.57240223293495,0.0,0.5914938206887846,0.15365922852591216,2.2991986436853407,19.581515552309696,0.3128385080500352,24.660150399459074,1.6033010066721712e-07,0.0001132097967789073,0.20565598435791319,5.874550435831073,24.50953212746675,0.27470951651553854,7.3828168749961405,0.0,0.00014063033626880034,0.34468286406320536,11.642865358986683,16.310188872694074,8.598268413397406,49.21594452649513,1.9907974977412392e-07,0.0,0.12368503561450535,5.663183270081823,35.26823054806618,4.714324874085799,49.26056384673023,0.0,0.0,95.40023892777792 +0.9433937590896051,0.14155197556519095,0.4111600072772293,181.34555086526422,188.61883835677503,285288.3491817941,6.156098359093122,71.04076323722386,4.702771005591958,71.07159966687807,2.8092253031656895,13.316377696382833,0.31230495505975037,0.9280991935038124,18.357583539283098,1.3288034458772913,0.23910160703873168,154233.93490776944,2.881308631419217,86.77310944337658,4940.84640646958,266.33934378529807,250.57419744091928,31.949999359014264,0.17830060197740283,0.19245447089059245,5.381515251730924,24.567811481488533,7.820638951451455,9.054558211317866,0.0,1.2937926019549217,0.12788572299752562,2.429032374237065,16.72893599594122,0.7677688343255572,19.375630919542264,1.6033010066721712e-07,0.0001132097967789073,0.20655635482668647,3.677095625790232,21.912243712322653,0.3343030437959713,7.469694599365669,0.0,0.00014063033626880034,0.35483545907221226,9.002494376866764,15.34958416304037,14.817937383053483,53.3193485926138,1.9907974977412392e-07,0.0,0.1315132060147414,6.643564155930619,31.243594882681208,13.09836515193047,23.252734382637847,3.156671720473392e-05,0.0,84.26547972996505 +0.9240712060924656,0.136528880669313,0.3445634381111405,184.5211725496655,240.32536792048847,346314.85672522755,2.701486440827857,24.226539842869414,3.0927308981453803,98.65334478960347,1.8800940179470846,28.94014319205703,0.400545617029634,0.8396209764611745,973.7686339350471,71.9624415939941,0.18199493234113107,56185.73886018507,1.2930050472300731,81.63816516659881,4636.144428307947,270.18952663032763,345.4713953274665,38.44197548075331,0.18012298222228856,0.1939383781146722,7.419111800257741,27.406025761327083,2.859593673357709,54.51003802049879,0.0,0.6453959931717147,0.09590826259984357,22.816940488726615,51.115682513053216,0.22255428895083318,10.78044431736889,1.6033010066721712e-07,0.0001132097967789073,0.20087191241524793,9.14332568235724,33.45671466238114,0.241900718524723,46.695267275212,0.0,0.00014063033626880034,0.10296551863004233,52.96831349221263,55.69276557285173,3.2770296268118204,17.539214688629524,1.9907974977412392e-07,0.0,0.1847188579494891,32.45108630142903,68.29484966708692,4.425081552840106,21.74194653387703,0.0,0.0,151.17737191087878 +0.9207585288202235,0.1315361264781588,0.32556308153629604,184.5357406253697,103.63816269377288,295731.5435200741,2.6046825405917353,69.53789023138452,0.6205598823826278,21.354921884952617,2.4992176146466445,19.34092530959154,0.4933079360205225,0.7243944917066252,665.781372702162,61.25867731822142,0.197222407587466,52956.183192596494,0.6882436054345409,81.74533406257231,2193.153845704979,280.8943999471295,330.40497103869956,55.94824869705049,0.17187829276787292,0.19675168272339255,6.245185986181616,24.792389196088955,2.7500738657477752,79.88173143731397,0.0,0.7247262063286536,0.13659537489871598,8.521997795892975,25.06938038113357,0.23004846614157046,9.233359543220304,1.6033010066721712e-07,0.0001132097967789073,0.20922964581605843,6.4330363612709975,27.020038533503584,0.24143494294436046,74.5599303057071,8.168991306322445e-06,0.00014063033626880034,0.14080701467931406,29.543591701700898,34.404419786637106,3.780910238191422,20.633287422161235,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9169599358146722,0.2235738544485087,0.3293674572075403,189.0171785892802,225.70855233510233,324386.6554602663,2.593641283461718,16.083928363763594,1.8182469208002454,94.40697155612904,4.277380421524162,27.13442707087256,0.3389045426517637,0.7985968230113308,819.0143651862543,91.50143601199943,0.19880762628197696,166626.43002088103,2.8260299998845153,97.65700826688719,4755.687122416194,289.69190546148604,349.58020032683925,32.59404449421303,0.19327525963273023,0.19187763524887755,28.002887974156497,49.70128402609452,2.7820470507948847,16.98391517857909,0.0,0.697128488068356,0.09622055702506516,33.42298268365835,58.64930319660651,0.22288571645932112,17.180651690281366,1.6033010066721712e-07,0.0001132097967789073,0.20524826592908296,31.128577185058635,54.78365509184365,0.2425341440662653,14.779956634359214,0.0,0.00014063033626880034,0.14671747055562967,102.53656320909118,72.01371974789603,3.2825566057858167,9.690423349537426,1.9907974977412392e-07,0.0,0.1711746292719546,66.95599063565939,115.1584175425416,4.3558860393746475,25.47222296853318,0.00048691963360119277,0.0,216.3533625489018 +0.9760847613636603,0.12614419264215712,0.4070350934162145,14.569202606292421,191.99799140367054,166517.92483905854,2.0279824877787083,5.854417592948538,4.720409110621637,90.75837011263695,0.7006426356742634,14.716319034807832,0.44909081255762073,0.7535115135651319,325.30370479572264,94.4553741796204,0.10952980870797387,117050.83535014925,0.6470490694369465,68.4592550882922,3980.4408387807803,114.8114862374132,329.2771221779961,53.82039341159712,0.2800303080899507,0.19658581634906702,3.15997322843433,23.827765906652655,2.3670010941198947,37.70926199126066,4.738679556204784e-05,1.3143675493408609,0.13830479083772973,4.1994547416117385,19.73859165606289,0.4240936472748883,4.638604798803596,1.6033010066721712e-07,0.0001132097967789073,0.20972834479330837,3.943635599479146,25.0278469059381,0.23841338159404776,34.544198007955465,0.0,0.00014063033626880034,0.13443721663131183,11.150415211450209,21.90963808084329,4.585984648140276,16.55198648270603,1.9907974977412392e-07,0.0,0.20744345852050974,0.5600026822193293,20.474537210041262,2.635673960386053,12.756913741533346,0.0,0.0,75.89497088614306 +0.9093099046868421,0.14448662839258572,0.44455414784062125,161.1194952206368,103.2830791479815,220068.45798598358,6.772501476743011,83.71901708639167,4.563097194493044,45.78756561173571,0.7392115260329444,3.1421791304363467,0.4009004024871746,0.7221527625103705,240.27396281741161,15.154408155832973,0.07177372624310395,72775.18414840527,0.5540473645945241,98.72289227439143,1694.0289686149308,291.9191642942576,261.0033026285402,40.015541858330934,0.1969903579823264,0.2013396455013935,1.3763596239580702,23.205970961586786,3.9934182793820585,31.108216333068853,9.470696120293965e-05,2.8119355113581546,0.1454657835673479,3.4191714552101335,11.941358080180711,0.8497924571794032,3.4074489620974386,1.6033010066721712e-07,0.0001132097967789073,0.2143652436017351,5.237075776703703,23.36974508504224,0.3591213399077344,20.43624440954133,0.0,0.00014063033626880034,0.3414358534294904,13.703203192400567,16.487000148732367,6.80893899967235,44.46710416511179,1.9907974977412392e-07,0.0,0.1784843684808947,5.988830661933146,31.38290841512181,6.951663623205275,24.426725597873016,0.0005754920621436761,0.0,82.69964447636792 +0.9150452879529195,0.11179193807314458,0.33634920348631636,181.34555086526422,237.49135235635876,181729.59279922297,4.294997843076626,69.71073181276812,3.018912711899827,19.554243538167043,1.4479609202029886,24.750572763954555,0.3879932255795203,0.5658461942798427,6.674970084756893,1.908916586443251,0.061817249532757634,155214.7317080933,1.9290349391254016,26.928877841311,87.94227158970284,144.02411520700446,246.46936235597408,59.06616134761302,0.17615747851657407,0.19911252070303798,5.493505784867013,25.343058554759185,6.368195727257698,10.315224731541122,0.0,2.1084245898328073,0.13698191816142813,1.474488500111258,15.371731021582299,0.9078625675012018,3.3149426638320274,1.6033010066721712e-07,0.0001132097967789073,0.2118891666959511,2.331057290340613,23.85570720634956,0.3575689920086154,4.7755443362877825,0.0,0.00014063033626880034,0.32604431518869986,18.754761718313418,17.66007833581907,6.6921331127878,28.98685498659029,1.9907974977412392e-07,0.0,0.21103290589307916,3.4450023416151008,23.105412877454086,10.502026213482544,4.056319820494055,5.999420895067479e-05,0.0,62.393609109183934 +0.973829917691305,0.20448534575169097,0.3807686052025179,173.11508906647956,224.5300377273133,231930.9564013334,5.064437237937669,83.34866664610583,4.223566911119208,67.05241365596078,3.8919812101289044,28.43841287085228,0.5153487964927197,0.9850273980851585,953.7548758031945,83.78226678985273,0.27195280059398097,250464.53535245388,2.667015552365852,97.12304509541785,2151.0234177717457,275.387291407651,349.61981308710835,53.736527850083064,0.32729676290172344,0.1900495701923234,27.592770550278356,52.61636447125612,2.7353544460341115,15.767481753732623,0.0,0.744119923210843,0.09781849843710962,15.190747919793877,33.19161742077259,0.8099779772636612,14.562147867976295,1.6033010066721712e-07,0.0001132097967789073,0.2012085553471821,29.178866852222367,56.737557781845986,0.34082278281896483,14.476675967495916,0.0,0.00014063033626880034,0.35583132008976653,51.25760751239458,29.810725761893078,4.3245414131476165,33.70948320920733,1.9907974977412392e-07,0.0,0.14708109940057656,34.7254210776326,78.58643718335034,5.172670629442732,15.076737387520204,0.00024413426808867609,0.0,148.05042467789903 +0.91985049129947,0.22113968042978294,0.3321058006567205,161.80387187407342,222.3595817722618,333897.7653182347,5.250206867490868,91.75211766796778,3.5464908310192325,74.11744884358828,1.3587681588281786,28.928492548297065,0.41005980285143206,0.941132799439963,712.3559567649786,21.626276410154894,0.27384203147196745,284299.7969952469,2.6519588181121665,97.94054901092463,3931.4048225095144,296.12142675394404,346.3835837580703,23.81256100131936,0.15189167244150847,0.1904425272809108,23.40557169751056,42.999074519717674,3.4208494523623427,9.252513326978448,0.0,0.6839975199569984,0.12914626676981197,26.809725672056732,47.771041332242504,0.5377750892776948,8.086706567200148,1.6033010066721712e-07,0.0001132097967789073,0.20197908232967066,26.127345661419056,52.07712872628136,0.29133054436529465,7.505176809871125,2.7628172133224375e-05,0.00014063033626880034,0.10909124176766802,111.26800407483388,77.86504923267172,3.299751815133112,11.45146467814935,1.9907974977412392e-07,0.0,0.19429956060643674,44.66191852194243,85.82059048642259,5.970622724233771,8.031474763967774,1.5567476734375503e-05,0.0,192.50410959891124 +0.9381897996382785,0.10015967163227323,0.3439830152922184,189.62446751485675,221.46640046961318,298304.63906487386,3.132846525297516,21.50028938189311,3.0033772634208873,52.76445907570992,3.6151559445171193,17.02121364325853,0.4011370057276616,0.5886326640827904,627.7163197620497,92.94739921950882,0.07837670064611148,84387.1979138677,2.5294425287922264,73.26707132094307,321.5695354110221,279.0229326541213,347.73749863199674,57.51422421432476,0.16629472151784,0.19908212486002286,27.555111294560366,42.645177127790596,2.7888799613553736,35.56791361095821,0.0,1.6549817828162319,0.11493395209744973,26.512832627413573,55.58805419575008,0.322720912683328,19.578070808920003,3.12706027372113e-05,0.0001132097967789073,0.20799619121645455,24.88848274330469,43.31690630043554,0.2557813045554153,25.930224895487857,0.0,0.00014063033626880034,0.10404804349337965,84.159006133398,66.50839174487166,2.998394841003593,14.23193019947531,1.9907974977412392e-07,0.0,0.20329604543747878,39.82700343133097,76.43175073487878,4.562545307625881,24.617515708194134,0.00020099719304371604,0.0,175.9850026677936 +0.9858187511772054,0.19900565606615472,0.4313067218526324,212.77954019176116,230.00390964616136,289819.51643533737,6.856710977343192,90.48037126795606,4.835871344677963,70.87694510707945,4.808009597400843,26.796669896148675,0.7571575742181603,0.76616387132467,948.4235432025375,46.32900941449752,0.33997165520926087,72712.57035147048,2.3981063459998455,93.74364201640722,4638.077377532732,276.8166110877425,225.5174970015712,52.51715836476326,0.21393615118838286,0.16872837301090501,3.97161531483142,26.853018756787677,3.231035725471865,14.076464649985994,0.0,0.7308856716535755,0.12474691855653282,2.4298950914915243,15.056187887675259,0.9520565443262046,18.140589893941108,2.0762541284774146e-05,0.0001132097967789073,0.18603915091470238,3.0770490368644374,26.47479849861887,0.36198610919826973,12.898307808171603,0.0,0.00014063033626880034,0.34642100012688803,6.523947831333146,14.793483370030474,15.692821564286522,56.396164013003855,1.9907974977412392e-07,0.0,0.10992282287953595,2.8665350235905804,35.67430485472832,7.3764842088883205,53.38288135607424,0.0,0.0,101.28607743391991 +0.9517232397066182,0.11178514012867594,0.44831059641708293,127.7022255459181,234.05860316843308,279223.3148887548,6.221067241057185,57.77178405719228,4.132475451869773,53.3150505623,4.88450710307724,29.499482304859956,0.3322442822563632,0.8793598091415354,795.1502545215715,41.65385937324611,0.3074067688221353,295154.2941041221,1.2707268898465172,37.308539411605864,2832.3971839152796,284.8136196492951,348.685506009606,53.44654270810883,0.15850493878507646,0.188845991341233,19.908545808147082,39.27780396572425,3.143269332446461,19.176922387645543,0.0,0.7873923883408375,0.11886240184931375,19.669426692823798,40.75036694172169,0.7258352816917231,4.003825584908858,1.6033010066721712e-07,0.0001132097967789073,0.20026234229160644,19.594226192860646,35.45448466076759,0.32824254144109444,18.836359116841933,0.0,0.00014063033626880034,0.11840528221955678,65.98559105452588,44.87902262713176,2.9656552041441495,7.21967397816184,1.9907974977412392e-07,0.0,0.17501549686981416,33.473694432730376,59.265988969967495,5.797342375826594,8.509278652614357,0.0,0.0,132.45942034611107 +0.9874775082890055,0.20400859117129094,0.3373962134280375,202.0730271843381,217.84618540911816,275167.90625561925,4.14019361087543,7.343643787725227,3.3111300117327014,51.806166570219375,2.876324487788335,19.629544157593255,0.3642307910789632,0.9305742732492789,887.090357886715,99.84949390016864,0.07412444027398965,54817.09609972326,2.3349275503240503,11.941390434608161,4488.851688096135,131.26363192162748,346.58049972075145,50.24896041653761,0.3101856861658395,0.1968221598874715,20.794833506359147,34.176016483723615,2.7677855469738417,44.01740276634178,6.294557294787979e-05,2.3052761580707486,0.13611079383799365,10.932595654004619,30.373239679964726,0.5660073335449076,8.916287976778793,1.6033010066721712e-07,0.0001132097967789073,0.20514632439149114,15.798041371967612,34.46140485340525,0.29516286910843764,27.53071453041854,0.0,0.00014063033626880034,0.07946455043805875,30.958513821090982,36.80581057521976,2.8213777375465585,13.209594647504785,1.9907974977412392e-07,0.0,0.20171560620373744,22.412916279566666,44.91114339910369,4.929879216059923,14.13315684538392,8.28120359857747e-05,0.0,110.03226032440563 +0.9280306765546753,0.23311038093952124,0.366686405858381,161.87140767489896,241.05734270404426,288086.34211168066,6.667440298753784,41.47820021082382,1.4502643777705424,54.647249018661505,3.114282586512242,28.56356033057915,0.4308358257237443,0.9676208729360427,717.4310201284231,65.76171975450791,0.08382015435452372,67848.50042294867,0.9357910182817136,80.93664983542007,2077.785900901218,273.1513025946077,345.13510708050063,49.63819663541666,0.3002461342415428,0.19582377484595329,16.996648993160033,32.06869268474561,3.1556019650295797,79.05453763365618,0.00022987012661604184,2.764417409595142,0.12959724643045306,13.830035459009265,31.161971316707184,0.8486331925195328,9.778462354266523,1.6033010066721712e-07,0.0001132097967789073,0.20480313985712179,9.097200234195597,29.78149072253013,0.3464966963081621,59.6694000394546,0.0,0.00014063033626880034,0.09620875259490644,39.70918870020872,44.21340356467809,4.315363696178484,12.688660890879477,1.9907974977412392e-07,0.0,0.19513214295075443,22.516705083667986,49.43396728598821,6.465338268862132,19.290111458844482,0.0,0.0,143.00167505520054 +0.9585279979312378,0.2313742268507688,0.37256743581265717,134.65781078894312,184.4214574036336,313839.9423946399,3.685891963876407,18.60381959450496,2.405238174249214,99.87742526302851,4.419190329875595,17.844870146402172,0.477816515482896,0.959382366611769,645.9045055816085,48.65389144886393,0.2301461901381304,61285.65701219364,2.5389132508862167,44.62115495457192,4356.25451752299,253.28055202499635,348.12168428089603,57.747797081476435,0.17614536011323761,0.19343565321410422,19.056471751123006,43.09696321608641,2.959870431671552,30.993506440441347,0.0,0.7195339148036941,0.115820964370493,29.274662738365034,57.54770328268537,0.2805296396445214,16.678110836366102,1.6033010066721712e-07,0.0001132097967789073,0.20601899600208617,22.661810075027823,49.21301159818564,0.25433836235004853,26.342048713401454,0.0,0.00014063033626880034,0.09917152811500972,75.1501178421,69.341999967731,3.23206787494562,17.456605127176587,1.9907974977412392e-07,0.0,0.18238873340378448,45.88841185108552,85.95598864292023,4.844533571385014,20.028519381016086,1.900632383081562e-05,0.0,178.764538219147 +0.8182805191419844,0.14385036804529128,0.35457325074321194,167.48183554324848,18.615993417861105,163779.14593941643,1.8863785175495416,45.13589040103204,2.133782118498387,18.846625294179724,2.16876970643065,19.205722667287283,0.3643637918862129,0.6580206871745864,83.11038106472023,2.102491513619894,0.08038956748552566,55886.85363347062,0.6289148939754756,71.02001523198035,1203.6752650316437,218.8417228169752,310.29409013117294,47.013151291138314,0.1588076371067648,0.19871533183208073,3.3526422616764724,22.884490746697928,4.5520082803852056,61.60653454651257,0.0,0.9955165253636665,0.14044453414496078,4.666891389609058,19.40221670568521,0.2976591834007297,6.488968659614231,1.6033010066721712e-07,0.0001132097967789073,0.2118993901504058,2.8232801027283094,24.471216604802525,0.24317171280268243,55.61158062890939,0.0,0.00014063033626880034,0.1554329090308194,9.22547452645479,20.445146035918103,4.24483592527636,21.31944916773026,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.922702937768896,0.16905676070642112,0.3718076969142108,234.40894374425284,206.9743635413457,315596.35597697005,1.576339906069642,31.27221678344631,0.9537416924801905,81.27645015277575,4.377545331449722,20.47794964682709,0.3905703138192411,0.7476801543073378,371.41501405299084,4.200096868603826,0.2666900098740981,63740.489252608626,0.5757591604304548,83.19878248577584,4495.7524563468,297.5439483447343,346.77754370188364,43.44344561255676,0.29907691912034257,0.19521512329562046,3.746755864771121,25.401492200320188,3.6989250595063776,61.96362740354471,0.0,1.1944451246517696,0.13497147083836142,11.207804182560194,29.220057303476246,0.30657587664709934,8.569267105181336,1.6033010066721712e-07,0.0001132097967789073,0.2093217587991733,5.073715947044613,26.514982172077747,0.2342170990445667,61.41779061263768,0.0,0.00014063033626880034,0.13075569757413968,23.755939534357744,29.58652391217695,3.7541916772148407,18.411968131500114,1.9907974977412392e-07,0.0,0.2157719159660207,8.952897756296874,31.999069554972476,5.733454168345953,26.906992077809438,2.8832535853678017e-05,0.0,117.13979883065802 +0.8425969909933798,0.13794798741475547,0.3251402849790584,95.17767435601908,121.07747346252856,210612.68310838024,3.798273686914631,13.292916737382852,0.5124662262819653,20.22598129610177,3.960471813848478,22.350741295496768,0.3933435779026484,0.7940406009444637,690.813691459743,24.486537187508166,0.20450759187377482,70224.98417497968,0.4907278646556168,68.35878501446886,3422.7879269313007,260.7680128338772,341.3956117208619,37.8790980576588,0.34327135247476653,0.19621059234856822,6.756477968117073,25.462651153906027,2.762391744193574,69.81751022851893,0.0,0.7554803708899034,0.13456192909341824,11.365748360203707,27.488937120910347,0.3847482097088814,8.348555117827491,1.6033010066721712e-07,0.0001132097967789073,0.20823974040910473,7.861263871582337,26.359516522533845,0.2784029366711734,65.98940050917626,0.0,0.00014063033626880034,0.13529809624125574,29.527719021498207,31.9733842629177,4.467531683535901,20.006156996760478,1.9907974977412392e-07,0.0,0.2102365746813593,4.413097300042169,25.432860655391387,3.8077985048390595,22.23542583308864,6.959608027963624e-05,0.0,123.01391672272217 +0.9709329523073299,0.1924606429888239,0.3968777622820688,189.82277230168464,200.06598115620972,198196.24507030155,5.690119071885201,84.54150794659024,1.5237373149465916,29.631384601963102,3.7034663607164906,28.232961099235524,0.7557912572944795,0.2973072061343808,984.1702460323621,82.3788061530708,0.3332486759387852,64191.07904052506,2.900704224669222,98.86115842899494,4649.1339277342495,88.76375799896748,228.25385145360485,43.85141476324748,0.3340772955030266,0.19985096160667654,5.507760391898039,24.87831792791343,2.730294308401915,6.361523608084078,4.412536613832907e-05,0.8342539112283267,0.11481646331047375,1.771997663497894,16.827844240227027,1.04331046608794,26.14332644232303,8.709590158333335e-05,0.0001132097967789073,0.21351317872546563,4.252142813161655,24.205572603738954,0.3816724006493394,4.974159272090549,5.272248729374707e-05,0.00014063033626880034,0.2417139538133959,6.158263187177798,19.487507659496003,15.249278972439736,56.08592128725066,1.9907974977412392e-07,0.0,0.21079318527248617,4.966711421894717,27.81858575744623,4.685854342140446,45.26104095317142,9.02523445697695e-05,0.0,94.67187083733442 +0.9740643361627495,0.17307928105997933,0.4211328417707829,49.94050580343733,82.04704054658649,279458.78125991527,5.960623735164734,67.05807520566053,2.103601797908531,97.9051503576959,2.333741712613488,27.51858767557332,0.5111670426365456,0.9893807269852759,985.4375393328419,66.38997549165923,0.1998774745677134,68000.24718241875,2.1612577203361836,86.59850616561263,800.626078241924,210.71536826424096,346.1701725405406,54.389643609753186,0.29723215411899445,0.1867503879148335,13.204033398775438,37.126481562988644,2.775540510490086,29.73417962818394,0.0,0.5850734051060593,0.08067760416797025,12.433288230865024,31.234967033498634,0.2902408341719769,16.704943314570894,1.6033010066721712e-07,0.0001132097967789073,0.19514151242545755,14.70155957715429,36.96931212856625,0.26614302266682216,24.96086433055277,0.0,0.00014063033626880034,0.2515888368818903,39.55398021096934,37.347062034963216,3.6054408848037793,14.854132391983647,1.9907974977412392e-07,0.0,0.1300753624826533,31.64132064977965,68.70526007728749,4.511856134485258,22.894032785797002,0.0,0.0,124.57698108790068 +0.9845914728038954,0.21621981755879308,0.32557741973443827,203.8293397740462,248.02491682208057,345759.41703886277,2.5900041865783403,7.104049597194045,1.660148398474898,15.038430545646314,1.7753327747279235,18.53220914746588,0.6138905543149347,0.5649663125046664,344.2830541228747,71.98121201234271,0.17941943212250386,82635.67430925772,2.2273515951997847,94.45186463858668,394.3768721973699,277.936270879402,345.8572389767088,49.3262629442052,0.25033930255645664,0.19645828164761486,18.371797574279224,36.58106355409622,3.091118163519145,33.10122457331529,2.6819511972097805e-05,0.6618162886105945,0.11500588438924085,18.683625800011182,38.371578948092996,0.22459235979894648,21.232393084750953,1.6033010066721712e-07,0.0001132097967789073,0.20770018031008827,20.075961491411046,39.19640976478896,0.2416306458612863,28.943451657256574,3.6527950207573565e-05,0.00014063033626880034,0.12334129645619883,57.84999539273266,50.076095625878004,3.1307747568143727,8.411691291367474,1.9907974977412392e-07,0.0,0.2166102327201058,26.432101831236395,55.4575338687908,4.76442140814877,29.25661071145444,6.164905486210063e-05,0.0,135.7154466305243 +0.9740127934305408,0.20771404730799467,0.3811758763528288,188.60693396888564,199.6257350491942,209410.25141490847,6.916894617053158,83.0554928631389,4.417524218380086,52.851159620127135,1.4946064677233846,29.277842176343626,0.40525583999283654,0.893742275340517,987.7441936417479,51.59202218589798,0.22406644203514625,114185.62178640389,1.3727741390867143,81.44211279260384,4909.4214788673025,247.3642366645058,343.2819825545728,55.07464759122477,0.2628876541756672,0.19322153561767366,13.797922027024423,31.375338404417924,3.0069911708852732,39.83786174475284,0.0,0.7115722227443879,0.12752021368707467,15.645419247036065,37.49655853655434,1.1637367025473986,8.95855610784426,1.6033010066721712e-07,0.0001132097967789073,0.20277923958901953,13.6391354844516,33.333347035440994,0.40215596020345484,34.789857369171266,0.0,0.00014063033626880034,0.14377317259834158,49.78697639028594,45.181962776280166,4.28971921671008,9.401850237521314,1.9907974977412392e-07,0.0,0.17967791549189974,28.801778344183475,58.614845623268515,6.597594065696228,12.984187345270271,0.0,0.0,126.94829630015246 +0.9157080063135554,0.14862636754798228,0.3496637141134676,225.54262507546025,134.88438853581272,301013.3072975486,3.9373260510257237,68.47958664967179,1.1015840968821657,37.83032760888096,3.0064691255580276,23.13518569460019,0.48701728016242923,0.9613703200242045,680.1230424455202,93.45607670883987,0.2443321256783486,185460.99267845188,2.9026125616686507,76.30268132537206,815.7017130574368,259.5852394876572,343.9056885478426,50.46652974200899,0.158068031895781,0.190054687033341,28.975448553382574,57.23153142827303,2.8794991620091515,16.230096769636006,5.5518662379576325e-05,0.6926263103106896,0.12205180763953413,29.746849931943437,55.14572553374053,0.3780352145347856,11.502643246295989,1.6033010066721712e-07,0.0001132097967789073,0.20107673961491807,32.760464073792214,61.203283254056714,0.26883800154390874,14.109210483842094,0.0,0.00014063033626880034,0.11927318119867693,96.48915551955403,77.13779183155198,3.009506078505558,12.068421160911878,1.9907974977412392e-07,0.0,0.18119967334506404,56.778670112023,103.5710218962574,4.694179988884667,13.009834008400224,4.9900059031993764e-05,0.0,207.4153501196445 +0.8883196888939532,0.2208880855460041,0.37846574142928185,224.90436947196022,200.66083824341473,133525.63380947168,5.31982847878706,56.45701376849366,2.6557719206060217,85.48927309595271,2.1741391694370904,29.15344816746044,0.47213965783774703,0.9123592732876314,377.739789934672,47.7676987690362,0.30817150539055743,280965.53006004763,2.8777544773432195,92.39045615960481,4970.349567505319,259.9345798948633,342.9661541248909,54.6080919297879,0.1690154438790762,0.1927323142715745,31.362477285924033,53.058875772153755,3.103248964824185,13.18030343652945,0.0,0.9039865934498855,0.12478596485656909,34.54454022257038,63.517991296490855,1.3997608859706978,12.235156113653005,1.6033010066721712e-07,0.0001132097967789073,0.20425361352678628,35.879213527797184,61.60536090670303,0.4441889459216635,11.763890191778486,0.0,0.00014063033626880034,0.10137107853841634,106.09523679109513,73.89735016240344,4.39059962618097,7.208678433205892,1.9907974977412392e-07,0.0,0.1899537313962167,61.88927305513278,104.69871398555833,6.659878824467064,12.803047482862846,0.0,0.0,215.3426024405735 +0.8073008072891553,0.18708160148527703,0.34271915992713425,205.3694545395186,112.50921619694122,310158.0748142305,4.077911795152065,51.85847923445483,4.422531574787645,89.96160990628356,4.531039588274425,27.851488820379668,0.3920195379452157,0.827419756120192,666.9659774910658,21.619009790564256,0.1733685840001829,129792.00401745489,2.8813343152031687,94.10910772742544,1695.0449032864008,260.3073091373787,345.0135311290285,48.79157645488508,0.24456912010484463,0.1929549193422156,30.94477713124696,50.64796375496712,3.2038353917439277,23.19769201761992,0.0,0.6586086929638748,0.08237976211666788,38.3709225916393,61.02981702981587,0.3240150215060159,20.289058421137973,1.6033010066721712e-07,0.0001132097967789073,0.1997310926910997,33.55650151695278,54.60464384242471,0.2635402557812181,20.521752878970116,0.0,0.00014063033626880034,0.19608570159325725,96.59095410760763,63.255705418449296,3.35488521297747,13.247044598497338,1.9907974977412392e-07,0.0,0.19670188740968916,54.61794216640532,90.21641060825185,5.379201701528763,28.112472804907515,3.817503573430046e-05,0.0,199.16984218641153 +0.8417892871975562,0.2527039179645464,0.4299877886090381,217.19573561932668,220.39428374168097,319664.4726140002,5.936550374956953,37.27938358271616,3.338713064743569,67.13825248491955,4.017487056875193,17.27552542408661,0.6107933734359263,0.9109665342271067,7.610911237869004,74.3935257000963,0.07278782569080254,53263.07228868565,2.844433253411249,75.93021834464712,4730.498867014958,262.12299716073676,254.60927727713116,26.06797747656342,0.22492237486419292,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.34465454232563425,9.172392546993457,15.594595881956188,14.863643436018044,52.8340685370322,1.9907974977412392e-07,0.0,0.13575994920940876,2.3339030641147964,35.845865849556255,9.32576580751029,41.59436924006385,0.0,0.0,4674227208854.957 +0.9770632107065577,0.21102498870420913,0.41081174567390233,212.77954019176116,188.76884843839852,265261.83287435374,6.928946326332026,54.23663781110421,3.37015654469905,76.22256302027958,2.992716803357885,20.86384773953035,0.7760250552390952,0.6585893187703037,832.492261615221,59.20664936668149,0.33012053920541057,72712.57035147048,2.843124981925294,90.8557122432305,639.2515058908016,274.0065565577604,222.07914773413995,48.32679481129007,0.2164609585934878,0.18510047259055257,4.160631924009887,26.215913887709068,3.151273063181823,12.043537496814494,0.0,0.755516469423415,0.116210271276085,1.9401718891912854,19.035519125611312,0.9754164328790305,22.13740836032083,4.2289901871289205e-05,0.0001132097967789073,0.19699441439500406,3.495870358998986,25.040353859546848,0.36878742317623625,9.755534407244362,0.0,0.00014063033626880034,0.33618344055270927,5.428781545860623,15.497619653608227,15.960469754983782,56.755295037722156,1.9907974977412392e-07,0.0,0.16325223389220395,3.696317892067449,33.57192040254867,7.971330276920126,55.28316977023364,0.00023725801742485345,0.0,102.26481975474582 +0.9767784088686309,0.1731358542757443,0.42525243313687305,244.51237166348866,122.90549465371868,335519.2047732539,6.344255960699312,51.01688686804991,4.812007609802353,16.071721632722788,2.362977033787373,29.05498967489065,0.7250495546817128,0.9277688919958742,705.1343164059359,46.96021350714939,0.333125154238173,117469.5288553611,2.7767901777260233,71.74067469084108,2693.2910220150316,219.97421531725635,344.65181077525483,52.97432852562601,0.3394699203735212,0.1878483014724844,17.04804983413889,41.48455624024651,3.371046644131164,16.174403864935194,0.0,0.7592533430449848,0.08843787016863644,11.407633290210693,27.842468462213564,0.6074711569206234,15.05879388974117,3.5958107459084034e-05,0.0001132097967789073,0.1973346688095394,20.017245132408696,42.28084245422993,0.3102536204229601,13.943186879069378,0.0,0.00014063033626880034,0.35447223022333557,38.61363634701558,25.047560025397978,6.351502068279503,35.09536662201937,1.9907974977412392e-07,0.0,0.15129828311134455,24.08807743889353,61.473426867227666,6.327001026257889,20.149740457970456,4.175476865956929e-05,0.0,118.30641928091981 +0.9425538207650146,0.14743622175179805,0.3540958594057955,249.84757008740314,73.72539980032948,230357.79510510922,2.165404228410976,67.10908812651078,4.8014269697981975,44.69672653344592,2.4120937805591733,24.811969205559617,0.38565822062925803,0.9704199841614911,312.2806899705985,67.62693462388185,0.22812700010437253,88192.00884373215,0.957972674582201,54.57959859113964,115.85808397940536,236.9702887086184,344.5546319510936,52.12781912280368,0.3114673824208402,0.19018711887288126,9.566556787240987,30.519381509586097,2.66476330943712,51.87823231606695,0.0,1.002712183476352,0.12477058370772745,12.67089718353995,32.16523185637337,0.2279331726082171,7.089884700175445,1.6033010066721712e-07,0.0001132097967789073,0.20117897864347098,10.919732238034742,30.02112743410328,0.24266798834960063,50.139232871379086,0.0,0.00014063033626880034,0.12024893664589394,23.591526702892335,32.23846137495579,4.098429790367906,17.051560352312073,1.9907974977412392e-07,0.0,0.19222553392992564,16.571270620598412,41.22448237196865,4.245151279197418,22.694994233790418,8.877183445400705e-05,0.0,113.63588980858731 +0.927423425124598,0.1405841634934187,0.3968573788598257,215.73391790451421,168.30580030603446,253801.05960388994,6.643650753403946,51.22152610768873,2.4174406664620656,10.202676681778382,0.9436536004656357,10.609085840722884,0.3186444185068709,0.6332395624928991,504.5041803609215,55.8802287576337,0.06399642337304004,244003.975852744,2.339289887910647,22.217437344149314,2641.919911309193,91.35567272787844,335.1359507551412,23.448915540427024,0.2793433013910703,0.20253864712064562,14.081143308906451,26.492164668989208,3.1956268345136842,7.08703516891386,0.0,4.103142388378937,0.14073734538128263,2.305454514293191,15.30153799345294,0.9435488389798494,3.220804703553663,6.376994190385537e-05,0.0001132097967789073,0.21302776666153211,3.7863420919100896,24.162058674853526,0.36494750426209627,2.467672488772908,0.0,0.00014063033626880034,0.3246761459321864,55.695277019965665,35.400835143171435,4.422789314166996,10.245916058115137,1.9907974977412392e-07,0.0,0.221713538708231,0.9497539942766469,18.52024396880689,6.203821165865361,4.5282779786646845,0.00010780461244167851,0.0,81.94720981134694 +0.9593077340856422,0.14550812094315335,0.43623315111908983,149.06809785859204,109.98933740698274,248587.0843484629,6.985025561127166,23.726765961487057,1.9295560903061246,20.658591042135782,4.135471614272823,23.68656907827126,0.464471910621611,0.44823165608338994,304.07509746184945,54.242931347845996,0.33607749505435036,50129.17238328351,2.8982794114171013,93.92191942473893,1713.0203235384975,274.4233717635475,289.92185745893676,29.6469660549651,0.23634532919472834,0.19645529995023803,5.125510325848731,26.805638489939902,3.340346137670928,9.599072075083491,0.0,0.8165362417897174,0.11113766411359696,1.7844087969635316,18.895395645336727,0.7759704787491861,23.69823191125552,1.6033010066721712e-07,0.0001132097967789073,0.20815550622512027,4.1164834139956,25.637941637734116,0.3459250647223101,8.145894989584491,5.272248729374707e-05,0.00014063033626880034,0.3055653257532606,31.110834365104388,24.22387337795401,5.589328168641256,36.31229861939588,1.9907974977412392e-07,0.0,0.20435581436883116,2.663718978694678,33.76539007038467,6.639011737999805,34.62637710755279,0.00014291664956784354,0.0,88.35680862386228 +0.8400673127930952,0.13544066026460166,0.32785637100803655,125.34049957205342,141.17436702346504,188046.25872964246,1.5254698952190027,72.81808298265504,1.9296454716939844,21.141303362002425,1.4823465183986733,21.55428694798192,0.45929742741754415,0.8212446504852635,358.4512382698302,19.369131913143907,0.08013569397385491,108204.17047475676,1.0357717664524082,56.15510585219392,235.9715234269072,118.69375210703524,343.0145773413961,36.76572709901394,0.15596649307436766,0.19681492307088716,12.854617518776275,28.52812281773117,2.5879594626284,44.86490567843652,3.2856318852206775e-05,0.9930001345082767,0.13558837716233665,13.708537290126603,31.516268308463875,0.26038219085549436,5.914873308647416,1.6033010066721712e-07,0.0001132097967789073,0.20825239893586925,11.193573515448541,28.55875568832869,0.23811823720276232,39.804076062580265,0.0,0.00014063033626880034,0.15131557301818252,41.2575920308228,37.4763053803326,4.376536488568174,24.335335481382014,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8653799775354367,0.11853829753979772,0.34172951846696187,134.28895483353713,93.1715686137448,240368.81694831778,6.386388937263067,82.18091847270286,4.302833572785577,23.258906408484506,3.935077891656637,19.508286758563294,0.3370173367442161,0.9608414948207933,658.0993794570759,59.01670430998461,0.3111902505129686,82407.16981264114,2.2104714407668093,86.18456924783189,2465.772057492304,264.58381628353675,344.6591081546531,44.300205395618576,0.20353075208563245,0.19090850764572143,17.98398381826323,40.73047403201298,2.9935276403275775,30.66612574945102,0.0,0.767982047308805,0.08578736308907145,33.584218367031966,62.303336929618204,0.6674394245299602,16.183156585564966,1.6033010066721712e-07,0.0001132097967789073,0.20220243802123236,21.01802530666836,43.83005303397828,0.33086816110964684,27.233884234016603,0.0,0.00014063033626880034,0.10699397973389416,74.61535133838794,58.57296936044458,3.295524974906403,14.497481262805518,1.9907974977412392e-07,0.0,0.19204324722966626,39.15532636399539,71.00340075792357,5.249530802670723,17.050336733890408,0.0,0.0,165.59358620319415 +0.8864386908035666,0.20884567257481657,0.373068057235625,203.78934561253138,127.24056625182365,300638.16185889853,3.3163422566822125,58.65427624635386,2.6293507800574893,92.72442448066894,3.111418130348216,24.28663614124549,0.39785086424570326,0.7997684345896727,808.988326890339,97.96926602121201,0.06533750573607594,105091.39357527594,2.889153960801509,79.43667256283086,1598.1299603911227,255.9476312141703,346.95862914785914,57.78908099305899,0.21522534145112004,0.19720560589975233,35.77529240156764,52.759500418066025,2.788789848813639,30.436533329310592,0.00013723730021886562,2.2798171182332583,0.09472124218450965,31.608125881036454,53.70625945675504,0.257913533929721,20.00499607387356,1.6033010066721712e-07,0.0001132097967789073,0.20154753896487976,31.041146543191648,51.14560583213862,0.2528070163512508,21.63584582342737,0.0,0.00014063033626880034,0.15687985462240525,84.12976207141693,59.47718289149358,3.4135643501585213,12.060798702526538,1.9907974977412392e-07,0.0,0.19073422621467026,50.5879731881328,91.80932921644063,4.48898708632532,28.775627743835226,2.0331549507531535e-05,0.0,189.58638232488505 +0.8229725371315904,0.2294437469606614,0.35940991863732696,141.77860870802897,125.0783035727272,308193.8399129636,5.8899919792468545,82.45044906632924,2.245736309953562,90.01220745918732,4.133679963842544,29.06694993533866,0.6265384640564846,0.9499233260475091,938.7567506206698,64.74644370335503,0.20746186123611413,92744.08212626776,2.701035226508546,93.40435268847745,4784.630601708488,94.09656293380444,334.00955695871926,59.24091013759208,0.2497790170517847,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11947269106676066,28.776496703261927,54.31039067789987,0.5143412103357343,11.566994295030598,1.6033010066721712e-07,0.0001132097967789073,0.20269528282253366,24.91447681800305,45.82833209946347,0.2972719684257837,18.69532610690555,0.0,0.00014063033626880034,0.15862854748652683,88.54084148369375,67.06417224714532,3.0181752283939125,11.585569554371006,1.9907974977412392e-07,0.0,0.21701604933368848,37.6239625029644,70.4697711324108,5.039415974187315,10.803861395883846,0.00022534181467282675,0.0,2698666337285.8823 +0.985119452936452,0.20854191282029552,0.3792414790058587,139.14653499689157,193.1575527393524,207255.70423689362,3.1691601385785955,59.15717033190823,4.871088254839943,87.70414366518457,3.9994637945871334,29.144467813625024,0.447609191642701,0.9450237128183294,949.77838399663,28.31120357033733,0.08655513223389516,99701.74234425122,2.9012894272057723,43.342487329616254,1599.8214961681072,251.80917429307647,344.53086293625466,57.92479635203619,0.1510549905011691,0.19103393794246512,26.856972801716758,49.70768010172917,2.6255856042045322,22.57891956427287,0.0,1.1773248853085807,0.1084927894268942,25.893325084572602,48.645763443877975,0.44976651988024224,13.394417592941714,1.6033010066721712e-07,0.0001132097967789073,0.2010205197088529,26.66121595411646,54.29199682267633,0.28118611392499426,16.0952337007888,0.0,0.00014063033626880034,0.10534848117790249,83.52982189646497,64.50566474568512,4.141252524370483,14.659217748686979,1.9907974977412392e-07,0.0,0.1791879323402157,54.76112386404615,101.87393469088803,4.5680139641944315,13.767256231359388,4.438851625593809e-05,0.0,189.21461866900026 +0.9280248463292023,0.23836833132788926,0.4483066511489939,116.24747181993227,245.21296483037804,276052.5219223355,6.631298743763998,14.498694710377949,3.3925311793528694,62.07271314614265,4.144946143032555,27.846705864326385,0.3701958926008451,0.9741245294786329,574.2089974598501,61.87712443445106,0.27505926241525797,297281.35856553674,2.884819951941906,81.62626925693718,4355.797999818152,236.31766284624786,348.8181243628,56.76687292105675,0.15901855883744806,0.19135379618908568,32.400794578614324,53.746978012769894,3.137071056660889,13.63889510310985,0.0,0.748032788977595,0.1312852969541556,29.861026332460437,56.880971648543415,0.7574178656597631,9.918766655171899,1.6033010066721712e-07,0.0001132097967789073,0.20319552079795794,35.05025305675008,57.9009111153844,0.3345511427283729,11.848544464323146,0.0,0.00014063033626880034,0.212310924555607,102.87129430704336,66.47301990418369,3.140105607986633,6.159603427413984,1.9907974977412392e-07,0.0,0.1873553495140212,60.610069202367804,103.32685044263387,6.16647035452448,10.416099478325606,9.326159713627364e-05,0.0,206.46614091166913 +0.9690055196912792,0.22905639981593856,0.3732068658295348,34.747296314758245,206.47116169743697,306259.8471467574,6.284225250065055,77.81180608017493,2.408459110922366,26.16575527728549,2.71395104224374,27.08665643530088,0.7860842751657117,0.9653495768593487,206.45566969122646,72.33142039319158,0.2954511972392689,293877.12256457435,2.995742299664362,95.43387664771447,4760.825267028354,255.223574906626,348.24909652850533,57.04144183942436,0.23168083643231457,0.1897282696485328,34.33835901872601,62.66934317171686,3.178780743698251,14.621502992259321,4.156133383831148e-05,0.9581685385009371,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20289055292474928,38.24691462534982,68.662520482603,0.2549073028445605,13.562465979129625,4.224026122696684e-05,0.00014063033626880034,0.3211591223289598,83.7180435165113,53.237024787781756,3.5664951669659892,11.558151886383683,1.9907974977412392e-07,0.0,0.15802759319761026,21.388792170357416,94.60312533810773,3.8775882383592624,12.671281480281433,0.00015763066653264027,0.0,2698666337285.8823 +0.9042315321567386,0.2402368536164083,0.37256743581265717,134.65781078894312,238.7072078876891,316926.9095864159,6.612499084834791,92.23643214551473,3.548333507079172,99.84934572186948,3.8747073818685904,22.343906389031908,0.4161745171252415,0.9596151650255214,829.0830468313833,50.69900866361145,0.2857404578000846,255646.2687121714,2.6302749415144198,98.83403873869358,4729.319546061306,227.31567737562668,348.11147113532513,53.86391962779846,0.17614536011323761,0.1941448252578076,32.840805925827794,52.158889796878846,3.2028220189317995,19.044030093346205,0.0,0.6683911118575185,0.13384765809093907,33.44789121077653,62.72288556094205,0.6967465816508499,11.280851782098026,1.6033010066721712e-07,0.0001132097967789073,0.20496337571820233,35.119734155985356,55.080120776239674,0.32160186873658125,16.789597159793896,0.0,0.00014063033626880034,0.09662887082396267,102.17235446478607,73.17170728710255,3.532886839007463,6.5871948787900685,1.9907974977412392e-07,0.0,0.2029007529456363,58.559644152119375,99.14157811572674,6.105551120025049,12.143278474765358,0.00025192995192795716,0.0,207.8332341941615 +0.9786296447977794,0.10976021236700101,0.4454625054627376,209.9921980889651,216.54847377235788,347340.808809352,3.674472554735785,41.50577146031526,3.4913368111746457,68.55706332192261,4.2006734661711675,21.073265482273758,0.7735567367418597,0.9234723000188654,725.0730768821932,33.57437405447883,0.3060462532319344,294839.7087782028,2.528193232458818,69.095451175781,242.1234065184799,255.06985743473405,342.705007347304,46.3982292282456,0.31986182956080966,0.1899396391840407,15.254688368690537,37.64577438877981,3.1244417110551983,7.688427247103548,0.0,0.912924841599831,0.13079942365261224,8.40061351790047,26.408578065979555,0.3461785762574388,7.7719863290315105,7.706425848513467e-05,0.0001132097967789073,0.20433385290096337,17.33050968725122,41.70619235001509,0.25778725995812496,6.855569304588252,0.0,0.00014063033626880034,0.35664657608246036,38.06630674961206,24.396314997266913,3.904310220843732,40.46621932898088,1.9907974977412392e-07,0.0,0.19945080112739919,15.793154876073546,42.98097943845802,5.020575595637124,10.817902729604933,0.00028482446080089314,0.0,102.81638226334356 +0.9241363564433471,0.143145774101365,0.4070038606416995,136.01254015656906,28.31947259291131,346463.26258714066,4.09503475812453,5.854417592948538,0.6448808172188255,10.015265304109045,0.8073156290614304,12.829636784257104,0.37151545394039776,0.6554094717032274,325.30370479572264,87.92418719123742,0.18135592787904634,58023.031291657535,0.7574138749619549,79.41839582921646,3927.146136561738,140.59173299440084,345.56209829831556,55.546600823114396,0.28837362772632574,0.19928156568767508,4.697750911618542,24.51916392972395,3.217299443703493,66.57844872326388,0.0,0.6308965936899295,0.14189674911176473,7.944887285833292,23.506099105073474,0.25711027493406025,9.138041190477997,1.6033010066721712e-07,0.0001132097967789073,0.2121550589637711,4.322343712594085,26.347964083512043,0.24371211234095283,61.09494607694669,0.0,0.00014063033626880034,0.13284637689015344,19.734285111053808,27.182835477516612,3.5876516686682756,15.062939185364629,1.9907974977412392e-07,0.0,0.2186548467094243,3.017075546647469,21.78663208483301,3.821896132615487,18.75961079713407,0.00010269962716194704,0.0,111.49012016440805 +0.8081395326012796,0.17720642254384528,0.35111140235005966,42.886044790911825,13.682132692338811,160753.59685098223,2.375297054783541,68.9148116088586,0.7769022865287348,53.10700934658125,2.133241806895693,28.312243818779866,0.6312574225871143,0.815618770341265,689.1186043017874,15.48144035019089,0.2155473176954247,65696.75731980862,0.5611628170109079,89.7655913459875,426.2865644485637,289.30064390768564,334.04677974671233,53.745931814722084,0.16113290002013148,0.19450037359924435,7.128866384193599,25.89502047240736,2.5398090520336263,69.89031018190315,8.800406978188275e-06,1.2404571640829922,0.13473683580205975,13.25788853904098,30.547056442743433,0.3061662821736589,8.747918748537462,1.6033010066721712e-07,0.0001132097967789073,0.20761943145471679,9.194431893696837,28.189566324118374,0.2421176102736444,71.48895604066048,0.0,0.00014063033626880034,0.15102153810499963,32.4861791651548,31.400055374335164,4.742844724216925,26.51430658511438,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9537721655806716,0.2476220465313595,0.35938753190166767,223.9808936571489,163.81759741237855,171054.89669658424,5.731323116204725,33.721083442637976,3.082220174099831,15.19181663589816,1.1838340709708453,20.101572038072263,0.37172872326105366,0.8154479837900611,79.53313469371653,8.133528906850685,0.05547591643351451,228235.26124580036,1.4959707976032286,80.15035330444167,4640.327130788259,215.58477449392097,261.4686623843384,51.55842965787014,0.19770789395869107,0.19941536044267844,10.528368397310144,25.611133151238082,4.478707594879664,11.55193128890635,0.0,3.1893017709690796,0.13445317658631295,2.0623444662525463,15.908688309926683,1.1658724976526038,3.8292339086953313,2.9769378277863027e-06,0.0001132097967789073,0.20830319676066492,2.8339960619631612,23.948242269211207,0.403706088715882,6.052209900301339,0.0,0.00014063033626880034,0.3457343066427923,30.939863779317793,21.42587356965535,5.979020893597266,35.22384209554371,1.9907974977412392e-07,0.0,0.21252685920442307,2.8606118179393834,25.531998786942566,8.384487608003496,7.472105838057253,2.935538088176355e-05,0.0,72.8109416004023 +0.953376336575557,0.11356160228127253,0.32812927989909285,84.21413966018173,195.3307844685429,125525.69663090949,5.581646034646471,38.82269033675439,2.624235948308424,52.44540838098502,0.6037325436546639,28.893220881305993,0.32505713541342296,0.7805071802735846,473.0527640333039,24.49798253823422,0.08460720187888007,57728.40386812827,1.1095052732346964,21.97382267472883,2044.664988710973,116.49809672888418,274.91697163728617,43.49823497695711,0.17317275073734678,0.1953011960521592,5.057955877881438,26.079960432931667,3.1827150315068096,51.28735321752021,0.0,1.6269282698863812,0.12205297356449493,1.2480108644364902,16.05325210520686,1.1159409847099082,4.569043558996413,1.6033010066721712e-07,0.0001132097967789073,0.20505400667991489,2.135808470692354,25.10546651963535,0.4017164651879857,35.065878551092176,0.0,0.00014063033626880034,0.33261517389400164,16.318074366205913,19.681810427341105,4.0822377368575,14.30099604424116,1.9907974977412392e-07,0.0,0.19057631325731386,1.9480208789952878,26.761627241429338,5.595576423533232,9.092653288753937,3.0118955117109e-05,0.0,84.87620623826217 +0.9024554151344523,0.11841575599190357,0.3665297776353605,84.60455351072558,41.64524883487263,200993.16162651818,1.9944387400916375,39.15070815957126,0.35182950433298255,27.314877894275327,1.384799210194484,10.333069691159615,0.5118188380995162,0.7971462464085041,261.63672889645386,75.5307970557673,0.15340267303071675,139368.00858457855,0.9386297728344296,71.39674093134863,1193.2116181952988,202.68406434399355,313.3101469907536,57.29096257866226,0.22614755719569307,0.19798215930826182,6.26625945128402,24.88899805573947,2.5053135168813085,25.30951697543315,9.61693818118365e-05,0.9409242394593095,0.14142729064735773,4.012074728480173,17.343422876541926,0.31656715725435525,3.763841254685405,1.6033010066721712e-07,0.0001132097967789073,0.2110852754243703,6.748585955100916,26.212943140088658,0.23857107035491693,24.701647762427694,0.0,0.00014063033626880034,0.1447718654966121,19.903116519326144,23.92793514214994,4.312945179424088,14.53813578278589,8.769484946281033e-07,0.0,0.2207967961386145,0.901026144849265,18.336082049785517,2.905067556293498,7.8053084380365485,0.0,0.0,67.7178573376138 +0.8104180369250299,0.12653092598209806,0.4486329050430166,214.94829031517395,216.79875180520028,305177.9348244458,6.679640578572901,96.22150814934739,1.214238639831282,56.312617766372135,2.5815925829580784,9.090528861557294,0.5487867405655813,0.6379520908926581,208.46866779165356,10.519805575975214,0.3187415428263647,52231.534964540064,2.873272894604123,46.282364655377165,1441.2047247924484,20.478711428229417,263.22118990891124,21.26539351329486,0.34345862624275403,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.14424454665436628,2.8231853022200375,12.882393301625028,0.8709150290088403,14.236922327944265,1.6033010066721712e-07,0.0001132097967789073,0.213764071458005,5.2264793233092295,23.86511267979087,0.34832766062538767,2.438949852341773,0.0001088328773942215,0.00014063033626880034,0.32507624874635566,12.172720336669151,17.306121598376873,13.085502985208562,53.31777796343416,1.9907974977412392e-07,0.0,0.215408981046837,5.1552047940982835,32.116576091087694,9.719219416989796,49.771229867707625,1.0134873082081699e-05,0.0,2698666337285.8823 +0.9035292310230969,0.1952168142644434,0.32502578812178257,117.91778807486172,17.092502679907696,186930.1897360017,4.089233925918049,77.27640327582422,0.2983689765545991,92.21940244796487,1.8679353920246404,18.594360444472784,0.3908717522697547,0.9560704050131356,605.4611791410514,49.542081919343694,0.06265592221388956,288888.8356397642,0.8139268779100698,72.28997195424121,1638.8147542905108,151.05929325032997,339.8286054061848,52.84342148258258,0.20865110787878194,0.19864399170206637,31.525713846960063,41.125682693494824,2.6505147000166387,38.31849266552225,0.0,2.2173523493189746,0.13442448267570412,19.326626978086,39.143488431951255,0.23316318592795102,4.1923825518260225,1.6033010066721712e-07,0.0001132097967789073,0.20640349628834942,22.661768131706083,39.734121446135184,0.2779239409898359,27.75301278551576,0.0,0.00014063033626880034,0.13062387349507928,59.10630904509492,43.86054647660281,4.4683784291529305,18.396546234156602,1.9907974977412392e-07,0.0,0.20918836103269034,24.83875476089362,46.930271080569064,4.3771796285399915,13.712131135588974,0.0,0.0,133.24385842959265 +0.8711058495792862,0.13195859577504795,0.3450742623594408,244.11628459272492,172.31456450738904,224942.3980211937,6.678234709301508,64.01861795599348,1.7259474443731797,77.84103754842334,4.351810281692549,29.798858752639553,0.7501811315383273,0.9831564726971178,825.4258297817879,38.95488671436162,0.3138588795320006,244910.84769803818,2.366057952854421,92.0443770023321,4513.710806111083,245.76554507929941,342.1597560308053,56.45249613064015,0.16039161080133946,0.1917938697729048,29.584038986230937,50.79531767590139,3.187120685525812,20.117854074525894,4.553018192316507e-05,0.784220224162305,0.12495476781198134,32.532300607503934,59.6738940962615,1.0973281128190944,10.479786295822919,1.6033010066721712e-07,0.0001132097967789073,0.20306253488356824,30.161344567514387,53.13740486379158,0.3901423768455209,18.088889523202596,0.0,0.00014063033626880034,0.11269246728478556,105.25260817175152,78.83917827621946,4.395493104520103,10.817437449715051,1.9907974977412392e-07,0.0,0.1968725992249228,27.117661293164595,82.82386704366972,5.650340922267508,10.126137173043563,0.00013427390219893272,0.0,194.47807288720423 +0.8225001946042398,0.13027702155168558,0.44782814452286795,155.68561714676903,223.41771587342106,317589.24757932883,5.5925875012385955,74.39257230043125,1.4054496364012532,60.8020833925338,4.274562927951402,29.248675161837937,0.3817481827630614,0.841395583242619,972.0892078719833,69.92904796981088,0.23355295585358976,283363.0899036643,2.9192608177615527,83.86320629827671,907.6179390137656,248.05684476483287,349.96438824613125,49.60412450174423,0.159878685111134,0.1948460231687813,31.353351756879565,48.6507627644953,3.0454833184370753,12.73280703717408,0.0,0.6310447930615788,0.12994685585640117,31.6514779558563,56.4971316817759,0.6071383389814567,11.216346049313165,1.6033010066721712e-07,0.0001132097967789073,0.2053461953199368,34.27372569004223,53.57037678908549,0.3045166010048507,11.075076415183503,0.0,0.00014063033626880034,0.16048922253357192,103.80391139772651,65.6713135933746,3.0825380283641683,5.70182299228356,1.9907974977412392e-07,0.0,0.1985904262760975,58.9318337687718,96.13756281089388,5.4005815568947595,12.293431703149341,0.00017422784404674862,0.0,200.08673810257318 +0.9514282502557536,0.21264029881183563,0.35332354832640844,220.57241795078374,172.31456450738904,224793.035829721,6.5416145002827735,72.28297671270502,4.249062738557511,28.052309681584223,2.9649037225314996,27.260321225852465,0.7813861245271505,0.9591991164981174,426.6038243850777,60.63299217148116,0.22531792148901947,161860.7327156455,2.885352691869335,90.58538480896449,4790.971353424484,289.0894834940251,342.58082142866584,56.84862672590165,0.15824387832710857,0.19116406083641058,32.78691871034734,59.236071574827015,3.202064800006454,20.809205404336904,5.444959544089134e-05,0.7652768940142785,0.09164205400520234,34.57852054812302,61.66912988524273,1.0511941863810161,14.555217527811253,1.6033010066721712e-07,0.0001132097967789073,0.19729326744224673,34.61020330017186,64.63557764848154,0.38303857510001305,17.126073973801343,1.4225264756205983e-05,0.00014063033626880034,0.16965604262732806,118.35774908896396,79.90866503582514,4.581975886456958,11.486560158008079,1.9907974977412392e-07,0.0,0.15022101685831535,35.044958525725285,132.7215507290658,6.401408187838955,19.103793560026038,0.00018991802418036644,0.0,236.01834408072847 +0.9393106683765721,0.2347202495776885,0.3724379369189263,113.31413800601845,247.94625534802643,343136.1800617353,6.423053602288309,38.94432637190041,2.384134531962522,99.99101912289208,3.11374321735829,24.357085823703503,0.44666928761936375,0.9684503414754753,950.8473921551836,52.12142550239253,0.29867433541273947,174280.48488959303,2.984517867713059,95.60147536644232,4649.360569377064,292.32611105661556,349.58758341480745,57.79903154686593,0.29948411562663885,0.18339187564286055,31.615282547293347,60.30348343482537,3.1968319166543453,21.317168382205036,0.0,0.6821718421361548,0.09865519267223939,23.853697681403006,40.48124570304855,0.5630078595392003,19.99028121541493,1.6033010066721712e-07,0.0001132097967789073,0.19005308559618334,34.76626469900608,61.95714138920134,0.29890771036251157,20.4014758603794,0.0,0.00014063033626880034,0.34661083402397047,61.92499252955813,36.960204099166106,4.8958855509014025,26.97114155904654,1.9907974977412392e-07,0.0,0.14909907359205862,41.66532271119753,89.88699243767073,5.914189393836704,27.893001344078485,0.00014618198128597048,0.0,172.49218714828987 +0.9497514316377371,0.13329945577539629,0.36655532337091157,152.0781785297453,102.71400093136921,240965.62980183953,6.2437891268655115,71.27842611090385,0.3063510290869045,19.867794581865155,2.7111108174427563,24.750572763954555,0.461029052161487,0.883863371777243,823.3742219579552,29.563340073439868,0.31864872489662033,88367.4732918277,1.9290349391254016,14.813281536339264,1893.0773125394653,292.3383089569113,345.9255183173924,59.06242301350675,0.2095693526131135,0.19096636308724949,13.822727793155387,32.78007695672035,3.150776314599123,36.85109815075048,0.0,0.7989237133873314,0.1283958792382215,16.72034693366135,35.293263127698054,0.700104858114986,8.097352570618549,1.6033010066721712e-07,0.0001132097967789073,0.20565248351531615,15.738326189484981,33.22111903367057,0.3342388385039244,33.520793900128986,0.0,0.00014063033626880034,0.11926169371060062,44.90608953945165,46.602274216958044,3.298930726808158,17.151752163573583,1.9907974977412392e-07,0.0,0.21311718779827554,26.13445715488633,53.82713530409129,5.449510297016852,15.462328247624143,1.8458571543243924e-05,0.0,122.65074570572247 +0.961960809858188,0.21387750375313472,0.3324079639442127,120.70513926433466,10.619526190917748,126428.35517828529,2.140783348142815,40.521028313253204,0.7477290880192531,12.99412056418659,2.2869733992741894,27.097574808195027,0.5369651782855659,0.9494281770916483,619.3736687211378,35.007903994527496,0.08063212139009306,226608.6731582145,1.419871987908769,37.42715343744348,4167.918210440502,160.52757954696733,349.74408139629804,50.91277487627405,0.2604924681733914,0.19362383468429245,27.62434700405506,44.20646457817356,2.6289916479137925,32.41335642792419,0.0,0.9184578976569274,0.12758501455188154,22.61302485879258,45.04810573084885,0.21001218091793394,5.1209340293790815,3.337091432313974e-05,0.0001132097967789073,0.20339553986528391,24.934520866294573,46.480745942787344,0.2549405839084571,29.469310179354316,0.0,0.00014063033626880034,0.12849738167459696,41.16629587765071,39.070544018239076,4.843843402765548,16.863525582257576,2.8605507110931695e-05,0.0,0.19360016382494757,15.684480295659569,54.08307261539635,2.8503495771401544,12.473891597200529,0.00011559883979318931,0.0,129.83530683318756 +0.8832497064744593,0.14786819583935348,0.3793814505230933,142.5123114825846,45.04018509515556,136379.70039504164,3.2991911862559102,59.108453639039084,2.5911645234074374,92.72442448066894,0.2762067997213538,29.15344816746044,0.32581783236463935,0.9997146007348879,842.5304440878715,18.202333669809544,0.14200338210486677,100086.73192978807,2.539835642728259,42.95090574704537,946.4417360731352,120.11309881625701,345.04697434297157,55.1815753760632,0.20733243850722596,0.18970266235407418,19.622868856425885,37.62118770318566,2.8706768354397862,25.821815227620803,0.0,0.7358538584038667,0.11437735162619583,22.315683958095732,45.68327157536395,0.439792211463605,9.122298950677727,1.6033010066721712e-07,0.0001132097967789073,0.19855021248128063,22.094615260003106,43.69072467052703,0.30749838394885143,20.91080207452879,0.0,0.00014063033626880034,0.06559207541535286,55.890337140356365,48.154673311082234,4.770116569813564,14.778550139022405,1.9907974977412392e-07,0.0,0.16602834126761637,42.27875098231182,75.40919886689983,4.782531025373549,11.10931959159208,5.446530305299863e-06,0.0,145.8867352178309 +0.862813215933102,0.14208280949323143,0.33290757612091704,217.19962859518478,207.3577239114188,278329.8242157998,4.42574842745448,85.73467108214905,0.8687856588090961,68.97258777553373,0.48234373501525707,18.754821856025686,0.3171465475221281,0.9497588552459053,357.8978302812267,19.486796473114325,0.22593757518269378,254090.615603495,2.0857338551104156,85.88137424540979,4373.575056221528,181.23814724273,348.85446072041367,55.89835636639211,0.1594973997563432,0.19468261167395517,32.67870922665597,51.46582428645428,3.5106399396764227,26.11756468690321,0.0,0.7028740644387942,0.1310491869794532,37.54902065205564,64.84318717788213,0.6126201467765316,7.250690635909846,1.6033010066721712e-07,0.0001132097967789073,0.20661935288653285,33.63441759574813,52.670204952717555,0.30351330976625157,24.13146836285852,0.0,0.00014063033626880034,0.11158224406162623,102.48964177401992,73.76330076798368,3.215152863829433,14.193385982480912,1.9907974977412392e-07,0.0,0.21018509860124687,53.81168369679851,89.91935848507464,6.354889403605993,12.892903836919048,1.802056921980266e-05,0.0,204.7237894658528 +0.8832497064744593,0.22625446136331218,0.4141859955529537,36.506945667472195,209.66993528905178,133158.51333315388,3.3045117055623128,86.90134718437562,2.63652447548933,92.72442448066894,0.2762067997213538,27.262703443871175,0.661212600231995,0.9796686376103576,850.7577584708856,26.46112003829716,0.2275401162827129,99701.74234425122,2.8980550821520508,41.54924988358039,2599.048928986787,257.84137450794424,346.91900989872363,59.517357506267686,0.2134808854164788,0.18948884488521342,22.825541506087664,48.20455905722943,2.614980602164034,19.92090743213646,0.00011458117459175051,1.2010346921903652,0.11749036578728456,30.24402076166487,56.89207679351331,0.35181530962959656,13.661826783370643,1.6033010066721712e-07,0.0001132097967789073,0.20156874364284919,28.89961513992399,53.57748343150495,0.27493542882181177,18.228492915600025,0.0,0.00014063033626880034,0.11691387757784247,61.65435801542852,56.835599882773614,4.770613775797266,14.635081222977844,1.9907974977412392e-07,0.0,0.1892444382274757,19.830548719097802,72.40462908655203,2.926369212153584,16.18057231703323,0.0,0.0,157.48256893343347 +0.961418327329005,0.22905639981593856,0.3732068658295348,37.1882183473615,188.49602912185742,310193.8925617102,6.284225250065055,78.07485999055743,2.5250691138845096,28.63524685997917,2.7189396148702443,27.08665643530088,0.47459511363781015,0.9538047716338196,230.73357547533107,66.39716914850042,0.1550506276562048,170940.12854233055,2.9969245256053427,88.61099765427963,1746.2149694645916,254.8681669076526,348.0074802934053,47.900299545878816,0.23168083643231457,0.1885728548391778,30.47980046571981,55.18625120110325,3.2050788865737467,18.131695898907946,9.000238170422412e-06,0.6800766704492309,0.08482349342101882,26.341909560597866,51.12010103734319,0.24601138312896345,15.688575732314415,3.334187012504273e-05,0.0001132097967789073,0.19568943380543655,32.12028352011593,60.54428275925465,0.25598319517581275,15.421924835950373,0.0,0.00014063033626880034,0.21619942500147393,75.34205275708563,55.12710722766232,3.6155228527115,9.876732929988265,1.9907974977412392e-07,0.0,0.12851592978394352,61.46989753336413,107.93716981861216,4.7852598657816605,26.23588463718214,0.0,0.0,194.34248441170973 +0.9818279089594802,0.168277074676967,0.4006243122583826,229.40995333071442,178.48463757182515,218989.6514265546,6.4653933553727185,59.92566608050504,3.192422942405302,95.93606490280906,4.754888204222657,24.688534998678055,0.7777359824943785,0.915395588281558,936.2303207666698,95.7409361582667,0.3228384984305187,100427.88043514593,2.9543100920172654,99.84804496012423,4925.553846205579,125.90398121427393,348.96881971227003,56.65417142945709,0.3438376489087016,0.18787256210523934,20.392052796892077,46.69286394048054,2.8467995995913458,19.055047256532955,0.00011167364652088499,0.7649650926224888,0.10251929925187368,11.188659602996708,28.138178308408566,1.0881443698647046,16.37480508598131,5.718121734398646e-05,0.0001132097967789073,0.1979863323274265,23.713890587893754,47.56484090585469,0.38868529137588476,16.454574710485186,7.49647277790602e-05,0.00014063033626880034,0.35202919367647745,40.12350448207779,26.43273754890578,7.361303841295652,37.687444171023316,1.9907974977412392e-07,0.0,0.153335825997678,24.104283416788686,59.55619760507657,6.322389381960446,15.925203392281064,7.293583103280653e-05,0.0,124.31678761506033 +0.8858044614777424,0.21907901255586995,0.34321463119267054,229.54394485144698,137.4460914785378,336172.2663781337,4.742584379467326,31.59220116660933,1.2254541028950237,78.24276217173325,2.2734859171251323,24.742039400326597,0.6227574601783037,0.9892481528492999,176.82214111463597,85.39518280917984,0.22712659257726492,63135.513607008324,2.0806284408025753,84.61555768108622,4360.737603404956,141.51672662675657,332.3121906611997,53.996810516748475,0.3142732632838913,0.19336080125390945,13.951660153446266,31.912533343435886,3.5153422689255867,36.901971491508135,2.343707280763353e-05,0.7329148406239441,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.205638126676671,15.778668930393149,38.03686768030403,0.2770282961245316,29.988777132989977,7.089249875134869e-06,0.00014063033626880034,0.1253333283849429,52.6062574851447,50.04553327488473,3.929120661757486,11.788260416071182,1.9907974977412392e-07,0.0,0.203731823164172,26.459686018804295,53.21757822833145,5.768129544004651,14.153345696988007,0.0,0.0,2698666337285.8823 +0.980353376750608,0.20360473940283547,0.44805387528223195,166.41007096497353,96.31072059571339,343091.06457783235,6.373789657908246,80.07129679764817,4.984443998482354,41.252185024536395,4.569420004031576,23.79671864284004,0.7463410143471659,0.439302699312976,305.1504469412382,64.06328118199063,0.3433332241481075,96187.37084965821,2.9629907479388353,96.37762650359636,2397.239571057238,274.315206098948,252.14069042569815,36.18333730086187,0.26203193071464487,0.19658956306942724,6.83574477445748,25.565617292929055,3.6027234655466076,11.701655187286624,3.693495613106014e-05,0.8053936132228285,0.11345830650141008,2.074484633381942,17.963163905968702,0.463280478284953,24.74935272209404,4.4563457026906175e-05,0.0001132097967789073,0.20841642661105328,5.723889270273478,24.9002305454521,0.2911292333679264,9.533389817638136,0.0,0.00014063033626880034,0.2999135689935963,9.942112886073357,17.628086540110466,12.83334970336436,53.91495154682318,1.9907974977412392e-07,0.0,0.19522071074652558,5.953810574037819,31.633315025818536,6.106324953269154,40.11868786031474,0.00010012401611860728,0.0,93.2663359915523 +0.9423901448040668,0.14140650187578435,0.4070038606416995,51.59527218826777,29.55954943216497,314646.15143478866,4.028406072138548,8.139389653688088,0.6848928623505801,10.015265304109045,0.8035184261461732,15.474291546577735,0.36258404446675163,0.6554094717032274,325.30370479572264,67.43932966792944,0.18135592787904634,60387.37108029006,0.7574138749619549,79.41839582921646,3927.146136561738,140.59173299440084,345.55678929137974,55.546600823114396,0.2878332106117682,0.19838609150706066,4.012861778854751,24.321184519696505,2.999474811825276,62.31219514754971,0.0,0.6895055440155766,0.14013904041334072,8.115432187639065,24.12426051260954,0.2927525351715247,9.226138265128258,1.6033010066721712e-07,0.0001132097967789073,0.21096804790790583,4.373746968391242,24.973419341722504,0.24072116005147717,59.24154837460343,0.0,0.00014063033626880034,0.13064496822992705,17.959742806429592,28.25332294733129,3.646697269480211,15.572156476253678,1.9907974977412392e-07,0.0,0.22952175973826186,6.754022109480514,27.401779323930914,4.336435476183595,27.491286444131166,0.00011768578606340596,0.0,111.0548919107696 +0.964751733312797,0.14683234205632253,0.32768174041693066,68.06483275113288,224.51772068848038,306711.9400437027,4.394940252800592,96.62950826656528,3.7360557899533617,61.0148714312223,2.9014517090665404,29.908328163092328,0.34974893484078223,0.8586804689993399,91.50610504809039,37.23758098348085,0.28539995881025565,82570.4346800975,2.0655815245827873,95.91299760774919,4699.088884159123,136.23205144955537,343.22590059415785,51.78632812630105,0.16344410269354961,0.18883687224380705,13.769371720626397,33.83121808546577,3.4582194577753387,34.652005580870885,0.0,0.979873933031665,0.08503843130564356,33.3583726383424,60.35633227066481,0.24540100783749264,11.77874462388282,1.6033010066721712e-07,0.0001132097967789073,0.2026436096100344,16.776600688329083,36.37739880186723,0.25277256286493965,31.084728540716767,0.0,0.00014063033626880034,0.221181065086541,86.98460204872829,68.82790682292676,3.5826794059784826,16.85949972204781,1.9907974977412392e-07,0.0,0.1724897272481496,48.61843576050634,86.1844689907954,4.938159682101579,15.943242251532102,1.264759784258194e-05,0.0,180.7880487261956 +0.8383646004438382,0.17007274124875207,0.41372072128559445,234.67655175726674,139.55728590173004,265621.6406798418,2.0908619993971653,87.51458787594034,4.599002948237819,67.72446463924918,4.060798463057874,28.583926941728905,0.6547411331479901,0.9796676340756523,367.4452004169917,65.8307806830679,0.24842760486555684,201667.2711274869,2.979070370322409,71.73600047840353,2385.3781608624754,277.0439058299241,347.7537521369606,59.08945272193579,0.18511928894131086,0.18846475434906151,32.60524506716775,58.841455868758885,2.744797552446159,17.12513880273469,7.720350785392893e-05,1.0505289206309636,0.12438737983190226,32.62391021088077,66.16026387620026,0.2269327344087995,12.594487281550482,1.6033010066721712e-07,0.0001132097967789073,0.2028181854612539,37.2051504188177,63.93615508942715,0.24077877544181664,15.710047987308704,2.1691922850627598e-05,0.00014063033626880034,0.10514731555304409,90.63830321724798,70.16078058171703,3.839356046773026,8.628162688604927,1.9907974977412392e-07,0.0,0.17572326316489065,29.14910944733397,105.60621397525118,3.363049712766233,16.11727623236708,3.707927283169813e-05,0.0,204.0759539123783 +0.9697133710254049,0.14445404764319197,0.3793711085952574,137.7582342082689,245.6381258941531,275659.42273220746,3.7490350080405266,59.236326725704984,2.5911645234074374,92.78908892182287,4.489965952273319,21.017550941543114,0.47118289427527504,0.9399242324005839,861.1841449968108,48.621442561648806,0.23503338713679575,255392.50621275924,2.952118216712568,97.71333028696155,1870.131312773206,253.24899956766342,347.2093133431118,51.91048409350071,0.20305460375734768,0.18893425109987164,30.7463996419509,60.106239653000245,2.7921854891727147,13.647901310649534,0.0,0.7392954185503032,0.10859512562312507,23.37620354716201,45.7061437408995,0.41338357952860266,16.147168265686467,1.6033010066721712e-07,0.0001132097967789073,0.20169963431055302,33.431962044417105,63.496275905542724,0.2711578758722519,12.578233726203973,0.0,0.00014063033626880034,0.3062516104787298,82.94646195084489,55.93562656999333,3.2591345421775757,12.084263801560178,1.9907974977412392e-07,0.0,0.14224451714361167,49.27743244369843,99.22283554674264,4.678974577474848,13.95355056988276,0.00010073304577010636,0.0,188.71317522838348 +0.8939416969822787,0.15521018520313531,0.4439945168967554,226.98622950097547,232.08234537433557,176396.37085077382,6.702834110057315,87.97171557212269,3.7763955057989356,88.11973918332828,3.932529227427099,22.829012396337824,0.7373546103101893,0.8652309624707655,633.0534249375289,23.41682356256767,0.2195002015677242,94003.57535386882,2.82015647142096,94.97598009213903,4976.103370970618,136.95956605269512,256.5162759726586,12.825872662310507,0.2584851518436521,0.19427531605330017,5.147915841981717,23.971013723304573,3.3957109234417575,7.4422243060987805,7.765107123736402e-05,0.7889693586183432,0.13267903538319123,2.2688686219466225,20.050040089601506,1.4075676288882817,22.607001325759963,1.6033010066721712e-07,0.0001132097967789073,0.2050405351015537,4.597740260790311,24.684988071259713,0.4450827659681618,6.30471926849499,0.0,0.00014063033626880034,0.34969741475103716,1.192631386999769,14.368992701807311,17.934619946305023,58.6720555040367,1.9907974977412392e-07,0.0,0.09305600344658123,5.430395622945863,35.26447418233762,9.809239617129021,54.888984517328595,0.0,0.0,103.02217777466775 +0.8833847681169925,0.29201443932818194,0.34306259979849557,133.85364966089531,137.78234546377527,337900.92200553603,5.843260408712874,98.36753946373855,4.445017575032402,86.21695874278176,0.997435420428996,26.784408827358174,0.39815327444446325,0.9853331913214277,178.78006352604092,96.84436533627265,0.22342951023401697,62884.11073057247,1.5060862461190938,47.5317005672476,956.9972399267134,179.25104887252533,261.6988590697028,38.72538766320709,0.3140475608524691,0.1950578144106199,4.622580861374095,24.143952486255127,3.5730600129797754,29.25496672492255,2.5557173854200136e-05,0.7530911806989626,0.1333841044946866,3.313179780744648,17.187926125671353,0.4556336867048628,5.971604255361296,1.6033010066721712e-07,0.0001132097967789073,0.2060010300085827,4.393955289009758,25.929889139090736,0.2849213042706586,23.00145135751873,0.0,0.00014063033626880034,0.3483788859145826,20.978799769491474,18.928104551023473,5.189024148789913,36.48167288163052,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8096600401888369,0.18137996178309762,0.32742884790845495,241.39008036314033,124.08973047135306,110294.33163184448,3.859761636108108,98.5569654968159,2.4429301461893083,52.06378794024489,3.84041961851094,21.00673781237765,0.4258719527131901,0.8511529929786026,118.63541018169144,34.06716631053523,0.33608855183548364,57477.50556457349,0.6906890994579346,54.62632588851411,398.177311033284,269.3871690991589,308.776831526526,16.46293230606284,0.21190539274507375,0.19633132537118805,2.4013523399817447,23.68565436066696,3.1507477212176065,49.6348637488035,0.0,1.1401499156611736,0.13551206453091225,3.2639327417700006,17.157031816766068,1.1189284212877793,5.429601013847502,1.6033010066721712e-07,0.0001132097967789073,0.2090334669953157,3.4251424013079204,24.47554726388671,0.3996958020433596,48.54663920197982,0.0,0.00014063033626880034,0.18555088489165342,16.64978306971992,24.602758921892345,3.711666058066604,7.419495950204471,1.9907974977412392e-07,0.0,0.2099795680443146,2.3653876720521483,22.001641696875474,4.888240254576523,9.068473388112402,9.0587915429878e-06,0.0,88.83922564997596 +0.9872238159891255,0.2362898455673716,0.44610269165997474,143.67503493858732,170.96144208876368,345478.1847583128,5.351711588180602,57.28411419913638,2.657266083747087,61.83981732391758,4.874008980354349,29.538418951185978,0.3486081511532344,0.7758227845353372,808.8377048220646,91.74278344117445,0.2996494757381678,209181.1879112617,2.8395626228660373,72.01091138015309,2667.6356795905685,127.69143064460178,328.92130051557615,49.55527982823573,0.34638055034611354,0.19410451028976017,10.23973575702564,28.461222084503362,3.067994559146573,4.677021002218688,0.0,0.7312601105615415,0.1319233059414514,6.423292923770521,21.544908804672318,0.4441322863707223,5.3813299820861005,1.6033010066721712e-07,0.0001132097967789073,0.20662610099394543,11.473691275081155,29.277780857897277,0.27912455352768045,3.1853772028484357,0.0,0.00014063033626880034,0.3454827046360968,35.325231205232996,22.61276308550913,5.3944571490981,42.31680216497512,1.9907974977412392e-07,0.0,0.19891596132400532,12.008745310328223,36.21299650461979,5.088433634614594,7.227766832785099,0.0003546169786611332,0.0,87.13996225401618 +0.9830350287746676,0.14495094165997957,0.3725825570529347,237.40856875640964,53.88937830307563,280601.69209802145,1.8252062192545153,32.04475305529095,0.8623962568546524,18.711368049662834,1.2868949760883415,26.339114816153792,0.4353168920942097,0.9896478731393873,346.44437614503113,50.403557023289395,0.14341073300885498,74107.95903163534,0.8337404209884585,80.72614307149638,2244.7529406159138,96.36471168365199,346.25028027104173,46.868520527883355,0.17382351432897397,0.1872695913275881,7.31011197402502,30.777624850009413,2.8013437343371415,57.666309130418284,0.0,0.7590991531097263,0.12242172312655235,10.470017711164301,30.792195037399146,0.36656224493959805,8.839397140023689,1.6033010066721712e-07,0.0001132097967789073,0.20052780246264948,6.930916097813173,27.292760280711185,0.23482454741440098,53.23570642689151,0.0,0.00014063033626880034,0.1332360595242528,29.57755036509849,35.300531601455894,3.886197707562865,23.191011191480612,1.9907974977412392e-07,0.0,0.17942425863214856,14.066451430585238,39.60128131035337,4.216630815889,23.94038653903211,0.00015588655968617104,0.0,118.86411602160422 +0.8976445088133285,0.12899163662883728,0.3474673954811996,137.4755621212816,121.6191793420296,341280.6490941805,5.178415183687352,46.93748387181149,3.361027469567113,43.87705310129208,2.035262022018086,7.8982352259827575,0.313501547943677,0.97160280988,657.1034955117876,86.71853617064279,0.2073632469912517,64596.98294759886,1.1303097074246056,92.94811975320869,1213.3674717005388,270.62608552595117,333.88887478556563,39.343670128653955,0.18337141736586837,0.19814931665572863,6.5894726311576965,27.533332447034805,3.0864282350513372,49.07504664355634,0.0,0.6251774490910877,0.13997155450296975,7.499260081410174,25.68958882831898,0.3572789171954342,9.353587963253906,1.6033010066721712e-07,0.0001132097967789073,0.21076547291367093,6.186983513612616,27.59924600471941,0.269256206263416,43.08866172017114,0.0,0.00014063033626880034,0.1370973093228263,37.28751180091247,39.59635876371571,3.1574272538346033,15.009668107609285,1.9907974977412392e-07,0.0,0.2200112593300992,11.074151770043597,35.753098739095485,4.905616532815675,14.910854045811842,8.567524169946103e-05,0.0,107.3372062848525 +0.9097368835142988,0.20173035009703857,0.40206318337215535,210.14092350730792,238.4574809534901,206364.52719092107,5.305325847966868,67.39369374234344,3.644478816504541,81.77490935601143,1.9537759043441159,23.91364889500992,0.5065669661994386,0.9262386368239183,739.968497216147,59.17637023922929,0.31979474553071396,147598.79442762834,2.58294147184242,85.06761026446357,1862.5215501141174,291.4484168553656,348.1465188523781,47.62757530004703,0.15020651253363826,0.19225066817595152,23.720852139990253,47.288087477703414,2.8511317476672517,19.39160970107592,2.016413093895265e-05,0.8495435444909551,0.11238240391005944,33.57912999027882,59.37458878667122,1.0347042972774323,14.463194391866738,1.6033010066721712e-07,0.0001132097967789073,0.2025866891280455,28.046386351759317,54.855931006989216,0.37737210016259765,17.358320212998297,1.9531533878557892e-05,0.00014063033626880034,0.12179656349954543,100.96821246057857,74.92021201178183,3.624942956389481,11.41447686657036,1.9907974977412392e-07,0.0,0.18910096750754826,55.86475612205851,99.37028944118467,5.8396189773049265,15.991100350611536,0.0,0.0,203.42182752876843 +0.9726459647574827,0.23327298411938338,0.4482663664165374,212.82387500331114,241.73876149572374,288518.1164201155,4.569921569701848,88.1092036462411,1.0836037894617643,82.85969183992827,4.979650259141322,22.967654085184122,0.43859056883137093,0.835604638418159,732.7504000915446,12.850212735277207,0.20614039843386833,70468.14553460327,2.808418519309792,95.24479748033923,395.2312663690668,75.03891274819574,238.38240001276853,13.641063066667066,0.20619251330105443,0.19476968658005533,5.659181278314474,25.184718311933434,3.4312908367800636,5.674176485864202,0.0,0.61816197010055,0.14065429434177504,2.2703815694685843,21.052101368085573,0.6439167210300378,23.73609832671411,1.6033010066721712e-07,0.0001132097967789073,0.20654885723775235,5.253935904651596,23.863174402434083,0.3068609276659436,4.8292261070687,0.0,0.00014063033626880034,0.34847142407290205,5.33694580132534,14.001728875919989,18.578932769418323,59.58532962815238,1.9907974977412392e-07,0.0,0.08241542854542454,6.017418468567273,35.04828832594114,8.118746422397981,55.26101510413444,0.0,0.0,104.15332726615537 +0.9734054382373233,0.1164937347330145,0.44026393074771775,184.8686090370664,196.73098402168546,275518.41761746415,6.022441269602567,57.77178405719228,3.1492725432002313,69.22829280075896,3.068976091663053,28.470429631866878,0.39749071873926006,0.9784092093230206,360.1595998350913,66.58470698700401,0.0947768473052329,61678.95454390322,1.2734641364334771,33.75607883192774,2741.1557443765796,270.48859348424986,341.1676392615429,53.44654270810883,0.218907851209328,0.1928726335138089,8.481081878283502,27.94733466899174,3.2692267881240538,52.142695988416634,0.0,2.106596417892003,0.1224965725133983,6.378874897115861,25.342287246260096,0.7957192312029036,8.422221294226516,1.6033010066721712e-07,0.0001132097967789073,0.19850552235034177,5.013638663372246,27.059546016886845,0.33857720514090084,38.777822895321016,0.0,0.00014063033626880034,0.11299012042103439,35.737478130437616,41.322064013618174,4.146647347784873,14.722172403638263,1.9907974977412392e-07,0.0,0.16653291355853242,17.405748002589792,45.949901391778944,6.792759967272681,12.18777289170822,6.864754284287907e-05,0.0,111.49185309278967 +0.9710820088517357,0.18255749721068704,0.4380240705266662,236.92553619042823,85.26934383901812,173446.8793839307,6.4657174211600354,87.95809871217801,3.4718082105992027,93.33501579565029,4.64989268921837,20.161135539233896,0.7553318537586159,0.9863048525139543,989.8074017854278,75.70714646672283,0.30413866333233425,265193.1733910179,2.8496217253374287,81.17429187891526,4476.79576093883,238.06048881098727,348.63113629773284,55.1772903114922,0.2991879927615503,0.1921337211229541,24.421814356532423,49.00558895922507,2.8290638005493967,11.763928938542708,7.337354393723868e-05,0.7475331840249303,0.12864615946869543,12.763817059529453,31.794792671499245,1.0206437788391811,10.699488551043547,1.6033010066721712e-07,0.0001132097967789073,0.20407562437326654,26.72938036307263,52.003980976594306,0.38766864578345855,10.862840001413248,3.783541439093245e-05,0.00014063033626880034,0.35644459281580976,46.77535205329242,27.936693326527156,4.598666596865692,35.82721061892403,1.9907974977412392e-07,0.0,0.1568815772827462,11.594155117523133,67.09820465213133,4.141334608565427,11.100037163273958,0.0001175297274410994,0.0,130.46695416409693 +0.8083115821227098,0.10999131355952754,0.37597277248761274,224.57905202988263,222.18728482050176,341561.65723964927,6.223433707451154,69.70922050947908,0.4683735832696727,88.6343565668532,3.573596396391755,26.006721745345622,0.40744152940172096,0.790046455544398,55.92892137677061,80.47024166578015,0.19819808389850058,142371.63389911473,2.8500531158001694,94.26387159771143,1893.7301415806323,290.52066868122097,339.61451117018584,51.51012302028814,0.18569068115248352,0.1931250260862353,27.520906161828677,47.63135781562776,4.042006237607283,18.0818492706837,0.0,0.916535432769457,0.08796747369864695,31.39159738093697,56.03507454276213,0.7425064378039017,19.002525039496998,1.6033010066721712e-07,0.0001132097967789073,0.20008248474117674,29.52159868051424,50.17655618463501,0.32437800869028904,15.427828769921598,0.0,0.00014063033626880034,0.1504841351493543,97.91791296643703,70.40376736490296,9.33038565460435,9.30610500317534,1.9907974977412392e-07,0.0,0.19581477359775812,50.88131731362552,90.89450684302811,9.973301014645209,17.87335417996576,4.826792031676017e-05,0.0,193.57861147195857 +0.9002706482735126,0.2132444391424822,0.35975899398877864,216.53369443396872,148.86619844592835,170472.28076879165,6.533334873852425,70.863674433257,3.8292920557446832,75.21632038218026,2.809059598229757,18.55894408983822,0.7949256845947489,0.9740642389234834,699.6490125350108,98.50683076864223,0.2712678610523104,100050.48467519532,2.7705130776051705,96.8307417598064,2355.4691279623758,268.1264619390953,342.1730548585428,34.61998305005134,0.16968724074854882,0.19143934282241012,21.439120815461003,46.72806347754575,2.804286342214345,16.614546578414423,7.345730272956091e-05,0.7535985063759351,0.09689843493296867,28.751371542954242,54.55725395100656,1.241652661804542,17.008356003772953,1.6033010066721712e-07,0.0001132097967789073,0.20144707560511352,25.098467330276105,50.821555000335835,0.41745184007479375,13.585312890403483,6.519982748044606e-05,0.00014063033626880034,0.15671980310594052,103.03811501999242,76.08788873327744,3.910502597529533,12.783108510543196,1.9907974977412392e-07,0.0,0.19078868033119634,14.471052628741845,70.40916358579756,5.135033736663853,10.619676394431222,0.0001708349924538629,0.0,179.75026516728582 +0.9194702613863333,0.1989351243180829,0.34455720790999894,130.90278407484666,199.57110345332043,273954.42014724325,6.223735679026792,68.4427453036618,0.9731516243065125,83.84438206073608,2.200528480898779,24.579378745258847,0.3467790083467073,0.9489013986618751,984.0324243091809,78.97929971675683,0.3254270127707321,185089.5267547756,2.6959246098363607,88.55999853636,3533.6297180098163,293.2602764828135,345.810273025234,55.10416433100817,0.24149830885997478,0.1902455689208929,29.999642354965204,55.6284590480761,2.946541539543432,20.98425230789165,0.0,0.7856182995309368,0.10174740425976268,26.4538247232945,48.05173225193148,0.7186156817010428,13.01849130816581,1.6033010066721712e-07,0.0001132097967789073,0.2016649037471719,33.40943176589793,57.625291887601115,0.32852790358036493,19.16605237771757,0.0,0.00014063033626880034,0.23050069033693454,83.12557372081034,57.506249912060944,2.8440683867005268,10.436453157952469,1.9907974977412392e-07,0.0,0.14656098044628346,58.59487709332952,105.05725210683471,5.314749129300166,18.259586742108457,0.00010860118959631933,0.0,193.8898351478394 +0.919234660093328,0.2408354467537349,0.3749268752221609,238.16140705324312,243.88801865700276,283673.5860014604,3.83239435814132,47.88227641430356,4.8503528772908435,88.70997059858009,4.041414261521218,28.662370428103703,0.5270481747840947,0.9809342344130373,826.0534283427485,47.278812824921204,0.09059000841659186,256993.44861330197,2.9714876776404684,94.87924244972301,2517.5405769895615,222.94133618156548,347.66297621964253,52.653058479306786,0.2922139656044962,0.19527260935430743,39.16241258013391,57.35619711043853,2.8942159181571463,18.17567572525116,2.5100651365778514e-05,1.5669401824834455,0.12279030490040171,21.323224671142427,40.92509228820625,0.5625894808635186,11.933901052268261,1.6033010066721712e-07,0.0001132097967789073,0.20341865458402764,34.36081464745712,62.70096661979478,0.2908052414531742,13.265286175668429,0.0,0.00014063033626880034,0.35231933655270015,67.7196850407549,36.73970082648892,3.6341775237201777,25.078190850485008,1.9907974977412392e-07,0.0,0.15322732698468158,42.94159075772614,87.9907960260723,5.233956312540408,13.757456126917724,0.0,0.0,170.60530593173667 +0.9750617094688867,0.22862255930555275,0.41391467289254835,196.98824208135463,127.4444963721318,305742.3107471808,4.090484157973959,37.19925700011156,3.752019595482378,56.47714056363118,3.847577155864095,27.045528622070726,0.7091412341788699,0.9842670933939195,93.76973043167544,81.41957300417978,0.21856240266756669,229434.27346161788,2.866425756309824,98.71686060091528,3404.386006844087,263.1408101634109,345.55428721431934,58.54695357923358,0.3439065898953916,0.18741377383028793,25.079962804984373,53.97624850847534,3.4029819796302263,14.194814877916025,6.219599359171385e-05,0.7364086349028771,0.10159161972955845,12.666024684946928,29.818605262976334,0.3563807930434371,17.52416531434008,1.6033010066721712e-07,0.0001132097967789073,0.1936024614532411,26.33398328298094,52.696458283150804,0.26692788758286645,13.155273459281233,0.0,0.00014063033626880034,0.3551008349275861,41.902795996350854,25.830994868163263,4.931837189514349,36.34917450423208,1.9907974977412392e-07,0.0,0.15619097157263526,27.52144337913579,67.83942519129526,5.283559225031429,20.877869828404076,4.675730899795475e-05,0.0,135.45739686544553 +0.9608608313170454,0.23535912148459082,0.3266711066595916,181.08356624365706,190.35810245246523,319662.8911873074,6.757823400839481,80.68903922138048,3.3007489223141375,60.208627391841965,4.048347991011534,28.853150585769356,0.3148183276655592,0.9680148769573982,900.1033266834959,4.850667322521856,0.1042345409444983,289497.5154563113,2.40268888609376,86.45438612788695,2790.290451963931,239.18175115630837,340.96401300863744,59.13089324707181,0.2030590846856433,0.19368202303158036,40.808031603731166,61.03921919681126,4.037576986853407,23.288366787761515,0.0,1.6428503351028438,0.11745059746245425,28.59574248532162,53.40597640534338,0.7521546469767377,7.5439448686429085,1.6033010066721712e-07,0.0001132097967789073,0.19988260952790785,31.82771037457189,56.013337173104745,0.33088847980721314,17.052889416469114,0.0,0.00014063033626880034,0.17435649655226293,99.28150831360978,64.73549359268998,4.938929698613267,8.275664520695315,1.9907974977412392e-07,0.0,0.1840538928989457,55.57094682380529,92.96956308513799,6.950503686917557,8.725391744844558,5.880470678192282e-06,0.0,200.29398133383984 +0.88835272574261,0.16453239468964073,0.3403192705974165,216.22934893085022,226.64734137605453,317233.6224348869,4.131985473536508,77.48080863802635,0.8236040477336948,20.985753036405676,3.387881590509074,23.6111395383016,0.6354025975821401,0.8183488877260927,750.6979861970311,80.27937935277753,0.19743372449656932,146664.9130934262,2.7017293396395647,83.35550705464503,2855.3960696013573,276.49078508808,348.64733009778996,51.01267424724852,0.15346850074133764,0.1954711763803605,30.76462823821968,51.82132798791789,2.954906656861846,24.568699317138137,0.0,0.5884449146801203,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20444296172786874,33.17391489168792,57.206691549915746,0.2803160280677783,20.917346921928587,0.0,0.00014063033626880034,0.11816996729639537,107.76728238231382,84.1569676952481,2.87636281046127,14.316970005565056,1.9907974977412392e-07,0.0,0.19309759800502133,30.28887924912812,101.71575084268154,4.3026903236592915,16.977366127511882,0.0,0.0,2698666337285.8823 +0.9823794643388183,0.2447875538546812,0.44130676175003947,218.58743692020943,236.070901972258,315486.28894288215,5.495588183986851,98.2385125441217,4.254390635465852,70.34294760693336,3.914452777079971,27.01782241299145,0.4436906432179592,0.9295980344327566,635.4713490981279,8.250667814710633,0.3432578019576169,255638.12175372028,2.9499956505408385,97.98428884848978,4828.344379400898,266.08792959291037,347.874542998609,59.36765536918499,0.1820691222085141,0.18988522036506805,30.62584121172889,59.423056349897045,3.8895378631824467,13.738604134643849,0.0,0.8751329026228148,0.11429314432212599,25.869427504438864,47.41358547705898,0.717345962312134,13.028232496046494,1.6033010066721712e-07,0.0001132097967789073,0.1983964012541444,34.31360085638562,62.42137996547493,0.3196686325693102,13.036175770802423,0.0,0.00014063033626880034,0.3119455231882438,89.50409594468562,54.24262318004697,4.646430431397142,15.873416235919175,1.9907974977412392e-07,0.0,0.1385477867450127,62.212809374007506,111.32817682909638,6.683529579720204,17.376985448329226,0.0,0.0,202.09685036092242 +0.9512564077285379,0.14364378349946516,0.3315884287525053,57.823251371226746,52.25190727547113,104399.87275878762,1.783190431150183,28.769439255552662,0.8718225273383695,24.78262388518631,3.1622716212471262,23.804275604490307,0.3685867201904056,0.9394258674661908,388.1273820526794,45.97465309205249,0.22905503949630304,65629.89144523532,0.9047081003313298,53.06283415205757,1487.0922200173288,72.52486945456566,345.93860995698105,33.1386119028153,0.23595702762481466,0.18898871280407376,3.7160856859249125,25.883718389060114,2.5813963970650775,56.306253039869105,0.0,1.36557256970709,0.12658524537042395,8.456756445545913,25.866139490949486,0.191179142795808,8.423415075459062,1.6033010066721712e-07,0.0001132097967789073,0.203616438760961,6.226914316883743,27.18752942349069,0.25283672000998336,56.001065704215414,0.0,0.00014063033626880034,0.13882232925885613,18.892127288325774,28.37060128532312,4.962185337186321,25.493311765435667,1.9907974977412392e-07,0.0,0.19221379545328218,7.574591106364994,28.2778782523399,3.9308355032946034,28.32289645518704,0.00010150702263487859,0.0,109.99781121470566 +0.959302454426917,0.23412396944007605,0.38319399218720995,242.39385264154515,215.97156213752288,155840.6756876007,6.93041908158572,76.01123538315208,1.3345791272256502,68.74071702920966,4.967821069299878,26.689680021219196,0.4402285698242821,0.8330374985706452,877.0278979181014,60.0199314576133,0.33015397169549726,151227.40921263187,2.9302999319042207,89.99913578320825,4441.396557247818,263.1404214140108,346.02638688806513,55.2800495702965,0.31767352371286484,0.18684351950787637,24.933413204855775,47.888114631793414,3.043290139656633,18.979319120988997,0.0,0.7971131100093843,0.09820265727993532,18.75482927947005,35.52718474486667,1.5484414485201026,19.691717851770075,1.6033010066721712e-07,0.0001132097967789073,0.19148765409353613,27.831502732033044,51.00263825121918,0.4707822833487006,17.793744860213504,0.0,0.00014063033626880034,0.3425918077073433,53.74693233205139,32.08269082566448,6.879067232872433,31.001841898597984,1.9907974977412392e-07,0.0,0.15623820519196843,33.37592065457521,73.19614532378077,8.016894514669458,28.05389845324829,0.00021301461381288719,0.0,145.71017418386538 +0.9806706855560654,0.20680527862138423,0.34978792544675585,115.50250846918578,216.93597586918628,280438.11597309913,5.8358807125418055,41.70868080561512,3.471751813853535,73.22959073701614,4.2663979495086295,20.997378946814976,0.3541645311720468,0.9722678243956387,701.1685120118254,83.67611960598438,0.2540671365148449,294221.98994283046,2.9188442365622596,97.2496241516467,4425.7896778921,224.8813411553582,342.8315853766038,54.84254408482848,0.15509230609564034,0.19145883096210595,32.66090722647333,57.37723610797088,2.9527570782410653,13.608584643555936,0.0,0.6727002225969283,0.12760105345699743,30.559280113029523,57.374874956273,0.6263776352944422,10.31723139842479,1.6033010066721712e-07,0.0001132097967789073,0.2024799970985301,35.34392353512174,60.10419753066015,0.31245186712376827,11.873669463586157,0.0,0.00014063033626880034,0.13427918037587974,112.39409611022309,75.6278601731385,2.8755949092930613,6.809230120974171,1.9907974977412392e-07,0.0,0.18007554157906627,54.802884874214286,97.2482088145374,5.188654621175028,9.97900471688368,6.558117267684536e-05,0.0,211.85485055839013 +0.9290176392047498,0.14633771075275415,0.34601297358474936,137.4755621212816,240.32536792048847,345646.08811616525,5.201281679759382,46.93911002252793,3.3631439028005743,30.20074014797582,3.853883642377384,7.8982352259827575,0.313501547943677,0.9547595953968644,932.1268492076177,30.91415894157058,0.2073632469912517,64637.42487721951,0.9639729621868884,93.56782622501773,1372.7413811775652,263.2060941520687,346.42208759814713,39.34104535715945,0.18372122393712775,0.19826347552114817,7.518544582039493,28.420783522545523,3.2520659039317614,60.45353874660664,0.0,0.568339082528325,0.14009867004692733,12.976680994886102,33.30646899566526,0.47370827610570665,10.468339919152102,1.6033010066721712e-07,0.0001132097967789073,0.21064290259760776,6.96605172795751,28.13346368727995,0.28068795433059834,54.698467539349906,0.0,0.00014063033626880034,0.1337826241813651,49.66672189990779,48.62077392091273,3.166786088313998,16.77638882904167,1.9907974977412392e-07,0.0,0.2202300179905036,15.852811591078007,42.01270743449121,5.406098037598405,21.61025349040456,0.00015294420711284995,0.0,131.84976205152904 +0.8168821631138141,0.18310005216353725,0.35111056394016477,161.7294049292717,77.92309971047614,155952.85996199146,3.6548271488734256,68.65005314052985,0.9763678357056047,74.59854832299587,4.249545877396665,28.60429422471097,0.4136193693645835,0.8286040787359071,44.033202093681254,40.08702606576459,0.27930548797328103,80181.10096169593,2.6045599790395912,96.75739111566622,3855.125144733582,157.54953448180703,338.7018658930916,49.74621563588284,0.33859476673218014,0.19214011709690476,17.886556049403072,35.70495413961069,2.9982505670411133,23.13817240213703,0.0,1.0444572618812802,0.0932100037008609,23.894430351978556,41.609786778455074,0.5660596973040233,17.800448678025603,1.6033010066721712e-07,0.0001132097967789073,0.2042816614042818,22.142305525354224,40.22766179437482,0.3181890777814762,20.14148264782362,0.0,0.00014063033626880034,0.18949568858242005,58.78373447490451,46.77299144388633,4.043224377296402,11.724496531860245,1.9907974977412392e-07,0.0,0.19254817969480773,33.95982873725903,64.99713211537376,4.9365926888776475,24.096992827442765,3.419625101411056e-05,0.0,138.03692903758 +0.8829071349929493,0.146896137053553,0.32641241435611157,116.91680925068387,246.1764746844069,272991.1729289623,3.0403022346956026,47.52660717335832,2.5565318364700653,45.267448156361375,0.6569866043611383,20.216963787228266,0.40999416829484026,0.936362524354352,673.1000202534706,52.12142550239253,0.07022935371436538,74840.07330405245,1.4565226106310147,51.75303503493772,4193.8751563330015,65.80813722617307,333.30547367668447,35.761809735699565,0.1843288606141356,0.19667538661541017,13.270845351442647,26.77929884255253,2.721075970789445,48.30867270945529,3.089528432255513e-05,1.6527820844936731,0.13533183333533488,7.10574067537145,24.68230274920663,0.2590741086393171,6.188867315816482,1.6033010066721712e-07,0.0001132097967789073,0.20549036361360462,8.456270733086727,27.942618759956595,0.2509405124897658,34.49469587649368,7.541530183337435e-06,0.00014063033626880034,0.12986637580099497,33.981128171552406,36.27310027219406,3.758159821580354,18.642184434252833,1.9907974977412392e-07,0.0,0.21335114145437745,9.112202966297618,30.426259762951066,4.500671157759994,14.20032098177664,5.468972797531011e-05,0.0,100.20178763428392 +0.9382261508322398,0.2209569215688402,0.43628277090820544,198.7353606918279,215.47852635865075,201749.5006315898,6.742342598881615,39.41743346700559,3.7567867563891966,97.74221952413474,2.2725847942692283,18.891800140782937,0.6074836822371105,0.5729271351397304,513.7489708196292,63.35068944297246,0.3379576122210687,102677.50295045695,1.3875182373751518,12.257311825354382,4754.932558160565,157.68365395952767,248.85440020622525,17.784699279864725,0.2700792269529788,0.199388697117409,6.953130671536032,24.373996064198867,3.0775496216784872,6.019165292924012,6.818846116026516e-05,0.8097175321210413,0.14113074643336315,2.915002524796738,13.30848131062403,1.2173114322834329,3.0637114316728735,1.6033010066721712e-07,0.0001132097967789073,0.21229329576503486,5.578521368666058,24.009485961472997,0.41076264526073814,4.3874300295313535,0.0,0.00014063033626880034,0.32117904141724174,1.4480111106489726,15.515450412708049,16.22056995949692,57.038459446818415,1.9907974977412392e-07,0.0,0.20711434314484914,8.554151350540442,30.80526980455344,7.252552483268973,42.226309151852725,2.4837571269660482e-05,0.0,90.16450533840008 +0.9865468673195468,0.14401585585586957,0.4231948145882149,181.20545226122493,176.14116065387532,285288.3491817941,6.9656832500430195,61.94062196399297,3.6978015228677963,85.63418662241492,2.7804778405075545,26.40682090706388,0.3301145075791626,0.7866222471625868,14.310497398527161,3.9175220650195755,0.14159105699584498,170898.84811457776,2.074545658989113,99.96043958421717,2467.6073890942453,35.74712293261611,253.68435804169525,58.905702490431004,0.24691985257370908,0.19481067781676498,2.070159452812923,25.167904520268312,5.928780444284213,4.0098207980966,0.0,1.2944689214374916,0.12201194617007359,1.868205232187626,14.783266251093208,0.8474223017987533,9.500751751255809,1.6033010066721712e-07,0.0001132097967789073,0.20290280594764895,2.2401690654541957,23.82078375328772,0.34903465234809644,2.4061249777170626,0.0,0.00014063033626880034,0.34982625048691746,21.504278980455442,18.823296868353857,10.730601650212899,46.118122363305424,1.9907974977412392e-07,0.0,0.16195618369012033,5.102849299865367,30.3899687893301,11.560193574509006,16.699404740547543,0.0,0.0,77.47972814098809 +0.9285523684889617,0.14986181538624008,0.4434719584698978,215.73391790451421,171.08139817609577,348932.86305581377,6.643650753403946,51.10850593693004,2.66100496759469,7.2635395541259555,4.746691760486685,10.609085840722884,0.3220209541161257,0.7150478429843385,519.9165530818527,49.03721087722799,0.05521358978873485,244003.975852744,2.755452283388571,22.217437344149314,2641.919911309193,90.90977746588321,335.1359507551412,23.448915540427024,0.2793433013910703,0.20229255714892816,14.636329335018665,27.260256396695773,3.7088994843870227,3.9431058810983735,1.0433218831515229e-05,4.9892603325170635,0.14136640227558248,1.603803896668677,14.178628585615268,0.6881902108838795,3.3983192647406026,1.6033010066721712e-07,0.0001132097967789073,0.21212858965207151,2.501679382556418,23.45366920664909,0.3191253991777232,1.9920803007322134,0.0,0.00014063033626880034,0.3417383676212852,49.70952601540778,28.829129021085745,4.811708320571788,25.886209572487356,1.9907974977412392e-07,0.0,0.21858159246333275,0.5928061734185548,18.297413178599918,6.478610556002542,5.4788308851704,5.337741097593501e-05,0.0,78.67898570268032 +0.8829961546677922,0.1402338614136609,0.4068497168829707,46.470592640759705,48.23538050924017,342325.6568825803,3.3099109545905803,80.65311892833434,3.6258340203775687,68.94166878268324,2.003872839711772,28.59873958051616,0.5888076619117271,0.985788954483215,671.4188913880539,15.212478706468055,0.16200639917776222,53611.48367448083,1.0934416012638275,70.15008879506259,2851.003686660385,188.62706555319232,333.28116719701205,56.749418104455714,0.21871528042418065,0.19142588079930536,5.741360568303159,27.29768729758249,3.0134234760065564,58.1318382093653,1.861161248988319e-05,0.7832380333269133,0.12620235393475818,9.15361945016411,26.591087554327025,0.35878013079554366,9.433703621679198,1.6033010066721712e-07,0.0001132097967789073,0.20239975742708458,6.023067006251688,27.293235822789338,0.23615608752198441,51.56296765471193,5.8559342165504805e-05,0.00014063033626880034,0.12615615200092412,22.5051760949859,38.670710332406856,3.4924250946176008,18.63770155263868,2.7581264978416273e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9072875953428552,0.21153776330904003,0.36610737841226887,183.7375908208007,210.04089391309554,287771.8280992294,6.856297072875435,87.49957563001237,4.858770667856545,41.47416755954226,3.1797420212262533,29.046000454502327,0.626537295225592,0.9850525684792061,543.3100925651852,89.58866627393311,0.3065389869423046,256244.8313538215,2.9148151684802532,93.56121549512646,3245.7882596556715,177.2025765940535,342.3365992565425,54.35789985850206,0.1703881485417838,0.19038308065537593,30.683622544128056,55.042519093279815,3.180075504575821,14.292593318460346,3.618724948414633e-05,0.7254851577133569,0.12374100495401921,30.59583791289819,55.1760564105764,0.8818010009532232,9.428152590340364,1.6033010066721712e-07,0.0001132097967789073,0.2045873932475206,33.23346431495308,57.63167533066098,0.3524509847119881,11.948452916588478,0.0,0.00014063033626880034,0.10852351661940282,111.53204828293654,78.91430328028159,4.839755926972533,7.252928886957325,1.9907974977412392e-07,0.0,0.20989655334293703,52.53315173268883,93.87117653431159,7.285215650235818,10.143512836130729,8.664462913550544e-05,0.0,208.07583141766844 +0.9207609402077627,0.22129221475210525,0.4390273091083215,133.67555295939852,226.4571195968187,341841.74674907303,6.665875098646292,78.41203166205814,4.2219834228912445,99.43594900771717,3.6595349130283426,23.530137868317585,0.5342971670062803,0.9385805726888847,734.4562036937623,99.98335732628183,0.13463246729166345,265735.2209670909,2.992679998679246,86.09220211043392,4843.834728314054,282.9402978640672,348.2007096514346,57.37572277650858,0.18189348211779627,0.19685980829155889,37.79588003082301,56.53306597352936,3.1934114574683865,16.139322111319373,2.9072362576217746e-05,1.318908798416839,0.12365932288213259,26.909801842209433,49.239060348649,0.6332149507338878,13.393783021482525,1.6033010066721712e-07,0.0001132097967789073,0.20220774327045263,36.745973492023616,65.74920674348046,0.31050909457604653,12.908415611862246,6.781519839004002e-06,0.00014063033626880034,0.28615949476387265,96.00507177069746,59.881661724286445,3.6352209685782944,11.069192429736322,1.9907974977412392e-07,0.0,0.1596972033585478,26.002711920576353,104.40777519274947,5.0820087868164485,14.981033869370624,0.00011742640466926416,0.0,197.05687146058486 +0.928224576822715,0.13769842357720904,0.37535760470025054,146.28013265775633,61.391663948982895,282715.69480727817,2.5557394935643982,16.168418195958356,3.2901304021833915,83.7026198506406,0.7192261003235029,24.080354654150753,0.40603516719713595,0.7603829286399537,57.84063089273519,72.90773237263603,0.1821590512049827,50628.583505880786,1.5116598541786737,74.00406647416702,1032.041486666177,109.64373058611146,348.1871499389673,48.84278777349762,0.29467136385495457,0.19625706782431993,6.428250292101901,26.97515281948588,3.1160803296892428,50.31608439863282,0.0,0.782779046881844,0.133632411901764,11.89909307384697,30.47588181480214,0.27488708485761165,12.736710155845678,1.6033010066721712e-07,0.0001132097967789073,0.2063901261544683,8.190031187607804,26.854614588426898,0.23963622777212126,44.83581942950458,0.0,0.00014063033626880034,0.1091407115806014,25.43644832520056,35.50860327267079,3.574214754839392,15.659985543660678,1.9907974977412392e-07,0.0,0.20585391816487397,16.774515058756958,41.69999100791821,4.403181226425166,22.2513699727624,0.00016015036085055472,0.0,109.74086214952337 +0.9720867173388164,0.10430941790545019,0.3319665458876738,162.6840486121468,155.4646830770883,319537.73095009825,3.941242680389669,35.98471194869589,0.47813816875000925,40.0193539855258,1.3976093064661819,23.632628077664208,0.3802996939498982,0.9318815649899748,868.3157233770905,46.496689622415424,0.05022932433189487,155205.649362588,1.3577934502306264,57.36249595439692,2448.667110575301,241.70201555744433,338.11413054709163,56.121338479002425,0.337814545648025,0.19686030293079876,28.79865476028176,39.61516763737155,3.1861157646743683,44.65582316159082,7.172157540544569e-06,3.610210702568099,0.1283906900966949,11.243963823738492,30.33466062744563,0.3170350836511704,5.2139208928372325,1.6033010066721712e-07,0.0001132097967789073,0.20000610777241548,15.80084428157897,35.956058524123016,0.25934544662314646,29.59805203441955,0.0,0.00014063033626880034,0.2510498460323121,40.20838777903389,32.64643095661543,3.1636295685394114,5.813569803437282,1.9907974977412392e-07,0.0,0.18569300574538744,20.862881664113065,42.359877407662104,4.8058180946394895,12.16050508199741,0.00012475896091680027,0.0,114.173848767642 +0.90164515934132,0.15082363838650492,0.4465190638213955,213.39204967279156,225.21909268922553,303809.4462125907,6.852224942399919,89.52981150824769,1.022925624357159,87.04816435411638,1.3735088243590723,23.238056724045666,0.41505621627805567,0.8743173441698646,190.55984616111286,2.602935930545561,0.06429423266654022,94820.81841688397,2.324470166975298,99.27351015551007,4819.431278116197,211.13332616331678,290.6022229334402,48.664974868408876,0.17634095484609086,0.19640483059892758,7.471799153478343,27.727535801011765,6.147101939083084,10.334358967406805,6.17798926943905e-06,2.792762768096795,0.13344390049728672,1.4809208327717827,15.701441389866222,0.9053506418799687,9.728552213303532,1.6033010066721712e-07,0.0001132097967789073,0.19604327750284115,3.201913051092955,27.333162421280576,0.35390692280337777,7.414219211001226,0.0,0.00014063033626880034,0.35065278012139883,39.08060727432688,27.52990712417747,8.55646038244008,30.94975773092776,1.9907974977412392e-07,0.0,0.17805715012615184,2.821226111180131,32.225072022048685,11.416568014280267,14.61180526044491,9.672383522158879e-05,0.0,82.70712896266619 +0.9211664580926531,0.20883434289677588,0.44948414070194304,205.72708033843534,227.8479644079094,349440.4773021354,6.942921779314756,80.32399245544852,4.729987895341025,85.6683636973182,4.973722422546702,27.769120541934498,0.7690163753183824,0.5789954493000077,871.6601245752539,73.88012154356765,0.3376251815461795,71787.07032757124,0.6819387524653391,94.98019704000765,1450.2490530608402,183.94663036196255,220.71173115590116,16.929079482523818,0.33883266664778133,0.18350507392479506,5.745011876642794,24.472711625435963,3.1612160418019633,13.522743204064783,0.0,0.7766924576156511,0.13749141600297946,2.8208254233861734,13.689712232696696,0.7904849765141768,3.406404190190409,4.774279473225291e-06,0.0001132097967789073,0.2117052240784779,6.060072466003392,23.942303981735186,0.33338748544135877,16.07290274512272,0.0,0.00014063033626880034,0.3213318324158498,6.339832171438071,15.041790624112975,19.173619249146153,60.14301465483064,1.9907974977412392e-07,0.0,0.2077358018608683,8.787550068195612,31.60484561340345,9.3204341100726,57.56016820527615,2.225177326201767e-05,0.0,103.09711327921754 +0.9665526622478798,0.2008210960380655,0.3889026766705552,210.3856770876771,238.49298249446028,316758.7428409374,6.705475974996664,33.507606043758656,3.58528479631014,81.58640207265034,1.6500784576406402,23.52701544062189,0.46943642129492924,0.9868516093357274,740.979384353232,79.74581594950689,0.33459800035307563,167065.37691613258,2.9606073465600433,93.90357270285052,4759.421696243867,296.20747085596935,348.1465188523781,42.04950384503649,0.15994886070926204,0.1858692487609165,28.131995218578474,57.306067989171616,3.2228644460814473,15.463906069860597,0.0,0.7358479865313526,0.09048312184874163,31.532513440042337,54.48572509091082,0.8639529270602939,16.043377362985467,1.6033010066721712e-07,0.0001132097967789073,0.19890052991384138,31.913244557039963,59.90261757073827,0.3459269106512665,13.718045128873447,0.0,0.00014063033626880034,0.17962904163008425,101.3560875896211,75.37282978135934,5.478743743836978,9.372706168248802,1.9907974977412392e-07,0.0,0.14749703199938383,62.77285916556681,121.61347130194856,7.638454754313052,19.983549978628975,9.719140551778463e-05,0.0,220.45803581890084 +0.9086349293254287,0.15447979724438524,0.3311943115474589,192.20385966543975,243.55063716135726,145316.59681143647,6.243378122795166,55.96030448811451,3.926800241999355,12.942825068085938,3.9790111352771693,26.904259330593895,0.5285580882140549,0.9452565112320818,414.68795608167227,74.13691020177961,0.2392156273338722,291814.41343965783,2.884741277793606,91.95655310779495,1521.6544445497002,228.81024849524795,344.5276252738257,52.807333098475496,0.25191963690585645,0.19149195921121606,34.81322004005425,56.96620061589673,2.9345901278910573,15.541859600000313,0.0,0.8097279907992306,0.12355861361061067,24.726260216521986,43.82550919665587,1.4745096309204553,13.265396116524613,1.6033010066721712e-07,0.0001132097967789073,0.2021421570797919,36.25855578085805,60.65262506637795,0.4578776844893633,13.440721848746303,6.893328230300084e-05,0.00014063033626880034,0.3178820415183698,88.27320063998661,54.11952611470431,5.070057792718387,14.873197419732557,1.9907974977412392e-07,0.0,0.17607575940800818,51.81113771820899,92.82027507718495,7.187915163492136,12.751496940594294,7.867920820046377e-06,0.0,187.28296077046855 +0.8940979648845001,0.1616649955153092,0.3229862153243584,39.36108278948703,81.0914241190394,216116.0630201975,2.0795021889412144,66.21784760670442,2.10222516177709,45.996148847118334,2.9575033954356718,24.13966865520707,0.3453553715178402,0.7862746031792933,820.0344316779469,59.44616945117451,0.06103323134514037,124817.85825969765,1.48509660828946,81.32940401344973,2261.5409139769913,95.48372264150649,348.8130014011472,45.78711642035135,0.162873799057641,0.19813891324797306,20.858792516285725,33.419749368162584,2.384466312571413,45.03306395081897,0.0,1.1246752134971065,0.13422128963870736,23.786680704944096,47.97835273427028,0.36145435683436605,7.6984961953430355,1.6033010066721712e-07,0.0001132097967789073,0.20781086907373705,17.498313049853337,32.70431175322379,0.235865600982041,38.331231867499916,0.0,0.00014063033626880034,0.14019912603244805,61.75009735809728,50.908033734550685,4.3582344642928135,22.667471619918466,1.9907974977412392e-07,0.0,0.2160655113274051,28.045346679685704,52.036622220122915,3.853886830658194,20.68312162376389,7.513173288270786e-06,0.0,142.24555325408258 +0.9223253058227637,0.11391725809487518,0.3420528986686343,138.7162942604233,40.01419478032835,285649.6244515039,5.492030268706701,37.86749475526552,2.201622891530563,37.04618873225071,2.3682501984786404,28.586020079076384,0.36061141837594646,0.6822860026520978,765.2355351299616,25.10833058925592,0.22452113533461515,165172.37946780527,0.9408619261190483,62.512662590659104,3560.606081315556,182.5687540785724,345.61947408043017,55.3053667170516,0.19182857818052845,0.19617094679073896,17.5803268871775,32.84485401978084,3.241294154173883,38.11395468677291,0.0,0.6118436575383093,0.1316354181216568,18.42157300528679,35.556507509865405,0.2835874330658881,5.672910559988962,1.6033010066721712e-07,0.0001132097967789073,0.2080850527803533,17.05101876773266,35.0909953371474,0.2747482255579393,36.36636875226971,0.0,0.00014063033626880034,0.13337038895300254,51.294662776134004,41.755711722132574,3.8612003015084997,17.568947275181408,1.9907974977412392e-07,0.0,0.20820054607290364,27.384321301642707,52.00596113329709,4.946967613222004,16.62373544270764,0.0002538671082516387,0.0,125.64136504700456 +0.8014747272597548,0.2038258038091843,0.3222019275439447,215.30810448445493,129.3716992625814,253392.1079336891,5.369273986295017,14.108339421364034,3.3110495583282766,14.171995441570136,1.8977937769804492,3.8778402266906036,0.3114915868281726,0.528780968270252,197.63629552756612,24.89417205339077,0.0545704536246955,50139.1859501672,1.497880252393824,84.04552488307291,3034.963043411738,113.07279912410927,242.4805025518179,59.82995664532865,0.26743981358658747,0.20343825824172404,12.723149246444962,26.29843710909141,3.6649012375801484,57.83137162618903,0.0,3.7757935824244977,0.14782435112614145,2.1088333516699893,14.168671610361423,0.6868027966298833,8.056275842526738,1.6033010066721712e-07,0.0001132097967789073,0.2157456063344453,2.632676479839178,23.68967847675297,0.325520058858339,24.955998042926407,1.890029530154559e-05,0.00014063033626880034,0.28887812301247967,23.29993636402525,20.735265627063736,4.859893946211715,29.326533959792073,1.9907974977412392e-07,0.0,0.24547172870986264,2.4288928782290116,25.745147559546258,6.270980692760321,10.941681913651477,0.00010192118797580813,0.0,91.49737168352698 +0.9356049091793274,0.1626405261937847,0.43758367763667716,156.08535074232833,205.30912382878435,344259.18777546857,6.619867613084953,46.332186239118826,3.5000786277761056,97.3914710510592,4.192516364189156,19.03676459258551,0.43793579485748135,0.8788114057515333,901.2322376199813,28.987525346305482,0.1385534960106451,74106.97189443168,2.451655127181924,93.80461081858115,4896.754784507164,289.52471513359956,347.47951551354817,26.427691604543046,0.29101441702678404,0.18773525531259064,13.048757344724255,35.02816913770276,3.4247463982233985,18.349870168649506,0.0,1.273653657262936,0.09609257838030417,15.250314510598141,38.53426018825608,0.6528360699898738,24.001041847009734,1.6033010066721712e-07,0.0001132097967789073,0.19255219532818532,13.298345748285401,35.99722437077671,0.31339394604877435,15.42053347381839,0.0,0.00014063033626880034,0.3108159848416875,45.38054401419516,33.651961661906874,6.12193306976893,28.10541447511502,1.9907974977412392e-07,0.0,0.1556715811449789,21.096606609992865,54.71501530816168,6.089236618334238,15.14275710233376,0.0,0.0,116.08794485641073 +0.9264187252761178,0.14097278556551915,0.35158441016625797,55.136933478147384,87.28909030470429,188357.28565648897,6.606931396990284,30.099154017872337,2.7082818814817546,91.53492849591956,4.353428496000541,25.90357943311888,0.3126849480578866,0.9979035217614648,375.70151073625686,94.2638128845741,0.31429621264058366,88204.01582509352,2.4136918972674763,81.88455281932524,4993.089267587161,282.39661683183226,343.9286728412199,54.03307591311027,0.2003133385286716,0.1825160373125542,21.082352282125814,50.59591061528877,2.7284246182283303,28.115418053924984,0.0,0.9416166736122573,0.09491275185238962,37.75366459989196,61.91630986450452,0.6392135508426311,18.56574303411523,1.6033010066721712e-07,0.0001132097967789073,0.19611710156113715,23.881256211980652,51.41488766395527,0.33115661349410325,25.129707049351648,0.0,0.00014063033626880034,0.26149202237982666,86.56103676910138,62.60443256932991,3.9915972745064563,18.14214671303371,1.9907974977412392e-07,0.0,0.14523971048607826,55.33535414908594,95.80204156443514,4.947529948330571,23.24906262769448,0.0,0.0,194.4610464094554 +0.9265748963999038,0.14828058408722494,0.3517266268702272,133.2639804497311,87.28909030470429,179959.8223524163,6.419373106587901,59.056217926199906,2.696720202729332,91.53492849591956,4.353428496000541,25.915638265469575,0.39484656552050346,0.9979035217614648,477.73418114598485,94.2638128845741,0.31429621264058366,86661.38240094607,2.4136918972674763,81.88455281932524,4917.702055308337,293.723764653796,343.95552203556997,54.03307591311027,0.2003133385286716,0.18746586857251915,21.19429416531014,47.72998920729453,2.8120027713768994,29.479914827761505,0.0,0.8279434771075155,0.08241753572344654,32.87845430696339,60.054259966249205,0.8827460286074468,15.717420659622638,1.6033010066721712e-07,0.0001132097967789073,0.19892837689917472,24.315118420171206,52.20206046505172,0.36838176653509946,25.53504625448865,0.0,0.00014063033626880034,0.18656520507466307,83.9698096377256,70.19588759761622,3.549534283821012,15.512024404034271,1.9907974977412392e-07,0.0,0.15859095366984663,57.126273698940786,107.49547957159831,5.860057248105802,25.33557372240671,2.2391288326415944e-05,0.0,200.58779129254035 +0.9624025606497015,0.21176970331854075,0.40475870282995713,216.22768658191336,163.36389176631337,304149.36898252444,2.821378919451701,89.62319728003423,4.5246049434298445,19.125997027585164,3.2585959435216783,24.418237856599614,0.48061503498866487,0.9335798356220213,676.8576163544632,92.43166366983294,0.2689063916348049,145694.1845291429,2.972245178546906,86.36186153961084,4607.079028769171,293.4417583874913,349.2330669426126,41.68052963021152,0.18182850602168246,0.18649104542135225,25.24066047965664,53.20112879818749,2.7687576998442065,15.403256280789567,3.5680072664135455e-05,0.9297733453620922,0.07356885914143461,28.175319724191752,53.2994401960363,0.23783372025990876,16.953934114182733,1.6033010066721712e-07,0.0001132097967789073,0.19867640301191233,29.852855122787243,55.833764557718546,0.2471031560511313,14.34092143613973,0.0,0.00014063033626880034,0.1346843355615223,79.3597007688273,62.24429166163187,3.3317872614066038,8.028081599093708,1.9907974977412392e-07,0.0,0.13938729623339002,59.161363553461605,114.97485301592364,4.458099772729641,26.888855070515362,0.0001093523750421865,0.0,198.89668071891757 +0.9759796629271844,0.24847895081240562,0.40146635053909524,231.73141476500456,120.07424022181641,328297.9224259756,3.186688948148209,58.596697875333156,2.160881981807282,79.88840573757614,3.8662742610571526,25.063018365321582,0.3800715680526013,0.9941468537210253,175.98904184053777,85.31981868450245,0.3063358111354858,115894.05908795136,0.9026920505801026,34.290078669205556,3986.2377238669587,129.10491189430584,345.8702215334307,59.20199910369624,0.2875364633775447,0.19054461350384352,9.628474360933753,29.688463835591357,3.2605980019902256,49.10433392299005,0.0,0.9700861670043945,0.13034494578047673,13.136511995821317,29.848050016682922,0.21999140266411316,7.555081435779594,1.6033010066721712e-07,0.0001132097967789073,0.20286385537042778,11.18489020291508,31.92175996719782,0.246801133898227,46.395614199698954,0.0,0.00014063033626880034,0.08388902193206285,30.073887398128427,34.85443920552353,3.4464962531138075,13.235659793415657,1.9907974977412392e-07,0.0,0.1953025767367694,17.62059165160295,39.86355740741697,4.820324430367634,20.804024512460227,0.00013243460123808787,0.0,111.69753551999028 +0.9812328874452046,0.2691155123781004,0.4245668415852537,240.42253264588356,47.31632341065101,222727.11335343696,6.965934498581685,59.1193247592867,3.6625601555187735,48.667364819367805,4.450107699896954,17.614861460005606,0.7337980555858926,0.9832359160142929,959.0262050732053,58.27556904556891,0.32778148361589576,60165.420360918666,2.884324842347197,94.38967525670395,1519.232892837734,281.9357071580366,260.2661635851313,14.881648311752958,0.21282695913920435,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.1316754100559237,2.331099071864724,21.890197106649897,0.6712752608110703,23.530119175458662,1.6033010066721712e-07,0.0001132097967789073,0.19168767030310657,3.458877139807944,24.086135652113537,0.30308531801573024,6.25182850148759,0.0,0.00014410350517884027,0.3539600198006152,4.458552224795396,14.701524176298141,14.057519636156412,54.590034959298464,1.9907974977412392e-07,0.0,0.1369701041764883,1.947863072459214,33.38021105664968,6.268122821321589,55.464120210544024,0.0,0.0,2698666337285.8823 +0.843073929718109,0.10318323821913108,0.43751096123982364,136.02729404852042,244.86096327003344,207398.2913880776,4.7019685120797,48.080107170877525,2.1259224598561453,52.18381165353628,2.7678504162953153,18.271877437084264,0.4271114464506466,0.5059743567207801,717.6474519067525,93.00039762378891,0.18101535937688656,91615.95138458013,2.082108073287873,99.34158295503481,4692.3989646599575,270.91705055573595,348.39634427049117,59.41795610565052,0.16268721137648792,0.19917911824390425,16.032737253632757,33.48408141455505,2.6484189805493497,29.961383991045224,0.0,0.6991301895734994,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21109236088701633,17.81847428209278,36.199453509486894,0.33685457212387443,25.95766270664866,0.0,0.00014063033626880034,0.11668820990892517,77.54345900157307,60.699698666388294,3.2300950799406523,11.335780613285452,1.9907974977412392e-07,0.0,0.23002475541329703,33.62810169840724,65.91683058341928,5.016241306426312,25.837614057895067,0.00016021190654708187,0.0,2698666337285.8823 +0.815641241316341,0.21199337227552056,0.3700967384316947,161.75270735241634,34.606480405610114,273654.8391233802,4.27754694950597,79.66597138193511,1.0155670107886647,63.11892002883492,2.941867536277032,26.806631475456264,0.34823579158123535,0.9726790656774101,43.854155766321924,60.48143183437766,0.10239105147307061,79590.64524392449,0.9166462018602127,55.79341475833318,3049.955995538868,118.94959516213692,343.41986522612063,44.152251869960686,0.17911220879493792,0.19658863307832827,13.88709568911017,28.5837538327242,3.376892743286477,63.343453174596426,0.0,1.2763324857330727,0.1324228286325593,15.740085768449472,35.18477385390145,0.1919056619814795,9.167780498286977,1.6033010066721712e-07,0.0001132097967789073,0.20525614157364988,10.999644301055989,29.481454954249383,0.2578128181861012,55.42801693120059,0.0,0.00014063033626880034,0.1421044394496033,44.73051315663925,40.2737604411003,3.778381151076938,24.911966666503382,1.9907974977412392e-07,0.0,0.21506412205617847,16.684399822802522,38.268732543940374,4.853147920827067,21.579718583061513,2.842191998013403e-06,0.0,130.9867756966967 +0.9847886091770529,0.12369203047417186,0.4455212188912477,93.50491425730159,234.42164095862154,212815.1499008073,6.597886272053768,96.83488606783108,4.458171980668933,94.4728279346297,4.208950738343669,17.47456487844361,0.48172104225321755,0.91455197915704,592.6980116126123,88.88757197074725,0.3231385172386438,272542.92073213775,2.8095345076703224,80.66954370269568,3936.033807535811,294.91203694310735,347.7843769160996,29.7524420490243,0.3044313188585812,0.19292792122609473,14.578114794387925,35.57294765999829,2.8103404723038974,7.121407477646813,0.0,0.843266841550482,0.13347939108858065,8.970527761283789,26.478573573300924,0.87173203644685,13.146410041671892,1.6033010066721712e-07,0.0001132097967789073,0.19999236950668325,17.835401914034556,41.4516441074155,0.35820894083624877,7.451859627672116,0.0,0.00014063033626880034,0.35612675275963884,41.5538053490763,25.85017307160791,4.826180888303553,39.95163548315195,1.9907974977412392e-07,0.0,0.14576539873887903,20.9784009660437,54.86163672635976,5.482239659823516,12.991638668795064,0.00015320504101193257,0.0,110.66978057983464 +0.841404835108936,0.16017777831058228,0.3830984605000802,41.84314064793705,32.71104307782592,307449.63040509354,1.5488896911680297,41.484508796608814,3.5890397256989024,87.40558233114265,1.5250287726689704,22.893822926792605,0.4113140600168474,0.9806588683607496,695.0774248293808,31.702577851037834,0.190157926087525,55514.35509665206,2.300767590497496,28.115954556394257,2067.131761778154,179.87415696243914,343.9951131561738,55.93009497192452,0.17410614102565258,0.1920456646979839,14.339678525483874,34.946934376928766,2.64214611343359,33.14283153529336,0.0,1.1203937503176742,0.1329055905904566,20.6811229598848,45.14900965769241,0.5087610203723696,14.02242276625621,1.6033010066721712e-07,0.0001132097967789073,0.20546780125080485,16.936346806303508,35.28198952163586,0.24247325880894505,28.766586994134666,0.0,0.00014063033626880034,0.1146301048314737,63.548468886752396,55.543858977154905,3.908577973499616,19.543352819227188,1.9907974977412392e-07,0.0,0.20326537956216473,32.135719866815556,64.05752700715321,3.978501920834647,17.503557516525593,0.00020667906953932675,0.0,143.30050390238696 +0.893878646708027,0.13617315201112618,0.40569299261246244,174.77784273102503,238.5316647938376,339328.6310760799,4.601901437380018,88.64306967253195,1.0209744546496713,5.562769709874633,4.280320143215205,9.622114684612873,0.7089705650183944,0.516459150628587,637.8111254684492,69.90114413788409,0.26269247076866,54354.28706911666,2.2051101962550135,83.58606427442024,4188.744404064852,80.4466742320246,224.8491159565092,20.0467771242767,0.2324419524804987,0.20096239587976145,5.947052169718912,23.930004544449645,3.1061386900948222,4.1169794089291125,0.0,0.6942660786323533,0.14325250679167223,3.2192081466367415,13.022332808822762,0.4744303065264253,15.581934227986224,1.6033010066721712e-07,0.0001132097967789073,0.2142900515353522,5.150555435074977,23.30925006310067,0.2782567163242558,2.9264452367442613,0.0,0.00014063033626880034,0.31386209389739905,3.7897572441794396,15.752030797329367,16.70056547534185,57.669926904376695,1.9907974977412392e-07,0.0,0.21127348058088327,7.262719581077623,31.014059907726168,6.460707563867442,55.84411816778119,2.2802714339848022e-05,0.0,98.38161716868086 +0.8496674679861592,0.18433929307235022,0.35611400024974477,240.29999376320526,198.47893193500235,304054.1906466028,4.231489766254946,85.12341845046284,3.317563970113167,90.68284585825903,4.682863428259939,26.144586238002024,0.5694786950868168,0.9624164359695647,748.6428534026793,94.57450787800516,0.20587497016625586,282728.13259876706,2.803532872679008,81.84782712162252,3969.223641617842,260.4389003250533,348.9950100812435,56.84203226473909,0.2244587331118769,0.19367303620778986,38.888617574035024,59.35414615530979,2.9021677474025687,19.676835072110002,0.00011492835503451324,0.5907503548310548,0.1312650034542603,31.342790737937488,59.531134086237365,0.5312744668227112,10.166547119284298,1.6033010066721712e-07,0.0001132097967789073,0.20396512349571286,40.42795753209997,66.11926628389811,0.28811388567989543,17.090792573642624,2.0467398592111244e-05,0.00014063033626880034,0.19413174565408073,95.89746178723081,60.47436408580598,2.819603898248367,5.545111088394003,1.9907974977412392e-07,0.0,0.2058309991642741,58.78716414141534,99.05229652644356,5.177588559053826,14.108437185344235,3.2609790083325545e-05,0.0,206.7486435362461 +0.8696337172914199,0.20090050700984358,0.3609424009779274,193.4263805525768,134.84569436250314,274219.7222874807,5.193300900750355,86.25899675401493,3.4930794826322416,57.962808569538076,0.5750301088058295,20.232930905604665,0.39440371086829507,0.9336283992505345,898.4131359635481,52.12142550239253,0.13685936236859414,79590.64524392449,1.4204637665933741,51.15579843587285,2741.206772274433,69.90039894051284,349.6040927492532,43.577369552333295,0.26021687718957315,0.19680915030822035,14.394040839162646,30.284808027851497,2.9763647384609526,52.963376778705864,0.0,1.035572776450998,0.13465090777878047,17.785958212977135,37.75375260187214,0.594069158462547,8.264103202850674,1.6033010066721712e-07,0.0001132097967789073,0.20669929351372202,12.572957254187143,29.60320786589303,0.3086984003731434,44.735195349639774,0.0,0.00014063033626880034,0.12819044037718566,50.869152158193266,48.508675574616255,3.009141991551643,17.77416002706801,1.9907974977412392e-07,0.0,0.20067853295931873,11.17264290813961,43.151765017539354,4.252122691538718,16.315413403358935,0.0,0.0,127.75983467665884 +0.9384154261913421,0.18711149833575488,0.3896303508584719,133.60832902025535,117.68461484784453,346873.63862375624,1.8820612090254827,90.18285779262074,4.425369335830789,86.7792771509315,2.8942285927615146,24.68308395357082,0.39803325797735156,0.5801866137563273,965.3753575905343,94.33944898213728,0.21494785162483787,287851.6603314589,2.901135387928595,60.782935816079174,2623.8594161157685,269.3688444170397,349.85389670567815,38.755097970680715,0.34394360729194606,0.1980876711580726,21.17064776032539,35.119036529162955,2.7555957410296745,8.911047690415877,0.0,0.9413301826579026,0.1381131257276861,11.704110557212415,26.85195947542881,0.37538705980097414,8.504818348781406,1.6033010066721712e-07,0.0001132097967789073,0.2121257399653004,22.66824134443818,37.517440067579194,0.2347122894443199,7.9179258437760875,0.0,0.00014063033626880034,0.32481371575150325,43.551353934066206,26.01459304522383,3.451785275491952,23.853641862537653,1.9907974977412392e-07,0.0,0.2148067652119528,22.522167619822685,46.61009549007339,4.033239063492773,11.586033157432196,0.00027121362484831536,0.0,103.29070548026212 +0.9053132232987631,0.11112876472387984,0.34494554716780645,208.134030332059,51.54693019284716,311073.3438908961,3.1018076267920227,45.63611062115658,0.5634122186254558,16.605697939768557,0.9680877982752075,27.50920076111302,0.31665739530416237,0.7902786348515145,359.3377385940822,2.830033254092317,0.06586818688670924,72791.64350601037,1.1324502315642357,92.67064912615363,4082.053080288865,89.08997831510021,329.0444146724304,28.70283291362766,0.2629097058142722,0.19585923272592684,7.627718521764958,25.789849976837893,4.406846732382542,43.03239605832075,0.0,1.8575157837969336,0.1278303799534951,3.6342890526142586,19.04516027702188,0.24333942756931215,5.714398554543505,1.6033010066721712e-07,0.0001132097967789073,0.2040334698439797,3.2033046307094204,24.557182406374427,0.24245048305587827,30.694071074850637,0.0,0.00014063033626880034,0.0822757258418838,21.091543292836143,26.286000749135702,4.176708024272466,12.5178246839853,1.9907974977412392e-07,0.0,0.19894925704278382,3.056772321914424,27.70001388291282,6.79005296437282,11.806103749267352,0.00017347822663261775,0.0,82.66989293389172 +0.9428263892513657,0.14551224841368085,0.44805387528223195,166.41007096497353,96.83254876270892,343091.06457783235,6.057430020036693,81.51642931895063,1.7440470928890677,6.195042889897394,4.569420004031576,23.79671864284004,0.7463410143471659,0.439302699312976,305.1504469412382,64.85409009584446,0.3424535530147295,85626.0646289026,2.9629907479388353,93.74719463999837,2433.122448752293,275.42278599180435,252.14069042569815,34.22119620996299,0.23711093847470294,0.19596867069954985,7.019107475981322,25.288236349821833,3.5571398022517986,11.340684445609618,0.0,0.8235822946131559,0.11435736338090058,2.0556699261284286,17.691614799515687,0.43262817908069584,25.12732374245924,1.6033010066721712e-07,0.0001132097967789073,0.20809068343352932,5.841523388272557,24.95562827940188,0.28536113319055545,9.471801013952206,0.0,0.00014063033626880034,0.3008529712822274,8.56804020360712,17.37982252473617,12.902189622135081,54.056702517960275,1.9907974977412392e-07,0.0,0.21347822458084556,6.6865121257964395,30.439222757921613,6.90762256051731,50.35816140292404,7.864004081994416e-05,0.0,97.70059681182086 +0.9761532672075575,0.24919992612206932,0.4014756586569364,226.10058088298857,62.891685830730154,328688.8129971541,3.0482114869310872,58.28664794294022,2.1477592622371904,81.1791687836165,0.3058038452652318,26.12580948339198,0.34366980920689577,0.9389223465799692,795.9357438343993,22.75713776588193,0.2511564195530506,58479.03077677126,0.7060825269418167,26.28038652675442,3664.0580919127815,287.21183815466236,345.818888725224,41.82776120590741,0.16225482463652852,0.1907254033850992,3.39553541937258,27.75148090681055,3.045122618927733,61.304255162535185,0.0,0.8513891102489625,0.13244919917864464,8.429163797583865,23.722221185389422,0.24361318422077544,9.653095318977982,1.6033010066721712e-07,0.0001132097967789073,0.2033312462877755,4.163874916541173,27.828284929110804,0.24154247611884094,57.953211866798696,0.0,0.00014063033626880034,0.12397000964927718,29.332804932220213,34.058698826604044,3.676540611860863,23.115331538704268,1.9907974977412392e-07,0.0,0.19652046814903115,9.749800313394143,34.53307989890145,4.732496235447303,24.316798610300204,1.0604264504802716e-05,0.0,117.885507444508 +0.9655380679284321,0.2185214641715905,0.4327417887703871,145.95033538621445,208.3730419901221,152073.38975685247,4.487510668957231,70.57096947142344,3.5674951155718784,93.42120988087173,4.347914159497939,28.937584851749097,0.5055419616970581,0.845060714189166,847.3657041853687,97.45566913059321,0.3084581956407321,224469.1199600634,2.732424575656226,93.20290097228002,4547.383869730419,252.83870782978187,344.70925900689457,45.01400246509915,0.34456384375900184,0.1926163447609861,17.246815476993547,37.30474062409404,2.653448109971947,10.296374119739022,0.0,0.9550040784984059,0.13180551017696435,10.102363405332348,24.959302208316178,0.9872133228086708,12.56350676484391,1.6033010066721712e-07,0.0001132097967789073,0.19855894699093612,20.99870564896505,44.31313833233007,0.37520380659792646,10.439239920210635,0.0,0.00014063033626880034,0.3492728533903747,38.26573600182376,23.980237422621588,5.1171582673053715,37.084280381618655,1.9907974977412392e-07,0.0,0.14936241133317588,23.41187426334121,60.11000905324943,4.765725052722116,18.82457928872017,0.0,0.0,114.8042477546598 +0.9812579771170857,0.2404934181773292,0.43875431311536117,224.22072339458762,236.06673629813608,349790.1057453607,4.196479619811332,95.19585666671664,3.1248235111463454,97.42808395475438,3.756653793113074,27.812360307962958,0.49646894425163,0.84211846051378,21.17891688431635,94.36446826297855,0.32820438394410023,66056.37526607112,2.389273904767009,88.92300708169606,2723.164027461078,269.36896163888224,349.39564694693087,53.261541275428335,0.19252386202976376,0.1886346103530238,15.804816969571398,41.263734483689035,3.755834643787409,27.152758210732355,1.3877087862144761e-06,0.9087717183290487,0.12163587667810827,28.5005542891244,68.19596883531314,0.45836548553645956,24.34814649571071,1.6033010066721712e-07,0.0001132097967789073,0.19706322285322866,19.9822539065919,41.93957572274442,0.2729902405835237,25.290176717148857,0.0,0.00014063033626880034,0.217102290637114,72.78664859817783,57.53652889696572,6.290388328431792,18.161465487517773,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8425556178901085,0.1995579071299703,0.35381996701969554,135.32858884693823,245.1783946879128,211308.1189908365,2.985202937286808,34.751570070324405,2.1143428710167105,52.18381165353628,2.666391875666978,20.20453391461123,0.4774888615874889,0.4862553881548677,822.9861208708355,92.99083730918237,0.1971090615028327,93401.23030537715,2.0626681598628496,98.94668593032944,4656.22072077502,235.39141999873067,348.39634427049117,59.918603512877205,0.15473997391556166,0.2005517268145703,18.92784453926164,35.543953089605694,2.473331902930807,36.89356739710847,5.6467656000752465e-05,0.7674566736135362,0.1372683848092479,39.4991552092915,67.84270981547095,0.4301538469407247,18.297047441698446,1.6033010066721712e-07,0.0001132097967789073,0.21340727791974962,21.314704755613896,38.71731324299144,0.2752068435029651,33.057102380709416,0.0,0.00014063033626880034,0.1217222895839091,107.98905164344298,77.21823198980657,4.007736215564492,16.452304810258806,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9698665598853684,0.10900985598908916,0.3251687723293929,96.93343860233153,227.07846186409603,107795.87084018333,5.594378871872297,24.365085446824594,2.1814212658429524,33.064177196044874,1.3474072116695477,24.94445309539535,0.35400022129861164,0.5793283417243748,267.50269533523254,1.1441458832302587,0.1824868263478116,56464.180572594254,0.5948402906537642,72.05271134524668,360.8516350256035,212.55601549175262,252.74995951225534,36.88211071098711,0.33702824877220927,0.197540410953208,2.4480329411340893,24.335092961976443,6.062523602133841,44.116385820512,0.0,0.9358091584485525,0.13566271157501045,1.4726972024645848,14.96009971116997,1.343835600181074,4.771670951253035,1.6033010066721712e-07,0.0001132097967789073,0.21060918700641243,1.5260351248007766,23.947032725581213,0.4379790571802614,42.63327773851433,0.0,0.00014063033626880034,0.3324632823091841,8.304373127560213,16.262583810391305,6.479363408337025,24.96432845581532,1.9907974977412392e-07,0.0,0.2158021426821852,5.629898903613801,25.039476483660952,9.959689280937068,11.270286228448734,0.00019860771711054147,0.0,84.32069402229625 +0.9846509135081424,0.18894583169150142,0.362943821569857,235.78511575710576,239.40115399470278,303912.0539130395,6.639216386272643,74.17788271457638,4.721240674474551,87.47160953685808,4.414451392501832,26.21458733970623,0.7623581066053768,0.9885461905333646,739.7943007502791,80.6752708058417,0.3319944511697064,296895.46574092435,2.9189066068267464,98.86123840913223,4531.639000518027,298.24256249709356,336.2219137680329,58.78823346843658,0.1680575903897974,0.1860277269597151,29.87824872825803,62.59141936246836,3.194701350418585,10.810698033937056,8.828117180877007e-05,0.7336929153875742,0.11151205055665674,25.750536621134824,47.994394319284666,0.9306172324204377,14.395141436702087,1.6033010066721712e-07,0.0001132097967789073,0.20002452749200245,31.95198876850178,61.207889332633485,0.3565442012500487,9.606097697645929,0.0,0.00014063033626880034,0.2539852008722842,112.44659056230137,75.3499317983711,5.732215663532724,8.852829782623056,1.9907974977412392e-07,0.0,0.14776992375784273,20.07393079384104,100.15364017076942,6.013232348291973,11.409911343029716,0.00012365437776391588,0.0,204.95292254938065 +0.9849801082036665,0.16581038605876305,0.4484490494925439,181.0607797722939,227.6075359551727,239824.56614742326,5.582127161237017,72.95244311178415,1.9894032702285824,43.132135064338215,2.7580263671203005,25.906610838277906,0.6989948966307482,0.923037866283515,703.0745936139126,36.9449093678564,0.29764942113998455,101249.0969909137,2.7151576351414874,73.27381502278983,3786.3783758068985,235.7349082213513,223.4549714648088,10.946476606479742,0.2284297071500705,0.1852833885423822,6.506097113070054,26.305393382784864,3.097329435286271,9.260065926164657,0.0,0.8115164545517701,0.12484534037094873,3.1180029074652396,15.553495821622452,0.8816461322542081,19.587273328840155,1.6033010066721712e-07,0.0001132097967789073,0.19532079649950282,5.4831419131236165,25.449770295731085,0.35240617711476235,8.48202075495592,0.00016354485723067087,0.00014063033626880034,0.3552416862423842,7.62556152429185,13.737611265549369,19.382183522743432,60.346474491307646,1.9907974977412392e-07,0.0,0.13430006688439614,5.940757692187286,33.159456654972345,7.088046078645267,48.97455888652145,0.0,0.0,100.32078337357889 +0.8177587477582008,0.2312870276223457,0.3365598907766127,243.0270708779742,192.31564741960418,309161.88822859974,2.757628884120201,87.9680740479496,3.760698652192837,79.34203321968872,3.4394072791215367,19.75411476242834,0.6087028110199848,0.9356347678488328,749.2802175145838,89.54193351182613,0.1915271685411044,257316.11666467038,2.853019399449356,88.76198352070091,1472.207316919108,165.38908200615643,333.35878076853896,56.845800494293286,0.22364721662701872,0.19690536302595688,30.16637128001354,47.38890786810261,2.7696793994753186,14.26318299164606,5.644867578542353e-05,0.6387531114284253,0.13817184472980668,26.31536669406895,48.764518600101454,0.2607942262839176,7.663233408943385,3.492386882887623e-05,0.0001132097967789073,0.19438182516215047,20.20069468090371,53.56315289923834,0.2743406475059289,9.417704876384423,0.0,0.00014414060373783881,0.11407004980793409,97.15955123403981,70.22269343061828,3.2118868003019387,8.3183626616218,1.9907974977412392e-07,0.0,0.220837717721368,17.412446899999143,59.810651249451,3.6262155454926255,9.884460691506424,9.210684979772992e-05,0.0,168.23967144549337 +0.9671842323916539,0.2539783368818622,0.40139231835699224,241.1646475035716,235.47530926222245,184049.8801991282,6.537802414360925,7.0997822080432265,0.36415229777461644,71.63833355669156,4.250370855484492,24.43885147869269,0.33079702166129404,0.4990788086587533,395.69924513494504,24.175592555982092,0.10278708125015269,211524.61835855024,2.871054510316667,81.07042385807664,2481.500917978252,94.69512534485963,242.93379953145873,12.215993170919509,0.3327767708470938,0.2017828621080951,1.7169240720616274,25.48466402387636,3.5595805913631566,4.233487829441212,0.0,1.960068330143354,0.13982345819072714,2.5170327097630376,14.232410208419788,1.3723008344390797,16.421366234822496,1.6033010066721712e-07,0.0001132097967789073,0.2129776624423437,4.699132840414774,24.14778465624697,0.43820202117344803,3.2846070445667648,0.0,0.00014063033626880034,0.30738725224570457,3.0542023401860057,15.877379321927963,19.157448269086906,60.03898062608625,1.9907974977412392e-07,0.0,0.21576947630832743,8.288223457263028,29.423962950228017,8.256776745238048,37.01147830712587,0.00011187008564666567,0.0,91.59318439282367 +0.8984883317636343,0.14701828416264123,0.356852598326741,81.9878749880961,111.20712724503589,200467.43079204415,4.68261501806766,15.974930776981175,0.3215217620592965,54.00029051370543,3.078294327742265,18.89057048059252,0.3148183276655592,0.9241045047227151,933.1241392251186,4.850667322521856,0.17185183407413265,55011.42141440949,0.7199934806337349,84.44369562989489,1370.5044757805686,244.25711275636263,340.96401300863744,26.744778249376637,0.18866400982249593,0.19426489334700678,3.26225098693629,24.700990373668752,3.3254127371248003,58.71243998038877,0.0,0.5693095796830816,0.131164880099364,5.801925604332513,22.16892102202826,0.5010364015594101,7.199922494344524,1.6033010066721712e-07,0.0001132097967789073,0.20570875454485082,3.163088381686299,24.538621063329707,0.30203924572772395,54.01536976220513,0.0,0.00014063033626880034,0.12643440980520168,24.853495519929748,32.131170106020946,4.624259020920928,18.845740067170933,1.9907974977412392e-07,0.0,0.20631925087189484,5.015303601477317,27.180363991883034,5.808553934220989,18.255412804855073,0.0,0.0,106.50897970194546 +0.9184718322626174,0.212656346733458,0.4439240728529966,190.44870211548644,122.70591688816411,264373.7723287741,5.223022074251474,63.06261064975319,4.6912162458392315,89.20346377278834,4.978218848336391,5.69458674753626,0.5591610234034247,0.7209212709395977,46.5232250637074,39.09910066676528,0.23586654138863034,94634.37569926049,2.9618624000233393,83.12246141131402,821.7521062083276,221.1073812135875,253.74784651062987,16.103266565618974,0.1813100387390367,0.18491499976501402,5.472868362439192,23.69795015210503,3.548726729254699,6.76804939106099,0.0,0.8567924770549781,0.12842768955216402,2.501775872744452,18.737628593763084,0.5951501627856726,23.143695277438546,1.6033010066721712e-07,0.0001132097967789073,0.214021972494343,5.7013530378005886,23.845410474875028,0.31093697271804155,4.846776978133421,0.0,0.00014063033626880034,0.338024735820466,1.40991199222333,14.790574901267258,15.64892628415018,56.568131030210346,1.9907974977412392e-07,0.0,0.17335596520390445,7.240236442809348,33.12552729286072,6.87887300917224,48.927883377476775,0.000573516103896733,0.0,97.08516328063286 +0.8939416969822787,0.12055361070554088,0.44911757171926847,242.36843581498476,232.08234537433557,182651.65090169295,6.839844844444942,88.46599060988498,3.7641389999845716,88.48564396599807,0.8545726560046301,28.4790025000193,0.4132044975376142,0.9152882844812799,677.0425421258165,99.61605753367049,0.06437307734159478,268017.5646702086,2.893827049280606,73.5071279838581,4497.141679120199,264.93649487818806,344.6331239063262,37.86364590499987,0.25012881478707155,0.19732920164075135,31.4321048045918,43.66970715414523,2.82781546240036,11.279160511995183,0.0,4.253449185463835,0.12777543570881195,15.342311908571682,34.29782613098152,1.4169833006021553,11.005837307373508,1.6033010066721712e-07,0.0001132097967789073,0.20008351822357667,21.99033557993844,45.833832942201994,0.4466103534750834,6.404569315794476,2.960811278586923e-05,0.00014063033626880034,0.3533650043737085,60.29146103273433,33.76639754738738,6.126571376156744,31.6074040203031,1.9907974977412392e-07,0.0,0.18069038802346987,27.527078281268736,57.42958079929041,7.5398202453029635,9.839522643826024,1.5567476734375503e-05,0.0,131.2643614538888 +0.9446651658591315,0.1114860119287927,0.36165850831219326,179.88579510760505,162.5836755554232,275682.04057686334,2.935404521482094,54.59639759372389,3.2023063749089986,47.94489029485344,2.9862699504749126,23.34584573053898,0.3084304755953625,0.5753303884618137,412.51201465483894,7.941431778084841,0.20743235271759797,96647.37819819228,2.521776447359181,86.03717843210357,3159.4586078782277,279.5373487212272,342.79323798849543,58.40087320865049,0.172816508972512,0.19432650089631784,20.538670370443814,42.035749549122926,3.4845630658582243,24.838310643473896,0.0,0.843771069692928,0.10598399691551336,23.259875362222232,44.457336517833966,0.2654808600570315,17.893571525725054,1.6033010066721712e-07,0.0001132097967789073,0.2061409699573391,23.547634498402914,41.10537626271201,0.2520994091453649,21.82375763529632,0.0,0.00014063033626880034,0.15110829352677782,77.6898857257663,56.69692413597924,3.5657726118567763,12.723484100403851,1.9907974977412392e-07,0.0,0.2019357605195926,37.64434563664193,69.75113061608053,5.974809367317909,23.872923386710937,0.00016651123077833228,0.0,157.12986734546556 +0.8089892242936481,0.11999217733696055,0.3430310571930672,35.915291634533794,126.78069265269482,133865.5746440333,2.215078919526947,16.037012497652945,0.7766443881942967,18.627747042877804,1.7460625474737013,19.80235152359635,0.3291058874801268,0.947160456718699,108.21497467404342,63.5871958456183,0.20857287623831985,106023.37332532722,2.1163049724745657,93.37256431912398,257.7286306534261,239.32199736924528,344.4993661385301,49.61890888980459,0.159801839101297,0.19155480706620906,19.11105567601171,40.18919757044254,2.4587925265247326,31.058666405278,0.0,1.283739471893796,0.1213515791775257,38.7629428475366,63.53410833184355,0.21055110478529232,13.631868107577393,1.6033010066721712e-07,0.0001132097967789073,0.20471679415062527,23.301544131108123,44.210736630719474,0.24607617889281366,29.191298744407,0.0,0.00014063033626880034,0.10316434195302983,89.73755267914254,70.56075077490839,4.585995705379357,17.369823782954214,1.9907974977412392e-07,0.0,0.20030791596044994,46.7108674636868,85.08275414272214,3.9419008211783573,19.259829864973906,0.00040389707837394233,0.0,187.58863746346708 +0.9837065621898287,0.16456394552611897,0.44377506672603856,233.0818883669138,216.93597586918628,287513.19751477346,5.781845273318446,72.46175611209907,3.4339138799864664,87.69796178969113,4.092056815018004,22.726622768614615,0.4465640821158869,0.9829088726276057,656.8120486008077,98.9181780112033,0.2435594983191346,298106.38427930675,2.9196628350708766,96.17268031571942,4963.928937107297,224.8813411553582,345.9447732973829,56.56566888346033,0.32028545398962605,0.19088359455411366,24.20337855767303,48.051082196661994,3.035454300076514,10.12714431757733,0.0,0.6956299786991095,0.13153617686682356,9.017267693686692,25.038068959460297,0.8270439061864309,8.086108021052148,1.6033010066721712e-07,0.0001132097967789073,0.20088152222447844,24.61580160555219,50.874144328415504,0.34014188498617776,9.081514107464557,0.0,0.00014063033626880034,0.35724553478050125,39.84020065624719,25.117365414304047,8.287990130505351,46.68316271517523,1.9907974977412392e-07,0.0,0.15292784405966242,22.071225653499088,56.12745696282058,6.532381664867359,12.21192300964972,0.00018387356923708955,0.0,123.90951808493655 +0.9182827370092903,0.20058732688179579,0.35111140235005966,221.0716733473837,229.0027651515021,177455.59242030518,5.168094809714869,88.70869592501862,2.7186814195344833,20.967864518169492,1.5857678693436668,28.434282655799947,0.7940564642395719,0.9808699501392427,868.7639270033483,87.79017849375205,0.14343491433934782,74360.69212778394,0.497206383329468,76.9063680067097,964.0802679394209,218.27470806149313,331.1355429569923,56.454115164949556,0.17461940641632043,0.19342864116656422,10.082417051147232,28.25030334150758,2.720593601103588,77.85265099119209,0.0,1.0291731494139267,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20270045499067457,8.467059790491074,29.54043101743876,0.3983156656534532,66.22689148302119,0.0,0.00014063033626880034,0.1236221381349541,38.5420702610577,41.222943221307176,3.8022967174076423,19.527852041899823,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9883217968641552,0.14755020894421417,0.3878802777434424,228.2882599304028,113.47316779751085,318982.85913357185,6.262114832794854,53.856771810126205,2.036307687480136,41.65916839712662,0.29977756795744276,29.139784537890886,0.3047048160176804,0.926757407460285,341.8972578456128,1.089920256181215,0.3120918343359096,226690.00511537548,1.735085237878407,86.17338502272467,4842.167008394229,219.35432342380136,340.83480928203215,56.476375126330254,0.34528493100775415,0.18293545033781033,15.476568658042464,42.1726252320911,6.649353341544835,17.550067501568186,0.0,1.1094720791618127,0.11198144091943157,10.575651035112637,28.119999472577383,0.5982329999834862,6.819806602567636,1.6033010066721712e-07,0.0001132097967789073,0.19644837332041293,17.16932270174841,36.352949850752054,0.3109213397330317,17.705090296812443,0.0,0.00014063033626880034,0.3559960427994527,43.07875086383724,26.455174738134033,4.962861507305925,28.059963635718507,1.9907974977412392e-07,0.0,0.1626363717312545,21.07998395033192,43.994338343258974,10.947771843260615,6.935859767016499,4.612891341983709e-05,0.0,105.67190673423401 +0.988920432008741,0.10517774336501053,0.33313797580255367,162.6840486121468,155.4646830770883,317132.6402549892,2.778923132459561,88.42007024466051,2.260811189858802,39.98171413084497,1.3976093064661819,27.06556472247296,0.3056690963296591,0.9318815649899748,489.2467047500191,78.34585071683878,0.11926370282483682,103657.09170459304,1.3596385757430296,57.36249595439692,2870.27237247313,285.39453013320036,338.6443904560804,51.01360948430967,0.33464745787357464,0.18890215379915654,13.566509358422696,33.84432222697784,2.8782045095452533,40.91905227579841,0.0,0.7939073774989324,0.11191130348085604,9.672495778778917,28.40092309306413,0.21836811599872327,8.973582642437908,1.6033010066721712e-07,0.0001132097967789073,0.19506960486023323,11.384676383376355,32.53648038843799,0.24240237666021267,34.92741315070657,0.0,0.00014063033626880034,0.22054024923700774,35.20724143447888,35.103816986902224,3.4328916558334335,10.590343586726,1.9907974977412392e-07,0.0,0.15924677847645563,19.946627386753313,44.44061521751758,4.429942826518958,13.811016026869739,6.997287735997973e-05,0.0,107.61441970904401 +0.9476193884075036,0.14310537916182814,0.381638775412918,161.92500164306082,139.8223175309268,324209.3138923421,4.3079583968791475,59.87497271158815,3.3514745883552868,92.9894254280342,2.896239295273891,28.497306796801944,0.47401536083132356,0.9794207797479277,129.34274157029205,16.397335187492025,0.053598513274815185,243546.1271590901,2.809856482508334,84.71368967104289,1651.5428583124767,243.10467687684593,340.3323199969388,56.52064256426652,0.20411270930803438,0.1758398638054835,18.801743232732914,53.39702492350217,4.16500514575495,21.1740673176927,0.0,3.657167850979179,0.11021222228268454,22.062361149466295,41.73276655282271,0.3381915112132634,13.484553857119671,1.6033010066721712e-07,0.0001132097967789073,0.19998671479174907,28.80698044244278,56.32760880701039,0.2636623892888831,10.671583815464441,0.0,0.00014063033626880034,0.25142989222695616,81.66519813171716,56.99908181452967,3.9533515991561887,8.598370250223871,1.9907974977412392e-07,0.0,0.1618860104895795,47.592145976908185,90.53131754455256,6.185207763727149,12.157173801175988,0.0001549842415136384,0.0,175.68592128897043 +0.9556723092148165,0.2141268225742,0.3931991284169249,186.47437161567322,180.5001455158385,318114.48265894054,4.9251839291619035,46.063161045560534,4.601922565657134,89.51993076920633,3.305450886601986,27.76770054236278,0.7261954724485874,0.954912450589831,743.4830738112803,53.93992032837848,0.33626742221444367,148026.39608828165,2.8215618330263776,96.39506265347782,3540.913968914134,269.7897769645592,339.26681285324383,51.90357493178158,0.3352313021579757,0.1605586231979598,12.349365581788405,45.5797424056274,2.860909967973097,17.94733276727435,5.424902843807936e-05,0.9482217800628399,0.09194860642566237,17.177034358446303,33.97803689257794,0.5196805786591046,19.434884643038774,1.3827091099966875e-05,0.0001132097967789073,0.18646681141388827,23.175561487153242,49.991719336847446,0.2898043124792209,15.352999494679112,1.813195200041933e-05,0.00014063033626880034,0.35322244770369216,47.786185940173475,28.729972257036458,4.860590909629041,31.396677433543047,1.9907974977412392e-07,0.0,0.1573488603763716,29.020521028987964,69.5299505559989,5.7455754908177905,27.482689804735273,0.0003237062168280072,0.0,135.07135378905494 +0.8953036085628937,0.23571214168339563,0.4486048202875346,125.34851950552292,161.45583002657037,263792.28437503567,1.5751353566847381,89.57171729798657,1.9286201949060215,68.25065883375699,1.4814974655095248,20.466365557014225,0.4626882907151098,0.8212446504852635,358.4512382698302,70.00969815825854,0.34110307831879577,180641.41869544602,2.872263991954862,54.466574621991214,335.4778685984039,179.10752856261578,345.8220781441552,34.667868692551146,0.16134744083101446,0.19534351360130645,14.49327840026478,31.263712851972308,2.6498165880608173,6.887238954818625,0.0,1.3545709318223702,0.13702307560707636,18.991096649252924,39.244023080816525,0.33774214097482735,7.066333702532441,1.6033010066721712e-07,0.0001132097967789073,0.20953221630168042,19.460304776697832,36.65296883926266,0.23454640426431536,5.551910050754745,0.0,0.00014063033626880034,0.12659808019859742,70.1812431394162,56.02432318129393,3.9464327366385152,11.864544156162076,1.9907974977412392e-07,0.0,0.22833448372994772,24.12427246231663,50.97067594794347,4.083439925095151,6.839483621824156,8.580869506255937e-06,0.0,128.10806227610414 +0.8056822202975915,0.13425413151594895,0.3675476187214811,23.800958644501705,69.699467013432,293271.04042147065,4.519301948440223,73.6508979827043,1.902965379643148,32.92306333486869,3.221395783414202,25.842790890746663,0.41524674626475233,0.31870008734049426,535.4600203389332,94.09904350533276,0.22551352292259563,67472.360315601,2.7982217721304403,83.03410188310798,833.3974451964915,198.69519200250681,347.408063397477,56.77637927450474,0.3199899580831427,0.20065955966607898,17.97205718600515,34.34653529155393,2.6836576379674324,26.29216789376424,5.2653696022354476e-05,0.986990065070888,0.1289701514034374,17.518908133463654,34.37414180625832,0.2982925918836259,32.233037391673285,3.8569538332648725e-05,0.0001132097967789073,0.21409859534808565,22.099489806970993,38.019915285277285,0.2383860440013417,24.911993609722998,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8984583733745428,0.23795331428893704,0.40646043828934997,213.38248921310412,235.3949558371661,337051.06517394254,4.618183110065038,88.9243203387608,3.8457921578002954,34.003984225283126,1.4058613582537411,22.949906905009183,0.41405540911830596,0.516459150628587,637.8111254684492,74.44229182666832,0.18650761036057334,54354.28706911666,2.808418519309792,74.7913128083901,2067.106379518773,80.4466742320246,223.83379442594125,20.280267607595047,0.2353040887873601,0.20062056112482693,4.156978000624534,24.245839529212784,3.106718925624384,4.640648925423997,4.696708780835555e-05,0.6549176090325759,0.12797316135342376,1.8084740223633688,16.43984797000813,0.5338048144049153,20.026886664204607,1.6033010066721712e-07,0.0001132097967789073,0.2133276276530527,4.450019409101784,23.87039593569479,0.28661486788215224,3.748098981327083,0.0,0.00014063033626880034,0.3029150278399506,2.3210698566328394,16.007004782711206,17.161058597370157,58.179782070413125,1.9907974977412392e-07,0.0,0.21725547143012494,6.511471056980555,30.910194527708587,7.285266847462088,58.39939967619092,0.00016618655841035907,0.0,101.57771723181307 +0.9464824030920475,0.15538197066562026,0.3580863546282096,12.328714123819415,228.53707718083768,329468.48316810373,3.37439594128314,73.82126763515805,1.7567598807034808,50.85515845087825,3.2322133075050163,27.08205564422395,0.5187305772941988,0.31541107505397914,521.3729962644583,64.45470639274893,0.22521622322345863,65616.44349961098,1.9794429850365107,82.152064566592,963.748465301371,198.69519200250681,347.408063397477,59.698104323484195,0.3199899580831427,0.19940882175367183,10.906021221325844,29.63537635950425,2.7379986693816205,36.74596193535256,3.616821173285003e-05,1.1804751431485914,0.13383327737795983,12.380055789904343,30.30434127138892,0.47391778708462773,17.944859957400183,1.6033010066721712e-07,0.0001132097967789073,0.2128166265888635,13.841743406301278,32.06802504342733,0.24248772183636524,33.42159996731481,0.0,0.00014063033626880034,0.11731991427854,27.91798557636915,29.853530257839257,3.6959600612716397,12.867983528108127,1.9907974977412392e-07,0.0,0.21202936403815528,5.892258517108417,36.105215887344585,2.99770564232562,23.65020626678863,0.00031194399395861297,0.0,99.21646152024623 +0.8780946873903778,0.15973344949818483,0.38365129860755715,216.42992091051033,82.48018751105816,292978.1937288658,6.796649896294994,51.93512789958187,3.127650733903756,92.70268339722784,3.9963577054025805,22.85130170262598,0.40959240177723566,0.8817082103415783,874.5258246582638,71.95746515452231,0.24412199432500545,68282.96566664975,1.7738546605338774,93.77138523122272,2946.920600507414,284.6698872829132,348.20752875210326,58.41429755218506,0.18756705489108222,0.19416299893714067,15.930374549085125,36.438916155911095,3.1456739418090325,46.55038055373273,0.0,0.6722796671459966,0.1180832687118435,29.966034903488264,57.61124060885994,0.6112599629047514,17.523105467185996,1.6033010066721712e-07,0.0001132097967789073,0.20445785048699489,17.159948148971658,38.75532974438925,0.32054815467558345,40.75956717107755,0.0,0.00014063033626880034,0.11296399712899302,79.380558438802,68.9360547801248,3.109984432417458,15.622636773763048,1.9907974977412392e-07,0.0,0.1784626043621449,48.55148599023011,89.56097606966453,5.9468138433178686,26.7401422030644,0.0,0.0,184.87113565198518 +0.8228315807219351,0.10905437282415424,0.34983938081059085,219.71883755524885,139.11878895412363,219975.85703152945,1.7792591597616967,97.01129249830211,0.657721090614675,18.016734673126727,1.016153925748789,24.965617614281236,0.35166700359525566,0.8553432776653833,322.9279471755536,14.790845329752047,0.18941980044626347,55029.10584914166,0.5531945588216438,85.77462339235913,270.3305427780174,128.71910065334785,347.2834955547705,36.63305116932336,0.1738700580573013,0.19361501236579357,4.792850341738026,26.099301537775258,2.8815749185065025,80.02260286409197,0.0,1.002104072156496,0.1327709293915015,11.316074476680296,29.679833376837706,0.22642606567491438,11.720554368959986,1.6033010066721712e-07,0.0001132097967789073,0.2060931048025578,5.974868923898512,25.257112881132763,0.24099892114604302,75.25322704979749,0.0,0.00014063033626880034,0.14214859594316126,35.021579286783485,36.025786351179484,4.113123996223828,27.28075867873662,1.9907974977412392e-07,0.0,0.21718390105841134,8.95698301404763,29.889170043619522,4.844894748563782,35.80878732613113,0.0,0.0,142.00418489524213 +0.9804146535603178,0.22211550538955535,0.3210179425122709,225.84158232351126,118.57064611418376,334936.30122918164,3.6876372739245014,58.53030857142842,2.1655777212683587,95.54321133506704,1.546724718974493,27.062026138179895,0.5361427401628648,0.9823362174561368,324.1680875960226,26.6902759783561,0.29634211838292657,98731.14878070995,2.873476374922653,86.17316222763145,3312.0535049637774,215.0671388482547,346.9201341081261,56.791417410177274,0.2617956016985764,0.18765748403312382,27.223975092994095,56.937175778831374,3.427677863008254,27.049464390221832,0.0,0.9140378214525495,0.06970456646006014,26.98147112429857,51.54954048372655,0.25638127984645265,16.152678090892675,1.6033010066721712e-07,0.0001132097967789073,0.19482808477969854,31.559654257053438,59.337449673883974,0.2527436205579919,24.28066483471709,0.0,0.00014063033626880034,0.18863000000992491,71.20918251148886,56.115045739508275,3.4024576722539535,14.046173901719554,1.9907974977412392e-07,0.0,0.13814304497471383,53.85435077990197,109.4223505328751,5.485185740428178,25.816232976013865,6.0134828803456906e-05,0.0,193.5946569101362 +0.9782235479992114,0.20182117538917424,0.3798315068118133,161.4523691818822,221.4232684078941,335390.4394752721,4.042124275717769,78.21050160126445,4.533827014363243,67.54195031048123,4.155450389360351,24.350657682672736,0.5697065473168038,0.9820699293262525,943.2950005423763,41.939010765910716,0.27191427030374327,257731.7105369212,2.826667606491635,95.67233720396294,3167.2827192738337,273.4263221143584,348.5477984125103,55.62935392821461,0.20263787139845252,0.18997509583582395,32.42002419458367,57.40390026004299,3.028540217291659,16.48083231279359,0.0,0.7796433626946131,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20040013073477433,35.79479432298713,64.80240061564818,0.2624516580599413,14.953681454836927,0.0,0.00014063033626880034,0.2873340091208526,88.21585328316593,58.76103685321813,3.069261037595044,10.562198028278175,1.9907974977412392e-07,0.0,0.15560549965614487,56.95601225296195,107.02989145923546,4.996668184078014,15.905305713151314,0.00026795801141782117,0.0,2698666337285.8823 +0.9415069252363231,0.10432232503791038,0.42562744995716584,232.33484539973327,90.81277617611053,333203.9852243567,2.0149565189947545,32.648856845423886,3.3877677395166814,61.81085799656543,1.880902439852131,25.550243336412287,0.45747245810824766,0.9025450074412102,42.770248630571984,25.0006086820676,0.08507170255512443,55060.50866030506,1.5258543362448063,87.62530570332085,4080.4921040524932,261.512996362964,349.3681750541386,50.32288218395652,0.3438666769848119,0.19276914611010995,8.46504181275444,28.411479123608128,3.5085478266297225,46.6557949425559,0.0,1.1260622881580538,0.10565525240800411,8.968537362870075,25.788312370668756,0.3339724325278407,14.205883563494424,1.6033010066721712e-07,0.0001132097967789073,0.20156418667879,7.857312939764496,31.452714697907762,0.23478159788842456,37.74654259691997,0.0,0.00014063033626880034,0.12730113474293883,22.515174209083153,28.386383737462094,3.878038275810642,8.766025462005215,1.9907974977412392e-07,0.0,0.1700208495320092,14.610570927457873,45.39990219908896,4.717877496246177,20.490849165622834,1.102343321718396e-05,0.0,103.02406167954359 +0.9433629557380931,0.22250250391099785,0.37632051293384583,230.78884802229692,242.86173397166175,204859.7675111156,5.60617293825456,64.88463746080163,4.707262129573511,58.10066841926778,3.824665277702336,24.11421624909175,0.7902485668312225,0.985649845683275,739.178526334955,89.95424396096462,0.279315423163168,252244.49815599757,2.685105849263276,86.90662134738808,4680.450700072071,260.9548732484612,348.814586858847,59.257864113221615,0.16211030922557726,0.19174519875963333,33.92026843057165,56.911412843541925,2.7861261978870364,19.800615479218884,4.143845047710407e-05,0.7679900932840004,0.1263802402941048,36.4535641344234,67.65065738368679,1.129627958860553,10.771659330804543,1.6033010066721712e-07,0.0001132097967789073,0.2046654740674728,36.755625169428704,59.62314343942957,0.3930110724332133,17.679549834559705,6.0898145788549864e-05,0.00014063033626880034,0.09955675586499534,96.6476987486549,71.68511458531493,4.177406266190803,7.563356252325454,1.9907974977412392e-07,0.0,0.1861734189465798,28.952441843659773,99.42237516535458,4.935239638054736,12.291018001859939,0.0002653569332314039,0.0,203.67648547943244 +0.843073929718109,0.10318323821913108,0.35381996701969554,136.02729404852042,245.1783946879128,204859.7675111156,2.3477481901389368,48.080107170877525,2.1259224598561453,52.18381165353628,2.744480428764549,18.133164354031585,0.4271114464506466,0.5059743567207801,175.85999593597933,93.00039762378891,0.17881410377935375,91615.95138458013,2.082108073287873,99.31805250781373,4750.881018999514,212.25829149174854,348.39634427049117,59.41795610565052,0.16268721137648792,0.1995496819760156,17.639911144241168,33.86684180323442,2.6268573339634242,35.65681272490254,0.0,0.8489833996855277,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2124786232624279,20.38353051406372,37.55645708175742,0.2559603503760908,32.118638535253275,0.0,0.00014063033626880034,0.1231752616167698,87.74047399210566,66.7655514234766,4.011991765913891,15.1508331454752,1.9907974977412392e-07,0.0,0.2312092954229833,40.20546670800202,74.43119534634573,4.318296125223893,24.829063942840502,0.00013677279653463056,0.0,2698666337285.8823 +0.9210525512340021,0.18552485664586876,0.34099095439968025,115.8656147167074,68.65083979568736,135747.53791318,5.07360688334639,16.164283248637005,1.5193962694394587,36.61754265311961,0.27023910733253353,20.78317970320161,0.4700988550230244,0.8094855430697441,303.967517588884,57.44669062942878,0.32915372556429645,191698.74656331132,2.8814925095118866,92.03914480101889,1531.5385264775302,290.8430194100446,343.377263402531,57.040119100463365,0.18716259321970197,0.19306584338476562,30.636832908955853,55.116471935510894,2.858624035678457,17.97628311623461,3.7644544130667346e-06,1.0237279489795001,0.10956338483231592,31.3612255815841,56.27927340097893,0.8301038419679583,17.20175008299152,1.6033010066721712e-07,0.0001132097967789073,0.2037138825822012,35.55572637301034,59.8840852335255,0.36509347817395077,16.854713829220596,0.0,0.00014063033626880034,0.133625661062044,93.62304062457542,68.77531909428757,4.660823025419845,8.711742324149743,1.9907974977412392e-07,0.0,0.17885009668863341,58.17857986413276,105.56906684038384,4.970249208199661,19.298595259513878,0.0,0.0,205.93833706850043 +0.9827055000042614,0.1840904832250224,0.3601747938525569,228.64201670384543,146.29568693712977,273721.1665627238,4.613261489490504,11.137001257245913,0.3518860082353107,59.92884820484697,1.7803159100834116,18.092699583808965,0.33327409150809834,0.9583369976052942,469.2552681039643,51.244877245604066,0.05981310565495067,98074.82628883567,1.7760145610558025,52.31838199239341,2409.1704976414317,98.01211771504394,342.4300473544487,53.66445745470777,0.1767926123719856,0.19794260049054813,23.15726877532624,34.90419789023586,3.0942946718580377,48.24669427196486,0.0,3.3825378272861326,0.13312447937192587,12.423038595398324,31.909636556763004,0.5684794121094948,6.964942446224869,1.6033010066721712e-07,0.0001132097967789073,0.2047444077289646,13.694166382612094,32.68321036184562,0.30136204027222907,31.10755119875878,0.0,0.00014063033626880034,0.11147846257192442,51.394797792766155,48.122893924380755,2.922130575760299,16.19474437738447,1.9907974977412392e-07,0.0,0.20034089506675515,24.443859373415574,46.79695256462592,5.44578689958873,13.650280052848599,0.00044200839660639196,0.0,125.6178615754446 +0.9115819879285727,0.1451692926408509,0.3521825937378165,164.0600484253662,248.1826010620532,349741.67105831706,6.875719274257203,93.99631694953517,4.565315226986354,39.41502732894501,4.228108965747373,20.790254870554378,0.6740477676443949,0.9758699330948433,564.4109668266685,67.0031421378751,0.34307559032097434,293889.88622868224,2.8977840393975067,82.46379228035006,4956.259025607408,254.28200640747667,346.91720917814723,53.01585095757764,0.25223350590668286,0.19323412379392482,32.473913761847726,56.1069317507881,3.4249820279377987,14.479383183281039,0.0,0.7414622856694146,0.13173696556377418,22.83452039043214,44.65465333108401,0.7275329270337995,11.583818052361295,6.41453092977769e-05,0.0001132097967789073,0.20577561785567414,35.92309055781515,61.97144463738407,0.32373326354895593,13.097952677051612,0.0,0.00014063033626880034,0.3520129080838199,82.64449271084135,48.3748642782661,5.203671709039266,20.19131686258343,1.9907974977412392e-07,0.0,0.17817891157324467,19.345292734302426,80.57897027521986,6.1670525313911435,10.511444409399335,0.0001958441186031305,0.0,170.28865611256782 +0.922702937768896,0.16905676070642112,0.3718076969142108,97.01914459420462,206.9743635413457,108940.37006058423,1.576339906069642,10.047999364695814,0.9439196453967149,81.27645015277575,4.377545331449722,20.47794964682709,0.3758507072603773,0.7568175483253512,361.1471757464868,3.450832820724685,0.2666900098740981,63740.489252608626,0.5757591604304548,83.19878248577584,4495.7524563468,297.5439483447343,346.77754370188364,27.17694968980864,0.29907691912034257,0.19546103146601326,1.1058183698371327,24.331257910404528,3.126808933638544,48.37327478647367,0.0,1.4353877257410712,0.1345447794424803,7.601357854553198,24.06498962284996,0.31122160227492074,6.706687372217352,1.6033010066721712e-07,0.0001132097967789073,0.20917445359052694,2.5017865753838398,25.20531706061245,0.26266141049387,50.18047741022879,0.0,0.00014063033626880034,0.1448769285482921,16.970824092932187,26.67203729155429,4.591895392916445,20.84339715722843,1.5656192227574943e-05,0.0,0.2147189292686034,3.6327940378053953,28.68609815099408,5.417204347910556,24.589315933774838,0.00012879848375806942,0.0,98.5490606167631 +0.9086349293254287,0.2524650742253448,0.3311943115474589,192.20385966543975,183.0296544637389,152552.74814131163,6.750010632499867,59.56224397516069,3.915306906725067,12.942825068085938,3.9790111352771693,26.65956229202738,0.5285580882140549,0.9450237128183294,972.3342811904454,72.67559419321151,0.3040329511460078,56920.899817098005,2.880486644831528,42.78245952512482,1525.404567405604,269.39885002672526,344.5784718910326,54.57554261983663,0.25191963690585645,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.09220657030330524,34.86443521026352,68.02162809357903,1.4101426016945247,22.806933524784093,1.6033010066721712e-07,0.0001132097967789073,0.19675244619012308,25.576246531089684,50.47021915473487,0.4452991383018187,23.55865122769751,0.0,0.00013700696825329255,0.15481750392676852,78.96740537182947,70.72261345047896,4.3933446822675455,17.524490548626662,1.9907974977412392e-07,0.0,0.16845407222411032,25.07936213651514,91.19337594956377,5.778067326462195,23.192624538117744,0.0,0.0,2698666337285.8823 +0.8984171378805611,0.23327298411938338,0.43807853944254027,207.0985251543035,229.49957732471523,289687.3901447336,6.8517378378747775,88.34732153321133,3.7641389999845716,87.82153051664082,1.4114316658444557,22.961305857893848,0.41505621627805567,0.8753271132402414,430.4683166659961,4.918400508399948,0.29663775095608136,94003.57535386882,2.820145764938276,73.5071279838581,4550.190771549668,33.51214709183118,294.17137298232524,20.9257304400407,0.1600688090243445,0.1955718397728912,4.394581546779226,24.461590855626607,4.659791730575554,3.835860145982505,0.0,0.8145390951031763,0.13331112253574742,1.610889180417701,15.303575386826386,0.9418845842041638,16.411072264281014,1.6033010066721712e-07,0.0001132097967789073,0.20867151353086855,3.1092709601620734,24.19580031863284,0.36051198285845826,2.458970856035655,0.0,0.00014063033626880034,0.3469917819057972,42.19298266916441,29.370330883971146,6.599174238155215,35.705361315177306,1.9907974977412392e-07,0.0,0.12832862694767655,3.2101711516641434,34.81198789748922,9.08296393188255,31.501215065482146,0.0,0.0,89.56331474905625 +0.9521983067473112,0.16247274292022304,0.3746097139240445,231.37080517763974,152.3561277685678,132440.26452304737,4.925762484388631,36.60791547541138,2.2715557027498177,23.844156793658307,0.6742150015228563,27.123394867989138,0.40835335674753503,0.9378520099175511,611.0756485960013,41.12500617109934,0.1488086179341002,121813.48339680124,1.0276559248540194,86.1522716596034,4284.14619115824,131.20838571337532,345.52368173972786,44.799418175610114,0.15122615386446545,0.1927261280522026,12.436942586461248,31.398310130799164,3.059959130759243,39.63531443480175,1.1844806661359797e-05,0.9106518127160115,0.1275523142520438,13.976844532807597,34.02953231831184,1.243767566868799,5.518246236405381,1.6033010066721712e-07,0.0001132097967789073,0.20406136784662027,10.84410104223651,30.881959154533327,0.41790429454453243,36.43595230869076,0.0,0.00014063033626880034,0.12260227847712507,53.07232919017791,47.35387613784625,3.71041686268087,19.585476217226816,1.9907974977412392e-07,0.0,0.18837013186890972,21.74640452350254,47.60463262469112,5.610808574002367,14.486449128017671,0.00029702926152044547,0.0,122.24195491829289 +0.9862361949878644,0.17500825728136454,0.3980774451597875,179.85319457376914,86.25281343933369,159513.14367934864,6.974461965292979,60.84461266487188,3.2004972606799917,88.86255084326588,1.256352463180104,29.308741912089594,0.42344715383461085,0.9886146434825419,431.163197734448,14.66036009971823,0.31753694702107393,135952.3187111199,2.733034118040814,97.43407243275551,2325.767284772042,294.29772014789756,343.2005446961315,57.60925284739248,0.19861918207864418,0.18431059557158505,23.822963199656744,54.77157731564619,3.8307881296819026,19.147291689116308,0.0,0.8840887523023869,0.08304769942852315,24.155974703943627,46.69375932111668,1.1164971454529904,17.191627662606713,1.6033010066721712e-07,0.0001132097967789073,0.1862068265285363,28.020846359721833,56.028440499060295,0.4030328133287202,18.28754636937,0.0,0.00014063033626880034,0.21578548118628335,75.75183775785253,58.981582218783835,3.9458700081706546,12.648785248018806,1.9907974977412392e-07,0.0,0.12511004811698392,56.969309059201706,105.51447433839543,7.121866792133809,23.855750287932604,0.0,0.0,188.8401279081174 +0.9804478946676091,0.22362862024429533,0.34313985242748807,215.3003261840603,234.26532716958536,304187.0071397744,6.0655934352408485,70.87282934642882,4.234101431620253,72.35055381227659,1.0836084167829694,25.150514924290498,0.42151445385192277,0.9284411528919633,584.3870230216683,11.482257288687173,0.239419092846566,257659.5034708488,2.938685103107455,86.41434258541709,4656.498064792908,134.7372484215887,347.41144998218954,32.327506812322326,0.15650091583941778,0.19082276285039465,24.211992539601248,43.8251729791903,3.8378855662966127,10.247521538709282,0.0,0.686512273074466,0.13258586189435514,24.41418249750357,46.31624914250047,0.8177503175705754,6.8088866815597475,1.6033010066721712e-07,0.0001132097967789073,0.20395953873683378,26.999638016006077,50.39027106351734,0.3380004694581479,7.961234459450745,0.0,0.00014063033626880034,0.09685133474543628,107.7230035744281,76.40009532950826,5.204044832141626,8.138901688883308,1.9907974977412392e-07,0.0,0.18966569832995742,45.14964690127124,84.7918164614646,7.210087784629284,6.280098894094589,1.9547221513270662e-05,0.0,188.68297107100344 +0.8837018949169807,0.12043258097388876,0.44616862600696283,74.45213955276223,34.97155162941089,300242.9646787214,4.902818598373773,59.9674622421265,2.8404757942997385,89.48915128425841,2.576436994748848,7.018562600857791,0.339605134440781,0.43214405216548807,944.003006807247,62.82236926949636,0.13780596478162443,65550.23706860255,2.7481577361764136,88.15409845044607,1215.7523696999626,262.7632154790207,223.02261703928724,16.63577510220138,0.15370007341111566,0.20039805194088756,6.0712607806836045,24.79208972849498,2.836559111362851,7.568668476859394,3.667356183964478e-05,0.7677253821218479,0.1134770903166324,2.5161527861117587,16.3468927568719,0.19137399530430435,25.14904855148358,1.6033010066721712e-07,0.0001132097967789073,0.21476626715290917,6.817927847917728,23.315391744864836,0.2515950297741093,5.513027525427272,8.719904013216728e-06,0.00014063033626880034,0.2933430274657949,7.769716577753996,15.693928343756253,15.446765515372727,57.4052977819439,1.9907974977412392e-07,0.0,0.20501876859525173,6.829333621298581,30.24727887248867,3.6546900168607173,45.96729309425108,0.00010656317772806202,0.0,95.7746945059732 +0.9284672302489793,0.12709733382016575,0.3916228272330087,172.56110564443742,114.79057290506879,331845.1375515868,6.551697018921481,93.09391944691151,0.9174610369828851,62.68195051027602,4.6195453756523115,20.850606251878734,0.4137576130754569,0.9455593028522342,803.4124864383916,25.386867298436346,0.26007102398995713,70993.09468450151,0.5748149188812115,84.36215525043765,2708.7408353324186,257.4652676364689,339.65965207079245,22.591668558225976,0.34542421957256814,0.19205018542857394,1.2491848637971732,24.50951965746067,3.4833053934777447,39.80989590975209,0.0,0.6087009224335138,0.13076776881149013,2.7344059945348675,18.307090509478154,0.5547189405332777,4.767073769158692,1.6033010066721712e-07,0.0001132097967789073,0.20528255250205912,1.4541572395305578,24.81904170537226,0.3043454510246694,37.556085676524575,0.0,0.00014063033626880034,0.20607944787922816,33.54512417808502,35.62393101192569,3.4086386329323415,7.794754676891771,1.9907974977412392e-07,0.0,0.20416554670822998,3.0812758636292474,27.704535309656148,5.679392931369033,8.72559621162927,0.0002203741566444099,0.0,89.14170623887753 +0.9544421920478228,0.14965327566078596,0.3878824317393827,177.7067357675971,128.59220042143107,289115.014730576,4.670455861204508,72.77074848889005,3.75118101650684,37.83032760888096,2.726634253785255,23.2511890413291,0.6161796988936272,0.9613703200242045,686.9355917539461,96.8776558929622,0.23143058416394258,105922.90985083957,2.819017723409726,76.43328760801725,675.0425722078539,294.0743767262618,344.4345676039918,44.682488811632,0.30515119299330273,0.16610865935514613,11.740075493099328,46.69088640809204,2.6217925831316484,18.81241855056085,5.875536249012634e-06,0.6750526094036993,0.09119825978669535,15.863329401204481,38.861341744837105,0.4568624085656041,17.12402072668775,1.6033010066721712e-07,0.0001132097967789073,0.18707636086302107,22.359605144827523,48.46225964957426,0.28503400595408085,16.754545561496727,0.0,0.00014063033626880034,0.312860463668276,48.738854009517766,36.194036532838595,3.5583063956100336,19.786811383216286,1.9907974977412392e-07,0.0,0.15629788622434154,28.275161861123117,69.0397133290269,5.302174573503827,26.515893384316026,0.00011103739263573454,0.0,135.09538343162015 +0.8305326379349137,0.1948816946622527,0.36438618508107673,73.01061675929024,89.56133222858395,243792.79857478963,5.257237153885668,99.66944220117342,3.0806390139801856,48.690955668274675,3.7024655175937533,29.413764706662633,0.34638367906971745,0.9208107066069572,37.16000138150554,80.204177697931,0.24321862897551672,212786.55963187205,2.7772115697081095,94.8629118924242,4841.8932542385755,216.9246037204851,348.0744228098867,55.09954764997104,0.22607731145216156,0.19281492143811055,33.04152997850788,52.42928565869893,3.1898123346674523,20.50838055381466,0.0,0.8092600514744964,0.12463737104790051,32.05704971949249,56.98074810311077,0.3898704905916445,13.382381929616713,1.6033010066721712e-07,0.0001132097967789073,0.20229569369464914,36.648923616782064,57.832414411846955,0.2834739238282004,17.908634922841355,0.0,0.00014063033626880034,0.10970367250154064,85.74823203935982,63.318573323697535,3.7118649377200574,7.874420314330612,1.9907974977412392e-07,0.0,0.18532484559886944,63.362927200740415,103.76356018383373,4.850197163514266,17.43754979997355,6.28538302027459e-05,0.0,200.7024731587883 +0.9266812410603783,0.22420558089241757,0.39727356392920465,234.98041223564752,164.4283016039199,328768.9643941231,6.466220010140717,14.114365989481009,2.4815201569593506,84.74507075105365,4.541443117937993,21.301677627610786,0.3521924366930489,0.946294063186803,805.0757057393486,23.975129557595537,0.054630457077948905,260257.77876377135,2.6066972687337566,54.68078721017433,498.2890844525964,261.2672221746824,346.9480918372121,50.242442520489085,0.3476028126435895,0.1999717571151782,40.93989805192785,52.88613313912691,3.7108719609423844,22.295355391972386,0.0,4.831420621751163,0.13354824810376723,13.680541924080165,33.66434259972025,0.7220472278588577,7.944524327311726,1.6033010066721712e-07,0.0001132097967789073,0.2052693719827914,25.49899052773989,46.4955805478405,0.325372895796634,12.032868119317257,0.0,0.00014063033626880034,0.3520822613915012,46.28455529229942,27.413665144490714,5.69396326789294,38.36744766105431,1.9907974977412392e-07,0.0,0.20388700194107637,23.852537201272288,49.34245563538079,6.548242155652569,10.121359306378325,0.0,0.0,129.98341975732 +0.9421496309573307,0.10853327542713627,0.44055726741156775,113.0262773452545,244.21557890944777,197901.5890786852,6.825652154730063,29.826045702631987,1.3528685743203723,65.59160181545312,0.46561867393710443,4.7274091652790595,0.3501896455363305,0.6831276663014608,290.8186590565764,36.63620555792159,0.22732804848103486,85997.7558634556,2.5699252201601746,86.24442687018902,2788.6023960701127,203.58012821614145,259.12653906641424,14.687661571191875,0.24640471437679312,0.20019786628923525,7.078779371970166,24.19989696765612,3.3684911757844627,6.312522325387393,0.0,0.8368046117767983,0.1269377060276579,3.288317028261591,15.820901352419426,1.051665947220814,21.660521236272448,1.6033010066721712e-07,0.0001132097967789073,0.21378271836108578,6.456792920300061,23.51474737456511,0.38614348950788907,4.6956593738418935,0.0,0.00014063033626880034,0.34186300427201194,1.9012760689316006,14.71201105679304,15.624770149263965,56.314186356564896,1.9907974977412392e-07,0.0,0.1423992155290724,7.930281664253145,33.38640452240473,8.145172099952259,51.78537418550487,4.9854779124468434e-05,0.0,97.96528665279557 +0.8970686112157519,0.18782710193405808,0.4493548913272573,95.11949450109309,117.19063224026797,280982.6484919726,3.246836239187359,67.71697163815801,0.7098490602782703,85.18552345770598,1.8367606313809566,28.429488768129726,0.35805674102226936,0.7225162946702042,582.5094501343617,70.75839203794906,0.16545996588122353,55884.9098107677,0.5356167151024349,94.07772546227396,4792.273471983184,215.61793210588294,333.7985604328901,38.44756916490189,0.3395274884569991,0.19663419650636732,1.028667975202023,24.96373069123765,2.734514606946551,49.355513183391665,0.0,0.6575163198190819,0.13333580925930785,4.092924749839202,18.68606327805971,0.20693833185666746,6.148198755501181,1.6033010066721712e-07,0.0001132097967789073,0.20760091429250968,1.1779754264695161,25.209861278003235,0.24577613579720917,46.66843825256355,0.0,0.00014063033626880034,0.0909529097034989,15.559227200363235,24.277740085957998,3.8111354494791607,12.371359658762868,1.9907974977412392e-07,0.0,0.217152788820337,1.8301694158195574,28.44905906369088,4.300672662156303,16.84879420367479,0.00018789638083183864,0.0,91.6576217762685 +0.9674583152479521,0.11646252646418659,0.35033371885199954,130.626650679741,75.464925668685,346056.4764426374,6.257246125682552,97.69424713784612,3.2897869286499395,71.5824734155949,4.898556601554744,26.029152126952553,0.4376617573173255,0.9291555734281617,786.530396189376,99.69122987144456,0.13608863220158968,266050.6116544555,2.2568317967213694,68.15712926127121,3109.8058900648366,293.712207485628,346.97926086746884,57.44914807800338,0.23605453019519845,0.19397869357759365,33.422776946452615,52.82686961918844,3.131975518135099,22.93230400280835,0.0,1.225373041684945,0.1258246945709677,20.62612690568563,42.558959652790726,0.35681864456475687,9.444251296547433,1.6033010066721712e-07,0.0001132097967789073,0.20079252406803463,29.564129705069742,52.9841979091509,0.27678344239379205,17.630640226698528,0.0,0.00014063033626880034,0.28588359411663156,70.46488957013241,47.64931423751349,3.3410835653619393,6.521796907153479,1.9907974977412392e-07,0.0,0.18477509657039135,42.60906545273557,76.46900811374896,4.953378246216161,10.806516992957526,0.00010726735432473328,0.0,160.80201038793427 +0.9709078687271859,0.2491309611894844,0.3272435912852707,125.45426923011642,115.10059891173516,307652.29068245104,6.559060580341838,97.5665553729001,3.8475762449746833,96.52349739672928,0.6667220822980545,28.101692769429157,0.3493984501098382,0.9442305391901811,940.3484691938809,22.86281069757959,0.2601547613060213,133759.55226787354,2.9306152434865576,77.1979332996756,3580.584038356571,257.8033182778029,339.3737281969818,23.39992302533033,0.15819505425220476,0.18833043077249964,17.46645615235941,43.72831401320275,3.335880812896234,8.291600095385188,0.0,0.6291633098255368,0.115244757846707,16.48349535612907,38.262557426975945,0.5427088988921945,9.916136991403587,1.6033010066721712e-07,0.0001132097967789073,0.2025900857875054,17.416073925390638,42.77912682501413,0.3045404370995672,4.147807062867768,0.0,0.00014063033626880034,0.14519496711021432,85.11186320603254,62.317083311024305,3.20197561209155,11.146092833764229,1.9907974977412392e-07,0.0,0.1812248733067699,22.85711449273296,56.159090747061654,5.571253886960608,6.76169059699198,1.1259145457137073e-05,0.0,145.93721622675605 +0.9839281439222833,0.13235425026582245,0.44483169873941875,134.75154067508737,150.14090469752907,279496.2122460702,5.039042701789549,85.03204101731733,4.72984744752842,31.646417201562635,0.26801533382091947,11.512805375864046,0.3415093414065895,0.9382539379716156,610.6419031526748,54.26628565301578,0.21399734995457137,70252.5180273501,2.846585899390341,95.02633025558612,3557.136945324398,116.39953111539488,270.28575614335375,20.763100155429484,0.2347685889988444,0.19530816730540246,6.220010969080762,25.15488849044118,3.0132592690906566,6.054557051873344,0.0,0.6380188281610991,0.159820670869125,2.332414062876289,20.228283679717293,0.5032892836298931,23.763134369837502,1.6033010066721712e-07,0.0001132097967789073,0.2083762613999496,5.803083397514599,23.835673290367932,0.29330609496549714,3.905179907237816,0.0,0.00014063033626880034,0.35668977759763837,14.142927619324675,17.34838040113046,9.776160761126738,49.41403431859783,1.9907974977412392e-07,0.0,0.15034471983783854,2.8120496455343367,30.59723381261225,5.454205688729041,45.21791523229925,0.0,0.0,91.49529358653841 +0.9606730479087621,0.21060441581768635,0.3384161862556024,181.0607797722939,228.4910130864618,132978.79252757013,2.6408830971226225,46.35840108720755,3.2909558435721187,51.53352148008577,4.824963042312663,13.966198445754785,0.31943789028317693,0.9430500370192543,941.3994908102077,82.13366853146219,0.12838911956271643,294320.8480412674,2.7800388893368835,93.7058512372892,4094.9756384819734,219.43788421998522,344.4736105454577,39.35640761121207,0.18088041259196516,0.19602178448125793,27.98069878421532,46.78334369751159,2.607784460270635,11.419694760702065,0.0,0.7853590438391349,0.13649018760752005,24.303808174746855,49.59937576215502,0.7482883550911775,9.577913424848655,1.6033010066721712e-07,0.0001132097967789073,0.2078784185282363,28.697471210728384,50.15204671991855,0.33164972942699683,9.463810980989557,0.0,0.00014063033626880034,0.10177585344635647,89.55033892602103,64.72354847379604,4.487281651360014,6.087966994013126,1.9907974977412392e-07,0.0,0.2022671077531294,37.055577436300354,72.94671965816877,4.2802594008343195,9.895945022651167,7.08830744152222e-05,0.0,169.57973043277275 +0.9319912147158492,0.1914812832774203,0.43862412215602453,204.3159385009865,212.70186097776306,348993.1489654819,4.480698538531302,94.61764033457405,4.438559594639814,60.539343862667394,4.92341187438693,14.520756145668452,0.6752257003510194,0.7422987378912582,756.0001592278174,94.17240005182785,0.2913756700787108,72778.88175631803,2.913896495890822,99.29771756601394,4828.668979220307,251.36455904237002,221.68177505984977,57.36302688435741,0.289681883364205,0.18971354600444484,4.323065184808186,25.24674495072524,3.0594603913309006,10.030227775327793,9.698548143361622e-05,0.7444975606102333,0.11869240766391703,2.167283368449293,20.597151939516973,0.45552662263841537,23.407463582962848,1.6033010066721712e-07,0.0001132097967789073,0.2037746678257516,3.4059564003094875,24.56870694747853,0.2748255481285194,7.651030184931899,7.656753094047944e-05,0.00014063033626880034,0.3419911216232788,6.875713167179694,14.87237099474169,14.189360623704534,55.23372906900021,1.9907974977412392e-07,0.0,0.14736792889973344,2.8256273292304575,34.16144131723337,5.437696965104577,49.15718511771861,0.0,0.0,97.77157537133726 +0.9051736677149668,0.19036479699533662,0.3865970090423632,217.0440087913151,228.26387296465214,280732.9525828386,6.375340348368953,43.56960760832635,3.2805481538589105,94.25339861637622,4.593369890447287,27.50920076111302,0.43261498303856094,0.9272580778129195,328.7538091493851,51.98055344278238,0.3409899035639861,58540.76550672692,1.1550198189334908,92.6079204126532,4430.1047443449,88.92098755340737,328.8540743677352,57.326618459000045,0.2641222667710645,0.19201490991331552,5.899142639248479,26.122147625863654,3.4675964393464165,53.907508686984464,0.0,0.8100564560549187,0.13095267232914026,8.80456923207252,25.914138033874767,0.9220262682027663,8.187027985024121,1.6033010066721712e-07,0.0001132097967789073,0.20232073939841802,6.894035837839494,26.636988381125708,0.3567990953720386,48.79725529145331,0.0,0.00014063033626880034,0.0960219493037387,40.101967411739615,44.48015912076304,5.810059183292448,13.360188228126562,1.9907974977412392e-07,0.0,0.19535023132360768,14.460465942432263,38.702145292742344,8.201022329337649,14.038380061416566,0.00010108088837068802,0.0,115.59196924109914 +0.941402961493983,0.18745940014124923,0.39021008341623764,228.6186411462578,50.91630536485556,290060.87376120465,6.274332007404796,13.189132633392589,4.532055190526597,98.00672265511815,2.706078126590454,24.989431049732346,0.3960076040196341,0.880052928603422,963.7340111154591,98.93828846701464,0.2885905907413853,190357.1304872208,2.958779585355143,80.92164857738894,2623.8594161157685,286.98213835064513,348.2317416997076,59.29506323312664,0.34261600498767536,0.18985524009250282,26.552363012990153,50.308274564989006,2.9926580487666117,17.07168886317676,0.0,0.6982518494973998,0.09887773384949394,15.693653495583147,31.34699478817082,0.43471073364099766,19.232064939684733,1.6033010066721712e-07,0.0001132097967789073,0.19268357265030375,28.844611779537733,54.6517215236152,0.2999266431266295,15.610509088805989,0.0,0.00014063033626880034,0.3511860267016822,46.27782166706328,27.486212046529598,3.5796517726954615,30.723770824263063,1.9907974977412392e-07,0.0,0.14893724679360015,29.34373842154158,66.85113805497615,4.8030684770027765,20.848438521934494,0.0,0.0,137.26033864541267 +0.919234660093328,0.1518749703010433,0.37526710498577803,234.977448191685,244.77321279312469,222425.1841475987,6.785168786656762,47.88227641430356,4.8503528772908435,87.21236662132702,3.809607641925556,28.706138972398207,0.5270481747840947,0.9809342344130373,642.1807031352324,48.526261317333926,0.09068133181371216,256652.83220020187,2.9988981081945347,93.50727190172861,2511.842496175099,234.2224478864704,349.0686262260098,55.251582539975345,0.2922139656044962,0.1801739293309203,28.482083968518143,64.85687746544953,2.8093545093576338,18.1499112810757,0.00012649002457015124,2.4922746685982453,0.10739573799919387,18.93606839605977,39.66853278460106,1.2356382932990793,13.143688479232726,1.6033010066721712e-07,0.0001132097967789073,0.19937294657680882,34.56340899052872,61.41350513309224,0.41191473674435086,13.744334933977505,0.0,0.00014063033626880034,0.35555376820352325,62.58546823260155,34.78200752608331,6.747758044620218,33.364058530421595,1.9907974977412392e-07,0.0,0.1485405675298599,43.59291087602403,91.651955910971,7.681655429257732,15.182950165221708,0.00011247824595055637,0.0,171.75141368609198 +0.9578721407593991,0.11255105292438371,0.3379948591313435,28.274037578559053,100.95684627826242,256521.60101944883,4.134372638664293,57.24162815173836,4.583005152138214,73.3409248817372,3.27188837567704,24.139219409539802,0.3911639214669097,0.9218690537199965,525.1366052115645,83.96839503284589,0.08782573718933892,112560.09347731584,0.9805419400689801,98.87216032089061,3952.685385461865,131.39390860826134,342.2259719336471,58.1042518795472,0.24258478399184824,0.19087866522386462,16.950328319053714,33.22129154837221,2.58150456024544,52.6410231389285,0.0,0.9827658486251342,0.12785507425332207,13.369819034798786,32.967172059191434,0.24698862394643106,7.510343294075753,1.6033010066721712e-07,0.0001132097967789073,0.20193317078143072,13.686964932487014,32.25503870576126,0.24174678790408166,44.99011953283759,0.0,0.00014063033626880034,0.1212324745796644,34.42489683771045,37.88503481978789,4.047671208085966,18.998034132261136,1.9907974977412392e-07,0.0,0.18972808136609962,20.944508584043636,46.19044724650619,4.057438263318792,21.368702890602346,8.66928149928429e-05,0.0,121.60071727932005 +0.9241241658559838,0.16926718526677909,0.371038175156909,127.42844024327167,223.4894005995284,167332.16096735778,5.2398842869303985,13.123099402435423,2.5572081985113733,86.34537873169386,1.8151885885147998,18.351137591203347,0.5769672878843054,0.7308491600170882,542.3241564085954,75.60641157097022,0.18573884826786374,62768.581321563295,2.7622089954253797,99.06394455014498,534.3233764341462,296.36927517208755,226.31267290936574,11.716382126041754,0.19302676111815778,0.1779161939860474,2.2307086672246204,25.288334156442826,2.7426852976767524,14.376921875002799,0.0,0.7627409607745527,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19009161081087733,2.351277520838087,24.998968958929233,0.3779961231792785,11.61645378632945,0.0,0.00014063033626880034,0.3417626030798785,2.4990198940331245,14.27513572969921,16.39385393592368,57.228151215352796,1.9907974977412392e-07,0.0,0.14352372685192497,4.2990357548384415,34.1756958486248,6.163531588444661,48.64538423543055,2.0397090360895183e-05,0.0,2698666337285.8823 +0.9324386584575395,0.23629217818940274,0.43130034887319574,239.4599395819166,172.31456450738904,276503.60423153755,6.872902889855103,84.09185048664565,0.6081790121811497,61.373616364977316,2.9017307002838173,27.992697604239012,0.7548698997093872,0.9726482772575612,882.0375743214378,53.695584063376955,0.2868633937771554,260362.3629552525,2.8443877647306914,84.95250752191717,4395.192677826629,224.05899586859215,342.54019614101844,57.530027667825834,0.15730758671019107,0.1924732252449143,27.874198988694094,47.384411822521656,3.201563428188785,12.576200507843387,6.582904517066293e-05,0.7258046597688111,0.12819713659978385,26.25088965328314,48.025135107131064,0.9348998856646495,10.008680319236204,1.6033010066721712e-07,0.0001132097967789073,0.2041588327691834,29.06108834184439,52.978751058497686,0.36199499104874544,10.01471864393575,0.0,0.00014063033626880034,0.14168943997367528,104.42896273491638,71.30233843770486,4.717722142476495,6.300776632309424,1.9907974977412392e-07,0.0,0.20173050047074004,43.19641922167145,82.85193300447902,6.726112835712263,9.609716395816454,0.0002874486272527437,0.0,186.97322582689665 +0.8967117092113888,0.21014195707484107,0.4020491450974159,161.67116966707368,199.1584054594882,287563.1639099629,6.327042832666725,98.50208745507139,1.0249229609954336,10.055284509173937,3.5287838688285413,17.957974301830856,0.44396497353883196,0.7721584641169513,286.1774985209015,92.90670194394909,0.1088949625394844,88171.20320725495,2.807811454772915,98.47664911206081,1620.8055406956148,223.36785623732447,226.18542245013188,16.601420038419946,0.27082666244942893,0.18885262622481555,2.009966325495733,24.677996048828273,3.322361562303555,12.110261463345092,0.0,1.7502013216462926,0.12144177721525892,2.105504301545461,19.532953122579205,0.7615974813447008,22.44595701059492,1.6033010066721712e-07,0.0001132097967789073,0.20206707665630186,2.9009989851243985,23.242273930780026,0.3336176469082448,8.154722251482932,0.0,0.00014063033626880034,0.34107759708901286,2.3411318882681074,14.277049271584591,18.25600330836049,59.21930556140069,1.9907974977412392e-07,0.0,0.12948718899829018,4.074473948119272,34.58675757281449,7.659789151662324,45.4966303928721,0.0,0.0,98.33926764356802 +0.9693367112123566,0.18835569563031354,0.3287473274933097,249.7908181997988,62.71200443805111,301493.10045446653,3.0497642927018846,97.73902190634777,4.382989696899779,65.9981373374085,0.6667220822980545,13.933859234184057,0.3486334302350658,0.9758795405636165,932.3680138319884,20.84379714018335,0.25189358500698805,64266.31785452349,0.7770086184663507,71.2899241828597,3772.0035107057342,136.82453398638506,343.25002635388967,51.49298198287726,0.1607194585075833,0.19433044458857196,8.417415145558717,28.331036879195707,2.9507480112398703,72.54814629293311,0.0,0.8649865191787,0.13586378032296742,10.810361136526645,29.363122997361852,0.2200855334772754,10.4239559263098,1.6033010066721712e-07,0.0001132097967789073,0.2072274789539235,9.008143111752577,27.472635843305074,0.24414268981912707,69.55732868516367,0.0,0.00014063033626880034,0.14427268697527038,36.67054356171663,40.80565243371581,3.789737405879223,25.54375033399661,1.9907974977412392e-07,0.0,0.20248287842837398,13.986346706126312,37.84823687483327,4.711084904610301,31.304699958131994,0.0002696422020891567,0.0,138.61907916065644 +0.9452738681428731,0.1567141992766336,0.41244517373608125,69.48867130129327,209.71161355824245,285343.2071371969,6.0356089113624485,9.656461238406223,2.1582569194361234,9.118023677193598,0.254113814117523,8.919723072296506,0.3088471593040242,0.9755141717849375,5.6904154957330775,1.1832801623088187,0.2439964137858592,147365.94426823355,2.651067214396826,86.99309569863334,1062.4894445189057,187.6433456718632,336.99909698873654,54.88294760747066,0.1897502387970371,0.19620807828213696,14.745879704874577,39.42346925784456,7.605552955452613,12.226756248987815,0.0,1.318179456482864,0.13738965288310878,15.384201648226846,34.558926388435204,0.46272067448369597,11.959177866253077,1.6033010066721712e-07,0.0001132097967789073,0.207893891441447,20.08706728804984,44.68618010620992,0.28825877923232635,10.660426675847548,0.0,0.00014063033626880034,0.14833735996905364,65.8607776806692,54.36778887935852,6.076060693943481,6.4181148324831545,1.9907974977412392e-07,0.0,0.19128195066052558,25.457752730501088,57.62355072236915,10.978471712406078,10.137837123327499,0.00018735238578492652,0.0,132.78806463092505 +0.9812375665025319,0.17453835678291707,0.3427663334330897,96.42434461693372,225.82380967149766,310981.56128477404,5.623430002192673,24.431642853849112,2.1814212658429524,33.064177196044874,1.3434171091404072,22.95471686319363,0.31761495488882957,0.572631773284904,242.79405876243501,2.5999634302793138,0.34439547356750566,91578.17806988458,2.9362552013910466,97.63258074852483,355.501095019903,211.26691195495252,251.76425420202895,36.953477533021584,0.3386651102266629,0.1869985625547077,2.562260108147678,25.542476861111446,5.433769033344296,10.871628867917375,0.0,1.0909529870129957,0.11645868460349659,1.798979953894094,17.555674135401265,0.4749403337297619,21.12807794154947,1.6033010066721712e-07,0.0001132097967789073,0.20085354095495225,1.7827324839921785,25.4511710104962,0.2860913452685198,9.071879082437873,0.0,0.00014063033626880034,0.32839420659231516,17.23752714750065,17.84299602222033,9.447807652630905,49.18340728915444,1.9907974977412392e-07,0.0,0.2028005981909191,3.637104328030378,29.712186072334127,7.7042754258393975,28.808432674273593,9.107818185346974e-05,0.0,84.9035186864863 +0.989690334447354,0.21865759281510294,0.36443349000286374,168.98874813844552,91.64818598355147,265930.56736945023,6.832511432510022,16.384900850037525,3.011999486353444,37.39795594444168,3.160170536168745,26.024058664498128,0.3739947039124881,0.7466962921704929,238.54976683074455,94.03462107265472,0.31386047964701935,67375.30042792183,2.9860385705108405,81.08535484215324,4565.561646423828,173.66896375407234,231.5033785492411,35.39803290923074,0.3257567898868649,0.18523476182760368,2.3713541919982277,25.676759151074833,3.331727109967533,9.513660681976148,0.0,0.7814273218365676,0.11253985186186685,1.7716595599332727,18.79283608996555,0.6801696612790913,20.456328272746667,1.6033010066721712e-07,0.0001132097967789073,0.19511485117005817,1.772101780684295,25.755949665549206,0.3318143401993211,8.333253799216852,0.0,0.00014063033626880034,0.3444024917420387,7.042404667515785,14.904755994599164,13.618254553080584,54.32618323729429,1.9907974977412392e-07,0.0,0.11078978151992158,2.2190073918807367,35.46533251552536,6.6779138676365175,43.82984237907279,0.0,0.0,94.42220945204967 +0.9875405568077389,0.25541001474735836,0.44759378161157815,58.96508459070642,133.4157822479969,345522.2212824774,6.77803554963582,84.38367069271696,4.617815324507365,62.28407339441948,3.5492506048945156,25.935583007925267,0.35121010788738805,0.7802019728445362,14.625374832069124,43.79948743256287,0.2415166565637351,203048.19323364424,2.457282231534545,97.6135955442756,899.2622031400226,253.10663724803317,349.4330062436803,48.55248351379653,0.34927690620610596,0.19543351837255327,17.457113109611864,33.96763369226067,3.991365196528267,13.886088082859173,0.0,0.8205665197352584,0.10705753883491702,10.09468817634164,25.027050566800483,0.32522473681852215,15.38339633788958,1.6033010066721712e-07,0.0001132097967789073,0.20456700791152105,19.66488525942105,38.507489448625094,0.2674898004830653,12.82056779175966,0.0,0.00014063033626880034,0.34487068455995484,35.31063450506416,22.55418315665509,5.653946782191484,35.75730511856123,1.9907974977412392e-07,0.0,0.16139915395198484,19.891453462712626,50.4466463457583,5.5666767696258015,16.773405158514876,9.249749005025067e-05,0.0,104.81484595142062 +0.8903685336253098,0.16204877012636953,0.445754523768932,238.23999171640932,177.88776731768843,305845.69742757856,6.774998634873797,99.65789157571406,3.2594441190181804,94.4109400651491,4.670285309736009,28.747274079654183,0.7855154478588959,0.9468147824559473,651.9118449275786,46.63615583174507,0.2938259759024792,147247.92010234998,2.9971151120891264,98.7708620947383,4628.217775386157,259.1018288783767,347.8254354386153,52.58879236871424,0.32370573683731463,0.17686181444430152,23.687837072690638,47.48347317821097,3.362408288803293,18.22380846541002,0.0,0.7065437705248876,0.09774160516536003,18.673153484215792,36.47869674677673,0.8468085068179643,21.902076848274074,1.6033010066721712e-07,0.0001132097967789073,0.18628990642197615,26.245907502855744,53.52141766530847,0.3460808845156582,17.479140414893973,4.779764491707813e-05,0.00014063033626880034,0.3530260523773746,42.041527251683,25.797684105065926,8.759471862696032,41.080643202310235,1.9907974977412392e-07,0.0,0.15796938685898082,28.8653107016051,65.41197749266097,7.529953972746199,24.56736192370546,8.694195845630664e-05,0.0,138.37741027247316 +0.8871166253114533,0.17402153088364586,0.4319999271846854,235.78947126960887,210.07051982613493,303692.3887792146,6.847210025650094,76.06707223965431,0.8699859968881287,99.96349528618946,4.569990791351488,28.4855640840956,0.3857580769966218,0.875411020985181,48.17333774772396,99.0587428645497,0.2768749427608526,96422.34439135971,2.786385856346228,87.3173114920705,3891.7071708850976,107.11785857295465,291.83490526282026,56.854291948006605,0.31625598641030356,0.19170191686936444,4.880184818853525,26.017877825077232,3.925537993010319,5.53035264076009,0.0,0.7712812206718478,0.1301666772881167,3.148244468924807,18.623519713657505,0.9147860549425451,10.599168232639434,1.6033010066721712e-07,0.0001132097967789073,0.20496691273680553,4.06928411991937,24.697266069551468,0.3555019712796585,3.099161526754242,0.0,0.00014063033626880034,0.34672652284328104,35.092198571930645,24.324716915973955,11.204287918744296,32.18441975731656,1.9907974977412392e-07,0.0,0.17855855178330915,4.808595502418681,34.6442872519849,10.693642722700373,12.165532105853055,0.0,0.0,79.5234898146316 +0.8830236287085482,0.16083053443656603,0.41486688480346523,135.8732031859481,200.0311575320176,133525.63380947168,4.113152007795823,32.356388499952004,2.7737463932718613,39.01034299237832,3.202781491366781,29.15344816746044,0.4709665346283836,0.8086115294653083,847.5985777945363,28.48243999364808,0.274249773030033,296349.52364694653,2.904171073712581,95.56082308788316,4993.8983196264435,291.16793964812103,348.6992321923164,54.926525057536196,0.15989861631664593,0.19396234059398285,33.28807158040987,53.05218732489031,2.918046598464803,13.407261205911126,0.0,0.973208448401701,0.11854339566191924,32.57521089788331,55.19027943337168,0.9884796379642252,14.742718821072929,1.6033010066721712e-07,0.0001132097967789073,0.20350694934127794,38.2742907502354,62.74154462137437,0.3769224320748086,12.840290838480103,0.0,0.00014063033626880034,0.11543497233025712,98.0468842263997,65.34430884632134,4.276615608573102,5.372584022519572,1.9907974977412392e-07,0.0,0.18191856884242122,67.52517246152851,111.6040868416526,5.19908051250122,15.99036792245199,5.16220447874926e-05,0.0,212.6779921846824 +0.9528235493356495,0.23917123141668795,0.37395265793664495,232.80868972862922,172.4198133999631,181898.58315980938,6.353780634857398,64.52635875685175,1.3261222400834305,93.16131328540865,0.5964681850488955,26.053460081472675,0.539476748638186,0.5726037044915943,838.0983400072103,41.037110126677774,0.2959716390816887,298507.29943019716,2.8258467381157364,90.71758459044129,71.00903867954912,227.93822229851904,349.9968978029601,57.880002344232345,0.16155927847803103,0.19924172522782235,33.605677111690206,46.607365481693876,3.065802196038772,16.110731642078385,8.402281407358703e-05,0.7510242029230461,0.13793349211269879,33.380178286351246,58.228479803379116,1.232414699746001,9.811603837709736,1.6033010066721712e-07,0.0001132097967789073,0.21199709877534761,36.21334746809528,51.94775579021597,0.41434360005779675,14.150181280983094,0.0,0.00014063033626880034,0.0895446644599804,103.46600495011373,69.97141962077056,4.168086774959349,5.382991871971966,1.9907974977412392e-07,0.0,0.2274622648329769,53.82865396213597,89.94121685517322,6.500232078621567,12.58006938608948,0.00035435963243720536,0.0,198.0384937768108 +0.8849899670645569,0.13183902372976794,0.36732096248437973,25.66194154587894,188.29650060073072,204416.77107896592,6.753054965284449,64.0133325643519,3.362245983168305,11.200239620115859,4.31327369144941,29.309055529327477,0.7501310756736976,0.7857115106655721,795.0524257598112,92.61976029108337,0.3122086074962638,238161.94043568967,2.3903769104785875,85.3898719806374,4489.11001753494,297.5508274103878,345.43540760184953,34.69208854251032,0.17909390784699486,0.17710539596249478,12.307827738774254,38.222979912408015,2.087240120781578,10.909997545075726,0.0,1.1888549064645049,0.12838009767558922,22.16413278199031,43.14802992820759,0.3948075975166865,7.348221732271184,1.6033010066721712e-07,0.0001132097967789073,0.20612679017942698,22.013566977549672,39.311799506552774,0.28251714620254015,10.977246855187408,5.35719366407386e-05,0.00014063033626880034,0.10803910221972729,74.40071477947289,57.883990977841776,4.25888761222865,10.891766749182164,1.9907974977412392e-07,0.0,0.20277429959823032,13.879627817362215,57.1174519787324,3.034823433500616,10.450913825722859,0.0,0.0,137.44612958098423 +0.8634932362388598,0.1330613100304031,0.35357730946136906,82.33109484630282,104.98886312605836,246114.85989824444,2.213386538365781,68.43025816508852,2.3895507286492257,24.12218515206157,0.39699908854969923,19.686169230450606,0.4000862262173249,0.7364842484221575,608.1436227118027,43.33297394043396,0.20368985022196803,66096.85091618821,2.1114849382808782,92.88561049494213,357.879912640988,109.25482564902843,344.3854502864437,53.1477442350662,0.16429550905969964,0.19649383969640138,12.622503452832477,27.655703598511796,2.5588710737458578,34.95574599052629,0.0,1.0128739074197057,0.13165007536034282,26.886261126744504,53.083939499314205,0.28419171345523514,12.030310804245493,1.6033010066721712e-07,0.0001132097967789073,0.20961477939596385,15.759002565025272,30.946429217979688,0.23784540209774924,30.99858702526637,0.0,0.00014063033626880034,0.12239619438864223,80.80608540657138,67.21000690518362,4.1361744959787625,17.424991981646585,1.9907974977412392e-07,0.0,0.20795268382398388,36.813221928731366,73.0061595281554,4.105994442364359,20.29895857746376,0.0004248528894579637,0.0,162.7511882490635 +0.8788251915508543,0.12803626963724019,0.42048721223391394,87.64912570087421,184.65743299308932,267983.25124636653,6.2549281396223035,19.902478486202476,2.3265750478511524,89.76625763106605,4.445972947550518,26.25773682890302,0.4824624352375637,0.9222019495181378,482.04882874400545,22.83237579429636,0.21070276526850729,78985.53950376363,1.8323698235239474,81.54415047433189,1890.9753190433644,269.72243780343706,346.81084241513054,57.20870861604309,0.17427339278801113,0.1923222751614076,13.287391656633474,31.55906727626852,3.3906326475863597,37.4781667128563,0.0,0.705488934175571,0.109871820034244,27.071195806435522,56.77551911467347,0.5920069029059644,16.660608836567338,1.6033010066721712e-07,0.0001132097967789073,0.20117375283240602,15.633025855726752,37.45866487369329,0.3110945694147227,32.31664163070202,2.8180221889911513e-05,0.00014063033626880034,0.1088668298163368,72.38898494195875,63.47254706154591,3.1937277443269405,15.05397785496963,1.9907974977412392e-07,0.0,0.18901093182281997,39.586847315592024,74.56790849492442,5.811998363243185,19.04081554051964,0.0,0.0,162.92663810155517 +0.8908941815504484,0.2073476309818245,0.32329624347839236,167.61573368597092,225.1906716501427,270468.3188048959,3.9263022408006147,50.509212405329805,3.412493970375358,93.37337736264803,4.5057842172763545,26.349336975477904,0.44646379402685765,0.9931553752999909,894.0842667116051,89.99376812487051,0.27410753747500105,126720.48790455372,2.696755300750994,79.30061390380575,3269.7555996426627,268.96716322457587,344.87017539841906,41.11730397197494,0.25782383511436674,0.18868123056954292,24.97301707850347,50.82211408070795,2.7265024496742423,21.472590040003436,0.0,0.8297908911782341,0.10539619926435567,29.09422542439422,57.04197922039751,0.4966337781784014,17.39840456179313,1.6033010066721712e-07,0.0001132097967789073,0.20062848564276267,28.464955401894418,53.61536065276888,0.28437700022759266,18.689564891487453,0.0,0.00014063033626880034,0.1661533825972261,81.25099736312403,60.12641723537961,3.0627561778540264,10.197514187789503,1.9907974977412392e-07,0.0,0.15811964961804037,53.83104452922269,102.0794703770245,4.751030974717453,21.273453469860904,0.0,0.0,190.35949890706775 +0.9735604130131283,0.1193761148215111,0.44621177884824786,157.8344871088558,192.80492078974137,282395.8772548036,6.768686495701334,98.50208745507139,2.317881104394202,82.1670060785452,3.7479603969409623,26.496988272512663,0.504815182170044,0.9919655195189205,237.91413605473144,93.87274238798885,0.10885415270308096,64430.8651928989,2.8738148579435534,98.94004494359986,4062.5367732147483,223.28199041527162,227.76637605507963,33.19490549133169,0.3366341804480185,0.16664464867328724,2.089870711537797,25.876991374380452,3.4131140642339823,13.25440192131912,0.0,1.8758326617383259,0.19245496375249505,2.424422661749231,20.18559103716067,0.8139565774380891,24.3633491426417,1.6033010066721712e-07,0.0001132097967789073,0.19022384643955983,5.11852518825221,23.03136304198644,0.34348169721372146,7.810223448431989,0.0,0.00014063033626880034,0.35850262694999285,1.2217575323273238,13.660587507000036,17.800940584846977,58.6599593180233,1.9907974977412392e-07,0.0,0.17433921953164108,3.607813895068759,29.186378424959532,9.316360263003185,53.597870650486634,0.0,0.0,101.29551402270697 +0.9388754487778163,0.257835160552284,0.3688062123064043,164.85935107053749,178.4277994746094,305597.43118590326,5.3005437980221295,99.94654373523447,3.254331948798792,96.80806199787922,1.2792064336570397,26.97183556208859,0.31612299503931296,0.8867787436106387,368.3864292018082,28.14720878533998,0.14484891001983247,140827.2080491367,2.9971151120891264,86.7078546009013,1224.1192690225387,232.62350224289005,342.0108598249666,52.57848051177285,0.16331572450981263,0.1948618362149197,30.266483384586717,50.96036642475337,3.498958873743142,19.073510337842862,0.0,0.9492787563642656,0.09512924119226236,33.4619723098629,59.857521633112256,0.5643297478069961,12.8684767512054,1.6033010066721712e-07,0.0001132097967789073,0.20083542457636305,31.296067700449882,56.43177088501383,0.2994891990915512,13.964691720682323,0.0,0.00014063033626880034,0.10549189127881292,97.60586259196795,70.27646267867378,3.3928146037788056,12.214118546790772,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9756273630062455,0.13001613398395015,0.42378244577995394,231.84666805281805,237.49135235635876,328748.8745204605,4.294997843076626,69.71073181276812,3.1053694788200827,19.554243538167043,1.4383012505450672,24.750572763954555,0.3879932255795203,0.8452456294577633,938.8649311391075,25.875757220269477,0.061817249532757634,168713.6237594482,1.9636319857498044,64.10320608222867,3226.6435528200027,144.7699335521851,345.9620937093679,59.06242301350675,0.18218609632996333,0.19724188595367745,27.038198992974397,37.40294087249609,3.2213265082841085,31.167488652691958,0.0,3.054954975053725,0.13390051014554075,16.11237392037219,34.53488846861181,0.5254861591844668,7.22315542743952,1.6033010066721712e-07,0.0001132097967789073,0.20390101333222144,18.109618036177697,34.596087387597386,0.2842353729386186,20.554721410597693,0.0,0.00014063033626880034,0.07960690959356738,58.02564907291414,49.20394618198069,3.0645436949884273,7.264928338282978,1.9907974977412392e-07,0.0,0.1956661185863257,30.351829889350498,58.7952665788767,5.508299251868698,10.552088936924088,3.479514593768626e-05,0.0,130.16693571735766 +0.8111089810605303,0.1011225395365874,0.32143142838840444,24.50289621297778,86.45227271176363,207685.5067155523,6.105266151882436,12.56901429862877,0.7601867540652048,58.820365207130244,2.969019356981157,16.448984451790384,0.317783313320425,0.9116523171445726,592.6645938013633,50.929847574798075,0.2301104027635728,67940.87363154971,1.316991098765412,92.41948213679319,3713.4299320108844,115.91952395602983,347.4946987327097,55.769135719538326,0.2957936466957683,0.19526256572521472,13.456540852360254,28.690697796005804,2.5671300721566963,65.51173274265948,0.0,0.9476692008945389,0.13659602787348196,18.774086002776386,39.96800349710663,0.2858199136299676,12.594531536717378,1.6033010066721712e-07,0.0001132097967789073,0.20906131147326515,15.00790194189649,31.69214902740972,0.2653826349212569,62.9515701106224,0.0,0.00014063033626880034,0.1275154232637871,43.08241261697403,43.170976778341505,4.336554065249284,18.870110277407566,1.9907974977412392e-07,0.0,0.20485945928295818,10.8882044810716,37.900050108407875,3.2038981963326294,25.732089415478022,0.0,0.0,137.5753129647672 +0.9581877903077645,0.10759739170310868,0.37062832892234715,138.9416281567767,184.70169398550186,190888.6947439874,4.32948616140065,69.0361079616548,2.0590534324001455,19.554243538167043,1.4478816507258103,24.750572763954555,0.3879932255795203,0.55010308386125,6.674970084756893,1.9669224118523385,0.061817249532757634,155214.7317080933,1.9290349391254016,27.495672332786558,2178.0458615266675,106.55215820517688,230.7157694822351,59.06242301350675,0.1818270582041749,0.19856105892212722,2.5394952071730383,24.612297177495012,6.204480956212639,6.940093756965608,0.0,2.081796072356123,0.13729678309183577,1.8682233682537028,13.799442918480157,0.7231994690495159,3.5036846696758017,1.6033010066721712e-07,0.0001132097967789073,0.21154508344913384,2.0220715406232745,23.791495602365003,0.3313867157284475,2.880039069877154,0.0,0.00014063033626880034,0.3277262906923652,10.862363484872892,16.67903951370701,5.85682148275833,44.8623316488383,1.9907974977412392e-07,0.0,0.2031268922319169,5.242046847947659,24.347415840773763,9.7124867778573,4.21113951270484,9.393317661432452e-05,0.0,68.29463166703438 +0.84452183718737,0.156743311680375,0.35111140235005966,18.661896886974688,101.92074414002636,220068.45798598358,1.7987038666122313,69.76855834157601,0.6438691661360872,54.916265815189675,1.9377522424812366,3.0034903941532494,0.3657174061810042,0.8204427725791986,694.2278421001183,15.154408155832973,0.18897274484886328,55472.25036645841,0.6192415586635104,93.48500019171401,3855.1481296186594,288.11092211173417,325.7365049939374,57.87559604326801,0.19689364329635292,0.20067289403533023,4.200819206747931,24.689616361448493,2.4193536380047975,71.22054033570546,0.0,1.2954996270446901,0.14596242092559056,6.6413976665197,21.774275729180737,0.4735490930247418,8.635214580839756,1.6033010066721712e-07,0.0001132097967789073,0.21443426288232145,5.589516201176428,26.08329215698636,0.24138127968536496,70.60249695946968,0.0,0.00014063033626880034,0.16180300906321535,18.070941335811316,24.92169829924307,4.378409894944113,23.574307061110577,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8024108130026735,0.13391593101789395,0.35376767945831156,234.98041223564752,180.1137548949976,309316.25847606774,6.46600681416323,48.02928851285391,2.5753782062697126,86.20833542035314,2.5730437698072355,22.42286469428276,0.7271018717955937,0.8680769640161435,646.2382901470686,26.03308488992932,0.05047865218203454,67564.76510800493,2.6043233246065207,97.72575779606848,683.6510071065986,55.84041604060131,220.81416534784185,36.52697681854277,0.31111090271422387,0.20208188772419633,13.815572855408508,26.954955930685497,3.7292286414989753,11.23302865834561,1.9379372547527206e-05,5.168213557054112,0.1320329990782047,2.465956209440208,17.722525857402886,0.8001311080173724,13.113968758928204,7.185132471000815e-05,0.0001132097967789073,0.20983930196670283,2.148154504961034,23.93697614858971,0.337859060406441,2.5969068982088537,0.0,0.00014063033626880034,0.3462590137561337,8.34097493607292,14.875051306991502,15.25469162210736,55.91212588189723,1.9907974977412392e-07,0.0,0.1472111499534085,2.8489420762623765,34.817794381489215,7.041099424866208,42.82768196834403,0.0,0.0,94.42251824611321 +0.8903685336253098,0.168277074676967,0.39446380888119664,243.22852973240595,182.18306979905122,218995.71114501552,5.145320296022792,73.01721695066078,3.302194430220782,96.7441490894443,4.754888204222657,24.688534998678055,0.7777359824943785,0.915395588281558,902.9492163817412,96.44914441653191,0.14506044113618222,296604.66684017907,2.9504676848831375,99.8037732287677,4639.1772249401565,249.03721610743725,348.5063699984769,58.64051947355917,0.18518867870751637,0.1956306362249858,40.038419110502765,58.630486417626074,2.7154259039217306,16.796906580640265,3.135937329943077e-05,1.0277644738368656,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20294910838618238,40.5838620916391,67.70452991188458,0.35845881593475654,14.112966486983371,0.0,0.00014063033626880034,0.25730053633135824,103.76748156642208,65.77949444045409,3.0185484562211835,8.805360533157856,1.9907974977412392e-07,0.0,0.18100883150850194,24.203017512620196,95.51396533153435,4.374783644510422,12.552688664172448,0.0,0.0,2698666337285.8823 +0.9864062199553191,0.11043635143599459,0.3545117797073034,201.7880132714587,180.3523805737378,313139.7419848889,5.917886026666508,47.879627577125405,2.4626289701074184,84.87236491930517,3.0105221454019198,22.407244178742236,0.3896706114672047,0.8650954599483643,254.26964494037085,25.416344761244694,0.05043900697620825,67564.76510800493,2.3338787923771482,98.7535023685138,683.6510071065986,52.36475866273969,222.6458305606668,36.54956198542518,0.31574079721994286,0.1994095576955481,9.667812325384796,27.104179032599962,3.915675078953829,12.981886969996678,0.00010921782688464349,4.800326919716857,0.12105405860629836,2.066695363261788,16.77234786211083,0.6821800979251155,16.28894813517903,1.6033010066721712e-07,0.0001132097967789073,0.2038736989515911,2.1056342018555685,24.879515081650638,0.31835944650223696,3.7277906733135144,0.0,0.00014063033626880034,0.3546928483493587,4.7858137734493065,14.346497456069207,14.997196941193279,55.557444404334824,1.9907974977412392e-07,0.0,0.12761672783648598,2.03012477629963,33.65671340137116,7.481400046363189,34.87094889524507,0.0,0.0,90.40557389645342 +0.9383173914097755,0.20494281522261992,0.3702200826932058,116.24747181993227,246.65514092153194,342501.45037405594,4.831138944113974,40.00070092082794,1.9780153221305294,82.77779888258972,0.6842142191803342,20.55000787757138,0.3993082037923678,0.9336283992505345,898.4131359635481,52.12142550239253,0.07160466655088557,79590.64524392449,1.4346250331316308,49.73336206016449,4237.166882538397,69.90039894051284,349.6040927492532,57.81591963999182,0.26021687718957315,0.1983865499107578,20.685598918718348,33.24127559749106,3.0695785010654,64.8092904158005,7.295589345521942e-05,2.5979379119362007,0.13377543562095057,16.15780364354518,38.68986550251231,0.3869782907809586,9.668047551760328,1.6033010066721712e-07,0.0001132097967789073,0.20783390431982104,13.277535127085349,30.844241980399683,0.26775674255668436,48.50720535223937,0.0,0.00014063033626880034,0.11723523927025475,41.09979446546919,45.135428345629805,3.1062363096761523,15.390235505039707,1.9907974977412392e-07,0.0,0.21103237465642263,21.97980517971508,46.667553457353726,5.033485817769538,22.056166252817857,0.0,0.0,135.00897675787974 +0.9717990743111319,0.2527039179645464,0.4299877886090381,217.19573561932668,217.70360795007718,319664.4726140002,5.936550374956953,38.43637860119705,3.338713064743569,83.90243742083786,4.017487056875193,17.27552542408661,0.406172973866595,0.9107867448603838,7.610911237869004,64.4368221254304,0.2292837757668024,53263.07228868565,2.844433253411249,76.5435042103222,4730.498867014958,255.69454148829527,254.60927727713116,34.64429651250235,0.22492237486419292,0.18908712694508759,3.650168479824656,25.5724568098506,4.009592323043118,8.417947824989268,0.0,0.8526356632402556,0.11455788100704345,1.766313797505162,18.573452763373922,0.7423371561277291,20.56448137241477,1.6033010066721712e-07,0.0001132097967789073,0.19858241667767776,3.1267349670084963,25.12605860355801,0.32532704456605677,7.62362079236398,0.0,0.00014063033626880034,0.35132324251969455,10.73078439954007,16.2274094253992,14.038005421493333,51.11677087572629,1.9907974977412392e-07,0.0,0.10620113105511853,2.037984023639764,35.8528988210666,9.431311389461557,36.40549445877931,0.0,0.0,90.10209465045095 +0.8719343982240296,0.20868584828116982,0.3342779016194651,239.58002871517215,172.31456450738904,309604.51786511205,4.9826992423463015,72.27040369346886,1.7259474443731797,76.65679131164265,0.9599294959409859,29.85745340955573,0.4306324833569041,0.649155213568391,825.4258297817879,38.353279955639714,0.3064340682428566,287847.0039789588,2.798432726053389,91.82443401186666,4963.374985845211,245.76554507929941,342.5166217088016,56.75831071812825,0.15905849414173157,0.19800522312359908,32.80476635230875,46.34512780260343,3.1451899988377017,15.367148223135054,0.0,0.7746076070315042,0.13393701949352416,34.760710135276376,59.96316027802747,0.5928486038094258,9.841903146946391,1.6033010066721712e-07,0.0001132097967789073,0.21044886613870623,35.44046525817374,51.861308902375306,0.30164197833372924,13.378770890217957,0.0,0.00014063033626880034,0.10613939442863338,115.16523088989483,78.3807668108988,3.0470669299883677,8.973054246196474,1.9907974977412392e-07,0.0,0.21314699632619521,32.20363509494624,95.15306359764688,4.993029353496271,11.910860779719462,0.00023539310963094142,0.0,205.55044054023674 +0.8905412397188481,0.16213447435591274,0.41642011562026215,229.08408225963638,122.58156443506607,308364.61432875594,1.8109468153174058,63.998666859975586,4.599999087850867,84.3277180226862,3.0680091874363655,24.609999838786376,0.6035808639994058,0.9564041889336448,348.36304167094033,66.25626408830021,0.26508935901733277,188878.4117895585,2.9285279510163424,99.66607870489715,3018.578646594259,259.74239404309213,348.9821109976868,39.32115767596147,0.18533654224449803,0.18700017857409335,25.05096227754519,50.58363974426077,2.866101682470433,12.949648722709883,6.803122896429697e-05,1.114150922710158,0.08939315305471672,29.235829764412216,52.67375338679364,0.31325820537408344,16.52345867010784,1.6033010066721712e-07,0.0001132097967789073,0.20064618429107406,30.49863371259206,56.50406794829317,0.2347873225823949,12.013058773420264,0.0,0.00014063033626880034,0.1266194168329497,82.06921228527955,60.36114337320419,3.6320363572805396,7.089589223389127,1.9907974977412392e-07,0.0,0.15711170748108735,56.34601086007764,107.49106214467965,4.302732123297148,20.476248633186273,0.0,0.0,192.72369673821694 +0.9788066587375759,0.10015967163227323,0.3439830152922184,189.62446751485675,221.46640046961318,168055.37511347834,3.132846525297516,15.108660207082382,3.0033772634208873,52.82689122669449,3.6151559445171193,19.162925050863283,0.41141760424031926,0.5886326640827904,632.2208423663096,93.18364336132737,0.07623962210471888,88837.11370686094,2.529693954688176,73.40584889657825,321.5695354110221,279.0229326541213,347.73749863199674,57.585379824974794,0.31312683646816936,0.19678404949238093,24.33568574015911,38.85462941923517,2.5410687929121774,32.974369775192045,0.0,1.5177510193415646,0.08945992361661267,14.562314119277728,32.4407656314377,0.7087083547398899,21.174568076380023,1.6033010066721712e-07,0.0001132097967789073,0.20338085743922044,21.59511735173107,37.835308899294716,0.32357061485018257,25.32330096109377,0.0,0.00014063033626880034,0.210408153244306,41.55514449464859,36.53193417311916,3.8033573985723392,10.406242284917068,1.9907974977412392e-07,0.0,0.18446846016734336,24.30392711360262,53.80296808905859,4.798613390898648,30.05405240017408,0.00014065070856712723,0.0,122.6645318296992 +0.9436885948227912,0.19809914511405394,0.34711259556740093,12.184893759582593,232.04040892747037,291083.80003810104,4.736027422617815,84.0859586741242,2.2118261592597315,65.99668926674191,4.4910350890970365,25.952695799422273,0.565013779752109,0.9117515033033885,93.87772891115482,91.95470853174093,0.23571889210083924,51458.66553174985,0.7072943144478964,60.70779801093233,2010.7642371757797,285.2007042441467,333.8654350338232,47.79520188526769,0.23521759372996953,0.1923941846621067,4.340444737410705,25.69273505260962,2.9513112509471915,73.4863838700545,0.0,1.1803114184179768,0.13179454178395483,8.36055617803566,25.997681684254054,0.38350624697312613,9.650643701543245,1.6033010066721712e-07,0.0001132097967789073,0.20529482901185106,5.597786859395775,26.338071421123296,0.2372652924570992,71.66336296068238,0.0,0.00014063033626880034,0.14095734697241058,15.106914298387714,31.426314108317282,3.5427233903006434,22.895056136731135,3.0941422188668375e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9857329363697043,0.11689958397847885,0.4146056902098834,212.77954019176116,60.195392264881406,214297.2933372896,5.225019440224521,52.86769558294994,1.6154450550925474,79.66718283287136,2.9464978884454505,7.351427725822759,0.33631665468057936,0.9722573075689789,825.925373038849,47.57859099597674,0.34554629922203306,74384.66904249338,2.8190546005460426,93.23070660777788,3432.08915522704,211.31496181589972,225.5174970015712,48.32514586581479,0.15823708134135867,0.19259219868311966,5.367110458547092,25.030345083465633,2.8571865034866923,7.523298249806542,0.0,0.9043465739488336,0.12172460584067736,2.1794477987148317,19.847302348741717,0.5559235373497503,22.434866419531165,1.6033010066721712e-07,0.0001132097967789073,0.20822676716243776,3.9962889154052563,23.356585399848406,0.3194829108025225,5.485068234454423,0.0,0.00014063033626880034,0.35829281039390953,4.718346638548673,14.09894909997541,12.438865813296658,52.933115896065424,1.9907974977412392e-07,0.0,0.15597147012921928,1.6654048141943927,31.46273368241499,4.801726689712813,37.41377664519705,0.0,0.0,88.36485316273529 +0.9810183097838816,0.15810368602288813,0.41666722384995425,190.75760008572115,176.02710631636668,140412.6319184897,2.947607472676416,57.05427022521264,2.6778307080183907,39.107988467430054,3.775436245329554,18.63089750723704,0.443337799284022,0.9303384019289058,542.2965734581511,21.650857753063868,0.3266867929229098,53552.09964374614,0.5593483465728757,93.3199097540908,4790.331960323258,215.66248675028106,349.90344342088184,33.56190722665149,0.20919509256057586,0.19152796346420378,1.2191653282373653,25.59186110442999,2.873570397201555,55.607264143134756,3.221760990777928e-05,1.2218848895094845,0.1359411375583146,5.557265971108379,23.453844359513518,0.740796013356084,9.005908952278531,1.6033010066721712e-07,0.0001132097967789073,0.20653336497905167,1.6898820794144729,25.329604692563816,0.33341511610150115,57.162861096077215,0.0,0.00014063033626880034,0.13146933807125022,23.923519026650776,33.96466076770262,4.416170758360794,20.721572269439864,1.9907974977412392e-07,0.0,0.21121768333535312,5.296118788385812,32.38013110305737,4.972808794516633,24.59724739201644,9.392732215061553e-05,0.0,110.51864788791461 +0.8978408361896936,0.1464097587398058,0.32596027757586593,216.25183935572193,129.94782699521608,235401.17048703443,2.857108295798362,55.1644128233803,3.339558215380296,59.55827322015651,4.349475407726173,22.45062621232816,0.31394078009182746,0.9468850583128327,178.29924981580348,41.52933231574445,0.346406004586033,69301.45144709694,1.1760744581966067,36.63551792598996,1845.250287446421,296.5833560618747,349.749887151417,46.61587951810921,0.15990390030788337,0.18985678248943466,10.174345162120574,30.436346391360882,3.0018854440080105,60.62036083936908,0.0,1.196128544378371,0.1255275589038667,19.842881586522054,41.68050356718707,0.3165690233465008,11.55070331170129,1.6033010066721712e-07,0.0001132097967789073,0.20255725708354438,12.337622950502677,29.71337490271816,0.2609794974951604,60.22328173268604,0.0,0.00014063033626880034,0.12602177027427974,56.07013651999798,51.284907415814615,3.5558997202296716,23.718258579221203,1.9907974977412392e-07,0.0,0.19749394139244433,22.904112412600142,44.241207046152404,4.789069792984124,28.932481966982134,0.00016891305592728266,0.0,146.05804208440713 +0.8863532213782781,0.15625971470180341,0.34881297868403555,204.39326805861606,125.4477725522658,309266.62243853346,1.762113598336473,90.13031695651487,4.201973478263418,97.43009370881518,4.450200563582007,19.856103909912747,0.6108922512114261,0.9443494540591488,868.3588490618755,53.26359130144377,0.25992373911251987,55886.85363347062,0.6261324746014106,97.17847718124328,4524.862179548402,288.81985989988283,333.3570715028499,46.6151022927392,0.22523815614801648,0.19301004634996363,4.945872523636759,25.534261493449893,2.6767153228217397,70.30672000335993,1.3905361681470589e-05,1.1073052793647844,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2070357487137534,6.353221672624186,27.38609579363492,0.2345181621376595,70.12340456446805,0.0,0.00014063033626880034,0.13953493199474598,29.508184387191328,35.06588986167927,3.7616973583433,19.733567339853888,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9233610266331673,0.23497001238314802,0.42206757465218786,197.0614699704993,243.30694244816112,140759.44394025637,4.880124064857293,36.19130588898154,2.6769885047439548,31.48449279007878,4.323592697554925,18.801382265513638,0.37600906904245146,0.3217530976712734,984.1702460323621,30.536820498985918,0.06618896460137667,59303.1622461992,2.825714487626171,61.90036076203042,1030.8005075562776,100.5516275841334,242.83045203072123,43.37907071050101,0.2978181006200182,0.20306269086481574,1.4850588548977226,23.023960749380706,3.0155753756284662,3.9328837959923892,3.333262350623282e-05,2.5708785424950364,0.14374820496058394,2.4979871298602894,14.012365835418361,1.2886667426224465,16.60403642332992,1.6033010066721712e-07,0.0001132097967789073,0.21490490386847266,4.8205490232330215,23.434953187955845,0.4238729319025373,3.134264883373596,0.0,0.00014063033626880034,0.23286504973681943,10.124924574605032,20.97547953381578,11.011996386965416,51.49918595351952,1.9907974977412392e-07,0.0,0.21688090619777203,4.973433100087691,26.989615385044164,4.635270326717215,33.36969207135469,0.0003589138471169968,0.0,82.6448954585685 +0.9501278956936239,0.14792137217708462,0.3839644360955349,163.10780954527698,47.725776042275,277434.7740340392,5.780089126888869,64.07989402165093,4.299700760633455,6.756474682168093,2.741706561277643,26.370692765509734,0.4166348431241805,0.7178812022329969,933.3992261075149,44.49768316466009,0.32046503264801895,85673.68350526768,0.5939580738044252,87.40493846011066,962.1777017017148,159.6592019291296,341.76536333646806,58.937323052721446,0.23585002533223776,0.1950532448737274,6.540232549987994,24.86021673878958,3.054126302109383,55.3851350408,0.0,0.8059219948137898,0.1320626839542243,11.533523612078255,29.54712430028152,0.3711560807780753,7.453020736741359,1.6033010066721712e-07,0.0001132097967789073,0.2077303521414235,7.977393109486423,28.903848011437514,0.2895460462322001,55.252027540568456,0.0,0.00014063033626880034,0.12118811648042951,32.043137300851264,35.31396522281026,3.8243242897802388,16.80483567745263,1.9907974977412392e-07,0.0,0.2073384812199159,14.574641661683037,36.69441159826778,4.722824878166213,21.493471759534202,0.00016216437797408312,0.0,115.61217278513442 +0.9548208004284144,0.19199706738744562,0.441872214330174,240.2256840846624,244.60392039587433,331514.1931823318,6.329032799919268,64.2000769013009,3.9179158006096864,93.02027368794785,3.99243278113644,28.577045146416985,0.5373806557376517,0.7345104729045778,713.0460936998454,61.917734511821806,0.21791823114040904,142102.4955330311,2.6781495067369727,58.81429834349434,3851.013254500805,288.4239463393881,336.10839238515223,51.24007741863906,0.3441751106423819,0.1951264045673522,14.191220359270757,31.107855341112284,3.295949401673031,11.536639181097145,6.040775085033187e-05,0.7015298169874646,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20233040955258996,15.284197523934543,34.13454922834917,0.33791126755788886,9.217628078691815,5.272248729374707e-05,0.00014063033626880034,0.3427417805270113,35.73954565135365,22.65946708072087,8.524757301694496,40.94552344499948,1.9907974977412392e-07,0.0,0.20265055132430393,16.25104570339695,40.78185851395525,7.223110298175866,11.134282967998363,2.9720236801117543e-05,0.0,2698666337285.8823 +0.9880484308673652,0.11064788576066723,0.4434069781285157,240.3071357643789,159.67408926949196,164100.63650385977,6.327768790695831,21.231866659921746,1.721199328728817,11.886596692288322,2.496224908293137,22.900701446063668,0.7305736739792041,0.7732854786079034,707.3364381199626,1.5435223800223774,0.26300145828082055,62301.31958056512,2.9808435706392666,59.65726789659981,1859.2046893016184,181.26479283007887,239.46937890318515,23.821188365419545,0.1828199582352491,0.1917422008371912,7.562108459909847,24.980976874896097,4.996495880371366,7.037591721700023,0.0,0.8323855234887783,0.11696082666210054,3.0034088899686058,17.202694222021357,1.3025202951905892,21.516439920371628,9.92050389182006e-05,0.0001132097967789073,0.20398691340489356,6.005744887947096,24.58565472873291,0.4272570615789966,5.957107626844619,2.1691922850627598e-05,0.00014063033626880034,0.3503080862587706,2.5745172932344906,14.167101235677237,17.20785154384862,57.9001651284526,1.9907974977412392e-07,0.0,0.09603293834659442,6.941769292128415,35.15088441135374,10.554430856592532,50.610465966252846,0.0,0.0,100.0745046066216 +0.9540275288283706,0.19575368578863916,0.4002665548255225,230.43014693149576,217.33454090664526,304488.8337686766,6.656669180219337,62.88176077723949,2.8466929790704842,80.46726559343146,0.5256885232242012,8.42136056056216,0.7115796213804918,0.4505916474714084,498.2183964712758,63.19072423912269,0.2693451255879309,63396.82225837483,1.3669661970017903,98.05050200458447,4341.641781165498,194.54707498043996,236.66079457422865,11.742020092673926,0.2249719769195454,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21469987371330557,5.326824708602804,23.382042498733796,0.3514181764218836,9.034097967801795,6.357299526407875e-05,0.00014063033626880034,0.2999543820698922,5.323343495725695,15.860759436257462,18.592133929914453,59.53628668954156,1.9907974977412392e-07,0.0,0.21759957615314693,8.22141075404999,30.08422726061688,9.561976095157284,56.15207065495667,0.00018941745369014821,0.0,3816490534509.4204 +0.9882075678859069,0.2172763511261261,0.32459543821864256,246.5446167603538,117.92634856972369,165764.89360959342,6.983723478895207,81.85193665654215,3.1063531294364823,27.64849141844623,4.0839668553316555,24.136355213185517,0.35817047806818236,0.638636308640492,633.9838427342366,80.76710047393622,0.18291517376865118,84067.28954533026,1.7617960587226982,95.71263990235599,3076.951192751847,130.05669288807997,343.2373456207531,59.48045942144246,0.17628529634258655,0.19804648596284471,17.332848840785587,31.370585818504335,2.917592115695056,47.986544828823156,0.0,0.9498268994791639,0.13742822695138926,19.63838811391327,43.55739080873528,1.2663108024408645,13.364503600129945,1.6033010066721712e-07,0.0001132097967789073,0.21039284132075126,15.578621615211052,31.550933807759908,0.42268778400365464,38.91303049096133,0.0,0.00014063033626880034,0.11861777097831194,69.25358891816259,57.33181521129615,3.7972800310953314,15.102230945883324,1.9907974977412392e-07,0.0,0.18697045143136595,20.70178917673216,73.96933444416304,6.003046976363509,15.52082661186776,0.0001044254021292274,0.0,152.69234343181705 +0.8342702689955489,0.10900905573512062,0.37327331436344163,243.12274483202373,240.0443594567246,317020.2662069724,6.953172835757372,25.936706033034937,4.560978280212121,20.985753036405676,2.6888578989457463,23.519368021670335,0.4670906061914224,0.8865961760046264,322.4797989475611,77.52408372212994,0.19729043772945848,262866.6928817769,2.6704648244228286,98.75074492047662,2780.418987932814,284.230028280782,347.9639217380976,44.06382252813661,0.34491074754511736,0.1960943163576868,28.591447151749865,46.07774590342691,3.5905515952438636,14.676656631516376,1.63827951639126e-05,0.9169272336302509,0.11738558789568804,16.631455796977903,34.350516791135234,0.944493317901467,13.154078823851215,1.6033010066721712e-07,0.0001132097967789073,0.20524393349961428,27.985290818484287,48.79441240972311,0.358470688479306,12.714882479748626,0.0,0.00014063033626880034,0.34998509034256625,50.524700195377626,29.19983394791799,8.91814168858064,40.133083272784845,1.9907974977412392e-07,0.0,0.16527605235923132,33.4160391275485,69.93850770495095,9.438274726378191,17.666474887507135,0.0,0.0,140.11120228182415 +0.8610883386777812,0.14386510128790056,0.44008267185640676,127.11784151278881,192.57598992417599,217671.84692557954,6.644485615055183,35.86573749158009,0.6868667611953083,44.256939834568946,3.103379700529378,11.60765028629763,0.6705183595521942,0.6756194386962843,929.9384130800312,53.99020785476083,0.21405171689757857,74385.97768194231,2.8829044919409115,96.70091532125736,418.5000996409353,113.6610435090663,220.16117030332407,34.11388311792689,0.1615784973239854,0.2003661481514488,5.3651280552633915,23.984775672358925,2.9065583549410436,5.518549977812489,7.209287222599191e-05,0.699511091371897,0.12766352754453553,2.2181861562735596,19.250862100186193,0.9429321220923145,24.213206925765,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.33339253385370865,1.1949365950817947,15.18565685539629,17.093751755998536,58.00211136094136,1.9907974977412392e-07,0.0,0.18971133114023264,5.838671763009422,32.96527839175433,7.770469010125322,57.078155290142135,7.83403497092186e-05,0.0,2698666337285.8823 +0.9887078722735488,0.25820933222497416,0.39014124269463996,148.64696277557863,165.27369939226844,318562.2197354847,4.458849398068521,32.8626851981641,2.126818941992534,44.57170518383538,0.5863761613597527,27.423191187718317,0.4328262130156743,0.8051681281258539,284.97224899462003,83.72234996090448,0.10132687894689084,81301.74494363808,2.8181542946880187,99.38184717729908,4783.437126965394,135.41510146653246,256.3133684635706,19.370902124969025,0.33705280768263063,0.19221878109297094,1.756501442445097,25.6414706849055,3.2185973634250846,7.875728447543257,4.5984436778722245e-05,1.4590797478737376,0.11620883683618757,2.0409592881103493,20.90789642939332,0.3834720229817414,21.960355400251213,1.6033010066721712e-07,0.0001132097967789073,0.1968441393666149,2.681931915444818,24.871069476356176,0.2693354213015253,7.8442280219588465,0.0,0.00014063033626880034,0.34640084089495876,7.770573878510642,14.917786664179603,12.629246792026644,53.49951189042062,1.9907974977412392e-07,0.0,0.08661619271792538,3.034577563797644,35.38398146866406,5.1464563084427635,42.36687794691036,0.0,0.0,93.45410960256542 +0.8817959805917253,0.16575357651182768,0.41389486997566693,248.91143914330843,139.55728590173004,320069.30438285787,6.360704317772293,68.60566959148508,2.2532144263123293,66.99155441974554,3.0306683527419227,26.96881113561886,0.6531811899316933,0.9796676340756523,367.73783729963253,75.93085531519802,0.29160716184606955,201026.49785705397,2.9692421071029247,91.8057247965776,2235.761990676081,250.20040147793623,344.36998020735365,59.00844827007471,0.18511928894131086,0.19029530251601312,31.126840780587997,55.29726402676503,3.463670347866785,16.002424818467315,0.0,0.7415280815126505,0.09865409280634674,29.920880169800594,55.42484952941456,0.6891094768095785,15.69611105795021,1.6033010066721712e-07,0.0001132097967789073,0.19819933730041867,34.4331163345283,62.265425253739544,0.3222931612281148,13.969571304569286,0.0,0.00014063033626880034,0.2173214208490698,95.21469816356975,66.67176583545415,4.405238904303951,9.771267556576259,1.9907974977412392e-07,0.0,0.17318520097487786,53.002239132790315,99.26320060257375,7.467174064809812,15.297732375644715,4.569326065651438e-05,0.0,200.86162494627848 +0.9181911693243117,0.14905510780862485,0.37632051293384583,30.626578286583424,242.86173397166175,204859.7675111156,2.390427843787662,64.88463746080163,2.261567639521493,51.621228026626,2.813807424082207,18.73078240954301,0.42698101807277433,0.48407587452013345,418.58444725315803,50.63843931096472,0.2866001910549542,89817.72068564687,1.8397010935155387,99.31805250781373,1697.9000429632747,30.10479412606098,348.3501926611067,59.41795610565052,0.16211030922557726,0.19925574295330667,11.084432067291209,27.420969037117754,2.437559310360077,35.22205809627176,0.0,1.3596939447839613,0.14064116665971024,19.31742104948241,38.935763904516925,0.3184880676077895,8.088591083914187,1.6033010066721712e-07,0.0001132097967789073,0.21310201346115484,14.129618933015234,30.289794991043586,0.2368324609773993,33.45293220935848,0.0,0.00014063033626880034,0.13855294123091483,57.66038039657108,47.12586770592762,4.362101451682393,18.84485477964715,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8917537777217458,0.15486352244595653,0.3461076564809959,242.21200843067479,74.28412147984449,348749.4287182546,5.0725771191581694,83.24766452413286,2.2303560453603093,42.87910175277296,2.6373268444823386,27.937013171412435,0.7183504540680076,0.8882838000069208,939.9041402645574,40.88497513986915,0.2016293734215804,206956.0170945978,2.8385086797762042,73.53410556294025,3687.197328585712,285.10361657104795,345.3586476090438,52.835161604192024,0.15785348564791363,0.1943351857487536,32.644215014075044,51.17483780943996,3.222400443521747,19.156378366109916,3.8368922818028226e-05,0.6096429528441374,0.12313660165815608,35.57580456632673,61.80440980772803,0.300904844227002,12.598393380126456,3.334187012504273e-05,0.0001132097967789073,0.20167644717859196,35.220395366046844,61.39087577142655,0.2658511653678293,15.620187857320685,6.0571621508281804e-05,0.00014063033626880034,0.12454545415836188,104.80487864154628,79.61447708174678,3.381546114841325,11.768155866683676,1.9907974977412392e-07,0.0,0.18823913566713626,29.90428331483085,101.48994173634249,4.200835627108708,13.20998163236375,0.0,0.0,208.3724129924671 +0.9715026788389687,0.22940398963416664,0.4378414133692008,205.06630778092642,176.88289768950142,158659.03177855018,4.388744399319754,41.668549184912315,4.5318957196359895,71.02291514045332,1.2517818701274075,24.352465769358613,0.4400769795296763,0.8516088252908498,750.7905122904842,93.37545834576173,0.1579864338036276,61442.63507647176,0.867123264228031,99.40872651024677,3135.1852605712793,177.91091555709363,348.3909937392343,49.74191693604819,0.3395615249018341,0.19524171771019183,4.9035183075089614,25.5570147602994,2.6612869186417396,57.71378086540166,0.0,0.8258103350259993,0.1305532757190302,8.78427414488005,25.859225610180964,0.9973693640528427,8.30600179034641,1.6033010066721712e-07,0.0001132097967789073,0.20625048870336135,4.4291154731900875,28.9805475897842,0.37557976157560347,51.66387984985757,0.0,0.00014063033626880034,0.14446729770047315,27.240151332567855,32.87391975489028,3.474947717651094,7.950658731852257,1.9907974977412392e-07,0.0,0.20384173235455483,9.704942270344704,34.171106000565715,5.016931465910888,20.19483265056547,0.00010950162920827562,0.0,109.33208425206023 +0.9201307187217218,0.16136979770508011,0.3746942855095707,148.03094113399428,210.195458709783,267511.9391437007,2.660202172057831,80.06073237290057,3.293781440426708,96.7693118290869,4.1320625483432325,29.815716512147688,0.41409673306051925,0.9538021891586476,635.7488681230511,46.073608397072014,0.32773857819961816,89859.00638694059,1.3431585847250538,63.198891301631264,4901.928752359654,286.34913983866903,345.1752065382816,48.530618173323276,0.28170797588732377,0.18845395537887186,9.606481074761554,32.250292099894466,2.706672899591485,41.53773651942369,0.0,1.1780489155726632,0.12549899163136236,15.442800460080766,37.11139701142857,0.24176926652006914,9.938620407412134,1.6033010066721712e-07,0.0001132097967789073,0.20089590035102245,11.663521775288347,30.173490912645324,0.24796015133197397,38.907676003626804,0.0,0.00014063033626880034,0.09711119638665415,34.28578700132884,38.74882339669444,3.8098850595716653,13.980824611834088,1.9907974977412392e-07,0.0,0.19642233681799962,23.032715291122635,49.7509774658536,4.4912840237981,17.34370053844562,0.00029338631665430594,0.0,115.56437997791309 +0.9807861410604785,0.19736784643998614,0.40545244310467565,248.64700931506908,148.96241076239295,237498.8677550573,1.9541664261082246,84.62671471405699,2.651582617986902,87.01370391860245,0.35217153864409045,20.812826036543385,0.4423208706479638,0.8284171343111915,427.5916193781028,97.8776265113817,0.3263946170530495,63913.55260094763,1.0966441046145334,98.68777070624864,1040.9151093561627,293.7660212536928,344.7596697026995,38.40098086803398,0.2589797887395984,0.19277240932493434,2.343237204864795,26.613581633190424,2.5562425875258494,40.782560913349876,0.0,1.2586903243864545,0.13120555000101583,9.793481182756372,30.236733195043296,0.21757377216674995,12.067612455621159,1.6033010066721712e-07,0.0001132097967789073,0.20601555756492532,4.656203914864401,26.35537919224053,0.24261990307323747,40.11452285934489,0.0,0.00014063033626880034,0.11432342227769768,29.011613993313,38.08137035893544,4.082693489175866,13.08527387642992,1.9907974977412392e-07,0.0,0.19974976035973271,13.29551366309556,43.19982088142413,4.175553548637225,18.775133877678854,0.0,0.0,103.72714014107298 +0.9442560406834529,0.22997640692148708,0.33483555140313315,130.7822175581556,221.62772400824568,274745.88349637255,5.316321691173303,72.50379152711496,3.2036406289825194,97.96514102925615,3.8047459683650673,28.215601803079586,0.6690627876341337,0.9926181815202069,833.5679679647035,56.1740308004751,0.14680936058377395,123845.88477899201,2.870727923125262,96.16214943581204,3752.519387331511,246.37957539729405,349.13988340371384,53.09029896494734,0.2685948956625798,0.1879694237162331,33.84079635310363,59.4572590960782,2.942761864168418,28.04702521615185,0.0,0.8950879163317867,0.08148670873953577,28.92439707163933,56.588859281439674,0.6190187765329306,18.50106051864084,1.6033010066721712e-07,0.0001132097967789073,0.19399256133716328,33.710803803194054,61.19759188596861,0.309540488169409,23.39748151636028,0.0,0.00014063033626880034,0.22387311889157582,77.13175705454427,58.05240424850969,3.2299552684719637,13.202762400779383,1.9907974977412392e-07,0.0,0.1493942801842274,52.90125059812497,101.77998801867373,5.5213471356089165,27.285640970339355,0.0002474797071441954,0.0,196.78450753600833 +0.9366433603526377,0.24001466379835354,0.3407897922735086,224.93509426768864,203.98362035135122,273990.1824950429,4.261774159802379,61.92662350714476,4.051263876279307,74.16638582140637,1.8636438560419182,27.23974656942797,0.4660021997040357,0.9238913115287307,632.7013092931708,50.50872266805942,0.3109162353507027,194867.56304921783,2.743774178685734,55.04330988900999,1538.0894466598063,209.33296782910048,342.9042915844804,58.198692835643044,0.18944840230366577,0.191818950591953,29.448869247696546,51.51707291263263,2.9651653094121246,20.11040650718081,0.0,0.8939802779110091,0.13058199520461786,30.14903168775514,59.53548200325865,0.601324249693999,9.489476667276675,1.6033010066721712e-07,0.0001132097967789073,0.20315265929365084,30.54293660861825,51.22803100278297,0.30145278753346066,17.31721246838579,0.0,0.00014063033626880034,0.11500390997421137,85.40713166357581,67.19046200934287,2.8327288888760482,11.549392037294442,1.9907974977412392e-07,0.0,0.21361697180653713,48.73918805364351,88.88168898789205,5.421086247058055,10.974021984843729,0.00038694642927293154,0.0,186.311718461984 +0.9253487594316512,0.1927056336735336,0.3906792159348648,216.99641125850403,180.47933660944736,215320.91878074425,6.565753354116664,48.010248496959036,4.5884599286154195,9.49834118278605,4.738321390979024,24.647487838133312,0.7781969429582746,0.46154566921511764,902.7447422734031,96.12759598894209,0.2608780810220628,67085.4752787255,2.288549664051015,75.80240845751447,3082.8173376636996,261.8470170106452,348.28228684110996,56.9727613383522,0.34450293773209884,0.19799321290056882,14.14357573818944,31.692931713601507,2.8447870751151227,31.374107549302988,0.0,0.7393053293170753,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20920878883175822,15.94455774619916,34.55055466487901,0.3917648052652379,27.778843788224087,7.793043958153175e-05,0.00014063033626880034,0.2659706467931134,39.587595103888496,27.24656246459416,5.3453350991719875,25.407039765093934,1.9907974977412392e-07,0.0,0.21671222488188638,8.807737180919903,42.974477565416144,6.394606211585749,34.816247921314755,8.276891802387566e-05,0.0,2698666337285.8823 +0.9456933014067164,0.12653092598209806,0.34547432266640604,204.81743389557496,195.3424548363917,308885.63159963704,6.955348258633592,74.71998823693087,3.6754197459954376,77.01338576729702,3.068806524267411,9.508917894573042,0.3438304170613727,0.719096888602756,827.7145594191288,55.99431886560603,0.22203656351347523,52514.261928194246,2.2766352580870084,66.95234333021722,1382.5177637983968,22.550809868665468,228.42858343243572,12.713104717169264,0.254021450756509,0.19997037861521139,1.6084194936578382,24.09288563158894,3.261466484275297,4.605599958480351,0.0,0.6912669075176535,0.14121177200774385,2.198792993860897,12.777606244613178,0.8473637191011167,9.529623834328033,1.6033010066721712e-07,0.0001132097967789073,0.21218453588178313,2.2188465689760006,23.700115533333598,0.3460950920498223,2.270608419971459,0.0,0.00014063033626880034,0.34430694800793105,1.1784578970073865,14.388821247977845,17.355802172995542,58.263752883837505,1.9907974977412392e-07,0.0,0.1293594932101987,3.6347265666128843,34.503854436217686,8.034703112126111,54.772631687266426,0.0,0.0,98.08052492738908 +0.9800948881466076,0.2074585871053971,0.4354608656164307,225.71694045052564,180.67525199765973,340396.0731872383,6.738275344636605,99.04627487649105,4.730173362012197,99.35418734574924,3.942207051532999,5.027547509725377,0.6114137792412646,0.9314093929064649,715.0705507936549,96.289433941249,0.3208697508177177,281792.29483028053,2.857481215281641,96.42810032573969,4576.060532549866,213.40449791776192,224.28472535799017,10.700465090674669,0.34159020674497026,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21237643540227535,5.318237509915726,23.399198594012837,0.32824266839286736,4.991701654393887,0.0,0.00014063033626880034,0.35413136148748536,6.396546238745584,13.864989301043583,20.502914203260296,61.511927347620606,1.9907974977412392e-07,0.0,0.14181294520318483,6.993322103339232,33.046477593490174,7.01510289035462,35.04994871695502,1.6489374214056976e-05,0.0,3816490534509.4204 +0.9800417838726971,0.2428135721493755,0.38833840233156663,246.63744210319933,215.08367957384831,348616.2081059768,6.960285878240072,6.31260062377595,2.150370912969044,72.9901694969859,3.941788627677229,27.640303484960977,0.4705710758700964,0.949399817571064,253.63525608494265,64.08370493178342,0.2989955989721354,273665.5545195362,2.28768119405086,99.61113509332226,3990.32705605683,11.811303505684407,348.8915815713619,52.301206211482835,0.31036586773533487,0.19174777220086664,24.62370545740551,45.90389176200329,3.8798360501187577,18.393023587697932,0.0,0.7543118615672854,0.1280144623319716,15.636277269204012,34.93677558618639,0.8328652610826945,4.114763262368218,3.334187012504273e-05,0.0001132097967789073,0.20391735973624428,25.728686417814114,48.87804336960948,0.33983120517697407,15.992345341237366,0.0,0.00014063033626880034,0.353634366190979,55.42475236346751,31.523634992983677,8.349014477162493,33.175922708298835,1.9907974977412392e-07,0.0,0.2156753868991857,25.46581269362278,58.31409551207294,9.683243283721023,7.441837734400088,0.0001762918776065283,0.0,131.4969940308595 +0.9177078342289954,0.14905510780862485,0.43841098569285064,136.36324284364895,237.51679541052613,316986.6742996025,4.113322320650943,94.0750260659245,3.5657494053239285,91.23332966411479,3.2490993563787667,22.33535936707508,0.427952790875645,0.9953460620282741,835.1662580108373,96.05768655401413,0.2866001910549542,299841.79664162843,2.8476788996323634,96.72459879030791,4750.825514076411,280.8420629647151,347.9755329199968,59.05709877728434,0.16211030922557726,0.19087547957924167,32.32735577109876,56.43370917285044,2.8724980034254637,13.361645385530707,0.0,0.8383466980685702,0.11640021953268502,27.99908992772757,52.41626320113937,0.376924990028933,12.814186576260038,1.6033010066721712e-07,0.0001132097967789073,0.20152679447624927,36.467121321378414,64.86258886317742,0.26524042787002255,12.58778526424201,0.0,0.00014063033626880034,0.2528041713409155,97.62176864763593,62.82924744727225,2.956996027722223,8.497216306835002,1.9907974977412392e-07,0.0,0.16506969503121358,56.44409130255584,101.81545877739997,4.731112899710629,12.894490056048005,7.231582112401991e-05,0.0,202.75163131512156 +0.8850520551788272,0.11869282637268881,0.34621377021331184,126.00247422411749,220.4123966874137,309031.8933200408,4.201719967694611,46.100020542181035,4.507989120770315,49.02148700548787,3.6883675929155526,7.414263802322657,0.3208047008040005,0.8487784370143772,658.2429744783527,19.931713434775475,0.27314932879365933,65656.34387369904,0.9639729621868884,85.41762046381338,1371.7292079529684,263.9607693452913,344.53653379584716,39.13104791552197,0.15408552155669766,0.19875857245616785,5.740253479783415,26.056983269567542,3.184919244979613,56.057591890862184,0.0,0.8355729328965878,0.14229555414272912,12.07669444204861,32.315402070579964,0.3725941143249473,9.46989114786557,1.6033010066721712e-07,0.0001132097967789073,0.21192302241451808,6.855131544183784,27.490305862640934,0.26608293028595126,52.94325552948985,0.0,0.00014063033626880034,0.14630487545515217,48.271394035033694,45.07599848572783,3.228511702394185,18.295218861615243,1.9907974977412392e-07,0.0,0.23075444862277816,13.258108266070286,36.631194335242874,5.21931391358825,23.49869356591327,0.0,0.0,124.72078052137152 +0.963343878893639,0.2330761995372701,0.4241496771979411,247.974875122563,200.7106147120113,346858.83599727514,6.89408451167967,24.414407831293666,3.9240066629497177,31.118765995995567,0.39912078526370465,17.654626826773878,0.45564474520014403,0.8912554319876723,806.7377918222987,56.70401243053026,0.06685246780683929,61235.065255103764,2.9361589532410215,29.934651022512128,3109.994116126648,116.6615002905705,248.44027928926351,15.668652512463478,0.20238685096847836,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.13446578803676093,2.498387494878336,13.237735981577773,0.8080757213834292,8.280001513391808,1.6033010066721712e-07,0.0001132097967789073,0.2084456966657849,4.32201273856487,23.99606358511578,0.3365012241466353,2.6851571633918705,0.0,0.00014063033626880034,0.3508566333773578,0.8526228269723812,14.186177216003681,17.651268091583262,58.548910439403116,1.9907974977412392e-07,0.0,0.09749573564878775,3.564408966537237,35.158990175670134,8.651283408200506,55.79880224727692,0.0,0.0,2698666337285.8823 +0.9134146569558528,0.1935905088714706,0.3527712954338998,187.6057456998475,156.20349537814823,332999.50900866423,4.299132207903643,72.89239137432922,3.164992835235833,8.772513499801052,3.3089776092560976,27.24804434315257,0.7887366797363915,0.8852260338611191,743.0138779154687,51.47101178772529,0.05814520552065548,268486.7755615638,2.788337013949202,86.78069689737494,1863.7050456196878,263.45657223600824,343.54686406955494,54.05331084974054,0.31882354639075616,0.19815284392842208,43.1277678242931,56.91261853427521,3.153150828118446,21.210416637314303,5.546647993947166e-05,3.306683995460025,0.12660398771086506,19.1056138320689,40.26159155851569,0.3720208517313215,11.138349983951029,3.334187012504273e-05,0.0001132097967789073,0.20405988003126832,31.135343941045672,53.05885054190618,0.26637725453324496,13.195433681597331,0.0,0.00014063033626880034,0.3499995049184597,62.01422857325443,34.328639251316936,3.4309969343625064,24.240704065579354,1.9907974977412392e-07,0.0,0.17843851854652334,36.196243308593615,72.51707344663323,4.877908977721062,13.293384470599554,0.0,0.0,155.02299431628802 +0.8627264896711149,0.2323328657278112,0.3594070179688839,128.89920384900879,126.75929118353896,130875.99135678765,5.259953570710258,45.00567079880535,3.1087114008569214,96.90679756386632,3.646858769229976,28.07894554727743,0.4837505293984408,0.9148137557337004,679.0594559617448,48.9481787761892,0.24373742937429907,281723.5213169501,2.9228321749142445,81.91680118078743,2784.7033102230116,258.51493784297713,348.86441487331234,51.371808284677805,0.19374302646859923,0.1939490827214602,37.28295357668622,57.177298140640936,2.950788376612831,16.818935480853792,4.608537441487001e-06,0.7672969901290679,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20506758539532186,40.55721890621445,62.959901908852025,0.39711974124109745,15.192470436138217,0.0,0.00014063033626880034,0.09755512163605105,97.56998793749874,72.63130913617996,4.166519631618598,6.8493272896316535,1.9907974977412392e-07,0.0,0.20204615245425175,67.95506831266948,109.63256643986131,5.119976019009871,14.401974091784599,0.0,0.0,2698666337285.8823 +0.9715026788389687,0.22940398963416664,0.43402890832356544,202.09477632116284,126.77533625568577,154164.65539855044,1.5450939627969384,41.668549184912315,3.8472648652029955,71.02291514045332,1.2517818701274075,24.352465769358613,0.4400769795296763,0.8516088252908498,750.7905122904842,93.37545834576173,0.0900838626147725,61442.63507647176,0.867123264228031,99.40872651024677,3192.5664358910904,177.91091555709363,340.64507128849806,49.74814135192934,0.3395615249018341,0.19445060941368011,3.7469717665817006,25.834835051890504,2.4538855828020214,53.08891916770079,1.2277063640920905e-05,0.9127623745194545,0.1305525575779572,7.881947643815292,24.81941616060494,0.21686377030102988,7.969219076715327,1.6033010066721712e-07,0.0001132097967789073,0.2062504526839234,3.6349409382070825,28.316625975751645,0.24690504327668505,47.769365824894166,0.0,0.00014063033626880034,0.11089188794556658,14.796763196124177,27.5277469657569,4.62244571535902,14.001860649483636,1.9907974977412392e-07,0.0,0.18517966991999824,2.76572268477063,30.399436338061548,2.8359450771331702,16.544633947225616,0.0,0.0,98.75876920345215 +0.970090297613033,0.23684021352665305,0.3734969785213652,28.794188675877777,225.04117760190988,309759.57739115955,6.284225250065055,77.81180608017493,2.4980045254276275,87.78980628798469,2.7119103099587134,27.621424265575065,0.693189326697677,0.964399127413397,230.73357547533107,80.07791450021965,0.2638853916460706,293975.8003175583,2.9865938251753383,98.97589792197569,1746.2149694645916,255.223574906626,348.0074802934053,57.480927770453846,0.23168083643231457,0.18940380936751403,34.90304515723699,61.52885770455955,3.1101260274824796,14.986915122159791,0.0,0.9116154821184043,0.10694350687275275,26.11821781187313,49.984748237523114,0.20318495504013925,15.501252890157934,1.6033010066721712e-07,0.0001132097967789073,0.20135580533141087,38.74163130582661,68.90949401006507,0.24945917085682026,13.859983549607357,0.0,0.00014063033626880034,0.3230391569550761,83.84412550131233,53.40396770104353,3.486650552580339,11.312344756506377,1.9907974977412392e-07,0.0,0.16110898203342022,46.84232004779979,95.12861711366823,4.5069089335632695,13.706819472450912,0.00013981573119517619,0.0,191.2477600381369 +0.8738268683126175,0.12653092598209806,0.4415425711833689,163.61764623098435,73.89498956703612,193799.06162952574,6.955348258633592,60.79180271779499,3.3794510802959152,89.8734074748466,3.226308499041062,9.81560759257726,0.35718636485110655,0.9984746821035619,943.1248285969267,55.636862501210594,0.14100229069841097,84168.33950605677,2.264630959994082,67.78820648136353,4785.3188855123735,22.550809868665468,228.42858343243572,12.713104717169264,0.1683785677824234,0.19857569397230634,2.9838823717402576,24.10431033746339,2.9323988631168394,3.0744486226530685,0.0,1.2469213679031423,0.1393118392766705,2.7922171094829347,12.292999360086469,0.8752147620590639,11.373196942258708,1.6033010066721712e-07,0.0001132097967789073,0.20984854672156905,4.138866341625275,23.84085505709354,0.3685675459876377,2.059381792153667,0.0,0.00014063033626880034,0.35542004701777474,5.9932905798043485,13.706298401599877,17.52388506833317,58.40903779275318,1.9907974977412392e-07,0.0,0.1323439230597552,3.907406362199137,33.077312411777434,5.308166144489736,46.67882729610346,0.0,0.0,93.5288608566563 +0.923744680444229,0.17896786013214935,0.33369820552325064,232.9242126268797,136.5326581175108,273484.07261661993,6.50371016118051,98.35337104582005,3.321869555954127,55.198566008408335,3.3429657192992446,19.933929521959424,0.37443465736983617,0.9733873108489723,532.0918175230318,50.02685151375672,0.323402910201359,61558.120454172764,0.5897315072163323,55.7068035486716,4692.655729540848,246.52327241046368,347.42551002782915,32.6861765836016,0.3337938827961506,0.19320593624069524,6.0001528032721225,25.04527998259737,3.2692670961928387,69.50902955429197,0.0,0.7419402645441708,0.13413499308818363,9.442073653974054,28.752967123946473,0.8095265230306891,9.765606089142612,1.6033010066721712e-07,0.0001132097967789073,0.2048075952409422,6.431992203728394,26.13112693465147,0.34478732338079643,67.17361769996306,0.0,0.00014063033626880034,0.08387601722809956,31.490463431567346,36.32291808685002,3.675761603143157,12.04021894453227,1.9907974977412392e-07,0.0,0.20794275130029227,11.179862504089089,32.76650619370749,6.729943320206279,21.878976506361216,2.8373731931505518e-05,0.0,126.28057785386608 +0.9890219694980487,0.20533860245920618,0.3908923517825996,155.66552771735422,28.40255362508914,227572.9751826315,5.0260010309659435,27.302936477747743,0.5330559373783854,31.429381601123463,1.670980082630047,8.12030868669908,0.4096232882203826,0.8220844840196379,458.9270148652286,27.764020210032353,0.05203714977747233,165075.81094334187,1.3609905788931558,80.77339604367401,540.0773993836831,98.91492839866672,272.75759515276116,32.534406934078014,0.27660105005515356,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.14235000937171072,2.5807305587692695,12.595912405926533,0.30856965785429225,3.974958227062008,1.6033010066721712e-07,0.0001132097967789073,0.21167726213432136,2.8656778334927977,23.09803070847587,0.2880229311896305,5.70505630593599,0.0,0.00014063033626880034,0.3495877112341397,19.49750431065459,17.190614437486293,4.0510356146159205,30.74042439794986,1.9907974977412392e-07,0.0,0.22745881573094828,7.82630272291712,23.3346283373441,5.031831067142224,13.2712189735713,0.0,0.0,2698666337285.8823 +0.9711597503055602,0.15249982022805825,0.3446531840286314,192.44908766254167,40.35204909740409,133525.63380947168,3.3232983527655824,54.34679999188983,0.3932135122838043,72.11466541941999,0.28353553567808154,29.15344816746044,0.432221292845354,0.8066478100419312,845.2347653278164,27.80075757446427,0.3080690019309944,286582.4092368653,2.904171073712581,92.39045615960481,4970.349567505319,259.9345798948633,342.93630514802555,54.926525057536196,0.1586388719819804,0.1926238911744117,30.071145638786284,52.04955842309156,2.856802302429174,12.564809428230951,0.0,1.14368187509934,0.12624200720256756,27.768880506527644,51.00953117339695,0.4587175205272175,10.636474792595878,0.00011094781514535139,0.0001132097967789073,0.20282224370069113,34.81738668146497,60.79846303718026,0.3138248192129215,11.350786786602074,0.0,0.00014063033626880034,0.09742951458670866,87.33268424860663,64.68688701286526,4.758429440142458,8.291941847623663,1.9907974977412392e-07,0.0,0.17643709719628528,62.076393074559185,110.88919097452431,4.59936376610672,12.983955463743545,0.0,0.0,201.36384436443475 +0.8699971485566238,0.14298885524626265,0.32669482369540076,196.9830846184443,17.90201603116482,295189.22703305434,4.1031979084382035,77.80114212270212,4.0628431934801945,17.19846738880054,1.7271555083647854,26.168034826009787,0.3160167099455782,0.6717766827360084,972.6450834272664,32.9003879885112,0.31421913832053444,192780.42030467308,0.6647151956930447,98.6876791912839,2166.6043568065497,166.24350064280725,339.6550670408633,57.888891779859144,0.1658006485269548,0.1967786732622057,17.154319923826712,29.995841624665626,2.9428255191510795,37.83235397204014,0.0,0.9312003342264802,0.13193820558315364,19.052815088561335,36.65770529540056,0.22398995437551936,5.134331999098174,1.6033010066721712e-07,0.0001132097967789073,0.20983382312146218,17.933293220745266,32.3168800248966,0.24942266770309166,35.560130868617534,0.0,0.00014063033626880034,0.1382075812268659,56.95804288465002,41.28994389872942,3.857681966921089,22.710834397618722,1.9907974977412392e-07,0.0,0.20776139775549005,13.003404498111701,38.94095040221599,3.5107259914445352,13.864992552723926,8.382625902896804e-05,0.0,119.8689563649446 +0.9836997223843601,0.24547054034221044,0.43593161674877196,230.88302883252535,247.67216453283433,347108.8558218329,4.947872712898637,16.164283248637005,3.181201480165128,47.52146321401488,2.4769332092157077,21.420334275252014,0.47008965891769294,0.9043936901588908,280.2393232634219,92.13744562434141,0.3382946065397282,293383.7235545113,2.8959790047879714,93.81246377653376,2167.7767814336958,288.1946603610794,345.19709879254515,54.04731792929451,0.2060025976120321,0.19340339428002215,27.11148856642168,49.570528627379495,3.434929939932963,10.870394214532945,0.0,0.834197333873823,0.1195989845708886,21.455561458046223,43.421600752135475,0.5961659454780139,12.466566257988408,1.6033010066721712e-07,0.0001132097967789073,0.20267374901688567,30.788170722348003,58.66181263553994,0.2960057113020164,10.453553435276064,1.7465398710728617e-05,0.00014063033626880034,0.3484983338737304,81.03011565101434,47.26919963278072,4.883356092717684,20.297379436234515,1.9907974977412392e-07,0.0,0.157607900866037,41.33977306548258,86.11265970857521,6.754832648536843,14.698548263847476,0.0,0.0,170.133272379477 +0.9896921805020238,0.1886230767452851,0.35580717982897203,198.0657979818257,225.92302321881073,280909.47498853283,3.7717591271472477,67.86422625749688,2.4177776441828156,55.64495959793751,3.368857482544433,24.120618111061944,0.33298835253360803,0.8116552706061136,884.9287037705062,87.36229307885738,0.2671868679028924,254131.24603760015,2.845950308942127,56.585719530804845,2782.7848516631802,226.94579654104683,349.52662439172525,59.33058525009452,0.21053521639194198,0.1939713295070869,32.83052276318594,53.349728751777704,2.7651130532238963,18.09671324439483,0.0,0.7996819641343595,0.1282650529298042,24.192875019695258,44.9072129538986,0.49043223978225114,8.331984245069885,1.6033010066721712e-07,0.0001132097967789073,0.20531227695879695,33.71197932455333,56.33660265607134,0.281221651472819,15.774138098988244,0.0,0.00014063033626880034,0.1954902506214474,77.35418349960099,51.29583646643064,2.8946062655073246,5.244866460592172,1.9907974977412392e-07,0.0,0.19869717494523684,44.050992060893336,76.20604668295036,4.785961415552937,9.815287985575491,6.383998237219058e-05,0.0,167.35809535753182 +0.8870022545387931,0.14042963746801526,0.36664409703847367,63.97441041090005,135.03767422860295,320075.74107747665,6.490975763810409,96.74511717611742,1.9752180786757434,10.779846492208954,1.0637826672483863,25.905418386485746,0.36492048061755245,0.8126995207232542,74.70394311072778,4.320530038902277,0.23979874979717122,249204.55506736677,2.8437356485556715,91.74737600255129,1768.4725576408237,207.96649215179056,348.70414609348364,55.61498087807545,0.3483378833181711,0.19374797832351043,27.08780362002326,46.53519679438707,5.046776509677081,14.682035244110885,0.0,0.9256009906197036,0.13081983377796938,14.9379472960512,32.333949742749375,0.36759424314545247,12.258230214865376,1.6033010066721712e-07,0.0001132097967789073,0.2050773970932773,30.469163134171897,50.676346499292734,0.2745496052080465,13.42882438537347,0.0,0.00014063033626880034,0.3470535015454291,49.64726966578575,28.80172930113116,4.938922057438878,28.937291872202437,1.9907974977412392e-07,0.0,0.17302032940126075,31.056724244558957,62.90734771922338,7.151016937243785,14.798177675903101,0.0,0.0,132.61008492926894 +0.8983805356789952,0.23594248748672153,0.36375539321450234,162.94335759479458,110.27437863189549,100108.58244872192,6.661964126072268,72.45197298933718,1.3629605597975658,53.87659076123705,0.7626494449565269,28.688320953319455,0.37905093341373614,0.9750927453084921,955.8355465022804,92.1192580453889,0.21535874449529624,155235.50592905306,2.50330875969789,73.79581404447089,568.5770183163852,285.561830444787,345.2001094967598,49.64327970108089,0.1597222688486052,0.19120240132278443,26.360006651651968,46.503540136386256,3.0769608147896776,23.537317115818123,0.0,0.7886620159601666,0.12290451661966383,36.34607915808955,67.2498725541332,1.5614209128254002,12.670942891759221,1.6033010066721712e-07,0.0001132097967789073,0.20277338323000182,28.516408637763263,52.832811369199405,0.4701555863565292,19.096322501172093,0.0,0.00014063033626880034,0.10718348494034857,101.70285152001088,76.67953149613042,3.7685831089758794,14.73827130516423,1.9907974977412392e-07,0.0,0.1939072323247451,56.35202778911169,96.99993942518579,5.176281619724731,13.080736601652559,0.0,0.0,206.48171845717457 +0.8970691770718177,0.19182918585436592,0.43959619740791034,223.17990686816506,238.28041337314684,329102.84948582144,4.5743886658743484,65.3618285824593,1.7967686740800994,34.419652500744306,3.155935202773175,8.25542517208526,0.6051746939071679,0.9163524160436204,112.09974040117339,46.519169456506525,0.3065784145240705,193296.09793323354,2.87070087260118,97.14516877159036,3413.239602690194,113.87958596656838,220.3898350435889,13.917534994645145,0.2969179820535466,0.19814616403346433,5.94564915446808,24.469961072567163,3.7117381747187013,5.348498501009505,0.00015010710562288036,0.8831835481939329,0.1390909077746943,2.6594977165172096,16.69948896914317,0.5591176411466677,20.119850807132952,1.6033010066721712e-07,0.0001132097967789073,0.21188802446190746,4.519783161522614,23.402920804327696,0.2905692712294771,3.7858527578577963,0.0,0.00014063033626880034,0.35080335194149875,5.49020390748925,13.930399563628562,19.451408343390415,60.455245910585354,1.9907974977412392e-07,0.0,0.11760831966978254,6.629068163844373,32.86064900030489,6.693776252379429,36.81119597025709,2.3507945408003362e-05,0.0,93.44609522507302 +0.9008746401321452,0.13367244995289795,0.4067117071581832,163.3487263337167,47.51159043848734,329159.40694237733,2.0745748042444174,39.588479145522655,2.029832190581054,9.423164407843009,0.3620011983874086,22.966047426821646,0.4054946802820972,0.7253007834161748,659.0331179377745,76.74861648257242,0.19160055258916545,84487.89508711023,0.8180928928148068,33.477032711618506,628.9685037972627,198.30667146290472,348.6951389159404,55.12999984932861,0.17602944219111408,0.19645443050809447,7.269593815759537,26.541475201955915,2.7770450587143305,54.37060022955003,0.0,0.8158586541735233,0.13597041894163642,14.327124643459959,33.061787637402944,0.3939547805278522,8.719400992978187,4.8777210024925996e-05,0.0001132097967789073,0.2083354668113478,8.5291500333483,27.804858885707226,0.2346742312202883,52.12019498758686,0.0,0.00014063033626880034,0.15040057052953137,39.957446969034045,36.9872037141809,3.679853604714305,24.761606126352817,1.9907974977412392e-07,0.0,0.21685660946454374,14.154106111487131,34.221069427843965,4.105681021273093,27.111466751129036,0.0001412130404194362,0.0,119.88995981773631 +0.9445203435582928,0.20089463313975642,0.368805313166487,240.02797026808665,12.859976619834612,274896.0413709618,5.203176627266206,40.00070092082794,1.9780153221305294,83.89916383471825,4.73097850818459,27.995246355407797,0.4509793246147562,0.9886270228858817,898.4908813451935,89.241488129012,0.07401888128492365,186179.43378326177,0.9372300912194826,60.6117733744423,4321.553946785551,132.3601912798352,349.6040927492532,43.577369552333295,0.26022350595827376,0.19548229415325552,24.777050135976406,36.209713750932124,2.8773994676978294,43.567297832809444,0.0,2.764464732545094,0.12599623699495263,18.05890409975103,38.56448364605573,0.18194119916879703,5.437560932729494,1.6033010066721712e-07,0.0001132097967789073,0.20278392314907662,16.58304328944651,35.74451641435464,0.268162518232569,31.961763560895815,0.0,0.00014063033626880034,0.10502390951145858,38.863920608629186,39.214756295351485,3.8682903041931214,12.13710682793287,1.9907974977412392e-07,0.0,0.2016514963212541,25.168173123410842,51.33523043674089,4.39112535846489,14.064358026830147,5.645758311030182e-05,0.0,122.28150582327703 +0.9390548398262912,0.21218259901761718,0.34601297358474936,115.87631594753343,240.32536792048847,345646.08811616525,4.786995831801723,46.93911002252793,3.3631439028005743,61.56428276167492,3.853883642377384,7.8982352259827575,0.313501547943677,0.933096104142216,942.2316691872035,66.13512228541872,0.2074988005561692,80551.27890472484,1.4303149715582708,93.56782622501773,1495.86041246489,263.2060941520687,346.42208759814713,39.34104535715945,0.18372122393712775,0.198457295078139,11.324813117755895,30.43454041683537,3.0217634134241234,44.02166623454395,0.0,0.5854745030700798,0.13944335218701226,18.68250930346974,43.06456152618377,0.37173549004306006,12.637993890386761,1.6033010066721712e-07,0.0001132097967789073,0.21135942817734207,10.260399098958437,29.07697782427412,0.2655869738231989,38.39843716486188,0.0,0.00014063033626880034,0.1325403734817706,61.831341040947706,56.21018643296943,3.079541249629318,14.137522482684716,1.9907974977412392e-07,0.0,0.21849272885489213,23.137965845019032,52.97375695575129,4.9051261189612685,17.76642851324517,0.0,0.0,136.61666281945205 +0.921278776414052,0.21802233807544735,0.43913924571239815,205.72708033843534,241.03765047428192,286773.7593057594,6.299053632837398,80.40132961791687,4.848832187384483,85.64607738079218,4.668163788604111,22.21735930508084,0.7703989786243726,0.8394416270114161,965.4587948295937,80.27363310075087,0.3421549591342037,65268.71248955145,0.5866967123744553,68.0665049898447,3840.2368226450526,177.12328186040574,220.20489649675352,55.18620248418972,0.3399633848015399,0.19534271212161894,4.570977695608165,24.606527301838163,3.060194375795325,27.19320975682349,0.0,0.7810198711400425,0.13509540081889515,1.7557489257846506,13.950528180408517,0.8915017184500167,3.598480911634538,5.119406342813676e-05,0.0001132097967789073,0.20941441985737486,3.619632064566084,24.15579010950097,0.35128679071716523,26.455608344109233,0.0,0.00014063033626880034,0.34686497381471726,6.272236639076909,14.660792644591192,14.116132125751196,54.70248041643665,1.9907974977412392e-07,0.0,0.12535112424734185,3.2070579116832514,34.9633511991861,6.486410486286304,37.130120516365224,0.0,0.0,94.78118955487737 +0.9117281857535506,0.28204873029257305,0.32801028193646625,49.234744258685126,197.3759092741951,179133.31449943388,1.783844491468754,60.484732638266166,2.0877597502327423,51.07164570362035,0.39245648834850166,28.610101201835263,0.32640033320341155,0.9723822677448661,991.9466498431534,76.67033246346634,0.2135230361202453,51418.258257284135,2.752979049489032,80.24584716268629,2075.6506520398166,117.3150305748992,341.9251388206576,43.42978215724168,0.17724385708184417,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.08358536640175117,36.568189348596434,64.2195381905615,0.29738511435043574,15.50620107627488,1.6033010066721712e-07,0.0001132097967789073,0.20313894197589016,23.26214812136597,48.89442071660755,0.2370848303858816,19.520866302076854,0.0,0.00014063033626880034,0.23373634167709428,106.19693041250916,77.21626704719492,4.5769347684793145,22.208765151803927,1.9907974977412392e-07,0.0,0.1486384332475529,47.99021430418133,95.02119066465904,3.521172349174741,18.160851051484165,0.0,0.0,2698666337285.8823 +0.9777986017910263,0.20328856897567132,0.34978792544675585,115.50250846918578,216.93597586918628,282576.3929812218,5.8358807125418055,43.108522411486014,3.5802966954627404,72.27965466060847,3.912467598926762,25.151693005860427,0.3541645311720468,0.9723129957346137,701.1685120118254,99.1730262825166,0.2540671365148449,286276.36732567113,2.5232446510807396,94.48728558866421,3620.0139423782707,272.1759561638674,348.0775107256444,54.7456171853337,0.15509230609564034,0.1905323191655535,33.458049662254716,56.92136717914518,2.918320608413336,19.17702188544847,0.0,0.6712802979777294,0.12456773351642039,33.486349288001655,60.26046781435111,0.6207968710604352,10.008265901298657,1.6033010066721712e-07,0.0001132097967789073,0.20336102443678497,35.225586945660325,61.51817282644226,0.3114141145411684,16.929729236447425,0.0,0.00014063033626880034,0.08803941715258935,98.80682442989658,69.38372697656408,2.8341346220488712,8.697801043201185,1.9907974977412392e-07,0.0,0.18582965462304787,68.73837953032904,114.34374623992873,5.128862695897072,11.106527517917659,3.835351860444757e-05,0.0,217.9708376909259 +0.9019527125884856,0.12709733382016575,0.3672633351084874,130.88178580463332,114.79057290506879,332213.1193041359,6.41288792927276,93.09391944691151,1.8420134052177026,62.68195051027602,3.846913225839561,8.37096942421916,0.3133752727503965,0.9363719940870451,803.3906164139919,7.604325648758074,0.18517981005795325,117591.93864605605,0.5748149188812115,96.0137531188019,926.6008483676787,257.6525334129417,339.5707122367218,59.55398911428286,0.28827078619653,0.1981760755402655,13.228093965492581,31.847234739599777,3.867232238009146,50.336482565100134,0.0,0.6480709384856462,0.14017767701739847,11.243087279045412,28.958178981928526,0.4842225491599685,6.267753052208659,1.6033010066721712e-07,0.0001132097967789073,0.21044283863679558,11.449296350978887,29.868167555026275,0.2933081180867857,45.77307028245587,0.0,0.00014063033626880034,0.08328535377489296,36.28328614650855,37.16228949928989,3.6748262623959453,7.407267782337606,1.9907974977412392e-07,0.0,0.20501741907544638,6.860033768941023,31.39753348988074,5.742404972030304,13.324167743473293,8.208865423550637e-06,0.0,108.95289134783165 +0.8987577114920235,0.23725944104099597,0.35975899398877864,223.1132602078458,148.86619844592835,225163.93291801974,6.533334873852425,70.863674433257,3.8292920557446832,86.1426089258833,4.454925030035209,18.636247441478904,0.7949256845947489,0.9740642389234834,913.4095315551615,97.11958029246384,0.27186051482427603,288079.0961215041,2.7705130776051705,96.8307417598064,2338.8068369870125,268.1264619390953,342.1730548585428,35.48809253668413,0.1783107392253756,0.1957153439501053,25.562325206089177,45.11404646356035,2.86621716711676,9.675651797836014,1.8851438748812607e-05,0.7230945956380166,0.12974868755423874,26.584798414657943,52.68087074217207,0.9995373684473651,12.062868510765805,1.6033010066721712e-07,0.0001132097967789073,0.20680889703001484,28.008949802042174,53.26496507207277,0.3761813678926489,8.083014185634235,2.0402651519669658e-05,0.00014063033626880034,0.09823352870845181,107.94220354004115,75.63756857471651,3.337280609599902,5.798512559892692,1.9907974977412392e-07,0.0,0.20361647995295354,16.12063367055613,69.65993085270377,4.949537739784123,8.615404178790381,0.0,0.0,180.92902500656535 +0.9390260921812321,0.16634083699661534,0.35024851760256664,44.670574773965825,141.63366646790143,103908.57167106358,4.399876106172011,58.61184377869099,3.191472986908092,61.50112151955207,0.3873842128127023,24.640447501180816,0.38236590861601033,0.8747805263176255,623.0686934508944,56.712545049697894,0.24634043158420627,56145.38953119604,0.7535215693340845,26.05829345210696,1387.2692115786156,279.7639531187345,341.74180891324045,47.57440251572274,0.1856558065372605,0.19108958759719755,4.832168919637457,26.960396950158565,2.7981706086593916,69.94946285351442,0.0,1.0911530262336613,0.13013001591020149,9.512401469429205,25.271307382405833,0.7723717525589233,9.925305842165262,1.6033010066721712e-07,0.0001132097967789073,0.2044501116349883,6.261446095730572,28.315104864790623,0.35321297289115783,68.06445871727553,0.0,0.00014063033626880034,0.14091844057752906,25.856560084872036,31.423134732104373,4.9559822848025865,25.093501844923594,1.9907974977412392e-07,0.0,0.2016735886660288,9.624908203584884,32.729219178734674,4.295441025967508,31.266617832733267,0.0005136448379245808,0.0,128.15814094879173 +0.9785261994388804,0.18573250058800234,0.38163393415072006,216.85686698581705,86.01540819487124,315584.70378595445,6.796649896294994,29.59965007043076,1.745858675874679,96.32924860633176,3.839093606347213,23.179653883371532,0.407347088601019,0.882447263768923,874.5258246582638,89.93521777138689,0.2512333503171914,68282.96566664975,1.7738546605338774,99.9506795417654,4907.110849004488,278.34972153480453,348.20752875210326,55.216664525686554,0.1717375121131481,0.19144271880283967,14.199291740014486,37.11147112359273,3.1484188320093733,43.08463019879427,0.0,0.6621164475705446,0.09390607520163333,25.385591461778674,52.49218656811499,0.5709560108737969,19.880875155024075,1.6033010066721712e-07,0.0001132097967789073,0.20246514311564034,15.388054785163535,39.32845186137098,0.3121857305993504,37.18701435420473,0.0,0.00014063033626880034,0.15818436007345113,76.9110619885226,70.64436131451855,3.1908020104784987,17.016614331716088,1.9907974977412392e-07,0.0,0.15763725557344985,52.01994936646112,98.08347405170935,6.063412467522811,24.53238746220056,0.00020163195697939077,0.0,185.9524331459803 +0.9127880974076802,0.13064090001198705,0.4001447105428376,175.4224882948372,222.93793094421915,342331.1619943142,5.11887913031949,55.59280107286172,1.2041970653213496,82.28793754838766,2.9592375088270284,29.508060424954294,0.4347979248113167,0.7041226936589046,668.2603653880306,28.347981629966835,0.2903570608954589,283006.26518458663,2.876967089929284,93.34729640993746,607.7987782498342,142.09551985396496,346.5942617821627,20.09809853223674,0.16268848783460574,0.19501504851722087,12.515166784326198,28.829905592020395,3.3561492375502695,4.002816413679989,0.0,0.752540490583771,0.1311355380543336,13.785209327045484,28.80352394089666,0.5270067389472599,6.187991388697273,1.6033010066721712e-07,0.0001132097967789073,0.2073502285276478,14.619241101541801,32.7957100796687,0.28828942276571345,3.509407954625707,5.272248729374707e-05,0.00014063033626880034,0.20125900527434828,102.61309198497578,65.12485111007041,3.352193493344956,6.378429947872542,1.9907974977412392e-07,0.0,0.1976363160490244,9.938637652441056,46.698753929793405,5.343056578779515,6.0979574034215505,0.0002462740385055056,0.0,143.33054450111922 +0.917022275331662,0.14635517446010599,0.3311943115474589,192.20385966543975,233.38969611179283,349625.79270646104,3.2642876813183546,59.214861807010415,4.013434221568436,12.942825068085938,3.9790111352771693,27.06083786470176,0.5285580882140549,0.9857183365841313,983.4058750803978,78.23694548167988,0.22333327432243621,56920.899817098005,2.886231041126931,42.325003666953435,3848.2588402382685,249.373297244387,344.4856607853058,52.807333098475496,0.25191963690585645,0.18592190467852976,22.976490028096595,51.25439981493448,2.9145429438237223,27.14500046472181,7.834753519141698e-05,0.6612384743945937,0.11099297041395137,35.77809884909079,73.19583828471814,0.2743834215047501,23.41929540533513,1.6033010066721712e-07,0.0001132097967789073,0.20125934382436342,25.726065893512306,52.690451685096605,0.24933041448505336,21.068869810453982,4.3755847340774434e-05,0.00014063033626880034,0.233810163142077,73.37125982323607,59.04987495360124,3.0680182895605763,19.384629583815624,1.9907974977412392e-07,0.0,0.14741293169569875,49.37882046373617,98.75634939769684,4.811678268670273,24.142001862242957,0.0002482268683208279,0.0,192.410170414222 +0.9831013907135667,0.2383710308830161,0.39727409967572497,137.7582342082689,245.34669092872977,275659.42273220746,3.2525021686732245,59.537358300762904,2.5911645234074374,92.78908892182287,1.3163739267334218,21.06919990084003,0.47118289427527504,0.999892008417322,675.9937556291284,48.621442561648806,0.23503338713679575,257901.62703148357,2.952118216712568,96.7923120823621,1870.131312773206,253.28752147281656,348.0001089230293,51.91048409350071,0.20530456990271076,0.1890776041288509,30.906096435998293,60.62597234927553,2.7822082605976486,13.792253933511539,0.0,0.8260058991766469,0.11766586149297122,24.350019462361303,45.69642051465649,0.3276038007902084,15.834903838715087,1.6033010066721712e-07,0.0001132097967789073,0.20212005451262116,34.23042552994903,65.26636046725044,0.2582293148520298,12.651384818057908,0.0,0.00014063033626880034,0.29028984956297543,83.9879531814728,55.56059946061503,3.337970250910554,10.802582693037346,1.9907974977412392e-07,0.0,0.14881301335770106,49.25392467646284,98.28536454374728,4.559486713702379,14.14491099725671,7.292980261088854e-05,0.0,189.5485347221054 +0.8917974390636085,0.16946488581212055,0.341913982046583,215.56849513164457,237.18528853836088,201400.92411576645,2.035596550063026,87.45972031177995,4.3492577990713475,65.86439639037926,2.3570850671811856,28.722399091415678,0.4397203118291894,0.9511309234896878,972.2434196508743,63.65954426102134,0.2060600702595721,245962.74407149086,2.5884760510643177,94.79957161133217,3890.037548410933,279.1289227673997,345.8539188236415,39.01135101134328,0.15024249074072774,0.18949201048726197,26.8896197723343,47.764867995605584,2.45198114017679,14.608985924714755,0.0,0.9937610869700589,0.12418961846569525,32.92723384377075,57.90566382601659,0.33543737699412196,11.444620635986869,1.6033010066721712e-07,0.0001132097967789073,0.20094110747499727,30.66950392101737,57.23283371337664,0.2565262698877612,12.687657690391138,0.0,0.00014063033626880034,0.11572721094779764,108.43996912023425,78.14440059327657,4.234263645967437,12.30296131332696,1.9907974977412392e-07,0.0,0.19228533028856895,62.544213650365506,109.71437727520541,4.131448576177359,12.85196517079919,0.0,0.0,215.2604201281897 +0.8844827744609537,0.2125666361876115,0.3777263392234482,139.83412022344436,182.7846420708401,204876.1090327294,6.9415850338237215,82.78875896785487,2.2626075977408457,98.23683466025298,1.3646418085102106,25.917737830927884,0.39626844434322706,0.8606391798661626,875.4562858342529,40.78040350148285,0.1312696455537534,96617.52560811208,1.363865570774806,86.65707783168884,2623.5846225119462,193.01308256587393,335.73062221256595,55.177608615790405,0.19363296783439465,0.19811246796766904,14.78528831548372,29.10771492631758,3.037694757935579,44.45317000517712,0.0,1.346023655966769,0.13394289009127372,16.245536586310713,35.250812082176516,1.0558068924744792,9.040917811667653,1.6033010066721712e-07,0.0001132097967789073,0.20579830272269695,12.386167254776835,29.804469905162584,0.3869731618185784,36.48244655023136,0.0,0.00014063033626880034,0.126899700599113,56.677487684681076,50.88907537095273,3.402038714009234,15.453520914992492,1.9907974977412392e-07,0.0,0.19323653446988107,12.160560091687472,48.11098321378226,5.366927865672545,11.04822132266099,0.0,0.0,125.22462484372838 +0.9243589325044786,0.17186392905282222,0.4026828817189134,230.6014770049175,216.7901607872548,200087.5825248814,6.861098307463067,61.78248168804008,2.7180534355706967,96.10200359363344,4.061361078028676,12.350805630828306,0.6658174201330422,0.9102046511835092,49.95168577565249,87.6630073885795,0.17894987151056518,130017.66840198656,2.753348656177897,94.3933455813308,3834.3287808786313,288.74983265032836,346.7835709678333,41.795411464443355,0.21561614395631107,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.0883225723685202,24.925555629572898,50.12683233251615,1.2945435589554681,21.403007998616122,1.6033010066721712e-07,0.0001132097967789073,0.20014654524696085,25.03018645971242,49.90690898965487,0.42402684607113605,15.633772752761109,0.00011444840226606787,0.00014063033626880034,0.2131606437288691,73.4729410845368,59.35023037370365,9.003974148686217,8.63751116680488,1.9907974977412392e-07,0.0,0.1797982646420463,35.57299725812948,74.66158412628074,11.61342980341593,22.805550117615244,0.00023922997113212218,0.0,2698666337285.8823 +0.9160847924970852,0.1917284045165815,0.35111140235005966,123.61077390316991,133.2417555539373,340692.8152294814,2.581753687172323,68.85627952098145,4.521107574012805,52.682425345537574,3.1233191839262497,26.959439315133718,0.34531215665628157,0.8488362381038699,918.0440105253255,91.2589655743101,0.25796062203805575,157659.0965422572,0.6631066680998732,95.69667717997471,4837.8179874911575,291.9191642942576,349.1941835377079,58.93594083241822,0.24658778913447768,0.19336855033748798,18.521828017387246,34.56232762373425,2.7916778238247995,44.29468360264941,0.0,0.9696343852476034,0.12951669857705708,22.734443983350292,44.309632812204434,0.27622452190853974,6.588892332659141,1.6033010066721712e-07,0.0001132097967789073,0.20592212748112243,19.09849166307298,35.33323826096175,0.23686830389804187,44.3528539378277,0.0,0.00014063033626880034,0.1221892505941653,46.37440100203574,41.5864941616355,3.563768592492278,16.89677865543638,1.9907974977412392e-07,0.0,0.18494787230117726,16.096586199283458,54.50125912590884,3.2949482503167857,16.471199422496266,0.00020225820918086615,0.0,131.53892467157252 +0.9133198260102278,0.11918707039026707,0.38799376447609135,140.49451897772974,107.57534212643989,135726.21128055133,3.737798754053716,13.271796315995822,2.1682274253768443,92.60584383092608,4.701250890377826,22.673176312896803,0.3429250308966788,0.6317128861707552,102.89453098317688,8.361487019219261,0.2072548697263205,115749.79507010561,0.7160728390949109,19.601415441314117,4553.120394558981,257.5314559915065,348.5070180892524,13.514816164719132,0.22001837530883056,0.19696811805476103,1.6266512511264726,24.409136086920896,3.9039284191914865,26.05136669334083,0.0,0.9440519732130598,0.13671199346963755,2.9237731850115076,17.23697351520532,0.745804604150607,3.776504970488274,1.6033010066721712e-07,0.0001132097967789073,0.21018615642034336,0.9432390533209148,23.877836915741195,0.34449058447488,23.515655033507898,0.0,0.00014063033626880034,0.13865729161500623,21.987959969864093,25.983523284203716,4.500173251823174,17.604976652794264,1.9907974977412392e-07,0.0,0.22535408907697352,1.3081585536906926,24.680028573743726,6.379190736761227,8.955716740616571,0.00013864511553141916,0.0,70.41710919198057 +0.9404909564591654,0.2051151445856651,0.3991688409247042,208.9668789110088,207.5981961883898,200128.14475300425,5.513537626862614,27.848390224473736,4.679443086070265,89.70850813311527,4.671511992581964,27.343349781483298,0.38406251998239876,0.9980420325954866,652.4778977579233,79.87506991913553,0.20306585082846218,123235.87835287231,2.904486392157279,54.22385008827247,4754.863246205457,187.42690309847512,348.26859359655094,55.514795470568075,0.16578747776403108,0.18959365067572853,25.583635765025672,47.160460517215604,2.8078199131944257,21.125130342446987,0.0,0.7472275102157496,0.11089469990437137,28.924588450437636,54.46198224557255,1.0506093898966864,10.415808972967831,1.6033010066721712e-07,0.0001132097967789073,0.2012977469698897,28.530881306254045,55.71183506652337,0.3817005586659574,16.21099277978069,0.0,0.00014063033626880034,0.13126491986229785,86.93053038620752,63.47940662452285,3.588888777649592,13.000102167833465,1.9907974977412392e-07,0.0,0.1605104067101998,57.4810731553649,109.27306516593325,5.8572013227174065,11.817490075783425,0.00022938139298672814,0.0,196.50354156154032 +0.9538937758992605,0.232631181972873,0.34425630109391775,194.30452311719074,204.67703743159646,348267.4393357807,4.848937278466118,16.164283248637005,2.129599750910249,33.519432439239246,3.317579750711075,23.189747101262228,0.4530805795691367,0.9901663083287521,610.8469027566143,80.80715295903002,0.17172300698527287,206163.8568808189,2.7923569055873445,72.57569920365904,1846.3388526547142,292.661051099151,346.3468282613606,54.97575372284201,0.19494073080299767,0.19317336393904744,34.625356415038524,55.77934186694763,3.1573493238480093,21.891224450646035,0.0,0.7101460895089347,0.12264113103010542,30.435408400880398,53.41508374534581,0.4874438374387858,12.601449629355825,1.6033010066721712e-07,0.0001132097967789073,0.2033285303565343,35.29574222091525,61.651944650560004,0.28129002780547435,17.458851657158952,0.0,0.00014063033626880034,0.0961990512126237,86.16726481810673,65.40325250504293,3.2556003558195097,7.874418626420098,1.9907974977412392e-07,0.0,0.180046273393732,61.305081239597015,108.20771578914409,5.587993950537014,15.000393898124074,0.0001875931191840338,0.0,203.9330646132589 +0.8542948917538314,0.19750876415152974,0.3635382571191747,188.54169852263837,41.047141389014016,318985.02409672155,6.289550733244745,11.622744539074239,0.9008233932918897,41.50980273149039,0.7340048322338608,28.1505820516255,0.6651085766392725,0.9185988161229484,212.63774693573168,61.85987720789571,0.32180220908957013,89523.00193819984,1.17235999887545,80.94072337495997,860.5661910387271,198.3700569719043,316.3449170869755,59.80558718090274,0.21910009179532983,0.19310138024771106,9.263098674774772,27.459881837533274,3.63438254136392,40.39547631338859,0.0,0.8043459778890815,0.13295670385398353,9.002581773998818,25.294668064845656,0.3186219895653679,6.933526131434368,1.6033010066721712e-07,0.0001132097967789073,0.20404336186912672,9.97851852659071,29.329966915033175,0.28173124858239407,37.81062344471542,0.0,0.00014063033626880034,0.12651158599072995,36.00809918459849,38.72323694894768,3.821381963918637,13.340715438705077,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9890676660665974,0.12653092598209806,0.42214248879375255,204.81743389557496,194.77733059528018,313518.82429927326,6.863188383567005,29.26049096928679,1.6523056819888526,77.73853690038581,2.9278869732929977,9.783979272188335,0.3438304170613727,0.9516234462678168,822.8614088578876,46.36945123547896,0.09637392708214682,52514.261928194246,2.241416840569301,27.291374942390778,3669.9474568972673,224.3842927890948,263.63032493011383,31.175975974308226,0.3122780450831143,0.19861367835352542,1.6022416251605132,25.044151303941863,3.3265683823106573,5.411840980995043,3.2747818853609346e-05,2.3723127543833726,0.13858734134423495,3.615517284126255,11.663869455969056,0.8232091209865686,8.136099773833049,1.6033010066721712e-07,0.0001132097967789073,0.20868586375076786,4.533139210115087,23.93632159616794,0.341888066084894,2.459335815205129,0.0,0.00014063033626880034,0.3574493395950366,14.095766879671418,17.092569916084024,11.132629247955615,49.467828203127,1.9907974977412392e-07,0.0,0.1501166283776552,1.4349426517815964,29.847919013706694,6.787417639622098,39.91020505563864,0.0,0.0,84.17460251025572 +0.89922781832973,0.16713919578945113,0.34825202590421406,175.39169357329612,227.777224139449,302241.2089526214,3.0025786431397665,72.36224998187141,2.8985189089142605,90.82976152957146,3.1182008020964487,25.985606867901325,0.40172881356945783,0.7755902915701136,973.4491929806521,36.36942149650416,0.0904920911694501,222194.71862349537,1.6653445767518587,58.75385728512592,1966.4892944691744,170.83077728241983,348.53709464842757,52.66439143524279,0.1605914282892049,0.19828393863655616,30.06833116743637,40.83370833744879,2.8192647409146288,31.414185841919146,6.31825910073732e-05,1.2329967120701615,0.13387441994591562,27.534516632884664,49.829764123333874,0.281067385339072,5.410959536808053,2.3361770431119653e-05,0.0001132097967789073,0.2071931044656206,24.876149441423333,39.241353606406506,0.25119004978448267,26.130200185452534,0.0,0.00014063033626880034,0.1340809244870659,79.2664717357154,61.79576705329364,3.3298443958202477,16.315281774717224,1.9907974977412392e-07,0.0,0.21599911691448936,38.61753941648593,67.381985681941,4.631466985515275,13.45999976880251,2.9231810142857217e-05,0.0,162.1526606071763 +0.9879196946988057,0.2557006424530066,0.4253329106635968,139.74674254821468,153.4485556595318,284240.7027637202,5.754875063693491,79.04615557153468,4.944257004076232,71.4108938225252,2.7695436056902336,22.713840841594887,0.42381614570449316,0.9610678535877993,835.669841158792,82.52072056664746,0.2146516575079007,298765.01283026394,2.924154046008996,83.44410462505182,4528.44621190853,250.1003122268306,331.78977898861297,41.02301009893999,0.3176080948525982,0.19486330646004343,14.617518898266443,34.61766077157862,2.9523349324130366,5.559817517560763,0.0,0.6186058716786144,0.1327256432506067,8.08367020150381,23.42697505630566,0.5968812580224553,7.9233723295868,1.6033010066721712e-07,0.0001132097967789073,0.2026236309917732,14.094491062425313,37.47707344307104,0.30949564173123006,4.986593140748057,1.2247594303928493e-05,0.00014063033626880034,0.35389229972539993,46.40019581256713,27.63550399477642,4.522882621380159,39.80865800232619,1.9907974977412392e-07,0.0,0.19583971715801232,15.160073979637513,39.31826970991957,5.065834192035032,8.911531453232325,4.7863109482089456e-05,0.0,100.79928009050556 +0.9391381551056375,0.11451131462320137,0.4459738356008604,41.84314064793705,117.02971562252804,307649.48762442323,3.255323305616203,42.20137253007806,2.126817184005913,87.6455427738473,1.5250287726689704,28.009961689801752,0.42484979505485204,0.9936014739986563,727.1392465057662,44.52214451789955,0.2983874697760659,55377.347501302815,0.8983208236425184,27.619363643024375,3374.518921763914,219.92503779107435,343.9951131561738,56.25373511959236,0.1720155376430949,0.18447433252250892,2.4686127747435687,27.501853099314012,2.7313187474511533,55.95782081794225,0.0,1.1832747254236593,0.1201923010731892,8.98707156220357,25.921084006675365,0.31206154077337234,8.316311260609133,1.6033010066721712e-07,0.0001132097967789073,0.19969032566816655,4.109718108368481,28.347546918999413,0.236988571386125,56.41259960757566,0.0,0.00014063033626880034,0.12546865022312587,25.12300765263245,34.83325978456636,3.797787266356096,22.48987591144923,1.9907974977412392e-07,0.0,0.17439721215334256,11.348978669628483,38.429677928224585,4.165395409170784,24.66007182368111,0.00011022075719176346,0.0,115.42705917592937 +0.9884318394442555,0.2291134993582955,0.40139231835699224,232.53885065741176,235.19830808304437,261188.90853003017,4.554802289849744,7.647544794215044,1.8375827681927352,64.63172824572588,1.3639629926032444,26.092008964640666,0.33913027162002796,0.497559195368911,673.9435949763317,29.20975100049419,0.19231398924793047,70517.2015550633,2.871054510316667,62.03055973534418,2486.618296814325,86.7087810442111,250.69854247085328,11.851784274428724,0.2203209961420118,0.19977466336814437,5.006742322599993,24.814032272593042,3.0706660111931616,4.54588878446657,0.0,0.6704166934117444,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21260839825834366,5.055862350076367,23.85612217992342,0.32344393005930494,3.5977414524738314,0.0,0.00014063033626880034,0.3127735590018047,2.7696150441511715,15.902595796393328,16.63893779430499,57.56706289624907,1.9907974977412392e-07,0.0,0.19903551017614032,7.887019290084661,31.19928328414709,7.135183037747554,53.00967757078932,0.00047603897317529526,0.0,2698666337285.8823 +0.8948107501845987,0.10902338659374244,0.4384905610675157,119.26352589941287,232.33058595961856,286747.6411418886,6.029182183347214,64.61165384403505,4.407149063201963,32.5796577508152,3.871997553169125,12.26322777759139,0.5100421087514527,0.9144411402923488,750.305989346872,87.20374161173613,0.056609849903247744,140569.78313947024,0.8597503214666816,87.66360198808984,2261.437888740177,266.76128506362477,344.36384886236783,52.72571687303963,0.3451721286269605,0.17995887816332184,10.851040108595274,33.06292556217283,2.810854538625554,44.238810096103215,0.00011916691224710512,4.496492416922047,0.13817496024564732,8.601717107843514,25.4130746367806,0.6561472043164868,4.79056660465351,1.6033010066721712e-07,0.0001132097967789073,0.2098433262076064,9.691716155956254,29.526861935520056,0.31660070301546916,30.80864549788704,0.0,0.00014063033626880034,0.35362339815365396,36.59499084050446,23.94562673369122,3.0092120560923785,19.38625478774162,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9883217968641552,0.20869109223334947,0.38697304485967554,228.3709996457402,211.31422389550258,325893.03159890196,2.866697521136003,94.15855967775713,2.0247096469507104,76.41610821692498,3.2517457115072927,28.74634404700752,0.3047048160176804,0.568885320640864,261.6745400658011,1.089920256181215,0.097798472689499,66536.61612455432,0.9428231286885127,61.59905417148857,3718.998762427207,143.83478463733888,304.83330792463414,56.27047304875838,0.18293881815689678,0.19773129863720992,2.715196629662295,25.363762757178897,5.989458859839038,40.34552562456668,0.0,1.2478735710104076,0.133123503763416,2.301645002686401,16.16285090044204,0.2619483850662963,5.196396135200639,1.6033010066721712e-07,0.0001132097967789073,0.2101849857694039,1.954204779986331,23.913246399083583,0.24769294168197295,34.731789356685915,0.0,0.00014063033626880034,0.10279034178416921,17.05877987341716,23.380859516568812,4.4960193203215635,7.333373854035223,1.9907974977412392e-07,0.0,0.21621649596534076,1.6516364540248876,27.482242169014857,8.812793024835475,11.417951021791573,0.0002518721776705776,0.0,79.17932925308254 +0.8161601615517764,0.13626596453803066,0.38319772700399746,188.40346060603775,201.56146849728657,260413.3413747838,3.4587755096498065,82.79240135138309,3.988794756435257,15.79421402335933,4.166794268834023,29.415257346781974,0.3754220195669329,0.8659255447569988,126.85511680754887,24.59934499410821,0.14658168189846316,222667.6455057441,2.7297344920779096,65.38340449462919,2787.297472292951,264.11827829768606,343.45082598141386,55.619788320780785,0.1767766926474309,0.19528391295769987,28.64783268814431,43.55749577555801,3.4294734617117664,17.02624137897709,0.0,0.7412985837444251,0.1294985789737456,31.767323220385787,57.196258494300444,0.44520216108277355,10.179988544763017,1.6033010066721712e-07,0.0001132097967789073,0.2054161863368099,30.79426721411331,48.98343497600902,0.2758368629301851,14.193438133030279,0.0,0.00014063033626880034,0.10292750803456406,87.80765227488679,64.86924698462622,3.2168180147655634,12.20076429983959,1.9907974977412392e-07,0.0,0.20590288684070293,54.45448190229057,93.31956455475749,5.503401609314351,11.329636128522559,0.00023603122673249854,0.0,186.71849315574775 +0.8634932362388598,0.13321274483407103,0.35357730946136906,87.25095483776093,106.68978811894196,246114.85989824444,6.241711555485628,68.43025816508852,2.4176019634308297,24.12218515206157,0.39699908854969923,23.524635594481634,0.4000862262173249,0.7390187656939411,608.1436227118027,43.55836417997524,0.20492940275143753,66096.85091618821,2.1114849382808782,92.88561049494213,2129.882542624286,118.66457513319175,344.69053471241256,53.7490327176255,0.16451513420301567,0.1971192887226265,14.362831980621664,29.322562490411833,3.0243098401785296,37.655975485009606,0.0,0.6579686360479841,0.1272463337744534,27.804264208893258,50.991415600802284,0.5633653135589841,12.607675964530495,1.6033010066721712e-07,0.0001132097967789073,0.20933226655364967,16.437746031738964,33.226449376570905,0.31257159012981384,31.86313100396658,0.0,0.00014063033626880034,0.11863802292401117,83.67522326918854,69.58220584691212,3.496159212713678,16.13784975050534,1.9907974977412392e-07,0.0,0.19568538896172963,21.190187778195167,73.01123364414198,4.413609229473481,15.293145084719049,6.740383937705504e-05,0.0,162.9869216294274 +0.985119452936452,0.2088155909053373,0.3792414790058587,212.623744091807,193.1575527393524,207255.70423689362,3.254794419609932,59.1628172294819,4.880003056280181,95.12722202404127,4.746257877423861,29.144467813625024,0.447609191642701,0.9807491467180399,949.77838399663,67.58476692016771,0.08655513223389516,99701.74234425122,2.904610306158992,76.01943619277677,1599.8214961681072,251.80917429307647,344.53086293625466,57.92479635203619,0.2903457152167245,0.19022370902434899,27.804922208648257,51.3421956186162,2.562349448877984,25.009619962054884,0.0,1.3392105292307461,0.09378969419793402,18.397256994270748,37.30089830001475,0.5780294704939533,15.869153998058069,1.6033010066721712e-07,0.0001132097967789073,0.19010038276777919,26.597530867961357,52.55750166597036,0.30006879793555286,19.528285278712925,0.0,0.00014063033626880034,0.251006734612747,53.71628279063323,43.81360739235792,3.833292226300989,14.964156124732652,1.9907974977412392e-07,0.0,0.13127873344366187,43.63603122955304,85.31285215554091,4.943289260012191,30.40758117262213,6.486850587050376e-05,0.0,158.27638659662946 +0.9872879063231285,0.2132408840326148,0.3817705921888787,201.19234560813726,244.38495299236558,169132.572399984,6.81325667884257,69.59107710761613,2.3163460588232017,74.84802543039169,2.8509290398970393,28.797532911139765,0.3983536310370275,0.5633288728836805,734.2130673243412,84.25848249096434,0.29887979029979406,101523.34106722666,2.71558761112341,93.3270900688079,4610.672917014592,186.834863768619,347.93681674941786,59.75520434061403,0.26450155807632836,0.19595017832391887,20.835023095880747,38.399329796388734,2.862933945360249,23.61356976787168,0.0,0.762817780562281,0.09332595622039148,18.102466278715838,36.38444410237095,1.4330047957985057,20.419040957052665,1.6033010066721712e-07,0.0001132097967789073,0.20585381888168747,23.825492578377528,40.254662966114495,0.4501100533426745,20.75851317938891,0.0,0.00014063033626880034,0.26639565004829757,58.391501469902046,39.025169174094025,6.0442593990835425,17.81264958606158,1.9907974977412392e-07,0.0,0.19496609363927592,31.59934018276993,61.65951894239369,7.458908972722458,25.966027880772526,6.423056660766778e-05,0.0,134.0953083394618 +0.8997498936400861,0.12775049437537625,0.44871962327878473,14.595230236634197,147.2720109765722,334833.34562209726,3.2883035205261355,89.19106170932905,4.374302181983599,68.75363502656944,3.2106241485235687,16.089344385324203,0.4359600951732001,0.8327786880642635,78.30978864172036,25.790382742686223,0.19510946700497672,73152.31734420794,0.7011555109351146,60.35156284763832,519.4085445186815,246.84046910416507,329.2876459241095,51.5953483074169,0.3127741936638425,0.1954991821603163,1.194365709415805,22.5385107657995,3.2500695685663388,39.86295878287022,0.0,1.12171577052186,0.13639138736143427,4.312550388678751,19.33832166838379,0.4635137163201554,5.502041298360569,1.6033010066721712e-07,0.0001132097967789073,0.20866472652947812,2.258495641952437,24.36748822168964,0.24127005549303016,39.54752761234993,0.0,0.00014063033626880034,0.12725768127958778,12.870606531137849,24.175128225782007,3.6229618427414585,15.170598223874142,1.9907974977412392e-07,0.0,0.22321427091690588,1.469429058156958,24.57146663660192,4.283830752466959,17.571900035988094,0.0004847178612498056,0.0,81.3809060419725 +0.8874345759986098,0.20734302427506124,0.37695580112827226,137.34043437287164,184.55385032346035,212110.25707618578,3.96719237646236,20.079062908720452,2.652898696046092,98.25603206129028,4.567287043334408,28.471786357078972,0.352467529710326,0.8233766928834991,382.4370854107407,78.83892317073037,0.12595009434416388,96536.50907065236,1.0150882932429095,87.26297344685352,2724.736426148153,152.47377209297275,343.7688582087116,54.17201366741412,0.29645370224439926,0.1962396846678751,13.318365177711412,29.52154467883202,2.72268249621244,51.931642140093395,0.0,0.906414485581919,0.13427011454891088,15.403719770217883,31.796185851273222,0.5757130610011645,7.171199188460585,1.6033010066721712e-07,0.0001132097967789073,0.20685215946145255,11.66152372925347,30.952753020440348,0.3047627881129389,46.269869478208015,0.0,0.00014063033626880034,0.10684104670048172,37.46716761923707,36.52241320841148,3.453370828263357,14.464798046682043,1.9907974977412392e-07,0.0,0.21181663742574028,19.483726972253493,43.616090094955865,4.829338329364796,20.078322221909833,0.0,0.0,118.13782354412398 +0.8497452109434631,0.16322712750540969,0.400717369982018,87.74253444260845,145.7830708264426,215065.4721001916,4.175448761061295,16.208816942311703,1.7273584569641183,77.08508153477285,4.692378616776289,22.616830771068013,0.3224995573368095,0.928430612366023,675.7893225239641,60.52899720479899,0.18322708334999444,247706.56526995753,2.809303608510458,88.02787488213477,4532.102615965961,112.24181435837968,346.3835319806545,54.06163450900133,0.15855900107587273,0.1941668522723587,29.76396699479989,47.25433456404108,2.624579577552009,15.269207157931527,0.0,0.6699621206821681,0.131567581201637,31.37529724035091,55.69793842348545,0.4377180222382863,6.887992846094125,1.6033010066721712e-07,0.0001132097967789073,0.20490614654779246,31.237032261677527,50.09044486762806,0.28632193826998714,13.304212166782843,0.0,0.00014063033626880034,0.10005238764964035,100.83078131082497,70.80133285271891,4.151186443116047,11.504470838859818,1.9907974977412392e-07,0.0,0.20803734640840127,48.46725777439469,79.82408331822565,4.4607147154961995,9.042997450204416,0.0001693099052833687,0.0,187.9031404460925 +0.8779735577760497,0.16984094902898647,0.3430026179708636,16.97483724286264,201.36024801554518,264881.320551684,6.9895031199542546,85.12884458528548,2.3729203371562884,42.44449485358975,3.9239738639803323,21.196222973497484,0.3793022898170492,0.9819133323059881,105.52446201532743,1.1656230205068852,0.23925383447488185,113170.95511570378,0.8906586367022266,73.096162933771,1132.2093389710885,116.8045205902649,330.0932727408732,54.21415902596075,0.15160100589322506,0.1908194963660484,10.419571424072968,30.076121699359454,6.186621123787487,41.326883592781336,0.0,1.2851671673804577,0.13306955789474817,11.043743651133404,30.07352202375968,0.19888873897357912,6.103504378713296,1.6033010066721712e-07,0.0001132097967789073,0.20454482900563986,12.097267258317833,29.58223067424364,0.24757913026675576,41.87688709200991,0.0,0.00014063033626880034,0.1467714087584811,33.81955524040652,36.808960829052,4.566837366325582,22.633355590147776,1.9907974977412392e-07,0.0,0.20769000681539743,11.988870765623494,31.942517901462974,7.755205945132559,19.401552716186494,0.0,0.0,105.98304875424566 +0.8553573177744486,0.16453239468964073,0.3403192705974165,175.89142225522318,226.7157114224499,317233.6224348869,4.131985473536508,77.48080863802635,0.8236040477336948,20.985753036405676,3.387881590509074,23.09515812732422,0.6354025975821401,0.9908407314988446,342.38172638488,77.97503822691374,0.20211774791564585,146664.9130934262,2.7017293396395647,40.252358064950975,2853.669854642843,276.49078508808,348.3999712115113,51.01267424724852,0.18713261679592344,0.19225458607363521,29.034082139796347,49.27644062546099,3.149947099582309,25.728344828677432,0.0,0.6420726571042166,0.12946378393684818,36.07089633678154,62.64683171128137,0.44009128601983527,9.631354623062412,7.965645814758356e-05,0.0001132097967789073,0.20413546946978736,30.63470466868435,51.759823353034506,0.2733100375532034,21.81747055632438,0.0,0.00014063033626880034,0.12129441969635568,95.89916080183261,75.77879659344573,3.092038199153889,13.80329007458451,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9341676613398093,0.15384543058285888,0.3693371949482553,16.68719579174018,41.92617443478111,158989.6913077417,4.145383934939623,10.835203334920475,1.1444115627116838,33.303240719427365,0.718743178850568,14.113763362882777,0.3789815321234157,0.6472582144247581,335.1960761103144,58.41906588631953,0.1135906022425487,50433.96326426572,0.5646793168461246,51.50730830859799,766.8033014343805,244.09253734243282,329.68482312125514,41.623222878344066,0.1955193722512155,0.1987236131078982,1.3419997447812668,23.90903887420072,2.4405453166258373,65.0646599681813,0.0,0.9883036282749165,0.13960909967550714,3.642343235847761,17.380685307812975,0.21263217529502357,7.2825040351116295,1.6033010066721712e-07,0.0001132097967789073,0.2119414351382016,1.8344091303021226,24.713707751848336,0.24631057642385001,60.543600912974,0.0,0.00014063033626880034,0.15418003057314583,9.393692052655489,21.374011322001433,4.650273275653587,23.04675394270677,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9783284901051523,0.23613160623098445,0.3485985477527635,25.366549216002525,47.89274560071175,290612.17434629856,4.287539782378402,16.888491497392316,4.216129472834953,81.4195950293782,3.7123432053423744,26.079966157521135,0.48676758532736747,0.8043060351968915,927.577955164315,48.823350962147096,0.271177083348912,80911.55577834102,2.4437091740271697,84.12431966890591,4543.130917734536,261.73534322631167,348.83113325526773,57.0227842083314,0.30092801223654136,0.18791646823841174,19.665243687053398,42.62029189401886,2.630990757446872,31.333820227221175,0.0,1.13506684657058,0.0716618611221994,20.372872705416633,41.218250227910325,0.3120891232442521,19.670658410839188,1.6033010066721712e-07,0.0001132097967789073,0.19719109720232234,23.639930934775673,44.14197326854722,0.23806635595614511,29.561219446265635,0.0,0.00014063033626880034,0.09951612571856461,43.62280220967846,42.801868688629526,3.90792376577951,8.996561795866693,1.9907974977412392e-07,0.0,0.15587194766627058,39.86626944841733,73.34907663146186,4.2587374699397555,38.14858698458823,0.0,0.0,146.11527316212712 +0.9601130136615649,0.21616070856156483,0.4062703999731767,33.514978737305455,80.58879501935871,339347.2246535178,2.0751233646658407,80.94078641230057,3.305255141686158,26.20819509848084,0.81192711831293,25.063018365321582,0.3800715680526013,0.99348208943986,728.2899395866181,84.90176220940037,0.34177387947291815,115922.64451954559,0.8905128520489054,34.290078669205556,3986.2377238669587,129.10491189430584,347.3211392364263,59.20199910369624,0.25444868898245543,0.18867478486321132,9.294247854240984,29.829292229341085,2.719778299750922,48.860135862087326,0.0,1.353735024228615,0.12942759801657527,14.267994771842538,31.561728477185348,0.4713960356026509,7.881687060473717,1.6033010066721712e-07,0.0001132097967789073,0.20370600285290846,11.188828936850719,32.59367128606844,0.2403780526645369,47.26143551370185,0.0,0.00014063033626880034,0.12416472520991548,29.897511890142145,33.24010891499962,3.6833354015648796,20.047950981532416,1.9907974977412392e-07,0.0,0.19397102212654407,16.598935407390517,38.62778304247972,3.9566713157556532,25.12220710579713,0.00011385157374470868,0.0,113.5113360049139 +0.9821163357967214,0.1507304459997826,0.3332108040643215,11.229880290971451,243.8831561167852,234242.79710991192,6.689733408131374,48.037271332477324,4.267865797695581,72.64434011273693,3.2618818683786412,26.523379143106865,0.4406605746770461,0.9683170396638123,388.67236203737167,72.32818222827065,0.31962606966124046,92575.51392948425,2.998962094944733,28.157367089781133,3936.6159624545676,229.75624606974995,330.5320801193702,57.5159476859986,0.32330660770041014,0.18861514332259915,16.070151371179367,45.45300780743084,2.5574230899915227,13.825861623390868,0.0,1.3160968495280374,0.11830292134108704,11.683280146158392,31.301930861564777,0.23992275351479803,11.13783940174361,1.6033010066721712e-07,0.0001132097967789073,0.19947800380380595,21.33162692432059,47.879656801584886,0.24202028282426993,10.00069079299035,0.0,0.00014063033626880034,0.08336713000576752,27.78448302459022,36.46905127061641,4.174020549234767,11.285924294515326,1.9907974977412392e-07,0.0,0.16531150286662263,24.297436847976126,57.99642786285375,4.026915860687412,9.30545197822842,0.00014524569224038192,0.0,113.64545645681696 +0.9519797956583943,0.14325147992403292,0.40826794391526794,165.19351485556697,172.8810174242505,303707.2745048128,6.100462978749143,55.35670837656082,1.8866493791895285,82.1510988564706,4.430233300544923,28.09111235837919,0.43365325091322215,0.9545768405212397,915.8901669125923,54.30453893346957,0.18833801976846012,207354.9419744043,2.885780494575926,91.09178811795027,4966.215968141329,229.73061379547332,349.8188701553212,58.028841746235685,0.22340563517429712,0.1919047606854562,31.23020305622425,54.73262079484804,3.133434265086132,18.31548258585942,0.0,0.7476044308470454,0.08109002834381966,23.5417808488693,46.91643312908376,0.6630373709408998,16.619444324236156,1.6033010066721712e-07,0.0001132097967789073,0.19635927328877284,32.115980063126564,58.76151110013563,0.31767613937208594,15.552757777862697,0.0,0.00014063033626880034,0.3423019709575949,71.04536711761185,44.6783638675694,3.896326474234298,20.195189075109102,1.9907974977412392e-07,0.0,0.136135079746395,53.13832334837179,100.52266909561995,5.706707697648251,15.942775729885993,3.6116601253381966e-05,0.0,180.98962657071485 +0.9810842280134661,0.1926715170693942,0.4183444287310442,150.8141693856644,140.78855372168277,280559.76494553697,2.9283976534733442,47.22709441882878,1.7111482596761494,79.84860482505066,4.786472321855552,23.856415841673893,0.5646538193306744,0.9338712589418048,302.4189147331853,70.62932940765486,0.3350766858982135,52834.70754569284,0.5593483465728757,83.42339895360223,2085.4785799714773,288.9130102582132,349.3259312518017,41.670786189188306,0.21424172001227404,0.19060886243354142,1.4510489096334378,26.942259214202057,2.914278590334724,62.967895998728594,0.0,1.1448272600363865,0.1332360163630852,7.117317888182586,26.321003689273873,0.22129921431150887,10.833809143443728,7.706425848513467e-05,0.0001132097967789073,0.2033559422736952,2.6588576666262993,26.421872910591592,0.2475498810539527,62.74326765408954,0.0,0.00014063033626880034,0.12515346780933462,29.382251817630358,37.9761920751781,3.679573252982844,21.530687286332945,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9410378735851717,0.11535160119149866,0.33234141332645784,81.00100470937758,71.1124257768447,339411.23154788726,2.646410741494366,64.93504289927728,2.8955167902486387,81.51281745402537,0.9047056614180633,10.461091040908492,0.30837213774812516,0.7824731433227932,420.6325082006066,1.8685098008436967,0.07327255241816388,72342.15113912174,1.4432730367820812,45.45577345356996,378.0255387612044,70.90137846627877,343.20564149694803,38.706276567128604,0.2845542921398835,0.19847313126029648,10.353440025101294,27.929575778815856,4.5873524006695865,46.15905513101866,0.0,1.158531750103768,0.13802594269025914,8.223014606795644,24.33074620673743,0.3491571700551422,6.526847068919741,1.6033010066721712e-07,0.0001132097967789073,0.2102818334673568,7.850371513906466,27.042546714733778,0.2356247796231104,37.4300125684711,0.0,0.00014063033626880034,0.13266111004990602,23.912220880443392,29.462637681573863,3.7571832118044024,16.04730621193278,1.9907974977412392e-07,0.0,0.22123941439073944,8.970897401515236,29.481229581374688,6.2834586806079855,19.934773125071978,0.00012187704059568629,0.0,95.05131807399358 +0.9598119582431701,0.13213877387569717,0.4243583514217987,93.81725978374396,229.6428420874239,315272.7575302595,6.580092926269563,43.12500057102879,1.08376446847177,93.73948145971688,0.7540484880593357,23.27845459054845,0.3349391885743934,0.8394523507174578,763.8263577986581,37.87995891695731,0.05717050931363363,253052.7403082833,2.9029080918291483,79.48057260999235,3531.387023685201,189.03032671079984,347.96396152458146,57.880002344232345,0.27740081140557565,0.1985796447789779,40.70983456526125,55.0143306789064,3.305132447896431,19.659379169612595,0.0,4.0479579623977004,0.12275755640217757,13.983456538448408,31.883968308098293,0.5637962549701175,9.672206683307845,1.6033010066721712e-07,0.0001132097967789073,0.20459543946658224,27.17144621051879,51.69680445031543,0.3024693586378824,10.534982688545695,0.0,0.00014063033626880034,0.3519919739733801,53.66678448147046,30.89923392464095,4.014939897955856,32.235437514035034,1.9907974977412392e-07,0.0,0.16791756519717754,29.851328825244906,60.2693857127469,5.5885003902104335,11.521701630113006,0.0001421940995961553,0.0,139.6547396566359 +0.9646654375885838,0.21184374307523599,0.4324925262908448,127.43333311182508,247.7719489357061,333935.2094478431,4.709509664900822,86.32835860484333,4.752085404781282,90.84555081281911,4.733193560337611,18.004370280203606,0.33776530030257557,0.9509599375282034,654.9578742051789,62.37640755368225,0.2710133908273129,96801.2123926544,2.1472038775821582,95.83370625795072,4988.76192578477,286.8901916168093,322.8154318709682,51.48558940746138,0.3105443162716506,0.18833983402756999,8.533717400459249,31.85323137671329,3.081090403753907,15.336275032470498,0.0,0.7305651166164965,0.12343437415682114,7.543071591233302,24.318044583442646,0.4146006907104612,13.432260672023833,1.6033010066721712e-07,0.0001132097967789073,0.200013217617378,10.134101268512499,31.584267324679466,0.27131555291474313,12.836727463858145,0.0,0.00014063033626880034,0.32108123689813667,42.33620415515548,32.66645218128697,3.8164890853956295,22.141600821349858,1.9907974977412392e-07,0.0,0.13629009107226364,15.540248506580918,44.81973044320033,5.035458419251912,15.169251103662914,1.7118930787531602e-05,0.0,96.42050639228385 +0.965770115875446,0.1926715170693942,0.3984880867264052,152.8806928596115,139.9464934223072,253159.5419407981,2.8958847647209516,47.22709441882878,1.681964226518053,76.43945097120056,1.6039863272259596,27.59290582667844,0.4435533414592446,0.9338712589418048,918.2051426387347,35.52845092656474,0.3192661065173065,52969.13870691479,0.5781014906948727,83.42623936180229,1853.7562721661782,179.89391978770269,349.45742626623064,32.61072093781654,0.16496276463351656,0.18980441098646023,1.374546794913965,26.223505246266846,2.664792438413019,62.05574321287425,0.0,1.1290416446004825,0.1274105439605322,8.280371886141891,26.531428610461234,0.25071883485381025,8.20476045747637,1.6033010066721712e-07,0.0001132097967789073,0.20263380131326264,2.245312331906733,25.310555087019843,0.2524374497162351,59.19577797956299,0.0,0.00014063033626880034,0.12461406368695116,31.82961449729991,38.27203398825945,4.052710146055366,22.448875573374995,1.9907974977412392e-07,0.0,0.20134988583665325,7.988024172806157,35.40532600666762,4.378437916591495,25.04354989369144,4.811090381315182e-05,0.0,120.41876507660132 +0.9433937590896051,0.14155197556519095,0.4111600072772293,181.34555086526422,209.67350683339544,285288.3491817941,6.156098359093122,79.2195263301975,4.70285554294813,71.07159966687807,2.813764792320798,13.316377696382833,0.31230495505975037,0.9980215464063251,6.674970084756893,1.3288034458772913,0.31187787735964057,154233.93490776944,2.8807154466483955,87.1252025664519,4940.84640646958,266.3701365522925,250.89359539461262,59.039532852150934,0.21797023914983002,0.1857254150814042,2.5986441376670686,27.372930241393114,7.8764418358167845,9.46316269661211,0.0,1.3175649920984527,0.13126997178549699,1.5204462865621338,16.106970863298386,0.7961124618018629,16.91125644192509,1.6033010066721712e-07,0.0001132097967789073,0.2014719683071938,1.7430376706175308,23.214820170822367,0.3378205248359168,7.306332400459382,0.0,0.00014063033626880034,0.357167180794,20.952012966290408,19.17069459668172,11.959367634217198,46.473978697667434,1.9907974977412392e-07,0.0,0.13562142717220504,3.4905439948970343,30.758737935363733,13.386331222389703,16.49790046926254,5.8856367521143015e-05,0.0,81.07062118309145 +0.8425969909933798,0.17009879633633948,0.4085864714317651,95.17767435601908,121.07747346252856,210612.68310838024,3.778921305481022,11.468856105098798,0.5124662262819653,84.04442597767462,3.960471813848478,22.38571074699499,0.5158033136811973,0.9671517974649929,123.1023492835663,70.99962203395137,0.22693105262112306,67506.09016497305,0.4048412368329648,69.14864133748891,3434.332208339493,260.7680128338772,341.3956117208619,38.26053858633143,0.18751893479988685,0.19559103667316838,2.7348700589360666,24.303578986088244,2.867224918897219,63.73036185276648,0.0,0.8535704911964901,0.13372511158935116,8.131027371136247,24.363909200277707,0.38163792584188616,8.083408323579187,1.6033010066721712e-07,0.0001132097967789073,0.20538418445920037,3.9191818163000147,25.191599094506657,0.2778426634186925,59.66768805141348,0.0,0.00014063033626880034,0.14038987780007947,20.163043688211076,36.00840754401729,3.600497761343487,24.12896954918382,3.095570725365397e-07,0.0,0.2017561475381516,2.3961372884193746,25.728980822072547,3.6863234507459595,18.464909881462408,1.8915930815317305e-05,0.0,113.68767193883794 +0.9412814714937394,0.19082383059521832,0.3471643067379197,222.14042697539173,204.69970938838537,322730.98822793824,4.267549858715102,81.62361916282453,3.9372277085583596,90.92021824894472,4.535655772934364,23.69692366882177,0.552112888283637,0.9463867528912732,837.3444591397875,70.68808805295443,0.3384136102758756,60188.15357637503,0.7241895006286408,90.00592652159395,4396.217740833852,270.5051501654799,345.05065505198576,57.447053555820105,0.30081315983503887,0.1917488693711386,8.282274513824248,29.31552955440598,2.994761113721865,76.9771691147604,6.931062624413958e-05,0.9075843323358083,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20367306279124628,9.448024147769102,30.60322411283977,0.2801225983696478,74.71408792749426,0.0,0.00014063033626880034,0.1129331567438289,37.556111834813706,41.94700927669625,2.9203241661242196,15.313735469036345,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9784363795417488,0.15890180127333672,0.38163393415072006,220.66019209891655,86.14839077079756,315584.70378595445,6.412576357193762,14.998916519126197,1.4813724531882637,97.80054066735961,3.7459554891890794,23.125908992489343,0.406964281424768,0.7783418124327406,633.8275850803057,71.87572639470875,0.2301461901381304,68282.96566664975,1.3190145026929418,99.91527487916818,4907.110849004488,237.43645990649554,348.20752875210326,58.37075381814772,0.21092498994100942,0.1953389301635556,10.078171786120945,28.54656985473471,3.227030048332001,54.39360864717672,0.0,0.6986747655240351,0.1280583511545231,14.65586919564334,35.59806539211008,0.5341355393577085,13.688901999840823,1.6033010066721712e-07,0.0001132097967789073,0.20631343645179215,10.930924758554404,32.87747797397894,0.30555192796033903,48.88387377319854,0.0,0.00014063033626880034,0.1014868415458884,44.86582811912702,44.773994910548154,3.2192016053802344,12.9049915308297,1.9907974977412392e-07,0.0,0.1970765225968055,26.568818785565046,54.405562837661854,5.678441818676049,20.50293573174261,0.0,0.0,132.13271711626035 +0.8049942697298574,0.18137996178309762,0.32742884790845495,240.7393366055106,124.08973047135306,198825.0668081794,4.073414796194635,98.5569654968159,2.4429301461893083,52.06378794024489,2.146989135123503,21.179012556006455,0.4258719527131901,0.8511529929786026,116.48584241256572,34.06716631053523,0.33608855183548364,57477.50556457349,0.6906890994579346,54.62632588851411,3888.157024026087,269.3871690991589,308.6962701965472,37.66445193212445,0.21190539274507375,0.19598528734802256,4.319494520214234,24.531768556592883,3.2575679985881294,60.61986133440594,0.0,1.065214603612982,0.13571976818228132,5.6184246575384185,20.01673842272505,0.6703269762358184,6.78437742308803,1.6033010066721712e-07,0.0001132097967789073,0.20930369408032348,5.326135050565156,25.07337841793527,0.32402121317226446,58.071398181604714,0.0,0.00014063033626880034,0.11777010744690088,20.389856284150596,27.682942342579477,3.1994608311081985,12.561205868397497,1.9907974977412392e-07,0.0,0.21644896209423486,0.7829526418537782,21.918673875505757,4.667831937316673,12.110676865774751,1.874498233141725e-05,0.0,103.99470856958874 +0.9611420440591474,0.12191488643023073,0.37480512325850796,243.2963930473084,177.76544681131347,273397.9506669396,4.046080030534243,83.1438821784875,2.9978105717286496,56.90072042472728,4.8875348502942435,24.586616946257084,0.5666517107936512,0.44597691054963023,686.5343016585118,55.94989800760737,0.3224233585387451,100215.43612876066,2.737485097835261,76.21328606749306,713.4644762481248,299.05537184824084,343.9734154817962,55.754379342747676,0.33526671567250216,0.19491347725389527,16.84434294647357,34.75907617750981,2.9029979218874167,22.71264354510543,5.087709354994616e-05,0.9319540402168439,0.10479478194535653,12.708359619463474,28.513630930500746,0.5461137112861632,23.65731019257015,5.964909991738535e-05,0.0001132097967789073,0.2046909651514171,20.457388001476087,37.23696222917994,0.2931722192433495,22.15286395295438,0.0,0.00014063033626880034,0.289859837430497,38.70856426106354,25.898998864824865,3.988347217750144,25.922255063278925,1.9907974977412392e-07,0.0,0.21277451154507684,20.909598395538392,48.71088324884133,6.290012376490296,39.88477195646193,0.0004102351720317263,0.0,114.65179947860292 +0.8730950798999848,0.18595518065805058,0.34714644420354074,11.34783545636921,239.66359010662367,288732.7880582571,4.304125422574464,10.711448738722767,3.196211407985828,49.34329879175327,2.356890125650793,26.019706712514996,0.49602990645842765,0.7382693306300206,128.32741783920335,3.876532048071935,0.2853559936838128,272577.24609613395,2.8232355434469842,79.33293523776142,673.615580635199,279.9484444717327,348.990959974573,58.30956164304061,0.3065177096049792,0.1953085173580823,30.54591135552691,50.46076527979039,3.834094036749249,15.74200505422481,3.788973732051817e-05,1.3406443055594286,0.1277545567450533,21.567965169278892,39.971490552111234,0.4144405365331979,15.103483922313337,1.6033010066721712e-07,0.0001132097967789073,0.2089725210357378,35.42066768477218,55.10526912341874,0.23849701825631517,15.160089808311996,0.0,0.00014063033626880034,0.2521057242865329,63.223668426255585,40.806246928178744,3.665602364527765,7.809384062184255,1.9907974977412392e-07,0.0,0.2087213850461245,38.923483040187975,68.66846946259308,5.292407896477879,14.062795335210346,0.00010962739704144062,0.0,150.82808775217057 +0.8980979528002216,0.21277384061254792,0.32857185105216047,180.23355991341597,128.49074132175306,234325.18261875137,2.8030370576555383,69.19290922873815,4.20849494544523,59.51756023179506,1.6623173737398385,23.028745601304973,0.31912893325518704,0.9239394975790978,75.88481238267644,41.70311291392832,0.2950270445907946,56094.53970313142,1.1100150227151222,43.777505969248175,2930.90262464684,255.06309383866798,332.4327923830581,49.286698410605396,0.1855676914148959,0.1925758423488001,7.263233117754972,28.126048215257274,3.0788140183262778,62.498037730383416,0.0,1.1227495937055223,0.12999406922850099,10.258247297671891,28.391285746913304,0.27947615899194606,8.993406210313035,1.6033010066721712e-07,0.0001132097967789073,0.20507395409122856,9.173114365473593,28.168659499607656,0.25672223026422897,61.21342985710592,0.0,0.00014063033626880034,0.12635410925079688,36.55297312871076,40.04466864612599,3.521527042903419,20.159031759400417,1.9907974977412392e-07,0.0,0.20494935692003233,15.490791603578144,37.40668823811068,4.760646182371378,24.511932152905025,0.00030360087371898785,0.0,126.4869938478711 +0.9679884263791159,0.1164937347330145,0.44972528812016127,184.8686090370664,232.63500509790933,275503.637479693,6.022441269602567,57.77178405719228,3.1498913944469167,95.01913626498259,3.0506770746262006,28.078366891102753,0.3966409163935749,0.9784092093230206,360.1595998350913,96.53722730153163,0.0947768473052329,69575.07103115636,1.2701810515432896,37.308539411605864,2841.820678995303,289.29211871486575,337.3913307844473,53.44654270810883,0.1821565067962252,0.19270508496851763,8.678741958396122,26.623004830490498,3.162188333206661,45.23747051435015,0.0,2.1992624240974643,0.12129483680301714,5.597677080441559,22.82149280396596,0.8409871407242475,7.068482053418663,1.6033010066721712e-07,0.0001132097967789073,0.19918877897222026,4.442586543323455,26.121113786498608,0.3442870451854565,33.83673465599924,0.0,0.00014063033626880034,0.07759484244600491,34.67528548888756,42.21271364090113,4.5928555925382435,14.877990576733923,1.9907974977412392e-07,0.0,0.16992776109752786,15.591499172432936,42.49186499576838,7.043958977891421,9.758844714122262,0.00012028452353861882,0.0,103.5164586544262 +0.9740506024981745,0.2331777828964024,0.3580863546282096,158.70849733610262,138.31605884762604,330054.9837110159,3.37439594128314,79.30175312055123,1.8251183421685075,50.85515845087825,3.256046255302762,27.257181303130334,0.5207986752179846,0.7108205616714319,517.7357120958361,68.99398969880149,0.22521622322345863,65616.44349961098,2.0365991076463517,81.3644474985489,1018.9374020467923,288.35929193697035,347.486325673119,59.698104323484195,0.2305470272933039,0.1937344737054456,16.160444770360886,36.05902487639943,2.9810538986343063,40.725159704835804,6.803588711410759e-05,0.715498841540773,0.11515975288813025,21.154409269752755,42.99849869837985,0.21995149327047436,19.127979433451312,1.6033010066721712e-07,0.0001132097967789073,0.20441640008079656,18.76123445896973,39.52029768783081,0.24692325246580116,36.528774571089315,4.054485915282867e-05,0.00014063033626880034,0.10718194976735702,57.204015438781774,52.36889576945247,3.3725514088975377,15.563515457546362,1.9907974977412392e-07,0.0,0.1902399297061903,40.50012300742599,77.56992578964518,4.854997754153014,31.855416637587574,8.197769301953383e-05,0.0,155.25507566041816 +0.9199571659755605,0.18468003730861265,0.3502766777582004,169.3994523175444,108.24443360054732,295256.5707528503,4.458508827824911,72.19815638989779,4.042017824819407,96.69954078754891,2.8440577193591783,27.505575632528778,0.4500692533890271,0.7795350995644686,852.587569939754,7.4055014759286415,0.22072251225251874,94540.53878731832,2.4313159692213744,67.40049526883361,688.168810878196,225.34035245784517,347.3146560956962,40.689677721867454,0.16823979355510504,0.19399563635646713,17.155950126143335,37.040028984045705,3.466465182854681,23.08585114888489,7.877357686885259e-05,0.6440755694423033,0.11772155848661878,27.649430048594713,59.77972629759478,0.3673353459416246,14.092487514826525,1.6033010066721712e-07,0.0001132097967789073,0.20702317736307232,20.23349260848672,41.04217413298863,0.2723471954742916,19.685280376637923,0.0,0.00014063033626880034,0.11515990194625236,76.2942403417788,65.09375346561555,3.7594718945193115,16.069386937251736,1.9907974977412392e-07,0.0,0.2033952310566319,45.85132778086025,80.23141252571038,5.903563159487258,16.62832802223349,5.688173603679234e-06,0.0,168.5563687556201 +0.9326296729272553,0.15747492120843837,0.43419878029636677,192.11655706994864,170.9331051365731,100310.1125854727,5.9496233168089,33.76287047797306,2.090198662413295,76.90073334592005,0.673423642223896,22.37904587523538,0.4247659032860011,0.982785361040121,809.259714283521,52.9581167113662,0.34835430546196733,55428.586761753206,2.952865043687168,84.98766289473663,2993.0536945526337,281.994762342363,246.7498496887369,34.11495698645063,0.2451146455252045,0.19016372052240788,5.187546718360645,25.0217680878438,3.211601950246269,6.193600966783415,0.0,0.9284485847955408,0.11837218270923788,2.0378695898549584,21.590632035027706,1.6534153032484293,22.39983351631123,1.6033010066721712e-07,0.0001132097967789073,0.18877117843585234,3.313993294336364,24.836113544814932,0.4866283149043105,8.41639892162739,0.0,0.00014063033626880034,0.3558729747716566,6.522871015143715,14.822922851253853,14.698896498917273,53.57914359241097,1.9907974977412392e-07,0.0,0.15133994124495165,1.3615766694842242,31.22657217575748,6.673803608039326,45.567735890028146,0.0,0.0,93.93303067417455 +0.9757928106537664,0.20657250070818128,0.3417369797723607,146.14193243982078,193.8647188477106,197506.07152129832,4.961559970702664,50.854946311951146,1.5193962694394587,40.269160829212915,4.51906227098453,20.78317970320161,0.470288441297364,0.7928685680767663,369.51712618688725,68.84378323121396,0.32915372556429645,194849.32387308736,2.835190751400681,92.03914480101889,2480.0776944106374,298.1816611267153,347.2985905441867,56.75624841192099,0.18718181223934183,0.1931644622559768,31.694513733801895,56.634969330937935,2.8762762018958745,19.720043133801582,0.0,0.9524454777300244,0.1018042979396023,31.409325300412238,55.98012090744056,0.8321864316707652,17.49232645293622,1.6033010066721712e-07,0.0001132097967789073,0.2029493738247871,36.35197924137223,60.79006834993844,0.34892993960201185,18.59918784474972,0.0,0.00014063033626880034,0.11094420691624833,86.83916445743806,67.21905756919674,3.1733032881136767,6.581711997106792,1.9907974977412392e-07,0.0,0.1707733133581457,59.80220304762603,107.57302355493188,5.560579720850967,19.91299986047366,0.0,0.0,205.1553898673862 +0.9390260921812321,0.1663798550170136,0.35024851760256664,44.70158753340644,143.21442064590877,301610.5650017714,6.9676969422014965,58.57500201043505,4.150596135765981,53.17523483895904,0.6179347114308202,23.989457733562162,0.3555808892418582,0.9722977816370564,953.9508742206359,56.712545049697894,0.2481096633858252,56145.38953119604,0.7386598162528103,27.176453012891038,4332.111069535592,279.7639531187345,341.7358760695536,47.8292924923092,0.17859077707275892,0.19158248494565788,6.136175676141782,27.494513925743398,2.9188036949613654,74.69666811490525,0.0,0.6721425966776055,0.1286426426922426,9.674435707641209,25.831388107212565,0.3482877209409605,10.259552493651707,1.6033010066721712e-07,0.0001132097967789073,0.20429203835545504,6.815009209437207,27.752215182132048,0.2725899226025789,71.63061923880078,0.0,0.00014063033626880034,0.12073793889025455,36.19629167472658,40.428769799640186,3.623389658544244,22.238292125348377,1.9907974977412392e-07,0.0,0.19331594229991375,12.382493566116613,32.870360408966576,4.559879312642189,28.036662390712493,4.90754152151085e-05,0.0,136.70829266605406 +0.9895649044278223,0.2392427706572591,0.3478901182543113,149.35961450509,148.94009689720187,311441.04994443664,5.965579297748953,50.046317652977294,4.413448230571866,91.84062628094091,4.492139191310789,26.349336975477904,0.45040157524811025,0.958821198817665,957.7026187242333,98.59160805321417,0.27410753747500105,84773.19221123421,2.634898079145425,79.17409719943994,1562.8862145985504,268.96716322457587,349.35840997425424,58.11801633493441,0.31656291669723585,0.18298305817322447,24.12672667452795,51.82754798098396,2.9991210115659923,31.687965125409693,0.0,0.6802690713311635,0.08290324194935624,20.544000820142923,44.41465346687997,0.567060170075221,19.495923427146103,1.6033010066721712e-07,0.0001132097967789073,0.19184616479785993,26.22308452905029,51.403637337977756,0.3035459953157151,27.741907015077878,0.0,0.00014063033626880034,0.27031108599124715,55.58294515549915,42.54009651359412,3.7464235037649565,17.06799081095461,1.9907974977412392e-07,0.0,0.12224780195464041,45.27676764729157,87.55095940901299,5.92058434409994,31.279780454115038,0.0,0.0,164.59001451338293 +0.9642467632215243,0.15908687906651803,0.43507146695252763,176.63039302229413,144.01081369758703,340573.3967550064,4.136217978610037,63.20670064134636,4.7135862977519185,56.27195477925436,3.658667597017361,18.719220499988605,0.3097201687716593,0.6822420401155307,788.6700561880905,55.97402954849258,0.347287344751467,106880.04952086031,1.3434046279742584,36.02699275233205,1228.305821195764,101.85588522249064,242.43781743253845,51.11974050004994,0.3161350887398645,0.1961007289599248,5.756638622115781,25.500926005392852,3.0495833219971313,7.89383342287497,0.0,0.9753821570158121,0.13489249503778666,2.552657898166685,13.629898772312206,0.30888306149214917,3.278850266551035,1.6033010066721712e-07,0.0001132097967789073,0.20949883152255022,4.3835356933537515,23.173108356562274,0.2584024179783403,6.492770727010629,0.0,0.00014063033626880034,0.3405477154312045,10.643585756088404,15.341146781158514,7.064008232830684,47.51912505505088,1.9907974977412392e-07,0.0,0.20349479438646745,7.300065349556303,27.4387389613428,4.876513073834535,20.36577304439453,0.0002026025349227814,0.0,73.88606246598802 +0.9503886547410035,0.18206308508299468,0.3558593170249524,241.02106272202008,237.8643031146037,333440.94365297985,3.4863924862960634,93.32383179400445,3.3374344412477397,96.22497430548268,4.724609234523749,25.61849206116797,0.30074297020804264,0.8830043537588633,903.0174463735167,94.95468834204169,0.25787440300781417,235588.90195919512,2.947792154835214,99.8037732287677,3389.4539429563292,262.0136256113629,347.46005730482136,58.47745180583573,0.23390262718517305,0.18940197755997965,34.03548019474403,60.7135348893979,2.8994186667919744,17.55283958727029,0.0,0.7509337012967249,0.09177422676468582,26.526878400683323,46.91518567410789,0.3901165357120326,12.33225125527618,1.6033010066721712e-07,0.0001132097967789073,0.19721779830502476,37.13982618587175,64.7413369812988,0.2618099405208678,16.311066999301556,0.0,0.00014063033626880034,0.31697042962439576,82.640085738383,51.63798433734051,3.1532316212119134,14.699971742092858,1.9907974977412392e-07,0.0,0.1418551057073008,54.84322764656201,98.516227159267,4.70483197223513,17.830027994100874,0.00026537076466260886,0.0,191.9136949872384 +0.9308070766617698,0.17409120855006283,0.4387956624511867,186.31894666561374,248.2543519556171,345968.70911616465,6.841421122234183,95.68420908046855,3.3840352002485306,5.311225858882065,3.6686292882081206,28.116688551780545,0.3803480409822985,0.7840163690213972,314.92342779129444,98.19041881763837,0.20169065103727027,92655.45103903083,2.6786478655027746,93.60249392143098,3228.049333454508,252.54078264860118,314.98788516167696,56.889340004070334,0.28139360960599813,0.1891764838340182,11.236193458454892,32.57226709741244,3.620095996637637,12.066634893123027,0.0,0.8809115633520174,0.12094677268765064,7.314976532689138,25.385719872104822,0.7765115211467298,14.691874408876796,1.6033010066721712e-07,0.0001132097967789073,0.1910755003023487,11.536989361685345,33.832904094056204,0.33097349457936565,10.636123166639157,0.0,0.00014063033626880034,0.33324166109376047,45.71230088176392,30.5994026531438,8.466435871663052,28.93992690644899,1.9907974977412392e-07,0.0,0.18908364673655195,9.685477140958366,34.85210290270768,8.64012342437851,7.497732237623593,0.0,0.0,95.00951626490203 +0.9136288031183024,0.19841622853660776,0.3596824273380957,213.14537014976915,143.65983105122044,308487.5652053202,5.306071823609076,63.31270730882643,2.715501546510672,86.94678694127725,1.9057610116086372,27.301740100259693,0.4312957340393549,0.9872453908779271,802.009602122115,52.007960613088954,0.2427353310374653,181626.8759081304,2.948901089466508,64.62825356204642,3636.7300482459605,214.17522396825137,345.1178275834339,58.203944411681356,0.19261061706323224,0.18993280715513827,31.038217066773772,53.779509025901326,3.121016510345974,19.755882255242003,0.0,0.6611059682717092,0.12194403469716845,29.340401554913896,55.682125951018286,0.562802818954966,10.754889075262955,1.6033010066721712e-07,0.0001132097967789073,0.20281104844396194,33.00839760183674,57.762617563680585,0.30058946656089636,15.950766135423983,0.0,0.00014063033626880034,0.10731208131251918,83.43415625184237,62.273598350857625,3.0401590152166356,9.329631867238989,1.9907974977412392e-07,0.0,0.1826887590743711,59.65529003865472,107.30506737785407,5.452215195919197,12.246987164032928,1.513368053106407e-05,0.0,197.9963156208096 +0.89922781832973,0.21336670498991595,0.3576488368286014,172.00096524840154,227.777224139449,302736.9867764617,2.9061856648918507,72.36224998187141,2.8969128428960054,73.64282367746608,1.8721151019237081,27.36039710602392,0.4193814171032253,0.9619329178695863,821.9757518177698,36.36942149650416,0.340602869549163,219325.49357136106,1.8390708040769257,58.12476452009835,3110.3055572288936,266.9297706637273,348.53709464842757,52.906519697302514,0.19269744937136846,0.19176601846521907,25.680434642641085,46.052930147711386,2.8388860458929837,26.604448602921956,0.0,1.1314687761675677,0.1302932142113919,31.484714830081376,60.326984370183574,0.2621991294239603,6.742317537458141,1.6033010066721712e-07,0.0001132097967789073,0.20191121562651032,27.637412578601104,45.09546058096776,0.24897961767041252,25.658633333537388,0.0,0.00014063033626880034,0.1160239584887558,79.98729463614721,66.00432298816912,3.3346245163194053,13.309494477551969,1.9907974977412392e-07,0.0,0.20021155802051743,43.74340480557668,77.96890860474868,4.65264084406745,12.691984929849749,3.408906021335794e-05,0.0,175.35057994161048 +0.8104180369250299,0.10206634044282324,0.4486329050430166,214.94829031517395,216.79875180520028,204963.62673065547,2.98442217269348,45.344073788562376,0.7361923572172832,52.19759501882474,2.5815925829580784,9.090528861557294,0.4243765011282393,0.5065444201703331,175.85687122582596,15.755180582414228,0.3187415428263647,53086.28713600879,2.1058191412689817,46.282364655377165,1401.7780864804474,20.478711428229417,263.22118990891124,24.754409049204366,0.34345862624275403,0.20098199187935442,7.937089783501402,24.47400788472936,3.2981959254762883,3.147271811314436,2.658179375117914e-05,1.185698136039628,0.14511051513033818,3.1340913179642342,12.498703012395273,0.5559845285330242,5.677745551614132,1.6033010066721712e-07,0.0001132097967789073,0.2147413597690263,6.071518661295138,23.361762756095825,0.2940667522643927,1.9574181276327343,0.0,0.00014063033626880034,0.30311373609919634,8.06325380351203,16.90657695605836,6.093543877480019,45.20396608438707,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9699351798719943,0.15028708682715103,0.3439795952231649,198.61067296539295,164.13181086574377,276074.3389222566,2.8018326940493763,8.893543692351628,3.1773102759993077,84.5917178513725,4.413695498156045,25.57823933389367,0.43904743651918887,0.4893853406974856,635.4178329880978,10.36369480221115,0.2783982485803751,96550.918299407,2.0921114782053607,99.39953026647015,425.4259591876738,260.087888546922,342.77226358291784,57.914329542157475,0.241867247324285,0.19647979462071433,15.472807845777583,34.15759227171876,3.155433947252067,30.28533878350137,0.0,1.0602976285982244,0.1187045043131724,17.94382331190105,40.850713406888936,0.2603697693929329,20.07192463297244,1.6033010066721712e-07,0.0001132097967789073,0.20956950971927776,18.35110379826931,37.355982677212886,0.25079053236921806,27.263057418697002,0.0,0.00014063033626880034,0.10506621625675237,47.58352110505599,41.5522042896787,3.9270051178908947,6.939845724083924,1.9907974977412392e-07,0.0,0.20743821451866096,29.18694254789904,57.0262923484481,5.313760401565155,26.694229572306043,0.00013570712572327824,0.0,126.89726971987916 +0.9504395221573686,0.14076021695954757,0.3328148860808302,220.64346203807278,195.59872444329537,197499.14182715147,3.8747048996917464,45.48756961253259,1.4933026627981199,87.32090796000867,1.5271484300453855,14.470208294318816,0.39031709009159204,0.7144967239084704,186.88631484855176,59.90001928167815,0.0881935490740334,63498.960155969864,1.071146682669701,92.87946192455144,164.50219810301496,132.6179464492384,312.49221573462177,52.396394065147014,0.2522790098809771,0.19909665398405577,8.270943897015657,24.018640505667367,2.9387626980470567,57.53404268328272,0.0,1.5505571207264763,0.13885886898753988,3.992756752882318,18.401023407070983,0.760676420574182,7.279180198999098,1.6033010066721712e-07,0.0001132097967789073,0.21058736114633006,4.613262527398441,25.13045231079314,0.3323587725620571,42.6890536299417,5.19136880796403e-05,0.00014063033626880034,0.09174437756836462,24.784141734199057,32.781773376021995,3.0372646145549558,7.491905492245694,1.9907974977412392e-07,0.0,0.20970805737924408,1.1802699137375297,24.667720143353044,4.909166229409272,12.411765138108198,0.0001955102487498463,0.0,96.9141454570144 +0.9833235246970078,0.13099973836612935,0.4243583514217987,237.2370734319644,172.31456450738904,151187.36597671296,6.56090881023967,54.65652267356887,1.0738220621525199,75.58677434069581,4.419310959517332,16.369050229064708,0.3345458861027436,0.9042776398760818,384.92504664905596,6.800389804560728,0.0894633130763336,88452.50525283048,1.1603469955136319,62.99953337497977,3557.018869713911,224.05899586859215,340.1567850508518,57.880002344232345,0.16052519775139829,0.19640504654833377,10.63606370076462,28.600537563809706,4.526832325657022,45.530208281059515,0.0,1.9053762268683463,0.12985575357229237,8.906681184285935,26.45024114005826,1.4362004148442877,8.44791008336827,1.6033010066721712e-07,0.0001132097967789073,0.20545257470587058,6.961548908664403,27.74980051137125,0.4506128206281103,36.16419850464903,0.0,0.00014063033626880034,0.10857080694577112,39.897585409728165,41.68715573064564,5.716700789402937,14.402214155414903,1.9907974977412392e-07,0.0,0.173832044443566,8.048911073524929,36.43656820088662,7.744874326602635,11.561907925380623,0.00014233436908495144,0.0,105.65571327871598 +0.9819901810744108,0.18906581100466918,0.43710619338100737,225.53553521022576,243.72271256297103,188590.7710136997,6.966060048399777,56.649474676909065,4.332235701022779,73.22797961979906,3.5231314568042404,29.760162676222443,0.7875959998526795,0.9697608748753764,893.8682766662088,55.122207945881,0.3356328849635531,229996.10518971423,2.930606164057086,73.49031768028367,3768.5558990105574,246.4847858853665,341.91849653608386,37.02719596237027,0.3231994019092497,0.18790715479197923,15.376382988733909,39.058135553647595,3.01292281886333,6.888686760069674,0.0,0.7811026492698367,0.1205059816532585,10.19305515490113,28.032498865951787,1.395114688185884,12.764278294402224,1.6033010066721712e-07,0.0001132097967789073,0.1971593802734582,17.88214731534132,41.512700108502976,0.4426262388728883,6.577458692150826,6.818364946884813e-05,0.00014063033626880034,0.3560573922664328,40.90348227254648,25.495730697302278,8.382075331238157,43.65792207510258,1.9907974977412392e-07,0.0,0.1635614502311977,20.46855235461629,55.35330093672286,7.517093801464978,11.877621547736755,0.00023658261568655541,0.0,113.75595223940483 +0.9263144513879741,0.12247940960879677,0.4455212188912477,93.5254113422987,85.31191543748781,213205.5376248062,6.103697101951837,96.54267023306866,4.4375921576057165,94.493797085827,3.8012115388096257,17.83853896794241,0.48172104225321755,0.8035394712145315,267.1977643384944,81.57762059765787,0.3231385172386438,227570.3410133146,2.7690313672068454,79.80569895924157,369.7910165758474,236.1987840650405,347.2683760538432,29.7524420490243,0.3044313188585812,0.1954161374338921,13.399345763229876,32.00856384113813,2.970704323034957,6.8794614822555245,0.0,0.8964570504415343,0.13440963804113326,10.429200255251391,27.386100718980373,0.6255124410500965,10.853796639916867,2.9644050323976224e-05,0.0001132097967789073,0.2064640115731268,16.616318836740234,36.78242275872404,0.32701865485639586,6.706856941350271,0.0,0.00014063033626880034,0.3490901810732863,42.96127535889045,26.021454879068084,3.7345643473109265,30.6218338370997,1.9907974977412392e-07,0.0,0.19003185492476513,18.89067783954078,41.769842684731195,5.078298858485252,11.236210274816557,0.0,0.0,98.18581169457579 +0.8898669060599337,0.12260361705944213,0.3936108937402365,185.62820030731808,224.85723031779423,112275.49435439843,4.806441806325902,64.91469021236179,4.2367255872469,53.596332058207764,3.6074857689706863,26.004520972420995,0.6483696850458318,0.7873368876435293,27.668864301400674,1.3136750094476148,0.26787272413126184,50136.62106758797,1.6198394336530475,95.97546278909417,2457.8496425390636,297.3011981530576,333.76398583601787,38.275628240404416,0.24723307407064807,0.19216286502936852,4.326547269321444,29.372706628722412,7.364801854519796,29.7727853850944,4.6161010049783496e-05,1.2331155604450228,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20239600757997783,7.191801807563395,30.448280855967347,0.45119178623835826,27.783416329099527,0.0,0.00014063033626880034,0.11783093118582978,35.03249115595233,41.36997254320472,7.923096777618212,14.215957337057782,1.9907974977412392e-07,0.0,0.17847277700178218,8.623111842992031,54.002078195411706,13.098712177542323,22.78153833311157,0.0,0.0,2698666337285.8823 +0.9011360794043384,0.16002186970066143,0.3740233890483,43.717245925684594,204.68530725627815,322660.5512176454,4.330211304618787,13.085403321607338,1.975377605271957,82.58820441636973,1.2290108727041424,23.946207184620363,0.38925935180879123,0.9286037302828334,600.1055106644758,54.301732582444366,0.3381211729974617,69742.09306740884,1.3544791350907899,86.3684155249279,25.242776225764487,233.05464000545373,345.20759198654673,58.44849934442546,0.33850387707671625,0.19139190260289576,9.130901891570968,28.859312519464627,2.87958228686096,50.762572294057726,0.0,1.1465736486012936,0.12881902230642053,13.501155720504823,34.13328112947165,0.2266088741137804,12.13599514641318,1.6033010066721712e-07,0.0001132097967789073,0.20317539733346768,12.238701963630742,30.68177506673334,0.24270533623140347,49.82609012034709,0.0,0.00014063033626880034,0.091912733142161,27.62043639343492,34.803707347972185,3.6346289500766034,10.826389486632692,1.9907974977412392e-07,0.0,0.19900097203101574,20.206625663318974,41.901963784703135,4.388017980410187,21.465221033449644,0.00021748230100509508,0.0,115.41261990986524 +0.9663486463772002,0.18152537846307787,0.41483513813141704,62.44310504217789,240.2820458153193,254750.64095706222,6.572959504683629,73.79302496533262,1.882213756872568,17.269660888294734,2.669767207835687,21.334436716611645,0.3442224893767528,0.6834456732831501,915.4051600994476,4.770518845875699,0.33178351808078105,72712.57035147048,2.659637095877059,99.95478517732761,3160.572489861803,284.180220600847,225.5174970015712,15.19363271255675,0.21393615118838286,0.16694058969835993,5.96293283022513,26.969974664827063,3.753273738710206,15.061944185022579,0.0,0.9973889131846039,0.1198971629838397,2.143159732273964,19.07744662395697,0.5711330127913844,22.971074927528,1.6033010066721712e-07,0.0001132097967789073,0.18539113525903453,4.370903362615656,25.259230666554583,0.30886929270714814,12.243164587412299,0.0,0.00014063033626880034,0.3396127086799857,5.312691657822149,14.384094049094557,17.29117397384461,58.36520381852894,1.9907974977412392e-07,0.0,0.14733698468538528,7.336675243682545,33.571591804945804,6.9405351316704,49.92706734903988,5.303216185081425e-05,0.0,101.83872834607101 +0.8937084554666445,0.1424751904553836,0.3306959692897799,232.6758946746955,173.06418315134755,289475.8694509206,5.537127944073082,53.75748729659291,2.597265740713191,54.37586446082921,0.29842236926206245,28.691451434515244,0.4288792399470066,0.9842447120043726,648.0277377516884,39.66509307362934,0.24826589517195904,251595.0902090812,2.9831380292248375,91.44169488453824,4355.469068833524,265.23548612338186,345.04548221763,56.795491625656936,0.3180633380105276,0.1892676693565144,35.73049092755876,61.83941503794132,3.2182002360934305,17.39375990734612,0.0,0.6855965687755974,0.0980682073530257,21.500954950496826,39.15656271678705,0.7160261768158187,12.81563854454098,1.6033010066721712e-07,0.0001132097967789073,0.1981360125286557,36.64301786309827,64.8289403207856,0.32415213468488857,15.225218013320383,0.0,0.00014063033626880034,0.35511716842505103,67.29866780784373,36.868415138929166,4.346316587146775,26.555855206012996,1.9907974977412392e-07,0.0,0.14352118698732083,47.386073433178424,95.26660425707118,6.227869368827926,17.00476073856444,7.586845204560886e-05,0.0,177.8023803356604 +0.9452738681428731,0.15884070534768652,0.3812780024683134,69.48867130129327,200.29083368960016,209967.98866914978,6.2313709222588045,7.563372225071099,2.1582569194361234,9.118023677193598,0.254113814117523,8.919723072296506,0.3022434797178632,0.7169225624561497,5.6904154957330775,1.1832801623088187,0.2439964137858592,59668.56354320062,2.651067214396826,86.76278747592129,1062.4894445189057,187.6433456718632,337.1126376094534,54.88294760747066,0.18933735483105563,0.19646992253906503,13.412420486193858,36.18463109737528,7.795308968092562,18.77273805725925,0.0,1.3184363893846136,0.12111735510467274,18.26474370703746,38.827491717653196,0.6981638797345334,18.48460488643982,1.6033010066721712e-07,0.0001132097967789073,0.20907340462148924,18.420335480674716,38.389988151974094,0.3326403300630253,16.383481356095896,0.0,0.00014063033626880034,0.12534178854953637,53.14363964771193,50.41289450401192,6.637293592519186,11.27366688102623,1.9907974977412392e-07,0.0,0.21336318911619256,23.966190644865424,48.34228467795748,11.22595691941821,13.557642725288032,5.912728379728525e-05,0.0,122.1773867364792 +0.936883409431993,0.11976810684674474,0.329915918906617,146.89885521262286,123.83842302676837,218362.55255738093,4.753294136372145,53.0027625502374,0.7161360678558768,40.91701202164129,1.9252128894731846,16.422375099878373,0.43301152992088693,0.8898713160862575,199.4568595312904,46.89324438280031,0.13744695906325635,157666.1722494576,1.2440677498667227,86.37323003710937,2155.7244885169976,216.68859354911714,348.0199771753089,46.11029573791872,0.21019656147148247,0.19561821756731113,19.648861752898345,36.394282229668214,3.1495666549461365,37.900890601706664,0.0,0.9109712226449647,0.13396762842154805,19.122246874984285,40.92086051663131,0.6136544627499404,6.515405635806494,1.6033010066721712e-07,0.0001132097967789073,0.20727575114854455,17.24713398750199,35.625758230046735,0.31675873032945917,33.06350788013112,0.0,0.00014063033626880034,0.12966057915468676,55.5179795148626,52.32007331706987,3.1551967877899756,14.077644556200063,1.9907974977412392e-07,0.0,0.21010285597902914,27.17006871357737,53.86130547639688,5.440627873410454,15.671637061699792,4.1950445762063387e-05,0.0,133.57841216005295 +0.9490863397443299,0.14721613285771734,0.4323124224977367,88.03679441385636,197.6137856351465,298295.49307951337,5.819380413793604,73.98672941750303,4.354191833021444,76.0473412141745,2.4396977841351304,22.820102107788852,0.5602375427129405,0.3324671724648517,825.1622703484268,62.58861141174815,0.22015548730708007,53917.455401672436,2.763388635020917,93.20515858402868,1325.6189731163622,229.00335319998857,254.7951943980588,17.282211762794994,0.2475923442059514,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.10331641041971922,2.339994001411531,16.15993651631283,0.4794629393512736,27.190427217396945,8.140804369020722e-05,0.0001132097967789073,0.21231363086464788,6.268526432259182,24.005674540951883,0.289329140155915,7.78702189364423,0.0,0.00014063033626880034,0.26479947767125006,3.0805340410362994,17.411291558928784,15.415384199040865,56.45024496152357,1.9907974977412392e-07,0.0,0.2020921732047789,6.2204605069647645,29.000049824144355,4.3616841864912175,54.15277444503466,5.443390521172386e-05,0.0,2698666337285.8823 +0.928778593979232,0.24423814443148592,0.324721354509152,67.3546595227541,119.97705143633327,227833.52246479044,3.0539844429607417,92.288006420281,2.8406855238330757,95.14536192523785,1.7061969336357565,28.31396222172753,0.3243629953014999,0.9937513875580432,931.8183817061579,8.292778738319068,0.18403531792731867,140952.40505363487,1.3722872136961348,52.382782720473266,1892.6796579491222,255.34200936659607,345.578513114475,43.465023170071305,0.25298707574596113,0.18700423376919356,17.711452336927874,38.087904893839664,2.789570150929163,37.17789413057909,0.0,0.9186328514423823,0.1208741538736776,20.955438239470393,40.68338204685372,0.20278054437801785,6.594742937834475,1.6033010066721712e-07,0.0001132097967789073,0.20116804608874755,18.089573055098803,38.69344628917638,0.24752266054069844,35.37788810067182,0.0,0.00014063033626880034,0.1135273089344161,49.600659834292095,43.7633711985519,4.163085213000481,17.253851494648067,1.9907974977412392e-07,0.0,0.18715285447594238,30.2612969622186,55.0182288514856,4.715465421869626,16.57316991607019,0.0,0.0,131.5270191287279 +0.8903685336253098,0.16840632333880107,0.3595543452134935,242.36482865333835,178.48463757182515,218989.6514265546,5.086626425984546,59.92566608050504,3.3243054195215027,96.7441490894443,4.754888204222657,24.951856584483554,0.7777635991417461,0.9145936928387783,350.84687947154424,96.44914441653191,0.14506044113618222,148947.90995656425,2.957375309796821,99.8037732287677,2360.7484509568703,125.86089169456805,348.1220614857988,57.75728603858568,0.18524147245056227,0.19483342010537166,32.87593341148115,50.707551076890375,2.928578303978351,24.14524969806218,3.158852964641011e-05,1.0194126310777856,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2030499244052711,34.60325341014848,60.560300823013144,0.355765350156929,18.532293376182263,1.8133644313284818e-05,0.00014063033626880034,0.1820068377628501,104.91893092143407,74.73624472682454,3.347003086304345,10.011562540423107,1.9907974977412392e-07,0.0,0.196827500562233,25.448152635238174,90.15893984425588,5.030271810733467,13.729317650087342,0.0,0.0,2698666337285.8823 +0.9769347940094593,0.16852608503220878,0.3253748716123912,127.45320857365869,142.61382558833128,306417.25362333504,4.007231031825737,96.3416489638509,4.97660469209965,84.82751307786394,4.426011628209913,28.724040606079917,0.7828643302212198,0.9505802377906886,818.5682513336272,89.59398020776761,0.25039442621097047,274104.7023061554,2.549117107377619,80.93185730572975,1688.844976477451,294.2443683842927,349.70205673651185,47.372888304953555,0.19140063686009157,0.18992100298284065,31.59201406579122,54.54865984830177,2.8289781262019504,18.952638658104064,5.014835763311214e-05,0.7492621422527125,0.12217842840781984,28.513081129761286,54.60601770299692,0.2878591290054984,10.525563153309683,1.6033010066721712e-07,0.0001132097967789073,0.20295063953815806,34.13403693929434,58.217974324576325,0.2577064564655994,17.03438991657609,6.893328230300084e-05,0.00014063033626880034,0.09301913351355498,82.91524335855081,60.04514994786444,3.2790294040101147,7.6167234748038695,1.9907974977412392e-07,0.0,0.18637564612006213,34.89987622959266,99.89411353395877,3.8912387501897285,13.591918224943763,0.00031592535558215833,0.0,187.18370868677314 +0.9313862532509375,0.10910109855334599,0.41329453288390217,192.81078133148705,37.8565136066956,182752.6698675462,4.504228916508272,80.5046536165638,1.4372324697298278,13.486489704335389,2.8174827402511666,3.526326295301157,0.4675210951374717,0.7561864949486479,474.66457098274896,23.114686904130238,0.3072068122943926,59122.71988820454,2.148477161990194,13.892663907903632,1207.3504006625537,74.52242120333325,234.97807404863102,15.74703763117265,0.21922426676423334,0.2000152012859003,6.9051823033054776,23.8789867688542,3.0647552028032217,3.0352533651339697,6.556086983569069e-05,0.9771342393005849,0.14420908592987944,3.717202688434521,11.40413170504602,0.43948708896117866,3.37389577018147,1.6033010066721712e-07,0.0001132097967789073,0.2138629003822372,5.3360187676158946,23.436119599942288,0.3097471977895628,1.8769854168130635,0.0,0.00014063033626880034,0.34694004519480104,4.9150785226632445,14.034985908570297,9.88650550522555,50.58787375479686,1.9907974977412392e-07,0.0,0.1942598444925149,8.538784993577526,29.631185574106077,5.125249554649462,20.62361093028405,0.0001325886923649754,0.0,75.19999158654132 +0.8948107501845987,0.1692925466440567,0.4321360042750572,123.97140031738624,233.07288187070165,288092.271005701,6.047427109324389,65.54322013739154,4.400619327140822,52.605045437538045,3.81768688447333,28.853902291575235,0.5161457749643006,0.9153177662971546,748.5196762311263,80.12310151869568,0.08520757418935554,152319.04774729378,2.914199051459038,92.17435976441425,2268.6008581015885,279.4484017052824,344.29083773369956,52.803934046227845,0.3476764727430598,0.18917385369660833,29.37602442278679,47.35989557033941,3.002544279332251,20.64489782241579,1.2002304482155697e-05,2.3661495303835376,0.09671758914695265,15.308019797120672,32.31309066138684,0.6690334289673904,20.506171325976513,7.533990820643124e-05,0.0001132097967789073,0.18905501545748052,24.08404697224855,50.16077181125381,0.3183847787990049,16.35453389519893,1.3077553428645825e-05,0.00014063033626880034,0.3515633519473317,39.23215423824628,24.495158361986913,6.463609475863975,39.1268780992835,1.9907974977412392e-07,0.0,0.1472157517982383,26.758120312700676,62.51716754127186,5.668773144270676,25.7493641548714,0.0004764516805551057,0.0,132.82140040286248 +0.8812977511926486,0.17704683762942297,0.37548134660044474,129.9676377072915,248.5053488306273,283132.8029004735,4.050142694721793,91.29540853299167,0.7580339493014723,17.489854289910205,4.156590022941426,27.212779623476898,0.7241447768088776,0.6581512658263057,202.04623931559553,53.76639415211831,0.18938694369217504,83486.0027778479,2.786122414834018,82.88533476511898,1783.5328658307585,195.29081345067328,349.7126830787538,59.209821550883504,0.3290263647607976,0.17716016734237613,14.10476514428507,38.962395293487425,3.048365749566305,25.563096813558232,6.584440398613731e-05,0.736112983910897,0.0990086342979543,17.577321608011886,34.576795134666796,0.4300392532045,20.192185196925173,1.6033010066721712e-07,0.0001132097967789073,0.18466785792251683,16.05535363173318,43.02504963562255,0.27944774399187916,22.557784509073244,0.0,0.00014414060373783881,0.25561807310541795,48.53709016315088,35.5195799895092,3.8656182309632783,14.030668561472165,1.9907974977412392e-07,0.0,0.21168761069601247,29.01528664906253,57.95924074358746,5.5736510197266975,29.54549717295082,0.00034337207963575696,0.0,125.8779030329943 +0.8972694318732548,0.11911324237857272,0.324721354509152,67.3546595227541,119.97705143633327,234325.18261875137,2.8167616789082555,91.99564327138908,2.8177934282169157,97.13840451647015,1.6623173737398385,21.53752379147809,0.3243629953014999,0.9937513875580432,592.7986219304323,8.292778738319068,0.2959743740488577,66367.64186807231,1.1488694434160496,52.382782720473266,1892.6796579491222,252.91232490260649,332.4327923830581,43.465023170071305,0.25298707574596113,0.19015917705959484,6.3200735672566,27.773394568325664,2.9891275084012934,49.95916452295714,0.0,1.2463560220062304,0.12209797060949126,9.223219364525356,26.697199692613417,0.22029099687037001,8.292936901881253,1.6033010066721712e-07,0.0001132097967789073,0.2005386546504997,8.502332395278758,26.900573481176266,0.24376331047599037,49.678778090752644,0.0,0.00014063033626880034,0.11803998016998792,24.339855068507656,33.83631045952569,4.120068914629568,17.904434343787067,1.9907974977412392e-07,0.0,0.19270358440915522,12.749775200779636,31.316056878011185,4.869867780684243,21.45808748659159,4.320697399772145e-05,0.0,105.5970621703455 +0.9433546792935309,0.1508341053629679,0.3928894632295265,194.44488258372135,111.25452826514139,344058.2001274484,6.423671019717817,7.503961831434516,1.9251828800590254,17.59077088934388,0.5404424793331174,22.58678172954272,0.4367188066657694,0.806130818925256,150.33250946277155,39.65335181522602,0.2949043557785616,123583.73651822052,2.8600581697166296,40.53141787039735,1688.5472662054979,107.57509126583153,270.5816683114384,13.14121104344774,0.2070787744855992,0.1955589233806331,4.742547919499349,24.83562250796491,4.059868238454757,3.7805241697298952,0.0,0.7804175254651144,0.13385332536856911,2.3912363062037976,13.832889403475185,0.529550516469095,8.023132614345714,1.6033010066721712e-07,0.0001132097967789073,0.2065226246109639,3.4977330078642717,23.6206551123527,0.2995399078323528,2.664623497310103,0.0,0.00014063033626880034,0.3488803533786342,12.738983442390525,16.629951905356474,11.138538154629764,50.636450039791534,1.9907974977412392e-07,0.0,0.12222473021544251,5.986767206626228,33.07575989889963,7.669270514869315,31.59983287255303,0.00019416189210752006,0.0,82.60850557387909 +0.9832466160472869,0.12038262416163398,0.4435931548246858,105.6495210922055,177.02654124039174,147983.28753228797,6.458299258354961,70.6455522756651,2.3652679670729277,91.07392888790633,4.98408710136151,23.167269635400455,0.5305077687878975,0.7136920504586471,725.2512433700384,80.31026195188501,0.23003555069485487,299904.30774003966,2.9991296635079188,93.4507435972761,1808.4034563316584,254.69375899215513,349.66908688574586,52.285295494061906,0.3498567273552863,0.19554463056787913,21.090778093951318,39.8226846086691,2.8261190850368245,9.240249459205687,7.3027643913937855e-06,0.7507140371984964,0.13389129386192997,6.7173593350317935,22.42682775913844,1.1713348646663875,7.3342334516470205,1.6033010066721712e-07,0.0001132097967789073,0.20166221730347614,20.72694487064264,42.587244163951105,0.4091360885226752,9.14229801371168,0.0,0.00014063033626880034,0.34601596724170386,31.16412142694406,21.021608317076478,7.432259417825738,46.802297082524234,1.9907974977412392e-07,0.0,0.17387005434092026,15.299898954154408,44.75679753744952,5.113707064346643,13.701554397126671,0.0,0.0,105.664886269076 +0.9409994696378974,0.1605179479783706,0.35852364078899673,17.513523822724125,228.99241291928422,319824.28105977725,4.639488479553108,73.82126763515805,1.902965379643148,34.52682796104716,3.2327864858388837,27.368238881659934,0.5187305772941988,0.31541107505397914,891.4738191495089,94.09904350533276,0.22521622322345863,83966.26100791284,2.88311460173465,83.09737329876344,963.748465301371,197.45661273941573,349.29975318991615,56.80820464901515,0.3189203300227929,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.10895974857116579,15.95179834431593,34.01533563648213,0.3511796057856152,29.510221955362645,1.6033010066721712e-07,0.0001132097967789073,0.21254138364466224,23.73261077948904,40.323501815372396,0.2365579253529903,23.26696691034711,0.0,0.00014063033626880034,0.1155504691902128,35.65237835839265,31.697259689888085,3.6785119888586277,13.969211045862192,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9785435221678381,0.2319981089991599,0.41648785793789544,156.61964902378935,99.27340800548802,317032.096145689,6.832511432510022,16.384900850037525,3.4996008459413956,94.75766046487242,3.7552901191424035,20.035945176802905,0.6054609273199919,0.8537850359021336,839.2741165389571,60.34908370554613,0.33620991559096186,69002.17236741728,2.937333190835796,78.25483228842351,4825.9480649674815,270.9737007966628,230.5586596440327,25.66122482744522,0.2533715244962376,0.18016555695769995,4.8953075052604476,25.395273749034697,3.223536888031053,11.082358924109831,0.00021027595260988513,0.7426424442650691,0.11646569424963531,2.012523953145057,19.475096895809486,0.5597855446946093,21.973040074925983,1.6033010066721712e-07,0.0001132097967789073,0.16826607518006878,3.085304569972034,25.79808057890967,0.29074404713629187,10.80878139555306,0.0,0.00014410350517884027,0.3497407704842736,0.8684690725622873,14.180167904321468,16.650935519244758,57.62187989555176,1.9907974977412392e-07,0.0,0.09161683506342254,3.261553605342394,35.432277846167295,6.736263009186106,54.2028011317816,0.0,0.0,102.518550945823 +0.8837929362932115,0.20734302427506124,0.37695580112827226,139.51214718849417,184.55385032346035,210366.7647064152,3.989885574858686,24.071045411168246,2.89933091637815,98.25603206129028,4.567287043334408,28.471786357078972,0.3970382305670539,0.9229597879545324,849.0043621173264,80.20583631440239,0.1289686871757167,96536.50907065236,1.0761211308022272,87.26297344685352,2724.736426148153,152.47377209297275,346.9415441726088,55.17499779955205,0.29645370224439926,0.19381919440884265,15.191615389371801,30.992121335408918,2.5866160224968353,54.55760438630028,0.0,0.8831314119778864,0.12997590326981795,17.786741662164165,38.541468653548804,0.5902380234768737,7.818316582549298,1.6033010066721712e-07,0.0001132097967789073,0.20283504661261365,13.667328108975063,30.55757816833596,0.30725198365943107,48.58931404497977,0.0,0.00014063033626880034,0.11063404820498102,41.37981317308725,43.3772802649946,3.654716847278003,15.398374435997333,1.9907974977412392e-07,0.0,0.1809242485295,12.523994075535162,48.69756023543358,3.579334651057141,17.21773292892932,0.0,0.0,127.28791693876069 +0.8171773097715225,0.1222312948373288,0.3423718667858275,12.64573078207184,207.1932327378389,279462.3772882696,5.998767644750846,67.54588896725787,2.8526937290676835,44.60434370680632,2.526257290574606,26.076404918261844,0.355457607659507,0.906679169885532,51.84839652857667,3.5011712064164997,0.25488730673655563,153204.75062176277,0.9165191475717787,82.96981256033244,3070.25911542185,262.9318587911721,349.4096485439923,40.85204290634154,0.18145568944736473,0.19107977489218173,15.987237680822561,32.38657592346922,4.303471974105668,37.96885445007261,0.0,1.2786173691178682,0.1328948361608636,23.41489357542273,45.30657206137601,0.3026869787905694,6.223546045556193,1.6033010066721712e-07,0.0001132097967789073,0.20528774718080603,17.343517230130246,33.679392062770816,0.238015711861915,38.98663163242866,0.0,0.00014063033626880034,0.14264294941060024,60.30924555336507,47.054895022287255,3.9596266858605778,23.454912771591875,1.9907974977412392e-07,0.0,0.21055221144465167,27.8786817653435,52.96336594077681,5.976428495997109,18.64929723881079,0.0,0.0,136.9099869822224 +0.9772693758480357,0.1941242539836182,0.44929478878512397,176.47073762808142,146.60074435335008,184319.96818873225,5.359145976225302,26.355009102851994,4.679127631257285,74.61105026330362,1.3984765715704452,18.85519570714832,0.3750101112667231,0.8573687440698563,51.49697512690244,46.73842481577527,0.12497587729979447,184868.77827596353,2.7640578063179664,97.02186671568303,2946.9509092514054,66.4776804040812,290.2376848073106,10.715205066466691,0.27936198405513063,0.19666020622865224,4.686145738630285,24.70390718500597,3.3439918224518674,4.476333658342222,0.0,1.1819021467972022,0.13504875242622244,2.9207852356100767,17.068466420916067,0.9365632592200434,19.960473213457302,1.6033010066721712e-07,0.0001132097967789073,0.20686249424852088,5.491784729833213,23.46880018907072,0.36843463339131266,3.383836691534013,0.0,0.00014063033626880034,0.35131132929574826,30.17930982525532,23.523729997935295,5.678068515434033,41.97785945088034,1.9907974977412392e-07,0.0,0.10220430411078966,6.898765624662227,34.05957046255763,6.776979043182769,33.80840926262404,5.3858929825018825e-05,0.0,87.24623717052174 +0.8588669720061239,0.13805692778317094,0.3784976454058028,33.75416312513073,51.32899803473665,167146.8311048998,1.6532236529105662,88.24498739002021,1.313373962597388,23.227918623053068,1.6532977235674766,22.623727407992167,0.6213942597898319,0.8859182764754369,618.8477248389233,44.393475285998164,0.17355633950842797,175723.60350182085,2.5406906137811567,8.41967886111387,3793.562708425439,139.11232443891555,325.2683801214217,34.730003964739495,0.2226630511708561,0.178250792344004,3.934962389729583,25.34363705340072,2.017674688033412,4.698743017938861,0.00013610610355149167,1.3610503679595194,0.13383325370105614,4.6838288000791515,19.799165123492394,0.38922715055752954,3.0037717122886813,1.6033010066721712e-07,0.0001132097967789073,0.20641045742576758,8.713904617739782,27.514067846069462,0.23587687303491328,2.9864091359340654,5.157636610122832e-05,0.00014063033626880034,0.1410770169945014,25.623770896642647,26.377661863424247,4.613970484145554,16.781671624811302,1.9907974977412392e-07,0.0,0.2213540474422657,0.8681961005740958,21.508855877244493,2.6377080580580965,2.6789426841653965,0.0,0.0,63.904516101108236 +0.9746529176096391,0.20179744680007863,0.4005647377970524,224.62824630548553,230.2884147731189,311073.3438908961,3.4915328381619055,60.59015908447358,0.5634122186254558,23.508673464311116,0.9680877982752075,27.92055435383292,0.31714228895981245,0.9347978759407739,618.6311653481165,16.44696800000482,0.06586818688670924,55810.3278803289,1.3218924695317342,92.61345976610905,4207.310623560318,88.92098755340737,329.0444146724304,57.4396010105383,0.2978029898428239,0.19464067614124508,11.041493861224998,28.17971402535079,3.2672549593119617,58.55842115129836,0.0,2.2684106334073686,0.11713505080168754,7.373279174134751,24.801406883902015,0.41014878661104687,8.55028557348981,1.6033010066721712e-07,0.0001132097967789073,0.20152313996797785,5.18975518538904,27.53513063043004,0.2660469349596148,40.92252747712683,0.0,0.00014063033626880034,0.18841739752298434,36.015109710275404,35.48020131672684,3.0020677474688324,12.74035029450631,1.9907974977412392e-07,0.0,0.1694931758515505,13.783100225712376,36.7060851091333,5.536971999408971,13.054275752055998,1.247612614895485e-05,0.0,109.67822369526374 +0.9880733865114382,0.2060137367222098,0.3302640366691041,125.2428019918851,207.38069960990026,287444.13627715176,3.9145530932472488,57.16517376483206,2.44104771093672,93.67287423174405,0.9398938924047615,19.140070584252005,0.3865021293710249,0.8819735204784312,938.5545793265807,97.05994579309066,0.29818052239208215,60187.62016233329,2.962516272700803,72.81274437099333,4711.612310770172,131.7343880728556,348.5187161441495,51.40862259466205,0.25722437893799205,0.19077023134117455,21.81578951850283,47.03964712704544,2.725792602239912,24.96282605381221,0.0,0.9211761768408547,0.10363011163772595,18.961575422830062,40.31438756526309,0.3630874211366081,15.612268718134882,1.6033010066721712e-07,0.0001132097967789073,0.20299551905326751,26.393782837123602,50.513439503622614,0.26549344841057104,20.93379776252392,0.0,0.00014063033626880034,0.1837570424350912,61.29237668065231,53.29908081011216,3.221674139455367,13.940189479824387,1.9907974977412392e-07,0.0,0.15961354402359396,39.39461167501887,78.34730854896931,4.5091166821450255,19.124023564782885,0.0,0.0,155.2867593937075 +0.9804478946676091,0.22362862024429533,0.3433734020670631,215.3003261840603,236.811169609206,302672.2095852697,6.085210648814592,70.87282934642882,4.234101431620253,72.35055381227659,4.578674990268916,21.833754292289598,0.4430740164101238,0.9319310945020769,614.694010039549,8.280190870850731,0.23972617932815177,255638.12175372028,2.938607524485853,97.2917912854183,4709.00646555919,134.30514704463562,338.2751988357346,32.62475030865726,0.1812973540347197,0.19266411453937107,17.61462167712357,36.813471300556216,3.9888975952394286,6.443177352479924,0.0,0.6682032769360491,0.1313507337527708,13.706327953519015,32.497498104894326,0.8276449325340863,7.054008870795917,1.6033010066721712e-07,0.0001132097967789073,0.20336707976174181,19.940132276103334,41.47568662516385,0.3396191561293014,5.1125106890617245,0.0,0.00014063033626880034,0.1930191705066391,107.88675101403139,74.44855600975933,5.349101402415502,7.052112586305872,1.9907974977412392e-07,0.0,0.20758894130064262,22.3778233786212,49.611780349754845,7.2922135017767635,5.834863852245067,0.0001731382765139639,0.0,159.5990158059215 +0.8068856957160099,0.21779752444708414,0.4013979588630166,160.414695720829,187.3509482591516,309542.77363876865,6.810841301972225,60.09175889295309,4.7105654299091055,90.2214686350611,3.8625496598823963,25.58004577481197,0.32685446948039953,0.8387917800252179,664.314556262923,79.09306016578611,0.060233045822599446,224454.24167408736,1.8054455054469538,72.30760577703924,3217.6115020291136,258.64153829887607,346.50628976138364,40.04306650831242,0.24408164993438586,0.20120434879369095,31.75710820131284,43.75524332509206,3.2638926970455606,27.38063778851342,0.0,4.554349647658069,0.13613667408055796,21.616821479579034,41.676365763574786,0.7430379814301987,5.615644537579901,1.6033010066721712e-07,0.0001132097967789073,0.20872491926812883,19.763867610423155,32.73979464603992,0.33088459382842433,17.612741129522067,0.0,0.00014063033626880034,0.07973650545465003,70.35788241967653,49.16505210449032,3.868742155602632,6.1871416352140045,1.9907974977412392e-07,0.0,0.2275629919021309,29.307686141132212,55.1841904986171,6.4531575467624265,7.709372009132421,3.471949019396001e-05,0.0,138.34522761130216 +0.8211665866548848,0.10851692768981655,0.4347867490402729,165.73939670333033,229.48230004396294,185730.931253628,5.408163246658583,12.390353714159147,2.4571137583187084,87.32978251479267,4.225533400905695,25.523417724125494,0.7661578404556956,0.7167493695142683,259.0636773433382,23.707184027705345,0.12266801109320305,84404.48794521112,2.808982925244396,82.37809767947168,932.9828651735129,59.99784623527856,256.64973945414,18.731533674041877,0.18532373557086257,0.1987261038890067,3.4104618853023583,25.01726330525928,3.44982308255715,4.3338526548770755,8.751340170996164e-05,1.2220825949026735,0.1200601920255069,2.036521548919052,17.12999434774567,1.0466735129086902,21.09851343458603,1.6033010066721712e-07,0.0001132097967789073,0.20899456794774599,4.07275633602994,24.29696102054448,0.3823521885796185,3.4191429843966,5.272248729374707e-05,0.00014063033626880034,0.33691145247006576,4.688634447687056,15.323024635645531,14.360906929219338,54.90565346925789,1.9907974977412392e-07,0.0,0.19051992562601494,5.738747091259007,33.120386766874915,7.172170079899263,47.529680517578,0.00034838897967393815,0.0,94.6074048965476 +0.9490300434626365,0.18740006880071003,0.4481476933076174,156.51628343332442,227.11727711415816,327719.1097190034,6.593090103814778,32.363103555773,4.086370535840127,70.29751149440567,3.908085455744864,28.43163764618611,0.6738536109585785,0.9139143475617791,801.6272726916499,5.574571671800741,0.306749176162564,104281.68891744787,2.688065679136449,75.8960280257591,2233.033757481354,26.702622121624202,225.99100363446206,13.18891257832193,0.21094540345491491,0.19049110358229165,6.191188742300559,26.135126391437936,4.2220539086233115,3.9249679311669983,0.0,0.7596107865657541,0.12089867323389804,2.5164945646200083,16.555077523805913,0.7104835390180472,18.73099000835313,1.6033010066721712e-07,0.0001132097967789073,0.2030809789595847,4.969159351214261,24.689675055335506,0.3226393758056769,2.6013029569348975,0.0,0.00014063033626880034,0.3530363127593572,6.488090262734437,13.972042898553273,19.59335778168737,60.58167407481589,1.9907974977412392e-07,0.0,0.11002584614651627,6.019567859810971,34.77535170696436,8.065380246587427,49.51029510826422,0.0,0.0,100.40690416163342 +0.9758073867465908,0.1460079023281978,0.3408213609788391,118.98416365536337,205.56097627899558,273389.8945170749,1.7766535246999053,45.83993630177564,2.0448784315836797,5.76543307421673,0.9372099081662384,19.61673656691264,0.4538849938164969,0.6891784803706476,649.7694316894664,26.878800353806746,0.07851098187847382,70742.51676648561,0.9895956829515742,92.26481420487693,3148.8741265925646,93.31691794890408,334.73416196247,56.69176162299673,0.3193606258423418,0.19764764866330187,10.295508975648588,26.132226965656415,2.6502417472425677,62.9245639744864,0.0,1.0700879959453888,0.1363309721778236,8.019526451757013,24.560367751919465,0.301729575629839,7.886734127926124,1.6033010066721712e-07,0.0001132097967789073,0.20926799069682825,7.4355681579202635,26.952992096844575,0.2352330067237774,52.09072935089432,0.0,0.00014063033626880034,0.11468571988943815,21.25948354748879,28.60568241995871,3.9162792267747477,13.972671988310937,1.9907974977412392e-07,0.0,0.21872662452655395,9.164795547760493,30.359816351142165,4.232777120869437,24.635013676699643,0.00016810347704957756,0.0,109.96874806392171 +0.920211722699565,0.10604015304769022,0.3211903501979259,14.569202606292421,10.520537201247322,284921.38419725304,5.875499557322034,5.854417592948538,4.720409110621637,90.1215521382664,0.7006426356742634,10.163344977208972,0.44948272300005815,0.6256417346764297,616.7861667551838,90.16016637892548,0.10847668724562601,53792.165180128635,0.7231764476765272,81.92333826519867,3981.840117082344,291.77126388445726,331.50258387374924,35.474893806500106,0.18120855193063118,0.19994071606541014,4.638927118378061,24.178167643496476,2.6211966559315223,67.96285462583103,0.0,0.8634457955135981,0.14213029277773867,4.243569055403508,19.05958557923341,0.3423515539226686,8.541716685239948,1.6033010066721712e-07,0.0001132097967789073,0.21294063493773452,3.164917242954692,24.71484153981988,0.23801376873910962,58.59433203329276,0.0,0.00014063033626880034,0.15734837545858657,15.376987580497298,23.192282313595218,3.976860726128293,19.010404814711013,1.9907974977412392e-07,0.0,0.22609469302999902,0.5354072271944531,19.096441833029818,2.9789988904820057,20.16306891064799,0.00011381811865835971,0.0,108.04316778629584 +0.9883217968641552,0.14741797032818343,0.38170602167322004,228.3709996457402,113.47316779751085,196692.92862819723,2.7268500012554036,54.21837422728579,2.036307687480136,27.339326322805356,4.422183433771481,9.020949610212956,0.3027790068655256,0.5692336802592023,343.76590149988607,10.698558939624785,0.10067195916166578,230365.73246510114,2.803498602558716,13.00712796867418,4760.820782849726,143.04246714570445,343.23326863245575,31.949110470655274,0.2703583046370798,0.1999919256220394,14.559938683963235,30.2487869262397,3.2354666941008325,6.7016811994651,0.0,0.9662440211232146,0.14202561155282517,6.598926867531005,21.18347805496238,0.3676439161728468,3.2832091848492357,1.6033010066721712e-07,0.0001132097967789073,0.21331935842417576,13.715324231279654,29.188840334415335,0.2719894851487076,3.7840110075099678,0.0,0.00014063033626880034,0.1292579865829208,35.54922098170612,29.54393090397273,4.283198736934989,6.423820492118841,1.9907974977412392e-07,0.0,0.2173811345148956,4.62387624937938,22.161781193711192,4.446018052004788,3.1796649425652532,0.00010547415000370293,0.0,74.02540612919198 +0.913328974321333,0.21869810132342976,0.3637645295705524,238.94251086591152,246.81158368329727,248687.25997730912,4.354823356977885,26.342872604485624,2.9884346290779815,34.70997966556151,1.7141529088135827,21.043916236462703,0.3675504190032133,0.750766560938715,952.9922355492224,7.632988291611027,0.3142207180994822,112664.75960217945,2.515098125837455,93.91431978233746,2171.4445087524164,258.78909547250015,343.2140207137702,58.3553248287325,0.23366837453432063,0.19376603116973584,21.942006142451415,41.648979046027556,3.3618244199056715,24.831619159631632,0.0,0.9517822661053112,0.10609120489905739,23.68637965448906,45.34978349680208,0.7625374274291504,18.55910255890062,1.6033010066721712e-07,0.0001132097967789073,0.20492675071071356,25.593923247859998,44.08699662269471,0.32724050771518665,22.531726964701452,0.0,0.00014063033626880034,0.15024640069852613,72.46651559443458,58.092364478575774,3.393609898157288,7.26710177892896,1.9907974977412392e-07,0.0,0.18950715806571442,41.05818755728327,74.30199430326553,6.60158415060576,22.637301203404913,6.322651405039797e-05,0.0,159.2710209249519 +0.8898153273808577,0.20997273638617506,0.3403622887984546,46.55318521040044,126.09736405252931,291083.80003810104,3.0785901019535284,28.771226084356385,2.268920395837089,46.558320541140056,4.510820267760712,26.297239037124747,0.31245495610620205,0.7501042076502378,856.0091029296723,7.056325187044418,0.14864353299798233,272395.587841671,0.9106512128650588,81.81026076164197,1479.6407670526587,128.64354930823703,348.86609294681875,47.666884806771016,0.2302173387495215,0.19546817198601918,24.25273354481877,37.14567019376911,2.940224316649567,30.100805700220896,0.0,0.8559629835078366,0.131575005739734,26.028697163497085,45.91779674952656,0.2948554071790655,5.11788696429511,1.6033010066721712e-07,0.0001132097967789073,0.20805868288613058,23.655857466056663,37.1921768153363,0.23755203411150422,27.647694893748472,0.0,0.00014063033626880034,0.12222113539504438,57.2144844795559,43.968929607739774,3.879070216163591,15.706117852266956,1.9907974977412392e-07,0.0,0.20140565572458713,16.7671456374665,49.36350271223337,4.003037611462379,12.311735099027867,6.583787939971009e-05,0.0,129.4492226748492 +0.9178773609960028,0.11559617300384203,0.3704130894855815,41.84314064793705,75.21768918644443,309616.0818564128,1.6300279498261654,41.484508796608814,2.126817184005913,87.65849609206192,1.5250287726689704,25.948953341441662,0.359902386014888,0.9936014739986563,695.3286612545747,29.05848681584645,0.30522864357108936,55377.347501302815,0.8983208236425184,27.619363643024375,2054.5362582465523,219.92503779107435,343.9951131561738,56.25373511959236,0.17410614102565258,0.18706352531215642,5.554688709339345,28.693500079660637,2.658590403509341,68.1525101391339,0.0,1.3425747597928175,0.125018612381145,11.72471295643131,29.89338443701187,0.4831127708656465,10.113111539935302,1.6033010066721712e-07,0.0001132097967789073,0.20139614382035598,7.461717548857911,29.5702179410146,0.24091668984886,69.49303385595529,0.0,0.00014063033626880034,0.13551981584813647,26.407732671266345,32.93697585811519,3.8765696197239627,25.67608181028447,1.9907974977412392e-07,0.0,0.18781223327277619,13.306073618479097,37.27616570423678,4.0221653045959105,33.46285370612773,0.00011606944921257106,0.0,132.51401569677626 +0.9011360794043384,0.16023867380965898,0.3740233890483,43.717245925684594,200.6254421589276,314709.0151260496,4.951529799304194,13.730475368869797,1.975377605271957,82.58820441636973,1.2290108727041424,14.949828759710222,0.38922454181086596,0.9286037302828334,609.5259456520959,53.86343250831803,0.23137122567745286,70053.61274446393,1.3544791350907899,86.36820019040157,25.242776225764487,107.13185081890393,345.20759198654673,58.44849934442546,0.33850387707671625,0.19556718205153756,9.98961140431864,28.72059287493029,2.903632564082505,52.67585809800955,0.0,0.7826851483626899,0.1369967742393167,11.660267923769636,30.57752749270004,0.20340273333007508,9.896694650598121,1.6033010066721712e-07,0.0001132097967789073,0.20978728733375723,11.051825266935596,29.421868451552516,0.2476431957665819,49.26751224210943,0.0,0.00014063033626880034,0.09771421184866791,28.038725388901632,36.02673798751058,3.657910424604427,10.223153017594917,1.9907974977412392e-07,0.0,0.21785962987493496,14.838913212421856,37.195826513490616,4.410380588781383,22.03650393674449,0.00019778663555000177,0.0,112.26510916375301 +0.9756020222467121,0.1769565641213786,0.4003905248382824,234.63628060483228,216.58799464080084,328306.7268806669,3.8722961820926116,41.315891620860356,4.32785942758117,91.48863847910984,3.1037447283958155,24.264258478902132,0.47464224064984484,0.9811399752626778,829.1601061646761,48.53267759720909,0.2630819786020396,177481.9372885725,2.983024379843464,80.97945470290458,3232.636714194239,252.4634435203123,347.04394718842883,55.199812493737674,0.1552965295477491,0.18937933601922222,28.80563948862689,58.50552901619201,3.022391800879092,16.210299550318318,0.0,0.7364363119441001,0.10819510274125924,27.048220586310972,52.221691736869914,0.4378953968343961,15.070242537930062,2.936295719130756e-05,0.0001132097967789073,0.1985513945340211,32.5377989519827,64.13396882341226,0.27063454040359375,13.976951834277326,0.0,0.00014063033626880034,0.13428136315572145,91.22359553690082,70.04894569808769,2.943703113442954,8.725414628219314,1.9907974977412392e-07,0.0,0.15145315483764069,62.18726129885865,118.98796720809894,5.203083506893587,16.17922898429531,0.0002219681287595092,0.0,212.61746764735045 +0.961396343947745,0.22437676616241034,0.3272723775806249,196.14017269124878,245.20300127583852,284818.35315937817,6.932711556309907,17.397199474041447,4.272124510601195,61.09898311646717,4.255310044554193,23.6780350287292,0.4698947662038344,0.6725053252644512,898.5483749129068,91.7779978241554,0.34932238229128265,105780.1058904932,2.651737656162649,85.0661921149951,177.23600557721952,276.94344086729154,346.0218645170331,48.43151237891739,0.2030580679888906,0.19479302502840803,23.923596661064806,44.002495349621235,3.05889666166594,25.105683669720996,0.0,0.7412638339804445,0.10813793065419752,28.326468976803703,54.561321755150786,0.9666655309614739,20.513390522424867,1.6033010066721712e-07,0.0001132097967789073,0.20499769968481568,27.363494813988922,46.14576653544473,0.3646935566127861,22.061272226567656,0.0,0.00014063033626880034,0.12086161228718931,84.75323867801333,67.03381457579938,5.3093855708529745,9.036513665967092,1.9907974977412392e-07,0.0,0.1979651502448637,46.75763671418798,85.71477776931359,7.501485207207152,22.354786951375022,0.00011015984033418703,0.0,180.52919787272307 +0.9377670026552104,0.15148613746834022,0.3706588430146626,78.4513676034564,66.8134493206813,324098.41413216246,6.770585150973131,38.56258816669199,3.187262269041412,93.66201754074258,3.8609886735566192,26.86584239348231,0.42899135758395623,0.8737485035930703,815.7579846650374,12.69550339708029,0.28861091589777077,75885.02705935089,2.198189866689152,94.1909342133226,1349.1277938169183,252.35074532846218,347.20594094101205,57.21577223322048,0.1900801007577309,0.1890725415128292,18.444713964352623,41.75937940276261,3.520741863363013,34.477347678759855,0.0,0.7339436809076213,0.07141670645679782,31.32731144578422,60.198822447323636,0.33915998522724966,17.66128171306692,1.6033010066721712e-07,0.0001132097967789073,0.19832327010765077,21.433737668377066,45.340458148924476,0.27644898063064705,30.634790381546146,0.0,0.00014063033626880034,0.16154034726700947,76.56190103168832,61.76756955044755,3.7525800558586067,14.922559437815618,1.9907974977412392e-07,0.0,0.17498347895558813,50.107262228394546,89.43951260808107,5.752527475645422,25.223802301378903,6.707104260846542e-05,0.0,180.96986892540528 +0.9366919881315536,0.20938357260175083,0.33388974655775727,235.4060396151338,171.93393706258158,329891.0941636747,4.021574194139137,68.58856883700965,4.553704934749873,9.877502469109746,3.6890363568588134,16.480973889438385,0.353097080122577,0.9715948420165492,682.5026621034002,49.857778240004855,0.30823465830521385,99134.00976712785,2.975223471162499,94.17666026629539,4918.752118006497,32.16541386048303,340.2922644970116,15.113145622471567,0.16663749968759756,0.1946828832546734,6.99632006342483,26.732440245434493,3.077083788321936,3.663020362106008,0.0,0.8555825586157482,0.13424609744019256,7.73533203620274,24.009420771944015,0.40292059704421607,9.032517750558963,1.6033010066721712e-07,0.0001132097967789073,0.20817557861108527,8.086158166382116,27.47928835626305,0.2683169923519532,2.479732242871181,0.0,0.00014063033626880034,0.15619755506780064,87.53402222390335,69.59785053394789,3.012908012664283,10.26019188604303,1.9907974977412392e-07,0.0,0.20182490629501282,13.701213752438484,36.98050166021038,5.0318074819263625,5.520174090433857,1.9272495782413006e-05,0.0,128.6996358867142 +0.9758132572501582,0.2334898208789405,0.3479943704814793,201.34202864384542,109.3995064650699,290916.2995864847,4.287539782378402,16.888491497392316,4.189770758071925,53.99257587797665,4.549652107644605,26.079966157521135,0.44211184171778545,0.7324930406359965,938.742702764593,30.56167149886011,0.2245812430454748,151329.324766016,2.4449424451555823,82.62960568424259,1347.8222433716758,255.4907417206941,349.493038736739,58.42276991812531,0.2309402950630435,0.19556285234670054,25.854844064340742,42.495927792588404,3.0130409612968125,27.387474157458698,5.8652587190512244e-05,0.6241335665479768,0.12742673141132538,23.33126599808146,44.51685710426307,0.3813926390009667,13.613652236538906,1.6033010066721712e-07,0.0001132097967789073,0.20710583305292823,28.624449179833693,49.5255256500602,0.2738498587381456,24.239624168699383,0.0,0.00014063033626880034,0.09311985344296474,64.72658837236463,52.118292122885464,3.4053524805597566,6.133988134044329,1.9907974977412392e-07,0.0,0.19314039784676645,46.193891639055735,75.04589602054259,5.009070822052667,19.868132126350186,3.735030887995127e-05,0.0,157.94326203760173 +0.9409951586863582,0.21310202083821148,0.44638659053815166,206.28621673953904,231.55720326602977,334756.7700762311,6.059967204023113,54.893606059543856,0.47311590741296516,37.152591587262926,4.7230738807346215,22.918639530295117,0.5618408380097475,0.7462066532747922,983.7676615200555,74.62111382622892,0.25016082166290876,99847.75212371365,2.934112492851363,79.45492327409654,2216.855721322768,235.3785303652421,347.9691387691569,48.9461244527739,0.30078983120715563,0.19116390114651816,18.867391308375215,38.76225661644241,3.1782946401795127,17.957560850759453,5.306340110259231e-05,0.6347525383099937,0.09982223491440864,14.333595588864172,31.02665832960527,0.7233579731569931,19.72809126227657,1.6033010066721712e-07,0.0001132097967789073,0.19546567675351498,22.33713391574118,43.181904870198764,0.32139020379530525,16.79776306440628,0.0,0.00014063033626880034,0.3354914451517668,44.44125051755649,27.599454598122495,7.09195170960759,32.42565636720024,1.9907974977412392e-07,0.0,0.1745044502281499,26.89229654373726,59.83064907811401,6.819833284268132,29.569872341100144,3.9133572793036824e-05,0.0,124.3289160268078 +0.9433937590896051,0.14155197556519095,0.4218665088592939,181.34555086526422,207.413102564863,285288.3491817941,3.5545136977761507,79.2195263301975,3.914314601413177,22.14061677149892,2.813764792320798,13.316377696382833,0.31230495505975037,0.5552323242523943,6.674970084756893,1.3288034458772913,0.3184354673220879,153033.1767998671,1.3879290901786492,87.1252025664519,4940.84640646958,188.2112152355819,250.52819649194828,50.74657727607179,0.21797023914983002,0.19845769918799877,6.2217170867498215,24.97104310838832,7.0477763012077865,5.339847654349819,0.0,1.3738668605226454,0.14133481238596338,2.712517961920335,12.966529849995608,0.4017706657829054,4.616119522027865,1.6033010066721712e-07,0.0001132097967789073,0.21266381172929466,3.8061066594003625,23.73951206874561,0.2682608582173667,5.195275579647521,0.0,0.00014063033626880034,0.32496552805067386,12.523084178353098,17.039240709028753,6.987612963370383,43.810213377106194,1.9907974977412392e-07,0.0,0.21820229135575622,6.428764512401985,22.5829566180429,10.745534812245793,5.744589583502378,6.842550044935666e-05,0.0,68.26255356092534 +0.959087826765328,0.1411703049779424,0.3522436155346543,148.6503375714367,48.60172415802103,249210.47736228188,2.039997856256323,79.5045274687464,4.652311838134512,95.25450529352872,3.9856322124160792,23.79671864284004,0.45956324149106015,0.5599319157056356,304.07509746184945,54.14085570542359,0.33089369530391494,56329.33060957141,0.8350474568649369,86.34044152194241,4523.637429645808,274.4233717635475,347.5799836108724,31.947316782435948,0.2380709644192523,0.197257868644655,1.8693924301968765,25.19369872466383,2.722680300373446,53.627633642334295,5.802810992283649e-06,1.2887107706894216,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21094447553099277,3.2571416961438273,25.783123958919493,0.23693608707770253,53.33847300942514,0.0,0.00014063033626880034,0.1444577897048778,26.58460885673469,31.406089151500655,4.0466415351875025,17.224727955527133,1.9907974977412392e-07,0.0,0.21484969837057175,3.5413695594409518,28.43268089703265,3.210405338376414,20.245776508862267,0.00040091568725495727,0.0,2698666337285.8823 +0.9436567479503529,0.2643390136488504,0.438532027316544,136.36324284364895,244.4830630522558,316986.6742996025,4.111371650203457,94.0750260659245,3.5542944281969913,92.3315673157362,4.6127122209292475,22.33074483479871,0.446684026962169,0.9953460620282741,818.5125087414581,95.9573501311216,0.2866001910549542,298078.56445196347,2.961234343828717,97.70719291879077,4750.825514076411,279.0949333537859,347.9271483063354,59.240809354288075,0.16211030922557726,0.19264317238531872,34.84559957396383,59.14958741895719,2.8757545493985117,13.71813965333364,0.0,0.8378343618708297,0.11198139423897988,32.55495634910988,55.8611906691165,0.3808890771276975,15.749624955112022,1.6033010066721712e-07,0.0001132097967789073,0.20218916472254223,39.48469465512838,66.5455177143989,0.26559136194590127,12.977954162363782,0.0,0.00014063033626880034,0.21687184121262754,104.78290869595052,67.17106102332164,2.9439648727329706,6.862924566809374,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.954645443715534,0.20176733783248096,0.3293911911753743,77.7973365269034,164.56083321349138,263722.0985121351,4.95459943470353,13.815868404792404,1.1796596621849973,89.25448343442588,4.991267543136475,21.454878838712233,0.38758712438320764,0.8239053385790495,843.6899317162922,62.87199333730887,0.08043282536162208,89562.07159336894,1.6918296736976732,51.36846662366332,507.5556647771515,243.6443527485681,334.86960313143504,36.80810023858733,0.1942716930418667,0.19775656736845268,14.714443851756126,28.526373460731634,2.7656256443025873,37.211013938224504,0.0,1.8191430988448396,0.13469309018559086,9.239153416604188,28.41841537950465,0.39885631224613316,7.645623554864791,1.6033010066721712e-07,0.0001132097967789073,0.20700830691796243,9.42855775484597,27.87820809948718,0.27794277590413274,24.933263885853936,0.0,0.00014063033626880034,0.12103476970720975,41.19211288903993,42.16998848173706,3.7105275475786037,14.819787185951043,1.9907974977412392e-07,0.0,0.21132904999288601,13.58451415229916,37.103196612218085,4.604949658309287,11.189239345710728,2.3287640481771344e-05,0.0,101.39797267294465 +0.9756378492665795,0.23436171610097367,0.3479943704814793,86.09369205638815,62.779186975958595,286722.0189699037,4.287539782378402,16.888491497392316,4.162653284271266,74.75945495814918,3.626493434488507,26.108364314118198,0.48704432104622053,0.8043060351968915,927.577955164315,67.8168437922492,0.2242503010408886,80923.2115042887,2.4437091740271697,84.10940337141716,2463.6573550340354,259.3593682506206,336.1385208918465,57.0227842083314,0.23276767685548191,0.1908757630851179,18.418415876275745,39.782814158761326,2.7598227191504003,26.763661326060735,0.0,0.6904030612988672,0.09716269889826591,20.82105585848384,42.425130475710056,0.20123260140004284,16.263849974109988,1.6033010066721712e-07,0.0001132097967789073,0.20032665348900613,21.2062295686507,41.746633942639434,0.25249429686264496,22.729774279449757,0.0,0.00014063033626880034,0.13661137083208663,64.71342279463104,51.88166988692841,3.8283341125423944,12.088680421050402,1.9907974977412392e-07,0.0,0.17435468203126725,36.25478118778106,73.05582984634809,4.371152765933581,24.025023757654264,0.0,0.0,148.8011589843529 +0.8603773606449048,0.14374531123807044,0.37343057475321384,34.699100303461364,128.3372010951476,314814.29184175975,6.37797598097414,77.48080863802635,0.764495197449595,21.50243290566618,2.6881379375330727,23.254059962490746,0.5112376080973846,0.8862997648821634,270.456312197948,27.890636057547642,0.20575126131166055,106023.33242072575,2.7997470897508836,46.53470148065145,2946.493309987499,282.94577023889445,348.85446072041367,53.688807827479025,0.15979894441578596,0.17893251177284816,16.671413534521896,48.00891565630369,3.2409738247605984,22.5831341551285,0.0,0.7503539524340797,0.1178052172308229,37.88851928849273,67.06469879655583,0.21901752637379845,13.616221826857256,1.6033010066721712e-07,0.0001132097967789073,0.2052562275687585,28.963155358874594,53.22589630387941,0.25301515477633096,19.85709615570524,0.0,0.00014063033626880034,0.10829477728272299,87.28917619988388,70.71005859670274,3.6493523342164154,15.382489038469357,1.9907974977412392e-07,0.0,0.18801820991039422,30.888843063895475,90.40497735991224,4.106401131359059,14.712421128535873,0.0,0.0,188.4638790672869 +0.988920432008741,0.1039816597857803,0.3319665458876738,162.6840486121468,155.4646830770883,326463.7018482359,2.80157451763995,35.98471194869589,2.3438459274613397,39.98171413084497,1.3976093064661819,27.280921427322568,0.3056690963296591,0.9318815649899748,489.2467047500191,46.496689622415424,0.11926370282483682,103657.09170459304,1.3576941140561414,57.36249595439692,2424.8591523325686,242.0946865161493,338.11413054709163,56.121338479002425,0.337814545648025,0.19075319005826055,14.741426125361462,34.32158003164399,2.9780824709499143,44.32481768743398,0.0,0.8012586979553284,0.11165876153132719,9.849509459917133,28.662711633496297,0.22149540127030679,7.4788386831580445,1.6033010066721712e-07,0.0001132097967789073,0.19500171665466257,12.528364571528076,34.05409049728337,0.2417918902243448,36.85345686303335,0.0,0.00014063033626880034,0.2229394871324102,35.57285927976109,35.248765096825025,3.4690743320464312,10.920452075876726,1.9907974977412392e-07,0.0,0.15883528065204652,20.775441853913055,45.26700633708972,4.585720084422516,15.491324521718422,7.054106504538417e-05,0.0,111.35524591018753 +0.9088443663008311,0.1916369202630286,0.3656462756188301,121.61829732578849,229.9120036567062,321877.1484637283,5.479455529075564,62.47648300853017,4.709092495133482,86.66789342678783,4.057739864093289,24.1884363376199,0.6053176078650673,0.9830839366317032,527.5816365862534,42.001370014693634,0.32726877605769766,295491.46285957756,2.912762346845936,99.1546355171602,4531.639000518027,294.3734065132759,336.3592367650454,58.37166084696138,0.16928383378689965,0.189674695768473,30.99191337351643,57.865521831102036,3.263672199443287,11.189843958194563,7.295649121350674e-05,0.8589264757411614,0.12510350913167245,27.917911812426418,55.05015475599282,0.511001288065858,11.996768745572213,1.6033010066721712e-07,0.0001132097967789073,0.20171937598299647,34.41970833623373,63.2467176407386,0.2896303690970243,10.25194165481535,2.5250286128642546e-05,0.00014063033626880034,0.12130546670843699,112.62383544455183,74.17472223738926,3.120370863609811,5.8869453906335165,1.9907974977412392e-07,0.0,0.17473935013238284,49.73677875262215,98.94434778008393,5.695111427548363,11.982918272906142,1.2162715206594357e-05,0.0,210.61810425140783 +0.8602251047022135,0.15892337654014518,0.4392195069767484,127.04213852332022,61.12658708823308,207952.68204262553,4.7905210178766,72.60755977713215,0.7105903648532406,41.41808387646165,1.795599040211876,22.007434641200042,0.44935577196091003,0.8354776742785099,946.5175156292048,55.714580264700906,0.21405171689757857,64894.04647908489,2.9945238579984657,89.33656252647839,409.9350470140212,116.39953111539488,343.26087855505045,39.5107722366137,0.1615784973239854,0.19489088916751673,15.787294828253156,35.16473092125834,2.683001937305342,10.90334435422065,0.0,0.6618697723650371,0.10581836096550666,28.4030592572847,55.323843768132235,0.4621592974958195,14.965983773757932,1.6033010066721712e-07,0.0001132097967789073,0.2078654271518129,19.547175543353585,39.36269541856031,0.30308110418384504,6.545811213855284,0.0,0.00014063033626880034,0.12488202626999298,86.0121713754367,67.00731147481476,4.321793653035193,13.13928924545867,1.9907974977412392e-07,0.0,0.21097317633507484,28.988183234923692,60.02434191632025,4.541134907057561,10.628117428981959,0.0,0.0,155.99610721479516 +0.9664195415641519,0.11928697842203223,0.32596567375843355,196.1631386886314,34.983184352093346,270794.92369051836,3.5640351685887515,10.991815444434739,1.207979949962957,86.10775242395258,3.797320361016043,4.870445480498068,0.3712998469885552,0.9876016075261417,178.72540976820412,10.583238603354337,0.09056085625818955,152965.57118992394,1.5415279537511941,91.73231909618765,1870.419344194488,71.98100011405731,273.6966007230722,54.87925883833352,0.23542403949269292,0.19957744940763986,7.7530555001527395,26.18247214609535,3.7869028010605548,16.53852001458347,2.9813891984009547e-05,1.301592009471197,0.14208313988102594,1.3290863819873149,15.004806066742344,0.2016245244328867,3.8387712353748413,1.6033010066721712e-07,0.0001132097967789073,0.21190486891491642,3.967385960793148,25.427276280497054,0.2500117154558597,11.092572534405228,0.0,0.00014063033626880034,0.3575536186765695,29.138158579773616,20.788585258445842,3.8485360527714847,10.449566219638461,1.9907974977412392e-07,0.0,0.2047768834910744,2.775319561980601,19.033261591420036,4.80613642854881,5.27379983499942,0.0001444998130393049,0.0,62.3588575519963 +0.9832466160472869,0.25673408283021565,0.34889113412226036,236.7110813803559,199.71556897550835,317956.9488462538,3.5410348759020898,11.834279655646315,3.547804912070451,98.15331652693257,4.381234030911283,27.7791556361384,0.6016201162489632,0.8934473879018353,924.8444929609026,90.25574754113373,0.23003555069485487,292245.39132222335,2.9571213339172413,73.74015983350759,4239.11280608341,279.525689528483,347.76124756904244,54.35774981638505,0.19438282807020163,0.17734375612536393,24.64279712331573,61.335595941002076,2.610451230874678,14.633653567723007,0.0,0.6868736283830046,0.12841046807680948,29.42636228692669,51.26487377771744,0.38439245539372396,11.405285582265552,5.334653412697593e-06,0.0001132097967789073,0.20526356773743057,38.29242750755548,63.97446416557062,0.2634488137516359,13.786127346312313,2.0836631232705705e-05,0.00014063033626880034,0.16051220689688575,95.18477980144593,62.525884468132084,2.901513616621203,5.45535974510454,1.9907974977412392e-07,0.0,0.19301582918321641,60.316467914399986,102.5500767678016,4.73575923910079,13.89142281074848,0.00031372300688291846,0.0,203.32757549162702 +0.9759902688606434,0.20977558421571432,0.43352616565410834,121.10099541582733,141.51505385092986,218412.81971084524,5.033037873693987,62.24628882446834,0.4664429469613085,44.256939834568946,4.518882022484509,23.95826674571242,0.43853980005513604,0.7724532333276828,567.4993075849038,84.36701681813217,0.2341337673030659,68026.97914337106,2.70236429543042,95.57282166780514,1426.6191813084095,116.41189141283148,267.9991558997848,20.02438022699838,0.2600284725098588,0.19437360896056563,5.696846887795924,24.982688133483624,2.7332589111153105,6.725590981196883,0.0,0.7294553062698722,0.11875269079602181,2.017225830455765,19.969773887801193,0.637111700078623,22.41954461541853,1.6033010066721712e-07,0.0001132097967789073,0.2043189353409464,4.810515126013639,24.73349878783729,0.3203316320445523,5.91009477293724,0.0,0.00014063033626880034,0.34588494090968336,12.336039488029432,16.55909173922213,9.580283212114844,49.2142764579774,1.9907974977412392e-07,0.0,0.0971066244039373,4.366078422417046,35.469480978110205,4.935261921037814,45.18354048309761,0.0,0.0,92.56961568144088 +0.9750940081196787,0.12267599570024779,0.32530439501129965,154.68335789267024,161.906272839263,255177.4339091179,3.118313729673451,96.08571923900323,4.057950573861363,88.47770689014754,4.913568807950167,14.106085289862873,0.4393759546558308,0.9679345703024151,819.2653008529854,9.756347838058765,0.08529201336759047,299805.1419721394,1.6852841761576292,59.06988795750691,4102.450264513564,192.0784835779776,349.23865440629964,57.14184218375092,0.22147526174930215,0.1947120614085276,37.27432018684316,55.14776579104184,3.0366605372113358,28.2962836753811,0.0,1.2353719867872712,0.13518127842865596,22.712824870857627,43.953475954275355,0.3080994271245525,4.622777422988158,1.6033010066721712e-07,0.0001132097967789073,0.2078615378744793,30.516092421991157,54.926741134907395,0.25866216621796617,23.788876559070037,0.0,0.00014063033626880034,0.11498728651736757,58.725932919769996,48.19325907278435,4.054994747034427,7.058308879063468,1.9907974977412392e-07,0.0,0.2026278624186277,36.36563103502869,68.99112997476266,5.185211320309336,12.153103540671657,0.00042575133489807806,0.0,155.94884165785527 +0.9875133993844377,0.1915590503521481,0.42112686377726677,247.12744337856142,216.35464560790922,324391.86496585404,6.876111087813243,81.53452964668246,1.006348058344043,27.33592098530265,4.717664516010709,25.86802399617823,0.38691361418896103,0.6887925578655871,120.72533984023153,60.12694128268667,0.3201477860727556,246194.8740242757,2.869059243481674,98.86809116275816,4460.8337626835155,117.48336087935607,348.70414609348364,59.06638242563109,0.29461215440584815,0.19620714330324246,23.918409664812945,40.65828550209059,4.009750643379298,12.707958720903944,0.0,0.7725207220949314,0.13495692783250934,12.276043974980377,29.174950194456976,0.8860482965813292,8.655699647126045,1.6033010066721712e-07,0.0001132097967789073,0.20776693469766128,26.15301280501619,43.57623555496218,0.34936357350402775,10.695427162776635,0.0,0.00014063033626880034,0.34086713769609583,48.337750479932076,28.270083752595255,10.175212870188973,38.05498636289423,1.9907974977412392e-07,0.0,0.194942715435933,26.058029564159796,53.475196695773306,10.43480091303333,11.778979617963833,7.900665531613176e-05,0.0,121.04658263149118 +0.9868298928148358,0.21453097579230734,0.43428357622909675,169.33106226646106,144.15398705896152,250882.21123924645,6.044935834198364,33.98957918737381,2.533268244854554,92.04819034010582,2.089306631890335,13.751991022615307,0.7291900595143473,0.9823967847029206,379.5551129735378,45.14769455792688,0.3398373839974506,82430.79410834734,2.918938525205995,97.2243804681906,2234.678616918357,39.76674404182133,226.1653378307866,12.663330716817038,0.2842185479423596,0.17906379277570714,5.335404810841557,24.122197334418427,2.99998519357469,4.447830276350961,0.0,0.9466355393101016,0.16499969643857051,2.5733217356020304,20.383665365202216,0.7627697655302971,23.738332113383994,1.6033010066721712e-07,0.0001132097967789073,0.20771551708716415,4.799229078795365,23.209298171000434,0.3386314404583556,3.5103958160128874,3.057859430190729e-05,0.00014063033626880034,0.3558555465490436,6.045250102044079,13.69156391432446,19.038746895718514,60.025761904374065,1.9907974977412392e-07,0.0,0.14274767438050934,4.430005518522138,31.928584512707406,8.22081145826236,52.34678587031136,0.0,0.0,101.17816193835392 +0.9391381551056375,0.11451131462320137,0.4459738356008604,41.84314064793705,117.02971562252804,307649.48762442323,3.255323305616203,42.20137253007806,2.126817184005913,87.6455427738473,1.5250287726689704,28.009961689801752,0.359902386014888,0.9936014739986563,727.1392465057662,44.52214451789955,0.2983874697760659,55377.347501302815,0.8983208236425184,27.619363643024375,3374.518921763914,219.92503779107435,343.9951131561738,56.25373511959236,0.1720155376430949,0.18404335157937096,2.4466853255375094,27.92939874035583,2.7313187474511533,55.83953800468602,0.0,1.1832747254236593,0.11949717942768377,8.976528277531077,26.013645317539822,0.31206154077337234,8.314035156942879,1.6033010066721712e-07,0.0001132097967789073,0.19852339524651197,4.101382094831723,28.63421240149474,0.236988571386125,56.39134066564437,0.0,0.00014063033626880034,0.1067761644378609,23.19295826511594,31.121341720811625,3.797787266356096,21.96090680497828,1.9907974977412392e-07,0.0,0.17385011864988834,11.273951000140539,37.780249288097814,4.165394853726487,24.667418471421875,0.0001655423298637673,0.0,113.75326544039743 +0.89922781832973,0.16912620384144528,0.34708323257449025,147.53177975804013,227.6581416750323,302241.2089526214,2.113065395295634,70.61428563556969,3.1517402882805587,88.66307471583158,3.1182008020964487,25.985606867901325,0.40172881356945783,0.9503985851096414,832.0600203610948,65.15542403129852,0.08331100475035527,222194.71862349537,1.6504659166697253,58.75385728512592,1327.1675951007342,168.4400300933333,348.53709464842757,52.66439143524279,0.1611921785932349,0.19420627784646521,31.074987567331515,46.00511837774221,2.674668285956212,32.29257405750795,0.0,1.1069652112783805,0.12986782739032965,28.950709330347593,55.76462582230623,0.2529337894908417,5.449377502427137,1.6033010066721712e-07,0.0001132097967789073,0.20252944302135922,26.486829224343772,46.8126176785757,0.23725586420474407,27.43896016503985,0.0,0.00014063033626880034,0.13435087562250903,78.5478917691569,62.315981883717825,3.7825226328839223,18.531939778548445,1.9907974977412392e-07,0.0,0.19977861618853893,40.107656896133804,72.2762056222629,4.202777584831074,14.098682683077397,0.000376351652410025,0.0,170.92891847590974 +0.9580060114035279,0.10804949128569293,0.42378244577995394,181.34555086526422,130.7821601867297,274221.70634619053,2.9771454639842765,37.203725133525694,3.867025782171274,23.960371625172982,2.8560630932288302,12.731914845492582,0.31039853089189806,0.5630044307017023,6.179335562585834,1.132417153042315,0.24673042904674267,67047.44517906733,1.9237555869364478,27.495672332786558,1343.021513274309,183.9397529484202,252.2075173996358,25.11627678776601,0.18950618870398037,0.19833998100585296,8.079765551790663,24.997726582186388,7.051201380821104,3.5731718185386336,0.0,1.350388181858524,0.142776510777989,4.020514549060748,11.751995783829248,0.24258256512681126,5.011638188199439,1.6033010066721712e-07,0.0001132097967789073,0.21234659929255797,5.813646257619732,23.22315500058221,0.2509233502220657,2.3024422514931575,0.0,0.00014063033626880034,0.3294568502468011,1.6041234334995385,15.474271403142474,8.786010632023427,47.01496108179372,1.9907974977412392e-07,0.0,0.23029515349867477,10.681989334014968,25.18377209243978,9.542379964734515,12.720622278802693,0.00039955821233115423,0.0,71.01759049256073 +0.8989157545714896,0.10711054364441899,0.33295791705079814,117.5617979649369,196.0672367270734,235405.38701850292,6.029182183347214,86.57920257804113,2.0569108489042947,32.580447608303125,1.873827283197109,19.368991643853693,0.4345596644733714,0.9144411402923488,750.305989346872,61.81299201868642,0.3163645054082308,74690.5376145889,1.0688633050919678,87.40450036630698,2245.3991398514872,60.43399050483423,333.58115384694037,54.516201777993246,0.3451691859309824,0.1926179971809809,8.928732273097037,27.208728871852458,2.898758595492309,55.1012931841052,0.0,0.8121301713133888,0.13408567228131119,9.651709500486632,28.82670295515916,0.7733957876990413,8.012480998131148,1.6033010066721712e-07,0.0001132097967789073,0.204200666136968,10.096341929551066,28.177250101442485,0.3401599759467702,53.0126856460299,0.0,0.00014063033626880034,0.08399723492467133,34.66173526315646,39.257340288213264,3.0242693457245986,8.511870555583538,1.9907974977412392e-07,0.0,0.21415584891955822,13.793268891367088,36.14151213802367,5.417280992156745,19.49308754415449,1.0519716489285686e-05,0.0,115.28508793563311 +0.940343160400059,0.23023423985757985,0.34707813291874623,146.64483453909568,81.71062213476021,337838.48213771795,2.57616466219987,71.54717716643411,3.5107588631168434,10.634951335837783,4.922082411324209,26.029152126952553,0.4172094181177445,0.8021153466419995,819.4317700297278,66.59464749296109,0.21762767394797192,84194.28029400464,1.214672609544968,94.89087197807468,1975.2471458329774,243.3244635710436,349.67203970045904,54.90962846148102,0.22251031519623046,0.19459537942445068,13.004444660276521,30.745121477594537,2.828498154439853,55.865415139876696,0.0,0.804888476464424,0.13320448901809764,22.01873388466477,44.32795942711429,0.30104401984217183,11.804129174462473,1.6033010066721712e-07,0.0001132097967789073,0.2069569236504319,14.728281068208036,34.55720233281136,0.23663891939031242,53.28710594875802,0.0,0.00014063033626880034,0.12906935463271071,51.614570154094224,48.99572140031491,3.5789322557961176,17.599342046073115,1.9907974977412392e-07,0.0,0.2089742684069159,30.31542506008292,58.99210081705894,4.218419350224651,25.217737037349824,0.0,0.0,146.71079381595024 +0.9385163444356597,0.24001466379835354,0.4381861347939476,209.34732602933857,242.96396018653442,308394.2599162751,4.146098960569413,63.24788261131733,3.9420235882537664,74.62940270183283,2.687747981798367,27.301740100259693,0.5214598177566205,0.9790387960205162,458.0466026285992,99.12920756790703,0.3113482100957237,192412.8564202281,2.8648403369106616,98.45560920098245,4904.021435218785,216.36352960087538,348.9064716381373,57.958489535305816,0.19228073684798525,0.18849173756530424,28.834976657733925,55.597028741845435,3.0075163697275777,16.830855053871314,0.0,0.875742262120557,0.10394371120239017,27.263496724694292,51.86651802808561,0.5230025179204403,15.875111391479889,1.6033010066721712e-07,0.0001132097967789073,0.20011774513161593,32.01145950186604,58.799075083389226,0.2848847867102996,15.220908504395487,6.604091883265994e-05,0.00014063033626880034,0.24811926365831002,85.53979309392166,60.42197270705079,2.9440293822759136,11.595438165428495,1.9907974977412392e-07,0.0,0.15097198122348346,59.229345349512904,103.87792771027321,5.457293711237501,17.438633142121393,0.00010558772838915686,0.0,195.85431903756148 +0.9025956006321494,0.19488805321596192,0.40000711445165693,223.27739348968015,48.29182240467621,304420.4457091446,4.886096847468011,66.85941006289217,3.3468022791108814,66.4252192595422,3.2585959435216783,23.238327020435513,0.3017567174895212,0.928353307653414,416.04695404947074,84.42054377879279,0.33582454475044743,170704.63179147692,2.575678045287122,99.54757932749169,2309.9803160761203,295.48759767907586,349.6563667210936,41.55597661556472,0.2443201110732417,0.1873008070937969,22.868600146799213,48.3810023673296,3.1152794531510977,17.17664734058106,0.0,0.8668393828845344,0.1054968627890351,22.3702031385344,42.7567740547687,0.25876240238965476,14.453933405514075,1.6033010066721712e-07,0.0001132097967789073,0.19537726165632482,26.7595519935822,49.6212217551281,0.2666105541251702,16.75931057803292,0.0,0.00014063033626880034,0.23807498668903743,68.47610976784163,47.84485751526478,3.6660829158068373,9.591588595218589,1.9907974977412392e-07,0.0,0.14891131916754466,45.48551661708968,80.85086929721388,4.8545772611665035,19.292858783407123,2.2965389064358595e-05,0.0,158.90660824285268 +0.9557492812675594,0.2577429097849969,0.4014706005723881,229.43804945680176,235.48899635823693,257106.86514960648,6.455991805938255,74.12302306138618,1.884907714398364,56.69039602372059,4.834493601418378,13.582182705089107,0.35818617626919247,0.9800903627729014,851.0140266505767,77.38459448092291,0.05821312670760308,101591.2466471238,2.9438915773851058,85.81169310142002,2487.651613316768,59.09578895689093,335.67695037087776,51.99327926608912,0.33231520253827074,0.18560694060344018,20.45483814082201,45.69498179529653,2.82663553205187,21.849145500250795,0.0,4.589574185552338,0.13839764397436216,11.834942256834944,30.729609802653865,1.0386518377959364,9.848054495788892,1.6033010066721712e-07,0.0001132097967789073,0.21006326246630658,18.97482670581389,42.011896863833,0.3765974617263776,7.936225920268328,0.0,0.00014063033626880034,0.3368147097819129,48.8416549605825,32.875018352619215,7.4003109890588945,32.602196047055855,1.9907974977412392e-07,0.0,0.195833118302237,21.462225025606134,48.04334139914428,6.773055524273836,8.43302919580776,1.5853734962612907e-05,0.0,117.70067626708686 +0.9272345621214009,0.22947574854784597,0.33816010038775235,137.4688856877633,217.0749978972373,277216.18537664285,5.198912339323418,49.359934673920996,3.0130680765016633,85.09748086337079,0.28130913654317746,7.200012359703891,0.3132342753690757,0.6808719065121297,896.4870554275096,24.0438810931063,0.21062453495346678,172010.40064066448,2.884196565712121,91.89391281036602,714.2178429414964,294.5613521618294,348.054600931818,52.9029541261923,0.16201388701763028,0.1992141526073597,33.41704279878019,53.96213880530474,3.155783182915684,21.324164524982674,0.0,0.5906571604001931,0.12503109643715876,35.33695302602506,60.58896420009756,0.6086380230530921,19.064605932531293,1.6033010066721712e-07,0.0001132097967789073,0.2104274369926631,36.04497152940136,57.56458469774183,0.30728553948845155,18.495552140675205,0.0,0.00014063033626880034,0.12460020900991504,114.10279053887099,77.33472639684824,3.016637496522131,8.36898029422261,1.9907974977412392e-07,0.0,0.21730592183796082,50.93922578394379,92.43640883839606,5.590141303235956,21.512254665663978,0.0005164260507295957,0.0,213.17838285487892 +0.984168251064799,0.2476220465313595,0.35938753190166767,233.61208263870617,162.20834974356444,171054.89669658424,6.794418452068967,33.594945381089886,3.082220174099831,19.024239559702572,1.1838340709708453,20.101572038072263,0.36925592717445743,0.8144508243426449,79.53313469371653,8.133528906850685,0.05547591643351451,215742.78772946197,1.4959707976032286,82.74229163285115,4966.47152759406,291.766344789805,261.4686623843384,51.55842965787014,0.19770789395869107,0.19954920097156242,11.45255003388461,28.387504423743117,4.593409321782224,12.622357173916043,0.0,3.943371849569554,0.13599929495504826,1.457944998279152,14.424035103960422,1.3269906679240797,4.824159998962786,1.6033010066721712e-07,0.0001132097967789073,0.2072493643001721,2.551919233495644,23.325169261003758,0.43152649629810763,6.351147198429102,0.0,0.00014063033626880034,0.3471959763866362,31.12924935665918,21.947296517134603,6.8684601129151535,38.09371800878873,1.9907974977412392e-07,0.0,0.2074678718197237,3.271831685119351,25.806735460740807,10.327787812069188,8.671485257718006,0.0,0.0,75.94163544004086 +0.9855323506982109,0.15521018520313531,0.44003475325749924,226.38476587685534,232.08234537433557,176396.37085077382,6.783520029619994,87.48095573879061,4.427559174458997,92.06759996613603,4.4946406563350045,22.829012396337824,0.7373546103101893,0.8654807122989439,900.8829474265491,23.475943609421204,0.2195002015677242,94003.57535386882,2.8250420016860254,95.44123947008114,4976.199373828673,136.95956605269512,259.7277355559627,43.34308727032537,0.2584851518436521,0.19136761581565395,3.6875723546075956,25.295411622981163,3.2673743743245325,7.271407508726974,0.0,0.7240612862254333,0.11791333753680303,2.11252689120325,19.026859538420133,1.417479026716445,21.54301973322391,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.35338429066203175,20.680165485029363,18.966934434991924,11.784960853187657,50.34639746779096,1.9907974977412392e-07,0.0,0.125796145553126,2.9304691256159483,34.43800453619453,7.433223746163843,40.78857219092375,0.0,0.0,2698666337285.8823 +0.9466953424034271,0.1553100662121683,0.3590812409898252,10.88567037760464,233.04615768735928,329468.48316810373,6.523848574794107,73.21832205513047,1.7567598807034808,30.105303028985283,3.666629186516554,26.581339579627436,0.5189679152098075,0.9650563971433825,396.8799473124009,94.34900894663618,0.22521622322345863,204249.67251303757,1.982018296663684,82.58528791136848,860.7721932707204,220.28779139050886,348.0840692146486,56.180192749492306,0.23730111875681603,0.19035996512120965,24.042809151668095,45.425847824110036,2.853127219129136,25.760005119332465,0.00014624362604062253,1.0313615180203248,0.12661033447832604,22.057007668424273,45.27041588004987,0.3550452861142145,7.685629255438303,1.6033010066721712e-07,0.0001132097967789073,0.20206589663400082,25.063065325527035,47.097369266913915,0.23692986287404927,23.107143261164914,2.514784514774202e-05,0.00014063033626880034,0.09810088288529527,50.936762350048596,46.83982752472585,3.6157903362173984,8.838093879240802,1.9907974977412392e-07,0.0,0.20799229142771009,37.372638531728214,72.70485014604078,4.088919906729929,12.772067966718424,8.242224364054592e-05,0.0,145.02478520062343 +0.938043033196951,0.10925213908561193,0.40143318531415545,174.13305632910055,235.52993330352624,336725.0337074737,5.368443079366014,36.49314147292647,3.7458087943980636,83.9322405960024,4.035652602155997,24.353995725811785,0.7391269787118518,0.7607654283681596,796.1323397537511,77.1715622514434,0.26349550026966584,54437.85913037146,2.2141107865988796,74.82528308903169,2147.33147334237,295.50707740212715,262.95981238657123,18.46129325060507,0.2322954572349919,0.17298786277082234,4.210887248574233,26.663437851386675,3.11281258435245,13.090649066677777,9.68069483602772e-05,0.658265850590975,0.12977571976982374,2.4541194763298564,13.869266717249285,0.5812466856503893,13.468471336411136,3.6076706949802726e-05,0.0001132097967789073,0.18581678036787058,3.137749056517845,26.408778448292704,0.2975271292580755,13.098511915429524,0.0,0.00014063033626880034,0.3475343770362198,8.816678125243937,15.425850141084068,12.364929416975189,52.4800019921066,1.9907974977412392e-07,0.0,0.11115703911878537,3.9995132207855484,35.407920475383925,5.752987932828,52.061980491362654,0.0,0.0,96.9815174103133 +0.9835763813839203,0.2454539548972056,0.3723950603177286,123.19298661922409,124.43201219516847,110680.03125820233,5.886058200965746,89.20505169608592,1.113106135305643,99.87556639282604,1.3749350488041943,13.515383516716025,0.4288367187754784,0.7849404468198419,41.68860011522713,25.24546314747676,0.2697001245040556,51200.24864981345,0.634399594777737,55.360249522669946,1142.0287596954067,115.6249538298641,286.4026085296144,28.042532525216153,0.24098937216050223,0.19798678619690915,3.442528084591948,23.711139135673143,3.5835122722402595,46.84763340267155,4.069832070446549e-06,0.9106185513611086,0.13904113483052324,1.5937196427933942,13.857584450364385,1.319791789362948,4.358092875979515,1.6033010066721712e-07,0.0001132097967789073,0.210583032694773,2.1951945782028477,23.999552404167332,0.43434847629409223,41.06500347938894,0.0,0.00014063033626880034,0.3414418008107763,14.20805966535611,18.32704436087123,4.044225652256014,20.966955501822767,1.9907974977412392e-07,0.0,0.2252774948688226,5.904057053689801,24.671383014771994,6.504281170159359,10.824915259499733,0.00014380286770389184,0.0,84.03616387415043 +0.841404835108936,0.11600828334085544,0.3830984605000802,41.84314064793705,32.71104307782592,309616.0818564128,1.5488896911680297,41.484508796608814,3.5890397256989024,87.18790691121916,1.5250287726689704,22.893822926792605,0.3779198848009578,0.9885891854289508,695.3286612545747,29.05848681584645,0.1909628804928324,55377.347501302815,1.052771505954236,27.619363643024375,2067.131761778154,179.87415696243914,343.9951131561738,56.25373511959236,0.17410614102565258,0.1914915368581478,7.310134894000944,27.59495926409018,2.6531523343725074,66.62994821023567,0.0,1.125827869394264,0.13319666567860347,12.582886107827155,30.989802853590167,0.5096737291924752,10.877311297458705,1.6033010066721712e-07,0.0001132097967789073,0.20405290975087279,8.815145487972423,27.85360870339486,0.24258404269343006,65.1406524673564,0.0,0.00014063033626880034,0.1442328231208771,34.70246863903831,38.74522558943153,3.8989001249357744,28.182226819763848,1.9907974977412392e-07,0.0,0.2062566823931332,13.42210562243609,35.2343422277789,3.9900962653009793,33.013309204763885,0.0,0.0,132.81342811460667 +0.975750062686308,0.23450647561259483,0.34767198682091305,28.262038023080038,126.75929118353896,198406.8272144922,4.288700925893453,16.888491497392316,4.189770758071925,95.60418934881325,3.810989754209303,26.079966157521135,0.4568435552443684,0.7501042076502378,903.166003439874,30.466775372511307,0.14733058003393196,151329.324766016,2.3642288586429605,82.42620278850579,1475.9145695889758,205.71434625113204,348.8622875424035,58.43519259598271,0.23079705077928528,0.1957812025872078,23.705727723891602,38.779231561453926,2.511631043534953,27.59897144206622,0.0,0.8900915472840516,0.12977612108520817,23.388315262493283,47.23832124816396,0.2063295004722301,11.773810897565301,1.6033010066721712e-07,0.0001132097967789073,0.2076357448823483,26.242767501082785,44.10527341382663,0.251907385352122,24.698356850154006,0.0,0.00014063033626880034,0.10836329604247719,58.114224597005666,51.74824399293992,4.388265472851955,9.052141077786704,1.9907974977412392e-07,0.0,0.2115004974976565,40.20874514216341,72.60768264235485,4.159542943567902,16.783394648979204,0.0003784719105789014,0.0,149.4652518476796 +0.960757916888411,0.19397252455278993,0.35445053122355596,142.8262915870933,245.74100114070094,323710.2915012759,4.07904314118664,53.25249590602152,3.3132658243758595,39.37416245567758,2.0032333050203572,6.870467214773033,0.4788788062753253,0.9603614774406886,915.5893351327142,24.03187002368719,0.34309304518895234,253872.40568362424,2.9437238470259364,93.09309290481004,1951.0666999462483,202.88902750887178,343.44408846680335,53.88404099775248,0.18137721135925064,0.19818470100505092,28.38033564189516,53.51382142385572,3.1141544326645847,13.166897626178095,9.692867507225565e-06,1.0220045833422624,0.1399857899896573,25.62022845532987,49.74867655292024,0.37704888220907096,12.227021747096504,2.3006333971113517e-05,0.0001132097967789073,0.2114311941320693,32.57077637280701,59.38233508293773,0.2644293385746906,11.653709705231526,0.0,0.00014063033626880034,0.12964341365282986,98.1648325330025,69.53345258493697,3.168527713800556,5.4386484221605755,1.9907974977412392e-07,0.0,0.20729632164431372,41.491263009986945,79.06602856500183,5.001248816922765,12.364725559284798,0.00016318148832796504,0.0,185.79323264959072 +0.9449865239680376,0.17183588204638917,0.4303992919360999,177.56194014024146,209.71161355824245,256474.3169433212,5.486749490947981,92.74562779449165,4.316019720195353,9.381343313930914,2.813764792320798,26.230124466525936,0.3267318508452843,0.9755141717849375,10.86789973543214,1.622882172034116,0.3201428497030497,143306.60971963312,2.660066900439957,87.24713508301737,4940.84640646958,188.1487579747892,336.2207456610461,23.587930526340646,0.18723967106762557,0.18518421328958998,5.770115612905749,32.73710334094679,7.359390309150639,4.802633398501282,0.0,1.2985228292220719,0.11869749741627347,5.204580273849265,22.081882461829505,0.7836940426597582,9.034771693755284,1.6033010066721712e-07,0.0001132097967789073,0.19816185901644442,7.544707310961192,30.003920002344874,0.3363581296008968,3.79820813556403,0.0,0.00014063033626880034,0.24210656351547036,64.58163732713606,51.02870345457076,7.069448551297315,11.725263480291467,1.9907974977412392e-07,0.0,0.1703400044325855,7.708306405520773,33.095226421399076,11.777901940833175,6.3700336090407,2.5527260726745093e-05,0.0,105.11383829400914 +0.9756378492665795,0.23436171610097367,0.3479943704814793,25.366549216002525,47.89274560071175,284372.23176928377,4.287539782378402,16.888491497392316,4.216129472834953,74.00480526391239,3.7123432053423744,26.079966157521135,0.48466573629532034,0.8043060351968915,927.577955164315,49.22867424337789,0.2242503010408886,80923.2115042887,2.4437091740271697,84.10940337141716,2463.6573550340354,259.3593682506206,346.08470690431744,57.0227842083314,0.23276767685548191,0.19017541729994847,20.336950954805822,41.86747590692556,2.6103958230673237,30.78165041590676,0.0,1.003038806087966,0.09569973291855269,23.508993824380166,45.65437991131518,0.3055722046839187,17.716301844729017,1.6033010066721712e-07,0.0001132097967789073,0.20023015283096443,24.15428217198714,44.610663555126926,0.23838968990170709,28.002917552561136,0.0,0.00014063033626880034,0.10072525640856923,57.533050846658234,54.451110745147936,3.962852987074461,14.928285531629212,1.9907974977412392e-07,0.0,0.1708385775291688,43.47375144376656,84.65276749796068,4.10529317572109,31.194494851471607,0.0,0.0,161.21473342732742 +0.8627264896711149,0.23436171610097367,0.3594070179688839,11.893417990829121,126.75929118353896,130875.99135678765,2.727753493846346,16.888491497392316,3.1086244038718105,96.90679756386632,0.6968025144938997,15.798786312119786,0.40519648131828656,0.9148137557337004,679.0594559617448,48.9481787761892,0.2455706290233889,270411.66268266196,2.8611058241095177,81.94641278303165,2784.7033102230116,258.51493784297713,348.86441487331234,51.371808284677805,0.19217254103944867,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.13729002637198767,38.850701530766614,67.66219767173607,0.32679809564662954,10.44865756695893,1.6033010066721712e-07,0.0001132097967789073,0.20450348948856217,35.40619739364405,63.111636708939855,0.255012438150973,14.902042804581974,0.0,0.00013700696825329255,0.11551053838242702,93.23436538552316,72.18404125138281,4.802654541389565,8.160260889087828,1.9907974977412392e-07,0.0,0.20872013713666066,36.57042221199765,95.20673805118658,3.2056038501008137,11.983677059123828,9.731904697182893e-05,0.0,2698666337285.8823 +0.9822690608727636,0.13090843168889937,0.36158535249169893,231.25532673530336,241.5918467339976,342420.7136847122,6.011831157209286,91.12786857968963,2.5481404576001814,10.36922995000564,2.47068148243898,16.286035265822385,0.3376471258271439,0.8415865238797214,985.0723647463634,63.40919353009773,0.05762435936002406,137468.2597229341,2.407294848740631,74.0074929129561,1725.2441538174203,73.9238495544407,245.97870381590803,14.875953667789659,0.3359861126134669,0.20109655498331097,8.583411231428535,24.770648526092252,3.42366390258306,5.622425905215068,0.0,4.595320202273682,0.1332218452983846,2.6651133448413407,12.95693074432129,0.746490250738037,11.523791735046668,1.6033010066721712e-07,0.0001132097967789073,0.20821388792003961,3.0295127835813163,23.138086694855414,0.32353338327374237,2.637005385921376,0.0,0.00014063033626880034,0.35299791590527035,1.624602375561596,14.304014753913506,17.116620718177323,58.03707380344649,1.9907974977412392e-07,0.0,0.11117813463825928,3.3239773407178945,33.90231572944759,6.329498238340097,37.38199355285407,0.0,0.0,89.87943380812187 +0.90164515934132,0.13024835473207946,0.35226871502589663,213.39204967279156,225.21909268922553,178641.4416540617,6.583514146895936,6.3261679805274085,4.901836635943184,85.0490733117486,1.3735088243590723,23.238056724045666,0.4149777383919986,0.9913676334904505,190.55984616111286,3.569346879738805,0.08415513827986455,94820.81841688397,2.331401694449893,99.22183517007683,4830.970480312861,211.13332616331678,235.30808122836402,34.35553514181996,0.17634095484609086,0.18194182515092533,4.783629692743861,25.990922571296938,5.806122824123048,11.660204558368685,0.0,1.6787827745752197,0.12764323546845727,1.137761041701915,15.20085430808664,1.347383362066914,11.749496872138975,1.6033010066721712e-07,0.0001132097967789073,0.19959567138461506,2.016835773265042,23.438370772660218,0.4342325794463416,5.762267933990262,0.0,0.00014063033626880034,0.35598552083503526,8.85593600691997,14.968677960644337,14.43897226623199,53.86984103461448,1.9907974977412392e-07,0.0,0.1119898849793307,2.581671278483057,33.610022785061794,10.307127632038084,24.071985699481747,3.405648063838638e-05,0.0,84.05415989402341 +0.9846745483940539,0.14715231917716068,0.35255669203430506,246.49807617504234,122.39036366845941,298897.77906279557,3.8575770984289846,84.32038593782733,3.4804132986539122,23.470606872200566,4.001519277582828,14.139404760591038,0.42020681040452146,0.989140625509439,728.4875494434165,98.38210295138106,0.3241761583891552,108293.99177695073,1.9996876424354944,76.22724303562326,4597.534147312557,298.25652449544884,343.8073909650053,57.93156138123091,0.19784469195729024,0.1942185991676973,16.03198819620298,39.26138812775932,2.84844332697666,31.801345803567035,0.0,0.9353736247121818,0.12169003278340446,19.0550503924831,45.729359942928916,0.3585583121105565,14.82234496990593,1.6033010066721712e-07,0.0001132097967789073,0.20705077211827072,18.94679566079497,45.613188543612864,0.26691684752554906,28.36469045108964,0.0,0.00014063033626880034,0.11048253595450302,58.39094150286675,54.09337956182547,3.133288738318524,11.262513331098972,1.9907974977412392e-07,0.0,0.16757018792028658,36.38902583923288,78.54754514531206,4.58478741013978,15.976051919991491,0.00015476123366244587,0.0,151.59021020124814 +0.9433937590896051,0.14155197556519095,0.4218665088592939,181.34555086526422,209.67350683339544,285288.3491817941,6.156098359093122,79.2195263301975,3.867025782171274,20.647675572585065,2.813764792320798,13.316377696382833,0.31230495505975037,0.5552323242523943,6.674970084756893,1.3288034458772913,0.3184354673220879,147387.27019948183,2.0734710871358555,87.1252025664519,4940.84640646958,188.1487579747892,250.89359539461262,59.039532852150934,0.21797023914983002,0.19855517468094586,5.091155673714288,24.967813224837183,7.8764418358167845,5.419644993343769,0.0,1.3213382952725061,0.14133491721697478,2.2557121450215103,13.206713415916898,0.7961124618018629,8.250603091889307,1.6033010066721712e-07,0.0001132097967789073,0.21266381464457937,2.7645967930821973,23.85613622092322,0.3378205248359168,4.405813983745261,0.0,0.00014063033626880034,0.32496552805067386,17.468512645253444,18.349863719595074,11.041473568309199,45.65980036641057,1.9907974977412392e-07,0.0,0.2164888150285823,5.916567195528366,25.090008819308995,13.20490180034628,8.516208460331603,6.578018130141871e-05,0.0,73.12474467454568 +0.8970686112157519,0.18782710193405808,0.4331379640910237,94.83836271668564,149.53492565724818,280688.26498461247,2.652820847038236,67.71697163815801,0.6041657733453509,67.8493210955819,1.8367606313809566,28.429488768129726,0.35805674102226936,0.7225162946702042,271.002442874665,83.14658672272994,0.19934941509347126,61446.68145446998,0.5355764453303006,94.07772546227396,3108.7376313516074,215.61793210588294,333.7985604328901,38.44756916490189,0.34606809942456,0.19591425749911795,0.9977449369243643,24.60128563289734,2.8518370529518826,46.38572575388491,0.0,0.8445892480537985,0.1333357758843674,4.52943200789232,19.16685319238542,0.23810857817430978,6.003362066942924,1.6033010066721712e-07,0.0001132097967789073,0.2076009122037217,1.5176067294920779,25.298090897196168,0.24061598878911786,45.666967851547554,0.0,0.00014063033626880034,0.10172789550769525,15.273817761271435,21.131875232130167,3.7188860039478864,13.188473311967963,1.9907974977412392e-07,0.0,0.217152788820337,2.1746832525260915,28.28428256515811,4.301009127920645,17.051169360355598,0.00018789638083183864,0.0,88.88333570592023 +0.9508029547936894,0.19391614257184758,0.3677520111761871,152.7130429740911,209.7038454112572,303827.1700487863,6.138647722544362,34.43571442205719,3.1935544172452968,88.47598782019348,4.921263069548155,23.91751869658915,0.37020889939272583,0.9481451466897989,365.9223244554353,79.74581594950689,0.1983587353996505,149662.6530749366,2.976204570981263,51.25094653043404,828.4012828250103,246.12925173689862,348.8247335794017,44.613689065696626,0.16446874298426398,0.1931842610712772,26.218332727780876,47.61825589774302,3.301741423786649,17.521372477765645,0.0,0.7722225970771301,0.12195302231261965,28.34912074397581,56.721645550837415,0.6891424728745467,12.14620267035427,1.6033010066721712e-07,0.0001132097967789073,0.20110197988009818,29.88420614105494,56.90384350163931,0.3204907888422352,13.518294846782645,0.0,0.00014063033626880034,0.0956871991525885,82.6002221875212,63.11979899415572,3.789335993970429,11.127708989966862,1.9907974977412392e-07,0.0,0.17543789517844968,53.89157122993689,98.90346873918678,6.5873624950772,10.106550322140457,1.8084215311988967e-05,0.0,188.5028785180591 +0.8656549124005534,0.15225200182092102,0.3471842507211701,126.95720231418377,204.41834521503776,205837.2395973638,5.883518557566598,16.25209447199199,0.3620086990004842,48.30928905928606,3.1724462920720202,8.8551760878088,0.34834740017142096,0.672136917896566,973.9662900880451,18.238531402134132,0.21689386506884506,73623.18283615616,2.852266102584817,98.54637065604928,471.88523462113585,115.34111514635082,221.86273459898382,34.05802558349608,0.16222238328198346,0.2007325442695425,1.5476484997142819,23.73232742543498,3.1399382976826677,5.131485919661196,0.0,0.6199957205720232,0.12467986095236222,1.7205342439199556,17.043628336815463,0.9011590390208625,20.990269924374036,1.6033010066721712e-07,0.0001132097967789073,0.21356114361051884,1.4752499218785389,23.630119434887092,0.3612039717372525,3.8803997518675124,0.0,0.00014063033626880034,0.33278855579558453,6.574655637931106,15.86073749397712,13.744858221928329,54.42931162721334,1.9907974977412392e-07,0.0,0.19620253769915266,2.0786725952197638,31.836054448756606,5.880734157796248,41.499549714237084,0.00020231951800564777,0.0,90.18842505410865 +0.9736293877316463,0.23300069270182172,0.41473455315138963,14.128992901640501,78.01004826079054,112258.1861627031,4.199422297953553,71.97583169173589,4.771595588072959,92.22297902413867,2.6585087037722355,20.3689916748927,0.34225777880300245,0.9712670369528382,88.27379240593613,53.13069772161875,0.2950144251463729,174908.25632548032,1.3008601760248966,44.006392696389376,2283.9083970124,279.6197113116807,343.93197531186996,52.862412014957805,0.16758384305830126,0.1913534240472019,12.178923880711372,33.265670922713504,2.5152742042231258,25.22779921037812,0.0,1.451761701467414,0.13378283374663286,14.526830628673368,34.377056209893546,0.24620806143403443,4.577656594462299,1.6033010066721712e-07,0.0001132097967789073,0.2045117297977468,14.844060826143789,33.24098760626149,0.25904085782159764,25.777079728394494,0.0,0.00014063033626880034,0.13009827564996124,43.45430185523505,40.053655785524086,4.721508974825601,20.406637543007776,1.9907974977412392e-07,0.0,0.20255102514407125,19.14380160047793,41.400577897534184,3.965414335405717,13.84756959832692,0.0003120141184103265,0.0,107.34472501789286 +0.9370392308771697,0.1368545451193271,0.34373941581827855,124.03554842162737,237.45734487981264,348489.701990717,2.444937714707183,98.74955600782495,4.633077195010474,99.16175273902961,3.77332338527812,28.068030500981845,0.6868456919891126,0.8990081872684385,635.6255312720501,98.79950832053167,0.33713954995082546,99880.56014625315,2.8264549444294125,95.86927399260672,4755.968495422345,270.2457850626729,331.06135005293163,40.646470154188094,0.21910906915235953,0.18548472862255272,16.312484447479054,43.81630636694489,2.8537306057280007,13.47523385218593,0.0,1.170000168405083,0.07946539969897967,19.868490479982224,39.72087589853464,0.26391289828522907,15.56997868491225,1.6033010066721712e-07,0.0001132097967789073,0.17511930773229617,12.206546491206304,46.981919463430984,0.28910725436212836,12.380135447919592,0.0,0.00014410350517884027,0.1563042873316291,67.68303054495956,54.89638251607206,3.530128674924067,11.758665131535635,1.9907974977412392e-07,0.0,0.1570695168863552,31.00435994238715,76.37082557640328,4.300509337156161,17.216196916652777,7.126526826848124e-05,0.0,148.17499857315073 +0.9503743656813683,0.1540440279767648,0.3643731044281603,216.43201712154507,46.68314598998647,106069.60198961875,3.7016214555887825,47.97290295919527,4.000781618496985,91.99787211423323,2.8211524895382007,27.759829404094564,0.39820567017295105,0.9507450912116707,791.2729094948444,56.927104792437405,0.3097791047755729,129036.81720773203,2.6271251597801855,95.55743686297308,4416.159270369891,286.8098747099708,345.7794500702975,55.46170707573479,0.27327249347400584,0.17973217666406557,23.137426409294584,52.2383727756027,2.915542394486152,22.802997958007474,0.0,1.0899127333038696,0.09144186705215131,20.777540297030182,46.337238876793734,0.749687428826015,16.610742328546607,1.6033010066721712e-07,0.0001132097967789073,0.19498848411934483,26.852055107987344,52.73469725440625,0.3594852760699056,21.194140652732795,0.0,0.00014063033626880034,0.1980806290528097,54.028888527521154,45.73709635166495,4.887519351455069,10.60091754039482,1.9907974977412392e-07,0.0,0.122961637870433,49.817850324913586,87.17741869479154,4.7409568092696865,27.449162353199892,0.0,0.0,163.11203699794612 +0.9036496655278915,0.16260796353983695,0.44076581442595153,233.04927308822593,92.3270071367528,133889.59084861877,5.7467927666904846,16.928081765791827,3.396141126230842,15.235379997339349,2.525835897585177,13.834595396160294,0.35420527682113645,0.5815405803885718,168.5479370736007,57.22282737899204,0.07646508564873455,52563.81108194618,2.26268304834785,71.26351719612298,712.1501268753264,118.89477108323996,223.71958094260575,20.91526676357268,0.2633680663165235,0.19949201600669877,2.0798874832207903,23.77900471918144,3.130703873413637,5.85780760591058,2.4032584799455625e-06,2.5589031745758484,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21303335108900065,5.671968634224307,23.982417877239527,0.41113192762100637,3.3387678680596404,0.0,0.00014063033626880034,0.32359099446415124,5.32091857071469,15.128004170477789,16.14871614514266,56.958915601458024,1.9907974977412392e-07,0.0,0.19583429447370843,8.199987050170275,31.72781982012259,7.937432400913669,54.63683075584694,0.000253902372067103,0.0,2698666337285.8823 +0.9482640717714901,0.14281195158495408,0.4357936521402238,229.91346676618272,221.90783427924796,341998.26945909415,5.48545880914806,91.19505297316013,2.6570387693689996,87.85039287780216,0.5285330983606653,20.748182594598028,0.3046560381188362,0.9418819723722186,77.79184966127943,6.31578295006225,0.19062690742582528,279326.75829759456,2.529949315399856,64.04817607596875,1740.6403547567288,243.45326622029077,341.2337707117074,55.96500157883482,0.33024286472644904,0.19140848280879674,19.89293137097116,41.41210083343001,5.004111962465217,10.691817419068384,0.0,0.9587002456538457,0.12506047277945265,10.053742262238574,28.277199532785566,0.6518986285881931,4.861975421771794,1.6033010066721712e-07,0.0001132097967789073,0.20278879864466437,20.30414523708678,40.42744064381944,0.307879018685203,8.723944481254533,0.0,0.00014063033626880034,0.35543666056304934,39.18750672007283,24.78984913086965,8.18830356149926,38.91481375489426,1.9907974977412392e-07,0.0,0.18821362885173615,19.074009564163482,39.89741051154511,9.494512933499905,10.201269469595765,5.463678289539638e-05,0.0,105.73666439154256 +0.8428709432284807,0.14751313235004185,0.39129443379531803,209.38179673510632,75.41130339616888,274262.5934327037,2.857797004814084,58.90480370171176,2.194549302642115,59.58028193142231,0.6624008931995522,5.7859742423443326,0.3223088938182515,0.9540208723052901,403.3572282182773,29.565441136631495,0.09374646684919001,74416.23004347822,2.184571055725621,56.83115961120358,1416.9307413789375,270.7141556714964,347.86505626094805,49.249763954007506,0.15647235205453344,0.20033409411776626,17.926175352054003,34.26060153709859,2.988073894418116,34.56163836867093,0.0,1.1414518780039855,0.13717602665661296,31.46061307472787,58.63482956989292,0.20875769769367475,15.670835588437335,1.6033010066721712e-07,0.0001132097967789073,0.21190526555947903,17.77773601830584,38.92203405578806,0.24555936230660452,26.69255622944177,0.0,0.00014063033626880034,0.12525117493517204,75.77149573663259,62.76525709953103,3.88074850941261,15.952168468404052,1.9907974977412392e-07,0.0,0.22434393944148967,31.728051135829038,65.06936383073808,4.727403657808568,18.564352976061755,0.0,0.0,159.60891644213737 +0.9793296811403083,0.25673408283021565,0.34893560406373125,236.7110813803559,199.3593688181521,318741.93228338327,6.9888828316478095,11.834279655646315,3.5388818146203906,98.15331652693257,4.381234030911283,27.7791556361384,0.6015408017667219,0.8934473879018353,346.76953137358737,90.18421297029776,0.2285274809355964,283583.96208236436,2.9571213339172413,73.74015983350759,3256.5505594742863,279.525689528483,347.76124756904244,54.35774981638505,0.18568587880228563,0.19328984209727879,37.7161068952788,58.18634599342747,3.5112616817550997,17.20368949347154,6.126186449570994e-05,0.8085141656806331,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2054649587175042,38.32027620444559,63.7634931662715,0.3489872312790729,14.093563494091761,9.838462546982399e-05,0.00014063033626880034,0.16023619580808643,102.15196796641776,68.09287644960325,6.71390229388488,5.806166201942933,1.9907974977412392e-07,0.0,0.18806077107838842,65.84371837875499,110.4915483019279,8.903670956994347,13.915600872249868,0.0004827029090205474,0.0,2698666337285.8823 +0.8776627636196987,0.22881205037470714,0.3276070618916292,14.530102095520917,206.09590444619658,130532.51671944067,1.6765748377722292,72.77112946269312,0.6710564277299552,50.48897225744703,1.4823465183986733,21.471443282878578,0.3828827177874472,0.8245722239353078,130.99484919581693,14.245604447032306,0.07188971195560809,66818.78829429041,1.0622280823141907,92.37049870803189,974.1971949782195,131.47064737558054,343.12266843668283,37.274990122857915,0.1964648599320819,0.19647286693994798,8.817864589331958,27.188474858355715,2.4938746273849954,58.289533222553146,0.0,1.4247652236173451,0.13598483326721966,13.871390626464976,31.828399743179673,0.4146319395781271,8.949908865819307,1.6033010066721712e-07,0.0001132097967789073,0.20895794332528966,9.293439763354428,27.73320103941476,0.23787940957987685,53.95112985552099,0.0,0.00014063033626880034,0.14946903936215794,41.04571501167058,38.75637297005696,4.637148333841948,23.11929332895947,1.9907974977412392e-07,0.0,0.2200210615018714,14.264105308310663,37.79628826693612,4.028050202960533,28.981487784519846,6.465945678936434e-05,0.0,124.52333589085994 +0.971691188416651,0.2312786519536211,0.4378414133692008,205.06630778092642,19.258588701852275,158659.03177855018,4.388744399319754,41.668549184912315,4.672873130808721,33.05312421299823,1.2528689280561622,23.60104343312063,0.4400769795296763,0.8516088252908498,751.0441963959105,93.37545834576173,0.18178752219105107,61442.63507647176,0.867123264228031,99.40872651024677,3175.883732774585,177.91091555709363,348.3909937392343,49.626297721650346,0.3390343147308111,0.194386845555718,4.294342812997,25.93500504267777,2.6204915298994456,56.20184548076058,0.0,0.753590283856655,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20529758243007556,4.568366119457282,27.31419285966467,0.31375206046252235,51.98366539486143,0.0,0.00014063033626880034,0.10814287808314778,14.07069163596715,26.844810310206785,4.629483073406061,11.361686861388982,1.9907974977412392e-07,0.0,0.21058964667115523,8.396002632344713,32.02547178617763,4.279037507828558,19.603336493401294,5.010146383531671e-05,0.0,2698666337285.8823 +0.9839281439222833,0.13164127881579307,0.44483169873941875,134.75154067508737,179.57192035105044,279671.28500639804,5.039042701789549,85.03204101731733,4.72984744752842,31.646417201562635,0.26801533382091947,11.504102503538423,0.4507551239788113,0.4152884092521732,610.6419031526748,53.99020785476083,0.21544509430718853,70252.5180273501,2.8829044919409115,95.4701268524335,3557.136945324398,116.39953111539488,270.28575614335375,20.763100155429484,0.2347685889988444,0.2006351325680346,7.441713624861069,24.826225509496222,3.0143574483880924,5.626919371366486,5.513842951843099e-05,0.6477969906150736,0.12155963162550353,2.176765796881421,17.51260630719151,0.538138960389281,26.59584575701476,1.6033010066721712e-07,0.0001132097967789073,0.21391778650987034,6.9161331317031305,23.450455419433958,0.29713119304649943,4.453664022388028,0.0,0.00014063033626880034,0.3015617221314663,14.557007576542443,18.719430847662938,9.346703818535245,49.85772156886849,1.9907974977412392e-07,0.0,0.20232130519001768,7.079263205940616,30.646621348506592,5.9559949677854185,52.322490503053714,7.139512704334935e-05,0.0,96.165404402713 +0.9061654805827709,0.19273568889850698,0.32486923691887953,129.61097867116735,59.08566542081324,299466.10695760703,6.3175525758707884,39.52622262023921,3.4224684880016203,73.14161967628068,0.617525745308471,14.363680936967736,0.34858233291344587,0.8342122004359934,315.7607961492404,20.824713932638605,0.34565720846116976,60800.36660669263,0.8868842770100805,90.39287825727959,4101.412845065901,135.4218165743296,343.363935419026,44.7603762416259,0.3374682855146183,0.1973278886636239,7.346797898268365,26.467890726854545,3.765682439570589,68.42999680745275,0.0,0.9166500420853395,0.13997139046930432,11.177953901114034,27.405533011874905,0.398411933801024,10.132507403726443,1.6033010066721712e-07,0.0001132097967789073,0.21021286017936405,8.534579782324196,27.68380130823086,0.28991363007517257,66.37643821034268,0.0,0.00014063033626880034,0.12667265358365112,32.67784382720095,37.99262684502224,3.544006203071685,15.714831834185793,1.9907974977412392e-07,0.0,0.2127571284429678,5.848186756301194,28.71087191269008,5.377768713212139,19.883297636270335,0.0,0.0,125.41904197313757 +0.8541963232515277,0.17078417016155714,0.37632051293384583,162.46846255026983,242.86173397166175,205587.19142272594,2.8425352886652173,65.01155054147007,4.994267383979806,57.84937257927855,3.862666306347472,24.476909630917202,0.7902485668312225,0.9858119037902859,763.0980211773388,22.938900213099558,0.10294545125370731,259908.05225420836,2.6798993975918353,80.55475561276641,3020.509856152008,260.9548732484612,348.814586858847,45.746564817146364,0.16211030922557726,0.19355538117123827,33.65207363101399,51.05309681942569,2.690616338814154,17.941992958757005,0.0,0.8873977915915979,0.12538744125467338,37.35410006843328,67.52798866143009,0.4672139363172839,10.866397556169996,1.6033010066721712e-07,0.0001132097967789073,0.20373065109188762,34.168987541162494,57.183130922099835,0.2797043573150795,14.887682291468925,0.0,0.00014063033626880034,0.1148855406573695,105.44480078069236,80.45203889641965,4.103244155639186,9.124438467116082,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9726360005414325,0.22809909493145464,0.376345048720713,84.25471475218706,141.67542708336697,214464.36748321768,4.573565273985006,70.41391474213913,0.65506350427843,30.15408755512059,1.2517818701274075,25.058013744670582,0.3448573341132617,0.721140072406826,670.2378783436615,29.64299867977184,0.18827661685642633,56533.16576197124,0.5871119626424137,64.50349907470964,2713.315752681531,175.46427731301776,344.65583232922603,39.15160599590282,0.22043595432364269,0.19850997696711514,2.8888643534941543,24.32625312947013,2.8258378795071315,66.86873250883677,0.0,0.6601174357956637,0.1337725199617509,8.12987687697442,24.232383769956144,0.4834599802124541,8.865367955732568,1.6033010066721712e-07,0.0001132097967789073,0.20840566321325765,3.364418773936798,24.784619801174273,0.29548821180783,61.68243106805703,0.0,0.00014063033626880034,0.1312887838400502,26.340008450953068,30.70036249549817,4.1039569125871775,21.267657451781492,1.9907974977412392e-07,0.0,0.21411225003354392,7.256716251757512,30.62270442385495,4.842514761520303,25.213257690602042,9.737085006414268e-05,0.0,118.31185420554179 +0.8832497064744593,0.22690653183598858,0.4164335425593515,87.50803058141625,201.28833804058033,133130.23088282274,3.3163422566822125,58.5701079278929,2.6957247809985425,92.72442448066894,0.3381357548917035,29.81327096312209,0.38924368049194213,0.7329176630322578,817.9846339122416,28.31179316802472,0.22681821972828953,112979.12932457666,2.895690279423328,82.57994008511572,1598.1299603911227,255.9476312141703,348.79292074094957,56.08543763406103,0.21486354427616558,0.19154462928880184,24.755616210300783,43.48088844690199,2.749498077243964,20.92926704864171,0.0,1.0074404271366908,0.08587209923871161,27.139077168523134,49.39302537686229,0.6533249803722166,19.88360175492166,1.6033010066721712e-07,0.0001132097967789073,0.20179112702508165,29.419157745619913,50.64914466810653,0.3245734790256748,19.559350303968866,0.0,0.00014063033626880034,0.18188922844518046,75.5999404850678,52.960932702434974,4.910110354399865,12.355585459490351,1.9907974977412392e-07,0.0,0.1903325088479198,51.14814557969476,82.46823502859472,4.817928543671308,33.313925255742504,0.00010024004260687583,0.0,171.99658728184198 +0.8652332129838197,0.14471708540710415,0.32060173781614654,47.51208666348161,102.40870002445703,114224.35783219946,4.220621577021518,82.24229771360271,3.9039102960292276,36.319383349171176,3.230106924733861,25.91285952284534,0.323822456854243,0.8820339351605778,974.9466867822857,72.8904539019377,0.20508866260685632,298482.8310654555,2.954038593657818,76.06946732952024,4371.126017112344,127.9853073151779,347.95268309260683,57.99946541750836,0.31559949569890444,0.1926696961597981,36.30370499661515,58.01761348988781,2.697285852437074,16.728887727329553,0.0,0.9572499921468701,0.12559768012611983,23.30430942413776,42.89068833146962,0.6562640228341876,5.874359627745474,1.6033010066721712e-07,0.0001132097967789073,0.2039974758189211,39.627776079316334,63.09155127022477,0.33505184905950625,15.029830145512294,0.0,0.00014063033626880034,0.2949209177287453,68.53123735051203,45.32273419774756,4.745046880635514,9.217297803640093,1.9907974977412392e-07,0.0,0.18604888161978975,21.219484037856056,62.57304842868338,3.0357460962727107,9.407670213435827,0.0,0.0,156.4875296000821 +0.8838192858148233,0.23665389728124742,0.35975899398877864,37.78512565175686,126.58848962667255,301735.70227380865,6.533334873852425,37.832463257511286,3.6377969516002837,95.61652362258803,4.37741846814907,18.964849077578624,0.786449467546356,0.99045725493555,912.6529625208409,4.763253313278309,0.214746678552625,281590.8210408238,2.872035687913902,94.59189175231327,2419.100171497519,271.1053077741044,348.7452856959568,38.21729629293602,0.1784597946621634,0.179977418066278,22.066093338872257,59.3763907908944,3.2606654037465024,12.83541409749947,0.0,0.7473280852617896,0.12888130504693213,35.816174366007345,61.29822595078549,0.262934533064326,12.480210591776178,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.10298667640958206,104.11119692731621,79.06429221788902,4.1966968326225045,9.430942281996954,1.9907974977412392e-07,0.0,0.19451404732596717,21.21870098667318,85.86481092712694,4.830330954395528,11.552893400533865,9.705743712856595e-05,0.0,2698666337285.8823 +0.8399804999653366,0.10970415641362181,0.44582059404513574,96.8016935496184,28.80647629078466,229734.7911810972,1.6323537546259976,87.33859225387819,4.660616910293105,54.96607500810269,2.885571639576519,9.605342864546657,0.30372399001266315,0.8208681437397055,140.40524947631275,79.1479005595335,0.13319766330584154,140515.59459250286,1.4586418407131212,58.93938317055055,813.5833854023788,71.38690751410334,285.6919977011672,56.207187610456515,0.16356899485017504,0.1985125607457667,0.9686014774526611,24.34541960451771,2.667787645950348,9.483649323463053,0.0,0.9294487569226819,0.14119986281503888,1.2671733918280108,13.791601985845583,0.42016340310357875,3.3630207618702626,1.6033010066721712e-07,0.0001132097967789073,0.2120113727052002,1.5710784738792771,23.141641138883184,0.23503208867633082,7.813464745120206,0.0,0.00014063033626880034,0.20072101010750681,19.226325314348692,21.57987000564489,3.9836212938582642,5.050577477355883,1.9907974977412392e-07,0.0,0.23359136464232041,4.528936213099073,21.87508735605613,3.993212255582565,4.75013587864627,5.357725354130755e-06,0.0,53.9298370719025 +0.9708625481696318,0.12170559220056462,0.3289220903562364,166.43322337491526,66.30194001832552,155135.50975659117,3.9748660340793087,74.36002379471248,1.441168211257059,70.21007326468361,0.6667220822980545,10.359425799432852,0.35770997935593707,0.9884521257187245,255.41577210134398,61.57419621726519,0.05496211196752197,174308.60638371314,2.8628890562420324,80.33860218758502,767.3973391470688,176.17702367041346,340.9307651917091,51.70985143302605,0.15819505425220476,0.19838692366160254,33.87198947342499,50.91105430926228,2.7428911890112064,22.6757459694208,4.6258131913751755e-05,2.7586466249968726,0.13547871267593362,21.67941517934461,46.805248159797394,0.590924987288416,9.089029090776258,1.6033010066721712e-07,0.0001132097967789073,0.20851348832469596,27.455447011159656,55.71741440970847,0.3256368689189431,12.67413526866336,0.0,0.00014063033626880034,0.11954278697768295,79.81124347436919,63.85722725079346,4.547625529716498,10.020722668805279,1.9907974977412392e-07,0.0,0.18819617581759226,36.06604842507442,75.63377630529585,4.653654594884007,10.1521917665609,0.0001516071502752195,0.0,169.54647706577805 +0.8778461639817459,0.20409296338802507,0.40520770272812745,198.26124182770207,95.07939219172707,218509.937555011,3.8446381643119034,87.96535404642421,2.089626426754282,23.423225875102716,2.7320623685488465,10.526065633451527,0.34880006321259877,0.542645379158529,377.7825491197301,70.36608040145609,0.09639738290662517,67534.34024315048,2.9525491074612358,98.66158083047321,1715.4636081680271,123.59606596744048,224.8773890358577,26.13258148645845,0.276216152315694,0.20244362173989403,2.429783846527313,24.21489374888892,2.793737095819369,5.403531441910629,0.0,1.3639160015456828,0.11664782907628876,2.1107813416750574,18.950532806340686,0.4543854410164952,25.347254747641855,1.6033010066721712e-07,0.0001132097967789073,0.21439509585493202,4.466042888462559,23.382943043286595,0.2915552598989074,4.337979657646241,0.0,0.00014063033626880034,0.30989664269630185,1.6419310552658608,16.187245732388114,14.005936076730364,55.54338906647143,1.9907974977412392e-07,0.0,0.19541125551633245,4.932011138019981,31.081283408210453,3.890417859272387,36.32203106514827,0.0,0.0,89.96663264373402 +0.8904644177363873,0.23299453387401964,0.40677326622209636,212.73108001748307,183.98798572349645,338211.6954089161,4.575199947310171,79.24501607211555,3.5512688646609187,68.7721286481367,1.3754813418055993,13.981320464011183,0.40574048212615077,0.9873344940090638,555.7464575719961,64.53384223497042,0.2792641862527021,219513.96509249153,2.1250591309364646,97.6053829826179,4329.108799093674,204.7885392239374,346.37744785330386,17.107821470754715,0.34748082770612054,0.19622616411977123,8.44570138543206,27.657667053590526,3.1681250090470523,6.699046322904371,0.0,0.7382668975380307,0.13873327956240955,10.472120720556704,27.924668586307337,0.4649095754214729,6.410625732847667,1.6033010066721712e-07,0.0001132097967789073,0.2089571608537962,10.338220440600091,29.967931344580826,0.2782865396121176,5.803871307113813,0.0,0.00014063033626880034,0.35180104762341124,46.594126093127315,27.47121970538268,3.9755801573004694,31.950358489795573,1.9907974977412392e-07,0.0,0.2124435260934518,4.878065297411324,27.335919460481215,4.828364278475733,5.343560224465441,0.0,0.0,87.44549541376686 +0.9604687011027683,0.10291163919810559,0.4422356311766939,160.85537662629565,70.19980292746484,316325.7003444103,4.2398421396975685,76.1514831089998,4.684521945119928,45.62161751693084,0.4769230609558425,4.526337077378443,0.36786622219606807,0.9310759675703205,606.078711330741,53.173773703276204,0.25164174747890106,99648.9716161053,2.7286206556745793,73.35069953322112,1230.4577914405697,257.33505082147667,275.4545444279291,11.558538000773948,0.3439421462010531,0.19859949937503482,7.1355443969012216,24.1575131667412,3.036033596601539,6.739716998559122,0.0,0.7298413255843846,0.1331487813195667,3.5821866400568547,15.209986526640208,0.22325348312062915,20.569455504188817,1.6033010066721712e-07,0.0001132097967789073,0.21203507431435095,6.1372275934465454,23.42122440450511,0.25464737825411554,5.060671804906039,0.0,0.00014063033626880034,0.35657031846859805,10.324945212221234,15.841344400593822,8.500206910147979,48.4997485396982,1.9907974977412392e-07,0.0,0.13604157311328063,5.490461844878611,31.766966074059454,4.72430148638987,37.84359861637122,0.0,0.0,85.11709533947092 +0.9316567207396123,0.1953087673272584,0.3684673631132825,47.94137250383567,221.71491329356246,203481.1167044699,5.637427986640917,91.6762292796625,1.9177496353133034,64.08390397508796,4.5465514202260096,9.561965873085768,0.37835998055031955,0.8444209737610584,279.57027291719515,93.76544112127492,0.06274703839413243,107111.06127227044,0.709931311726294,86.60482390424852,4013.1096678144127,252.5921712395955,343.6336149494996,52.425372622292244,0.3441029555203256,0.20053511170907123,17.295365265048492,30.98643312063031,2.7278663494736106,58.41087456691795,9.46956253374236e-06,2.344400622353736,0.141349917719133,10.650126827118108,27.366131204287075,0.5185454909480783,6.349070374981196,1.6033010066721712e-07,0.0001132097967789073,0.2116401491602347,10.056055395495374,28.659525520923932,0.30283594021778487,45.32489765052727,0.0,0.00014063033626880034,0.09897730738226364,24.740975463762926,30.897191903283918,3.9855954043707564,9.271029805989198,1.9907974977412392e-07,0.0,0.21127415044034348,4.765938433232638,26.85438273617492,3.6905762720552446,14.351932374030753,0.0,0.0,105.81170134509641 +0.982812494799647,0.22435235734342066,0.375517585280391,160.9629498122977,71.36935041165277,334242.7754638879,4.994009290056487,86.54397982219977,4.575552198988882,98.59449859146595,0.45009313425168296,28.09003241921882,0.3792602975926657,0.9433480495594098,376.9930035095514,84.45202935464116,0.3185029564505666,220856.6676853941,2.8539872146305427,98.91555481132293,3920.3133613270466,279.93421610723124,348.30605489747313,58.57740442913347,0.23874014470041346,0.18716532079881298,31.6734612481888,60.24126036976206,3.2485993180814514,18.152829975259387,0.0,0.8322495345691361,0.09331933839215921,24.716124170668913,45.43019244392806,0.270398238171801,16.43347747805744,1.6033010066721712e-07,0.0001132097967789073,0.19781329534538664,34.84996142073605,61.080959147393905,0.26217033138218027,16.824917685016537,0.0,0.00014063033626880034,0.3206110282605252,74.7023060519916,49.38079749409844,3.4468230985209294,13.174408470367275,1.9907974977412392e-07,0.0,0.13211106140773735,53.05542018397211,89.88480397247613,4.982434388769631,17.561677038274123,1.3841187933839301e-05,0.0,180.49487388743518 +0.9488499241170665,0.13309390567081922,0.439538478467065,244.02255033251186,120.15137955140193,148884.42619944084,3.8575770984289846,84.33734915450044,1.1869598196186335,23.41546980137649,4.679647528379797,23.669854093542636,0.4188371108656396,0.4997583692209799,390.12770209279785,49.729729368763806,0.05300114589253727,97290.64551506299,0.47827613181116657,99.04710553240865,2642.934632735042,220.60989879643435,343.69600743564916,46.225114115406555,0.30732711200633056,0.20178467292740543,9.196805520216529,25.822970277703476,2.7905331973901233,52.306834107466074,0.0,2.984253848567815,0.13829025760248176,6.271973103395474,21.044154560671824,0.8476335993147532,5.847328893502864,1.6033010066721712e-07,0.0001132097967789073,0.2121885184818256,3.2118707201031342,25.62796796490289,0.35593937347190363,37.9770562350895,0.0,0.00014063033626880034,0.07243420876744947,19.861923064021564,24.159605835432473,3.8411767468070916,6.413954975767554,1.9907974977412392e-07,0.0,0.21452266294912384,1.7013907662767906,23.128432780182173,4.279195608506023,11.919609515360628,7.162123128449966e-05,0.0,88.67435261420313 +0.9812516150818463,0.14109493684015265,0.39685525502174623,214.89913105269986,173.74378675975942,180878.84715558338,6.542048185203384,50.94942580353913,3.9150786773494204,12.845496710281871,0.9776892083237432,10.779722922495779,0.4244064676087452,0.6332395624928991,504.5041803609215,76.96233161930132,0.12951995082729256,243966.6633095779,2.273067041591659,22.217437344149314,3153.004382220217,91.35567272787844,347.4795069746593,24.739211805517876,0.2793433013910703,0.20042955722103664,13.65399362849159,28.050969279515122,2.9700812541861805,9.336317235046975,7.548627626857304e-05,1.4565276508155023,0.1415676480866714,6.77781738457721,21.382561745018794,1.243012548818095,3.28892022295482,1.6033010066721712e-07,0.0001132097967789073,0.21252847746571618,10.5617504881781,28.103873813156547,0.4165533397903364,5.948436326126837,0.0,0.00014063033626880034,0.33436646003245246,52.656704291408964,33.393638044457894,4.3720896858183576,10.956166528912275,1.9907974977412392e-07,0.0,0.23206339728358932,12.463081746318037,31.475991497517906,7.050156807169262,3.6099305463141835,0.00020105965139339933,0.0,88.09051452518467 +0.949425824992883,0.18732986340708435,0.4481476933076174,167.51350660402798,227.11727711415816,329317.8342112157,6.593090103814778,26.202449411054435,3.773818562316053,69.45547901774576,3.9101482492461725,28.416389179837708,0.7164092562105575,0.8335818329536849,801.6272726916499,5.574571671800741,0.30737626692737957,242352.8349408437,2.688065679136449,75.8960280257591,4797.648400744963,27.191339597525708,225.99100363446206,13.18891257832193,0.21050521782882253,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2044059914564038,5.099606442166883,24.965190740339366,0.3251804000294285,2.7609507651542287,7.754799423711827e-05,0.00014063033626880034,0.34920911728492465,6.638903763628227,13.9462168352922,20.038482180811773,61.03880728654665,1.9907974977412392e-07,0.0,0.12517419460989812,8.033056712445456,33.69633933661012,6.9895610074580325,33.77731205421717,0.00011947483368955546,0.0,3816490534509.4204 +0.927563202873768,0.11032034979769254,0.3657371647108355,142.8738537221155,19.553087271281058,306227.5184923517,5.868231544022236,54.56591411598524,3.647635659114323,32.35759017774181,3.8401870424772793,29.685784301379122,0.6638475159869357,0.9484479470411832,757.1339995101821,94.61697569579029,0.2111649497496582,53628.56899123956,1.2373212666784883,91.43902692764959,4486.061981710351,89.8601211181865,333.3522900141956,59.6371544601872,0.23627893591940505,0.19155327571706568,7.734023078065385,27.675493561447432,2.990859508781693,61.52892037774135,0.0,0.6649909264870645,0.12088249079396454,10.384362170043559,28.92170119414713,0.1981769555635981,9.572947393639348,1.6033010066721712e-07,0.0001132097967789073,0.20189286361420347,7.57657656077763,28.754748637720425,0.2659133292445803,53.87867142689294,0.0,0.00014063033626880034,0.10813155842478395,34.41889688391904,41.96694025870625,3.699262936883469,15.457275647797632,1.9907974977412392e-07,0.0,0.20193151193973363,8.117786908837155,41.65603261663452,3.896905185309849,14.74168720156088,6.924696988394129e-05,0.0,121.14624910045329 +0.9866980962273372,0.2125526962547849,0.4419836593817322,219.13286486520303,190.27062743508634,115300.37868361306,5.95907719460155,74.44101206221055,2.99663394843342,83.52793706886612,4.846920607484061,28.27067616070178,0.39691527288283596,0.9845900344729419,762.53799536906,33.204227069863116,0.32021725032561854,293847.6138898751,2.9822350662569903,85.35548238120975,4461.950346502846,280.86899642629425,344.58659803196946,44.29334378137419,0.3092726126852507,0.18936749713081077,20.922129716435297,48.30214346767535,3.325371235175652,8.264063237368175,0.0,0.8613266562493089,0.11868587565248542,11.593777858220067,29.06026994544369,1.608255855176791,14.467791940753022,1.6033010066721712e-07,0.0001132097967789073,0.19795876500068518,23.479727561962804,50.85315671404966,0.48029611281638995,8.355907720402072,0.0,0.00014063033626880034,0.35598117076192215,43.919543787258775,26.721517696524064,7.294909329546354,41.485910782645064,1.9907974977412392e-07,0.0,0.14767801503511693,29.078687698332732,64.80752857311757,6.270831726570807,14.215831615124314,7.882347754442196e-05,0.0,130.20613589207744 +0.9890676660665974,0.12653092598209806,0.42214248879375255,204.81743389557496,194.8860208019218,308885.63159963704,6.863188383567005,29.820866296491637,0.451327616879919,77.85327107804024,3.1571314270455306,9.508917894573042,0.3438304170613727,0.9447533440293824,822.6349092480098,56.009049208651945,0.21916788558593586,52514.261928194246,2.241416840569301,46.60325433515409,1382.5177637983968,22.015005421274275,263.63032493011383,31.175975974308226,0.3122780450831143,0.19741180597305213,4.479114580074501,23.903369462187516,3.2477498313475017,3.1881523960279825,0.0,0.6965772538194269,0.13903967601643835,3.5941952370503034,11.273544254963582,0.83572589118416,7.21539216981339,1.6033010066721712e-07,0.0001132097967789073,0.20831467158588535,4.559460248311233,23.811341778296644,0.3441205409839206,2.0567325269956713,0.0,0.00014063033626880034,0.35722000024791534,14.480644434753742,17.195690018112334,11.383192405775336,49.79394247735452,1.9907974977412392e-07,0.0,0.1516183097440563,1.5199320860708196,29.954499340752182,6.763440624436241,42.142208991965546,0.0,0.0,85.04974178526525 +0.9350389749495331,0.14490654757419316,0.41629389836853203,170.83544382682342,172.32780647490176,289565.76508754527,6.53669765467837,57.397251341679635,2.643586757522759,77.83156779955604,0.2777954736684476,27.939980383221013,0.38990990443554796,0.7227286021544022,829.4931332429178,47.78350066368181,0.13009192200602282,85834.90696510833,2.440317510778958,90.58538480896449,912.1441795790848,255.79571466741984,342.85129471122264,56.09532669883838,0.15258689675680703,0.19510978667227247,21.07073581081869,40.79004962695617,3.2008129801981298,26.979114016504592,0.0,1.3952849158174816,0.10205839603232976,24.531507956435895,50.33536109680805,0.761144047242115,15.399463010129207,1.6033010066721712e-07,0.0001132097967789073,0.20511042610119345,20.217615169736042,41.313010353841804,0.3349252324522533,19.642978520902258,0.0,0.00014063033626880034,0.12781171491844795,75.91631907977667,62.07026253003428,3.321533096724808,12.86465052507107,1.9907974977412392e-07,0.0,0.18394697217644593,41.26208334890409,79.93033206838378,6.213403313361286,18.02866879179247,4.203498848241936e-05,0.0,164.2262001696973 +0.9352519072158841,0.16902721733152293,0.35888508493338195,196.17582517615085,169.3021985088175,290901.2334056381,4.404574426085379,86.8452496629834,4.208297929487836,77.6635822900699,4.782669023258148,27.939980383221013,0.4958606704312545,0.9726475187082717,810.4216011688693,56.26458030598401,0.06760997698503118,247025.56251978152,2.806079714205862,83.15021906376671,486.50588147651774,283.73350824635384,342.71986772513947,56.30459433025595,0.1678955165427764,0.17712136769052236,21.326688110563456,54.387081987806454,2.570334976894454,23.661009145407228,0.0002721138861244116,3.213663754455696,0.12161984431953608,29.99657053509711,55.294206603342985,0.5013222832713545,11.875103231748808,1.6033010066721712e-07,0.0001132097967789073,0.2015274875014217,33.951350572874084,64.0980491094482,0.2875250669759864,13.248581508325957,0.0,0.00014063033626880034,0.10056117290887809,93.42511994358324,67.84836541587399,2.9273587245668087,7.454985185220169,1.9907974977412392e-07,0.0,0.17108207921216378,64.65426804617366,116.6453588676974,5.089204201650793,13.65543458024626,0.0008063797766858262,0.0,211.9423168534036 +0.9497514316377371,0.13329945577539629,0.37097734538646954,152.0781785297453,102.71400093136921,240965.62980183953,6.2437891268655115,71.27842611090385,0.3063510290869045,19.867794581865155,2.7111108174427563,24.750572763954555,0.461029052161487,0.883863371777243,823.3742219579552,29.563340073439868,0.31864872489662033,88367.4732918277,1.9290349391254016,14.813281536339264,1893.0773125394653,292.3383089569113,345.9255183173924,59.06242301350675,0.21696499315263665,0.19096636308724949,13.551294672031517,32.50489383900966,3.150776314599123,36.33066628125535,0.0,0.7989237133873314,0.1283958792382215,16.212703455037953,34.6708527193174,0.700104858114986,7.977546650990339,1.6033010066721712e-07,0.0001132097967789073,0.20565248351531615,15.513544914610373,32.98745977351521,0.3342388385039244,33.015293559118284,0.0,0.00014063033626880034,0.11979441855523922,41.56804130550109,44.06813699980221,3.2978493011047405,16.080864109889156,1.9907974977412392e-07,0.0,0.21311718779827554,25.471933484194285,52.86028879316502,5.449510297016852,15.221854035269574,1.8458571543243924e-05,0.0,119.00698751790797 +0.851257595606783,0.18126995178143532,0.34951542788528617,249.84757008740314,73.72539980032948,230357.79510510922,1.593366015390729,71.76804145133619,3.502115942086456,69.72672073623224,1.9129721923443623,25.155417720102125,0.7426258068002676,0.4975018897924728,691.7177158376353,85.51822721529551,0.12406825830753475,89723.42415870003,1.276921223899066,55.24619781881508,115.85808397940536,227.5330340517602,344.6727128124426,53.85894008729367,0.16793722992516874,0.20050666229960978,12.034970813858518,28.527164081904168,2.434004052350659,49.03846823566712,2.0815775692695223e-05,0.8946190203522553,0.14113509813222347,20.543878967380603,42.01733581638033,0.3200058803547366,8.73349031861301,1.6033010066721712e-07,0.0001132097967789073,0.2135327592352515,11.531579395064034,29.09198268698403,0.23563046583287292,44.268563208042124,4.6632605748302086e-06,0.00014063033626880034,0.15342444958694149,56.5866518297049,44.87596613839346,4.226186887825925,21.657192093830144,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.969947814083801,0.1614046668089099,0.3704998088864648,144.04574948286324,195.88810920012128,178800.32462292432,3.770173104477581,54.14623458068614,3.136920115644202,11.472239933542946,3.8452789686805495,28.7767176362234,0.4640024272045957,0.637236773436408,292.9498523873444,22.780677803557328,0.21057752247619202,54920.52011677854,0.610885688311603,59.39041857689932,959.5219053773776,266.8088060155108,347.37468563211416,36.58437704413332,0.15854631789357382,0.19620862245255544,2.132149799202047,23.66734767296094,3.0709441287743933,63.77131934887555,0.0,0.802380062029232,0.13255387348883957,7.997991828654599,24.381382875833886,0.6907249606847777,8.478981270853042,1.6033010066721712e-07,0.0001132097967789073,0.2080040409865208,2.952305211855322,26.719397319617805,0.32487368106493775,61.91877556711018,0.0,0.00014063033626880034,0.13124361042401841,32.82290199382858,35.60414652219717,3.7515504551363956,22.82966008530191,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9591145267745167,0.19710891678933473,0.44717549395564427,223.4660071345676,165.66463749224562,301105.5528949824,6.835732341689263,54.43916665303622,1.2758011618576819,97.95423489648778,3.838855336136751,5.027547509725377,0.611764507066503,0.9264712383722657,590.1975961780304,78.90806853835005,0.31881654999387377,282323.18763343187,2.8518044570995484,56.116292362677534,4746.326851048866,83.52470071470357,222.3887225604626,12.30092953811084,0.259905330447696,0.19928535683650309,6.512852812309683,24.225565677993384,3.2365957480087713,4.71258776359235,4.702229529890609e-05,0.7230496321099429,0.14335521781610336,3.807705097820428,11.764705301640522,0.8264140025587265,12.68358492087982,1.6033010066721712e-07,0.0001132097967789073,0.21251887936736366,5.667578309111167,23.508461789665628,0.34430238071379105,2.9905851431454096,4.054485915282867e-05,0.00014063033626880034,0.353569354826087,6.714789765700735,13.912228201832717,20.15617690158047,61.14813394838401,1.9907974977412392e-07,0.0,0.12872739990945048,8.125137989814705,32.35583232711287,7.231730599113403,30.09205001743393,0.00033832916638388834,0.0,89.5868020045711 +0.8693103652437074,0.14998851970379656,0.346773950479864,193.8263232053091,156.64901954027903,201096.58094235515,5.134918127880061,87.19396415333966,4.859579075217169,58.150827276241394,2.390928609219008,16.84969577178871,0.4860927098611782,0.7866565403171786,947.8399065668198,65.89016426116054,0.13454012542514981,67229.6317840681,1.9069226018747054,76.04044269607428,2899.8815672021383,242.78783821231383,341.1426756131681,53.004960202695,0.19420290659190048,0.19831360353122005,15.864843504149405,32.10348869475821,2.7492234232997754,43.72969210364838,0.0,1.0530183368871138,0.12796281546003144,29.166515047446012,55.19534552849332,0.8725862740942282,15.384424973515367,1.6033010066721712e-07,0.0001132097967789073,0.20915642622628958,15.314119130056046,34.62243191858904,0.3559294266697118,34.57763045904434,0.0,0.00014063033626880034,0.12384752142582968,72.17039204156929,64.00911545594569,3.243465374675675,15.336135276199286,1.9907974977412392e-07,0.0,0.2225897954144334,29.03267995861329,59.54194862354272,5.120499511220424,19.831506661727033,6.0081381449595885e-05,0.0,155.96849159389166 +0.9428263892513657,0.14506212994278112,0.41410635545890806,165.6624610387651,97.12729197599161,309774.8374289372,6.373789657908246,81.51642931895063,1.7698911270537252,6.451584301488904,4.557267754392118,23.79671864284004,0.7463410143471659,0.4128304031992722,61.2470511037011,64.85409009584446,0.3424535530147295,85626.0646289026,2.9629907479388353,93.74719463999837,2460.6900855301146,274.4233717635475,252.14069042569815,34.63317859315384,0.23711093847470294,0.19764328092307926,5.866727409369706,25.927695011585453,3.8510587637088114,11.731815036535577,1.8256208994056205e-05,0.8520394126631796,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2091553732407068,4.60979163037466,24.844640605254597,0.30419216852546815,9.472983681574666,0.0,0.00014063033626880034,0.294048888648624,10.658270416391247,18.017273664505087,12.16105408125554,53.1713065445379,1.9907974977412392e-07,0.0,0.21715425501608693,5.835793113646701,30.129612164251924,7.601084598906931,45.32713692165497,0.00017756552606835356,0.0,2698666337285.8823 +0.9554338161741901,0.13391222540284295,0.4226375613928179,248.44307939228688,188.9008089712633,138468.5302745356,6.712523075808318,65.18694260966514,4.94986517732758,41.01649394152433,4.691901192407073,26.97180669532586,0.43073190157292696,0.8996865282967651,991.40946609911,65.86598968877489,0.3426867373932727,148319.4202863028,2.8110157790059747,96.53796628141014,2512.481333027631,299.74872533221645,339.8154353494572,47.990890617228324,0.26563917056366837,0.1809252955388018,18.097570483540178,42.5683287079211,3.0092115258363337,14.08193576002745,0.0,0.785815579569725,0.09141715297392707,14.944840978609383,34.20199882289444,1.5849936405249323,15.369743977865388,1.6033010066721712e-07,0.0001132097967789073,0.18932711708963898,21.420023905386746,48.47603652836172,0.47657264609884825,13.297915553897486,0.0,0.00014063033626880034,0.348802309204047,54.389576305113856,34.08062059790215,6.344508519157023,27.91806171845397,1.9907974977412392e-07,0.0,0.143007071594455,29.06083179403384,68.84839231034756,6.755147241903221,14.946597047397104,4.3766510058785566e-05,0.0,133.26102377590894 +0.9761323248396718,0.14501367666457937,0.40709361433401714,14.569202606292421,191.32561635799073,166517.92483905854,2.1340363948839483,5.854417592948538,4.744658958944869,56.40129433531314,4.59559961292081,14.716319034807832,0.44909081255762073,0.8537821861965769,325.22087344764634,94.4553741796204,0.10952980870797387,117050.83535014925,0.6470490694369465,68.4592550882922,4102.81565858907,114.8114862374132,329.2771221779961,53.82079422807858,0.2752463457854599,0.19512029522878627,3.6303313748954076,23.417476672199612,2.367543998087413,38.584049226071116,0.0,1.2974362250145484,0.13835272125627202,4.624399852146172,19.762588691051473,0.41309896833023974,4.584038075986708,1.6033010066721712e-07,0.0001132097967789073,0.20801373400726778,4.59714830489854,24.95815672923665,0.23791822309844612,35.69053012891338,0.0,0.00014063033626880034,0.13516411201169615,12.44812504212627,22.50665050769159,4.592298755725054,17.66408350500178,1.9907974977412392e-07,0.0,0.19998265437714502,0.5953092167370074,21.525933570354397,2.644169327786593,13.168830429620439,0.0,0.0,77.76580737131233 +0.9480754314633908,0.12613638429602642,0.34547432266640604,204.81743389557496,195.3424548363917,308885.63159963704,6.955348258633592,97.64165524992706,4.115775991845541,73.26724145341392,2.0129121006863873,9.508917894573042,0.3438304170613727,0.719096888602756,827.7145594191288,57.348041183544595,0.22203656351347523,52514.261928194246,2.9297805421318754,66.95234333021722,1359.5939379975077,22.550809868665468,228.92692717416733,12.07809914168103,0.25344771826732054,0.19989804797851016,1.630865795796472,24.274088287332933,3.2482401639354985,3.5248407867654303,0.0,0.695302291509989,0.13028745674225145,1.9621771977698836,15.037944320146408,0.8473637191011167,18.508824222695985,1.6033010066721712e-07,0.0001132097967789073,0.2121521873838997,2.2561895550882936,23.628970829346677,0.3460950920498223,2.58186480999266,0.0,0.00014063033626880034,0.34446223617586297,1.2669580026039013,14.397070691793923,17.81612474968658,58.741863809647185,1.9907974977412392e-07,0.0,0.12786761984965714,3.5932266855638506,34.73302764350683,8.685029682999494,58.13281799212662,0.0,0.0,102.0300272548472 +0.9723527375162895,0.22842451046898488,0.3490742913316903,174.53315366080975,178.54894395667273,127149.99009926256,2.4705912160997574,63.561633950576024,3.615819914741693,91.99787211423323,2.7017166519374274,27.92872128977154,0.39820567017295105,0.6867419702251517,778.0506882432335,58.02902530575575,0.07632574670852753,128113.0952539453,2.9362483438386717,93.07570307983752,2957.0525195596783,256.3742878807081,346.9893471104612,55.74053835986127,0.2113452621026286,0.19495906161669546,32.749742164325326,50.34339257586961,2.668452594636141,24.86975108276734,0.0,1.1063603967107116,0.10092798730378917,26.778002070933088,54.11593258061427,0.6567251930187704,18.04028542213576,1.6033010066721712e-07,0.0001132097967789073,0.20024233729389562,32.41516090062799,52.98222906524252,0.3197176915104981,20.744334787284835,0.0,0.00014063033626880034,0.1853145361121142,81.50441088099255,57.09202569627538,4.768024295725224,11.786445435882277,1.9907974977412392e-07,0.0,0.17427244470760686,57.36239158391493,91.09253968849649,4.54275795236096,33.422914893116996,5.230685281845045e-05,0.0,187.84013950747695 +0.9238820472740368,0.11464922928999051,0.35432155845615904,135.64377148281372,28.9287244107787,286836.1896083044,5.781873544039629,24.992143923357382,3.583568754766922,27.93723209599619,4.539481407551637,29.39193108240907,0.38789254522768285,0.7515013615024969,656.9110773520217,43.37133360505242,0.05528585025956294,149964.00483074738,2.4230772108108716,80.76201898604846,4936.228130097307,34.59791482569854,347.54754691320244,48.529352922379275,0.30339449330049084,0.1996988872912805,32.1041939174406,43.42585797411288,3.186305784736358,31.73744154127724,0.0,4.050863655840143,0.12991342147268264,15.371470074991082,32.4142368962637,0.25749827784525997,6.215120564945459,1.6033010066721712e-07,0.0001132097967789073,0.20636745344962204,20.973013658536757,37.773400529208196,0.2745341691665399,18.73088740906066,0.0,0.00014063033626880034,0.2602326828723107,51.81707635703298,37.69161386325224,3.7665732750657823,8.364924599711566,1.9907974977412392e-07,0.0,0.19843482257486378,27.538042844333276,53.70351188156311,4.797891375611448,9.955388766539118,6.92774045595252e-05,0.0,124.29063632390378 +0.9873806033667369,0.20631887281775863,0.39683528536117957,75.9438963027632,249.1076383006989,101519.99590642258,6.328712150429844,93.98153875767332,4.08142379027535,89.4861182904807,3.6265715026320393,19.23429216661631,0.39184163239898484,0.779391581227961,437.57404287289916,90.35471340340294,0.2808042647866203,107525.6285255625,2.622060360725311,92.00809565980164,3961.568477998303,269.9894987699974,342.7936750410999,44.417161247609684,0.18295308736432972,0.1913419182591302,17.222934649353476,39.14578470857937,2.9624908809690793,16.745953847764472,0.0,0.8681585380975525,0.11625369201016827,20.46781108521987,41.36172348428074,1.409998155681152,16.396833261987044,1.6033010066721712e-07,0.0001132097967789073,0.20257303184035527,20.773357934221757,41.32779173915826,0.4498633667711234,14.76641767033223,0.0,0.00014063033626880034,0.16170987369929257,71.41549290345795,58.541231721660296,3.9323016562325375,9.012545210140642,1.9907974977412392e-07,0.0,0.16807054424976128,32.960457978130066,71.82999068830684,5.559545243462547,19.68129032604911,0.0,0.0,148.88115711688053 +0.8181090264717474,0.15999030730441835,0.32594684846630356,105.60425914113357,57.97551557476682,245933.4161718195,3.6498664768749958,60.79519222821273,3.9193411980129413,43.93951535273207,4.862312181784115,24.69839241260891,0.4382457435174859,0.9074268143412705,752.6421833860667,84.29517241580731,0.21410052394137186,254457.87197489035,2.8836143358862056,93.07843531718117,3526.5423938411186,175.8291872535275,343.11056923185,20.061549666414635,0.25782383511436674,0.19441213392233295,17.81858182177974,33.97773366993026,2.606901524469696,5.9066515859099535,0.0,0.7329222624204123,0.1345035344405004,18.16279764780906,37.42107197759852,0.2055794198980412,8.154268408701077,1.6033010066721712e-07,0.0001132097967789073,0.20465154044143272,20.362541553925784,39.51321969951664,0.25461166388762363,4.845769816061382,0.0,0.00014063033626880034,0.121854886474697,84.85681043891331,56.126453237916486,4.014146435636141,4.63604219313209,1.9907974977412392e-07,0.0,0.22124813485513764,23.92586268520215,47.19012611674612,4.203537423919805,6.2907282418992505,0.00015288801137734221,0.0,136.21917921814457 +0.9726829153671603,0.22616224570025192,0.3490742913316903,171.58040585373084,47.392660510315274,228353.8730942808,5.385978902633228,52.96251803465959,3.6315107319153976,91.63850236754617,3.0047884958280338,27.92872128977154,0.49072533039394556,0.9854963641331171,740.6082424408949,58.32532216691867,0.3116728172664521,131279.18219161453,2.715087599904617,94.90046634109518,4890.950255645848,256.1529899278682,348.5024632418563,55.74053835986127,0.21490707737945391,0.18492435686259354,28.500655575756294,58.589294128892895,2.856827594327293,25.29651947839413,0.0,0.8260744442357433,0.08430744740586352,29.214826994219337,54.452222176877086,0.4518422912605565,16.387711336190222,5.5241633860631357e-05,0.0001132097967789073,0.19751390847732417,32.06570521852015,59.13343151038218,0.3058382988319624,22.72910380225408,0.0,0.00014063033626880034,0.13068301659356285,74.35674639331846,60.64466708452491,4.2066090596233945,10.199613773032056,1.9907974977412392e-07,0.0,0.1441916610615305,57.28187937595806,112.56898792184393,4.675449767930797,20.631512868670516,0.0008448558472754046,0.0,199.3785279157694 +0.899666571215839,0.20173035009703857,0.39016786809285164,210.16691416003584,241.69301285467031,279253.6652721732,5.215916363362645,66.7701822339122,3.330680091643413,81.79056015815439,4.719926854148502,26.205112447017402,0.5976517319798745,0.8384899716958982,748.9609541775332,79.74581594950689,0.3319565406034608,150329.29161219834,2.9468993168035977,99.79877810922216,3512.288000183209,288.62449766920264,344.53915794958533,42.10357824478997,0.16033184976474116,0.18967733407509602,25.751541371532483,48.87952834664417,2.9688195690829464,14.607096528094237,0.00010292211780259704,0.8380525208616056,0.08262051338639759,33.32494042615807,60.76905043396109,0.7668947890463916,18.363764991270745,1.6033010066721712e-07,0.0001132097967789073,0.198488369548498,30.637198639748508,55.67315145197182,0.32922247124899695,13.647450938422498,0.0,0.00014063033626880034,0.1315763806260586,106.53725821729523,79.28023248193037,3.316289716991206,9.265526039562165,1.9907974977412392e-07,0.0,0.1882067815455691,55.39060885587378,101.94322600362374,5.91992977470144,18.666103570580372,0.0,0.0,210.27960682167333 +0.9804478946676091,0.22362862024429533,0.34313985242748807,215.3003261840603,160.22522108987576,302672.2095852697,6.085210648814592,70.87282934642882,4.234101431620253,72.35055381227659,4.578674990268916,21.872552943425994,0.4430740164101238,0.9319310945020769,614.694010039549,8.027312957041252,0.23972617932815177,257659.5034708488,2.938685103107455,97.2917912854183,4709.00646555919,134.30514704463562,343.0174580816688,32.187700258654424,0.18080737356858875,0.19294226756307103,20.696435979882256,39.909048797995126,4.0017275008495155,7.974787007888889,0.0,0.6624242657382373,0.13135062880010714,19.113270340395683,39.20785747219246,0.7110879829557499,6.306047479786016,1.6033010066721712e-07,0.0001132097967789073,0.2033670684371489,23.45884532135148,45.37102917909175,0.32503867591095115,6.321366701850043,0.0,0.00014063033626880034,0.1765567178493473,107.0531452120513,73.78560026631628,4.103381965320466,6.711808286920939,1.9907974977412392e-07,0.0,0.20784715744800894,28.64144159614437,59.50868207115058,6.773266127663012,5.886735805770419,0.00018151341182594532,0.0,167.63584297048595 +0.8985151032290393,0.1824849750806406,0.3209350883500838,37.82407461370258,119.52609651535782,217691.1515158364,2.1386172534734915,15.7285695964149,0.5355371425650263,52.818060936374486,2.672971637436155,24.055639015685166,0.31269654236037425,0.8135115606305976,681.6199905424436,4.851479684780012,0.06611241875789296,61183.62944578895,0.6232802352402764,84.07034327825997,767.1986509075463,298.0402090268999,333.8046025620588,27.09795156131102,0.18634727159166914,0.1951895578648617,7.136919766049527,27.462294437568925,2.852318683557847,66.36484825732681,0.0,0.9807445598973815,0.13197956737438046,5.324919941273753,21.859375820915343,0.34945856486680116,7.128916575903275,1.6033010066721712e-07,0.0001132097967789073,0.20864048853802475,4.406564635023348,25.197986909732556,0.2359732864245934,56.67024310858707,0.0,0.00014063033626880034,0.13661063956766145,16.15150392264434,25.534334083203316,4.339611820765497,21.5397862101321,1.9907974977412392e-07,0.0,0.21443927793248166,3.507069730040763,27.023893898721955,4.617977079538384,22.70941953771298,0.0,0.0,110.98210889620019 +0.9034119044006854,0.1583590057436935,0.39804065041181413,102.34958633318632,142.22789399485984,335935.4362545074,2.9668872095342187,79.24501607211555,3.6044905639534903,31.066979542741898,0.47549255916116384,26.20613715747651,0.44334538113282385,0.9862421559537956,555.7464575719961,64.53384223497042,0.28887115811684916,65492.82827061237,0.5736947640335002,69.09311347476678,2716.562483919958,204.7885392239374,345.90573660598363,32.15838638905651,0.32161852568613747,0.19025614014578354,2.6196152672703077,27.179323133443294,2.906154751540797,53.76012275589084,0.0,1.0369912957477436,0.1298116011194135,7.12355670061343,21.60397549564972,0.24859422700256062,7.797966146756109,1.6033010066721712e-07,0.0001132097967789073,0.2017154079097002,3.60905481936703,28.020001371821415,0.239364415226034,51.31781742627138,3.112565906330349e-05,0.00014063033626880034,0.10652567313771384,23.078601158738266,32.91198967201821,3.5527490993174045,17.483879036428096,1.9907974977412392e-07,0.0,0.18317163208925266,4.029572981462388,34.42590425786455,3.6008565147993434,14.73212127193982,4.301363133460135e-05,0.0,104.98079678795048 +0.9390799167597008,0.2084813642238963,0.44390340692698,116.24747181993227,247.27919656217978,345015.3178329653,3.010509038229989,40.091519509495114,2.3824580339585304,99.99101912289208,3.137658154744076,24.36663173037203,0.4983410749039671,0.9283033205683779,966.3909536633244,52.12142550239253,0.264037284311953,171981.5041637832,2.984517867713059,98.32276885965614,4594.613317408328,291.7683468303902,349.5410885630978,57.81591963999182,0.33667104233362155,0.17328385087807469,23.432053089764405,48.54466879181807,2.8775362726914113,18.081694738627558,0.0,0.9309954124068852,0.11919101199889266,19.318810487319553,37.53627741868794,0.2234168239504419,23.05855751386187,1.6033010066721712e-07,0.0001132097967789073,0.18754927181614583,26.72559781218107,53.549227335304074,0.24131023746113778,17.73308224179379,5.272248729374707e-05,0.00014063033626880034,0.3524609416862836,39.38661287942339,24.656226803213848,3.7394865010489737,35.27252917909302,1.9907974977412392e-07,0.0,0.14342218626293385,25.4954447538902,55.40069528037965,4.739903203086049,26.689774582215914,0.0,0.0,131.61927484934566 +0.9767236263781048,0.11782331736687401,0.3865827507788342,160.99433368063154,164.69918572995977,327765.6461702294,3.323060999359514,36.25501019768706,3.0934669553625604,96.18540976545901,4.114725533443291,8.067885754162978,0.3492519580634822,0.8753196630313739,617.4594389486613,98.86280101528487,0.14407936985111425,227647.00265677518,2.6888302256505634,35.93556380930469,2723.323932245274,19.242236479035615,346.6100359602292,17.62245517041696,0.2108024989839696,0.1978324117164921,9.47818314603532,27.568236572039932,2.883544967121186,3.951474458522736,0.0,0.6824129533347149,0.14045977025814887,4.295779411550889,18.572051255129534,0.23551524038608387,3.4236318348871215,1.6033010066721712e-07,0.0001132097967789073,0.21030229333149786,8.662121641650925,27.86819167297091,0.24801129047111292,2.361966464531295,0.0,0.00014063033626880034,0.13151281230767384,56.080102513049894,44.34532966329248,3.154014452431034,4.796183323567896,1.9907974977412392e-07,0.0,0.21619344556699255,9.131734495180533,29.391261639747395,4.5166294867037164,3.5912875863953744,0.0001705733543655358,0.0,90.72946198982062 +0.9781868116261593,0.22316077018988756,0.32397723881444607,192.7323085012723,210.69100786126108,115596.8476940377,6.374804999881345,62.257693938336345,3.8668373499775934,78.89724917481746,4.842515878939034,28.368445523159536,0.33152392324073754,0.9986596731697275,387.61322317225955,2.950586343951123,0.2900346486270478,178104.12714780818,2.645438397696709,84.7181770619503,4154.770074859581,133.2719633227655,346.1058031652066,59.31839598095288,0.26799014518705405,0.18990085239560836,27.489694950667626,51.95327588202875,4.636199389151361,23.114110578240666,0.0,0.9181774637887015,0.12055144115105076,23.074843003905798,45.310834821590895,1.65636174244673,10.935891912394368,1.6033010066721712e-07,0.0001132097967789073,0.19931890587735124,30.46828984248039,55.34540265291073,0.48886667092904695,21.465987956566536,0.0,0.00014063033626880034,0.2836226210262788,78.37056590783747,53.00511845051219,6.226684098991893,12.859962393650749,1.9907974977412392e-07,0.0,0.14153841851794813,50.84958090752515,87.05221594596593,9.798893673665429,11.630827195514266,4.013368837799062e-05,0.0,175.27872905878152 +0.8480721566354259,0.12584208552600754,0.4045876764691206,151.32519429028298,131.5747957610166,321200.221457726,6.145549932559026,92.90080612573922,3.032569760793137,89.43312583827345,4.445707367034418,7.859263082150694,0.360833259065262,0.568897676743216,643.7714986358592,31.97886878709498,0.2233156580669885,64248.23274801712,2.343153127083955,17.196058909976056,638.0724080987759,216.348502996849,243.00982777304773,13.142096834707774,0.27965115419076314,0.20127201168330253,4.818412942795226,23.970174090431325,3.404238241259016,3.263942255386734,8.308284324040497e-05,0.649879968101421,0.14427468878006122,2.6129112813870417,12.501678392701939,0.5403761558571544,4.252800126702188,1.6033010066721712e-07,0.0001132097967789073,0.2145010344741042,4.710384020227423,23.24373958029165,0.3004644011672688,2.0250947265877453,0.0,0.00014063033626880034,0.31897317988268,2.6848088339744347,15.493064929295743,15.514897327656819,56.45089138725192,1.9907974977412392e-07,0.0,0.21470185962408114,6.841204588010865,30.768602004725825,5.934898382930968,46.113478582136516,1.3717877660046231e-05,0.0,90.5466584565493 +0.9463299729401318,0.25811555981679657,0.4492347252155366,242.74963076108725,232.04558747559986,182651.65090169295,6.930373704454535,92.98045590852334,4.863947399418351,50.60343702622472,3.548911804168505,28.28271503546765,0.3917587067478122,0.9431539652796047,690.5802664794901,43.59319513202301,0.2987156069849932,296874.7617367546,2.8711370293020106,93.79892143802142,4531.6985929486655,228.99040986958667,349.1699989702542,49.33782999976627,0.25012881478707155,0.19352412081473178,27.81495045375516,47.617322968136214,3.122019243627636,11.32840937650281,0.0,0.7433014508904217,0.12574569883933384,18.812312479561356,35.965716022573886,1.4294094185903246,14.5281664415516,1.6033010066721712e-07,0.0001132097967789073,0.20416708674441372,29.379547728071227,52.381074588109236,0.44892672491580793,10.303775106957186,0.0,0.00014063033626880034,0.35141587375942024,64.12916973594024,35.12184956118533,6.4969930053006415,33.889517880992116,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9148138692735942,0.18335489752387482,0.34972158939556075,211.53703306331676,245.92777426786904,154331.78941162478,6.142537804222222,79.88500589917712,0.9202629925687733,78.25262043288502,1.6388358844024946,23.983771888658993,0.7116160209248297,0.9189135662703496,820.0180297568927,40.4027583732784,0.06187902566482255,60808.82038262206,2.581212211776779,96.67527683838989,3887.271886433893,153.35601237213416,338.7018658930916,49.03399574554242,0.2688161193832543,0.19804019276816895,27.12135592245271,41.42990295586737,3.0332360031243937,36.63493691768959,2.6276845524373488e-05,3.713641397256988,0.08565253389002121,20.97314557627492,41.39990112216554,1.4443524129378933,17.780345587403218,1.5111783686525179e-06,0.0001132097967789073,0.20027008951547567,20.408285647606135,44.346208344495444,0.45211208758652227,20.71367659280884,0.0,0.00014063033626880034,0.2300001400191267,66.02792017771002,56.92358232895858,5.305308152699238,15.570802256756306,1.9907974977412392e-07,0.0,0.18592297562383533,30.95626207264781,64.84549716618325,6.775142778294674,16.06519331241425,0.0,0.0,149.79814455442738 +0.9241363564433471,0.143145774101365,0.4070038606416995,136.01254015656906,17.86528672606177,346463.26258714066,5.737718316683467,5.854417592948538,1.7535021426807453,36.34829723009368,0.8037673562081755,14.716319034807832,0.4267557224143198,0.6414155190564742,325.30370479572264,90.16016637892548,0.1813567132467927,58023.031291657535,0.7574138749619549,79.41839582921646,3954.811146989191,114.8114862374132,345.3871688090207,39.329734363997375,0.28474375181777467,0.19988438497358296,2.761141126080858,24.646279095061605,3.3905370971423205,57.087884233478086,0.0,0.8020198332217028,0.13870173096418917,6.761061310919625,22.514487184595367,0.19122615453465186,7.749118002587877,1.6033010066721712e-07,0.0001132097967789073,0.21212262319153957,2.1262740992899607,25.277611821164736,0.25441792025024124,50.86741020428897,0.0,0.00014063033626880034,0.12885568463384287,19.585914941815492,26.90100916470726,3.6593105500437146,13.61849564522599,1.9907974977412392e-07,0.0,0.21601965328537376,2.066625063725304,21.447509866281536,4.363269155121657,14.197225514907291,0.00010811014219428255,0.0,98.59576334037703 +0.9729818647249142,0.14808611907602945,0.3622401241991676,59.12399750198954,221.73988637992824,334589.31474215735,5.394314079166185,10.27402787723943,4.252457352768828,81.30363729499742,3.4434910181228857,22.790278266528357,0.4302293737304671,0.7328703584027473,682.8431846008586,54.25757070161276,0.06645475897586475,56865.61853872569,0.5741574591558345,63.281819633143016,4188.102191758041,211.5870544011207,348.48485154194657,28.819671327106757,0.2873908368329076,0.19813210973095433,8.90437591823675,26.150751789477205,3.0381315422899227,79.5449757194681,3.389871117059491e-05,2.4917632950986013,0.13625314658166177,5.2882120255495195,21.151201640200448,0.2626566496725701,8.422678050108939,1.6033010066721712e-07,0.0001132097967789073,0.2098802684121223,2.2599415083957344,25.40176657664552,0.25580618353871504,58.23842300992555,0.0,0.00014063033626880034,0.11206380650092476,24.215157990801792,32.99085913398363,3.3997565472903517,16.30828159350775,1.9907974977412392e-07,0.0,0.2147087146092468,6.0726869877432685,28.919451603890455,4.703696149771899,22.35643114492799,0.0,0.0,122.64613335761452 +0.8426351173419245,0.1145385851187466,0.41531876138162976,156.15241057963564,187.91370852062892,290620.2483626357,5.772272974332257,34.824634198528116,2.5347378724192025,48.12255965557528,3.2741089079495187,28.151630244447727,0.39910774187457404,0.9805732495028407,820.713504982558,20.32327237791346,0.3167268438131663,260452.6979137129,2.923684246484972,96.41388917213183,4589.818354428463,285.8196308644136,341.1951997971274,56.534225075262526,0.19721017870489915,0.18999992642935873,29.519527885146406,55.251205623715805,3.3471522046671134,12.048349585487243,0.0,0.7813007409600787,0.10039132256838659,27.25712168975248,47.170072988200324,0.6591069685525889,10.19285434583354,1.6033010066721712e-07,0.0001132097967789073,0.20197180122989497,32.37919581478572,59.50839196214496,0.3165583285753707,10.752581550167646,0.0,0.00014063033626880034,0.30168808478604836,91.65218198976449,57.532536518753645,3.1164246463087455,13.732188669425703,1.9907974977412392e-07,0.0,0.1458394173444225,56.53923177934564,104.23611877386038,5.966079126057098,14.319956235876724,0.0,0.0,195.11498476710773 +0.9293276611670119,0.13284634403536674,0.37535760470025054,145.647300895199,61.391663948982895,282715.69480727817,2.5557394935643982,37.43363914246816,3.2901304021833915,83.7026198506406,0.7192261003235029,13.113157394747113,0.3427421889528903,0.7636268670615612,39.61392642530342,72.90773237263603,0.21044638591772735,50628.583505880786,1.5116598541786737,74.00406647416702,1032.041486666177,109.64373058611146,347.0262676235889,48.84278777349762,0.29514354218511923,0.19689935266387817,5.9630385394022305,25.729529459843988,3.1400545960748647,48.49773316538046,0.0,0.8873165086715239,0.13830612964582217,10.531124339318312,27.351433571157045,0.2751468975806726,12.102995997664843,1.6033010066721712e-07,0.0001132097967789073,0.21018051319182826,7.261156111941523,27.273436884075178,0.23962112307486394,43.49988321086214,0.0,0.00014063033626880034,0.1229825718566861,25.3524263575642,33.262650212248985,3.590110143012961,13.164564325368726,1.9907974977412392e-07,0.0,0.22449063149718784,11.801509569626106,33.124017257050205,4.414502715174225,23.139556297851854,0.0004037887840266047,0.0,102.37960900453685 +0.9520892743764374,0.15918799329583833,0.44083777394812507,207.25651679351725,85.30101595800129,251567.954051648,6.218134310801888,16.384900850037525,4.804426984091097,11.317091607482274,1.32711997548951,16.819905168463187,0.36598842312108804,0.6881344990479124,78.46492155314888,42.648486732576366,0.34297017560949167,99729.8959483342,2.263880792822947,94.31310591033721,4821.144735865499,167.90922823842178,230.5586596440327,10.088419990251001,0.24750476894266354,0.19751921929996064,7.491688417280799,23.85319856180698,3.6874568145357522,6.7895179677789175,0.0,0.8919999927203817,0.13515407788828707,3.441349242688716,14.27416535351279,0.664136751616412,18.018129113249444,1.6033010066721712e-07,0.0001132097967789073,0.21037138090053206,5.948449591193239,23.106095999645046,0.3299483213971978,5.290177286363206,0.0,0.00014063033626880034,0.34032895704825794,7.412006889398478,14.233607717450411,18.3765864311077,59.3471302789925,1.9907974977412392e-07,0.0,0.15276157879913638,8.821059893391094,32.49810538335399,7.565636159240531,47.468987219599164,0.00027898308690476144,0.0,96.87975442193637 +0.9376043718264455,0.2321717431315904,0.3504127293987894,235.1285298810048,168.87496409507133,116376.32741585447,4.1261809595421965,75.89147848370285,1.3491322882271706,52.97222073840098,4.276393530969961,27.70817066162282,0.31772043196548333,0.9879186838253206,230.31325406000153,49.93840020134933,0.2972028442492419,188618.7894942262,2.822646766425202,68.98080266850866,4145.635504044515,242.39292902919922,345.6106870966298,57.55792909634558,0.16356493588443533,0.18966451637243675,29.578850557625053,53.302251713719855,2.962131074361411,19.994888437257284,0.0,0.9760928878847758,0.10445246307351273,36.35366567556646,65.66928050929984,1.2437185650617084,11.30179972554971,1.6033010066721712e-07,0.0001132097967789073,0.200116586972691,33.759610144557485,60.01636614597651,0.4174224615052605,17.143535890880678,0.0,0.00014063033626880034,0.15410176963568795,112.61471940015043,74.4852614918111,3.756101462466354,11.715626556506843,1.9907974977412392e-07,0.0,0.16035910103911646,68.66492326853412,119.57288011477031,5.874753833988133,12.070935286655798,0.0,0.0,229.12666324227098 +0.8652332129838197,0.14597169048878,0.3209281729096555,47.51208666348161,107.56459215133737,114224.35783219946,4.224464661041292,97.74029545086086,3.9039102960292276,36.319383349171176,3.279014690673968,25.91285952284534,0.32688462632390447,0.8876401252246203,974.9466867822857,77.02521093385312,0.261884973318019,298482.8310654555,2.9297111848406523,77.41956184556591,4353.96302055783,138.52716638630278,347.95268309260683,55.90327032688597,0.3481257677629455,0.19118774136840716,33.91812615127179,56.19831873703061,2.695991887540749,15.439380907696442,0.0,1.1195593672328787,0.12566887486441977,20.369767579864746,39.05971657429003,0.6624269728887032,6.445411088204612,1.6033010066721712e-07,0.0001132097967789073,0.20439632015976023,37.30471383977665,60.917324297478714,0.3357430246179645,13.644113338683896,0.0,0.00014063033626880034,0.3358304375600587,62.390852946191025,39.50451524248809,4.725646541471537,12.513005990800407,1.9907974977412392e-07,0.0,0.20628947616073715,34.87929390814547,64.59978428438893,4.118721562878642,8.545145863575971,0.00019259971120557163,0.0,151.4564513579609 +0.9175616452316971,0.15174811223303336,0.3472729360174931,82.10740110901857,72.75255302386147,338335.05958217,4.95459943470353,71.03724042412286,2.33998483293005,88.4383394344039,4.922082411324209,26.029152126952553,0.49409337627932715,0.9311625718264991,819.4317700297278,55.71275482161934,0.33852110967645127,84194.42378326584,1.1788713763404672,94.07721452751525,1975.2471458329774,245.71137080589048,349.0825319478526,55.02672924135318,0.22129105758385303,0.19130257049673371,12.824193489909645,32.46022490074618,3.018774967366949,56.46118587160461,9.29078822745835e-06,0.9683162685926375,0.13155822922464133,20.08264576414179,39.32269880455583,0.20325820977742123,13.178203180564285,1.6033010066721712e-07,0.0001132097967789073,0.20230661843401773,14.346801818774207,32.827062669896094,0.2512347264285964,53.65109621912066,0.0,0.00014063033626880034,0.11623914853242177,55.109736448460964,52.33797176749292,3.635283006898382,17.614739354910505,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9385163444356597,0.24404037197916345,0.41585564109838186,209.34732602933857,144.83093260428288,321772.82790338696,6.610400667964024,63.01443228444238,3.946356714303227,84.47768533642561,1.8636438560419182,27.301740100259693,0.5486555091764272,0.9872453908779271,819.5037250375234,90.79332898526745,0.3332518339295927,192633.2673686256,2.8581272050464483,98.55673686165744,3095.3388765319733,199.62170595407423,343.48778759704766,58.203944411681356,0.19228073684798525,0.1891512015900376,27.104939308303173,51.329735212787085,3.1685214611441666,15.609143290843138,5.304505334782805e-05,0.7279991592866449,0.11435929688554419,26.04111434730956,47.64873520864407,0.689323164319663,14.0488692979104,1.6033010066721712e-07,0.0001132097967789073,0.20111840828558936,30.37764360338036,58.374344729753695,0.32286730673161657,13.2355086791742,0.0,0.00014063033626880034,0.24144658938717706,92.8347147117266,63.81323479986121,3.5686934640194936,11.302027245992226,1.9907974977412392e-07,0.0,0.1581720582658343,56.70680590520834,109.38537732668698,6.1562525735920905,15.13101402031242,0.00012179885270639977,0.0,198.8828724305737 +0.986561753542362,0.2443465996356163,0.3794805557608654,64.66037768828232,159.14251086699306,275375.1946661694,4.965924032211404,77.92803153229964,4.081682415693879,99.56011641907722,2.717801706939366,22.76032454242352,0.32801830080135935,0.9149732848488381,93.77338252778809,72.94214928198996,0.11855037986037403,140616.16786938897,2.450891221325352,91.17955753492262,3194.9019213882802,266.0319145432637,346.6703921074073,57.63543774703038,0.30181768093298544,0.19335917800906305,25.443283187168184,45.27898294258188,3.212402409576039,25.659505203461038,0.0,0.9798079419646206,0.08343704059664088,18.283879752088392,39.76983590409174,0.32114230183390774,16.460421335139227,1.6033010066721712e-07,0.0001132097967789073,0.20091797026829047,23.860687938822473,48.40669976338787,0.26592528672122545,20.335574867824636,0.0,0.00014063033626880034,0.2776225939008553,51.96072758758467,39.633950841430114,3.5226472411970717,11.676631917112056,1.9907974977412392e-07,0.0,0.1356810921774382,36.09612198636719,66.36426897944969,4.872284417362388,17.89941281219659,0.0,0.0,139.1091203345899 +0.9804478946676091,0.22406635721542617,0.3737846628708104,215.3003261840603,157.32429817063655,316898.6107434815,6.085210648814592,92.0176995274105,4.234101431620253,72.35055381227659,3.87035200879413,21.872552943425994,0.44451310765763974,0.9319310945020769,614.694010039549,8.027312957041252,0.23972617932815177,257877.94023717986,2.9430501868014196,97.2917912854183,4729.080926907025,134.30514704463562,347.94287043344445,54.22213424034099,0.18080737356858875,0.19339359945864945,31.874214924277936,52.650566088395685,4.050594683186193,15.583839317532698,0.0,0.6482941263384905,0.1314624382078428,28.47241582978593,53.46104605577906,0.6704031131746666,9.17105025948156,1.6033010066721712e-07,0.0001132097967789073,0.2033783669286119,34.024305802317606,56.90351274256493,0.3179298307924438,13.293757475781074,0.0,0.00014063033626880034,0.2332822956982263,101.9247423749106,69.03935532364395,4.1002563493929545,8.67145096323328,1.9907974977412392e-07,0.0,0.2053024992800966,48.63333921519083,87.47067539750294,6.787971378305004,10.828546498288322,1.7688575307418282e-05,0.0,194.42345086866806 +0.8161255268814144,0.16084414314284867,0.4019830658993662,14.072950182932402,217.58591217965147,260413.3413747838,5.768471130183013,82.73444371389192,3.9488584483465985,9.976396189236278,4.166794268834023,29.630097196552228,0.375350675277785,0.6881744869451218,725.6846830053861,28.573684666140892,0.14658168189846316,222051.6832931806,2.6421512058692853,97.44842572495283,2787.297472292951,264.11827829768606,343.6368607075718,55.619788320780785,0.17354701382654514,0.19703010078340152,27.097508400979642,39.93612182950874,2.6051063017744363,15.94447595320188,0.0,0.9284384221749001,0.12402674198356144,30.377350609456624,52.345667151178674,0.26953196582345645,11.935909733643744,1.6033010066721712e-07,0.0001132097967789073,0.20869235054361987,29.613530715182367,46.56837991274481,0.23958080734009313,13.533318367515337,0.0,0.00014063033626880034,0.09518620105884738,90.88412736701386,63.16399383844489,4.051047551536257,9.299667654891806,1.9907974977412392e-07,0.0,0.19889430191450544,28.02799108544976,83.50887782673183,3.235383837360319,14.45754369530851,0.0002163116986167666,0.0,173.07993247145293 +0.9311446706874545,0.21124388297455177,0.3760936233834755,162.50930541585802,59.63091195502653,203454.01681217446,4.633046084748706,65.72896538776037,4.996451869265816,61.99752673594233,4.2439124535077015,28.956127627005362,0.3430717281473894,0.4673134390196053,632.1928187635835,46.704145065116215,0.09295003869208857,79590.64524392449,2.3666254455228577,51.30454802035102,4226.827263647697,260.9569158270621,349.18570761102393,54.215415693829,0.19244747292836928,0.1998331649227817,20.215548571975315,35.74709156928013,2.7959369120973743,33.36048057340079,0.0,1.5378624978410937,0.13252022336293864,22.485550904333067,44.886580951257955,0.47965713759431333,16.01575170422712,1.6033010066721712e-07,0.0001132097967789073,0.2120584522953189,18.87324965792187,36.40253412931026,0.30674361501227704,24.48525229244344,0.0,0.00014063033626880034,0.1123693954210865,64.62332984028988,49.3529249735777,4.369069708307809,13.132668745467893,1.9907974977412392e-07,0.0,0.2159622755688457,16.534167875574038,49.639759749158294,3.628769208316203,17.011254265941698,8.123661680937396e-05,0.0,133.084074143757 +0.9899353217068698,0.12231671156348961,0.4455212188912477,93.24060105121839,242.79476533965806,213667.12480976654,4.085505138353463,96.6636388200963,4.4375921576057165,28.843611473351515,4.197179751873681,28.99945547357561,0.541668871919132,0.8035394712145315,942.9562069831933,81.57762059765787,0.21410664348160124,173268.5522330084,2.815243021429219,87.27999883927043,3279.1900604421708,253.66171420488985,347.33288616857214,48.48089411086413,0.30621790811944577,0.18918903357456524,18.11752718041003,38.97632779452527,2.540459345433448,13.362212609220538,0.0,0.7153598597555062,0.08915759127353438,12.24872675359689,28.010024758900705,0.5116620437242582,19.64751025764755,1.6033010066721712e-07,0.0001132097967789073,0.19631100053033956,20.53296590466979,44.53268197500203,0.29439007229644415,12.55938176360128,4.989136363889437e-05,0.00014063033626880034,0.35163528517038695,40.655653672193246,25.22680368509111,3.915044818416398,27.9003103763375,1.9907974977412392e-07,0.0,0.14971370605351908,23.502906316658073,63.08717445987085,4.439344331545787,22.36269441058589,9.820794083769434e-05,0.0,118.5403427556786 +0.8871166253114533,0.14126922809393383,0.4319999271846854,235.78947126960887,210.07051982613493,288108.2549080716,6.926885297639198,7.592401936174809,1.0104868243478915,99.10661619363373,4.569990791351488,28.4855640840956,0.3857580769966218,0.7415951623662032,48.17333774772396,64.68011470813465,0.2691912464615041,96422.34439135971,2.7933176716652333,87.29667311153143,3903.3894509791194,105.37493780071534,247.0966893088469,56.60514153661373,0.31625598641030356,0.19607458904359204,2.7606196074347396,24.952394030720267,3.9589611678473506,5.859592244541506,0.0,0.7890326367556691,0.1292415088055804,1.3772127755625543,16.721103293189746,0.9703207836854217,17.463522102224967,1.6033010066721712e-07,0.0001132097967789073,0.20780469771698973,2.0879136993557186,24.110732378945084,0.36534707031197483,3.395325524505383,0.0,0.00014063033626880034,0.3418430069716686,17.3453939614319,17.153326052122097,13.295627988461638,50.278866670985806,1.9907974977412392e-07,0.0,0.16499361772480825,2.254168064034886,32.98420443699026,10.863446590268275,31.953506782432985,0.000128978286684292,0.0,86.01040834873832 +0.90164515934132,0.1506731479172732,0.43863224164918013,217.81500753158,232.08234537433557,301300.32429635705,6.851657150220905,53.980878133308394,3.7641389999845716,96.64034796080365,4.384533627920337,22.961305857893848,0.386783870442596,0.9545282960441281,904.7444554604654,2.619751986982986,0.18943729986100363,94003.57535386882,2.778877511021843,99.27351015551007,949.7742104732035,250.37926566186468,330.93340521256124,48.664974868408876,0.32248627609387986,0.18261497097116297,14.055561299644316,36.56878125196408,4.684251174278197,15.306947453090917,0.0,0.6078897293138206,0.09208133242632094,12.842544335377411,30.242296219791854,0.9284692402821241,16.61144239742894,1.6033010066721712e-07,0.0001132097967789073,0.18781374613866683,16.602766807200165,40.52389203343498,0.35737959554873694,13.469239650477359,0.0,0.00014063033626880034,0.34696218758057407,41.12225994684551,27.3578106958617,8.839831848411166,38.498175511478074,1.9907974977412392e-07,0.0,0.15237844711058166,18.057319499123448,46.361780252837676,8.391737186451055,12.972719056822964,9.743801386128554e-06,0.0,109.36782588178072 +0.9696829074238679,0.1756219958950217,0.3578102559742858,39.0070191801404,53.973690480628264,276944.3434551856,1.6865742654019849,78.34638126981359,0.5132868949338596,81.66898572289625,0.3400650496564508,19.593424809550925,0.376397143573643,0.7176190084906892,668.6142849785292,28.284260514771127,0.2331322504348767,67920.19802409604,0.7832390095552902,87.39110143676297,607.4885420320917,141.50757350647442,349.56012675409244,46.28447437141337,0.1512265649631302,0.19528929478290838,5.614768173869969,27.02877645925098,2.5652134460864775,61.029661103023805,0.0,1.2400443609373182,0.13622155126687654,12.719846320094513,30.864880139433563,0.47173555756705454,9.640197624906394,1.6033010066721712e-07,0.0001132097967789073,0.20932303883365547,6.822335360601945,27.351376666730125,0.23958145003929274,59.72738432768748,0.0,0.00014063033626880034,0.1505261041554549,37.94340632924549,37.66596011326717,4.055913005960945,25.972802840037204,1.9907974977412392e-07,0.0,0.21401920302106311,12.381863312437153,36.289709460092446,3.9911456678666086,32.25681590215806,8.863611571584656e-05,0.0,127.04639546427624 +0.9890796206172333,0.10514979179620415,0.4011827642709695,208.92002132727345,229.4985251469703,320755.09390207706,6.0096800091972185,53.82991271011426,4.264195930458099,41.65916839712662,2.3960509470395226,29.515418336475015,0.3756913149707122,0.8101575606853448,755.7889206621194,1.0947048168327802,0.10154797491285524,103657.09170459304,1.3406083781731286,57.48791312934093,2397.462418068207,145.13080531279812,340.4065211663613,56.27901954341959,0.3448719464241391,0.19400096530106561,11.864073443110692,28.14983604054289,4.827576896868755,39.429993653789914,0.0,1.4395644686482754,0.12755422934163174,6.9921445058709,22.29396500300222,0.7521126506227412,5.822442893116327,1.6033010066721712e-07,0.0001132097967789073,0.2033077263750227,8.724665589619116,29.557180373912065,0.32671800769863857,31.81138082205039,0.0,0.00014063033626880034,0.3460727803349064,34.114144394184166,25.607541299235823,6.0969406534043395,21.494767098214435,1.9907974977412392e-07,0.0,0.1813785597413865,13.865577619364231,38.328795847946836,9.62312661272555,11.653640269593824,0.0,0.0,96.25069337943098 +0.8871166253114533,0.17402153088364586,0.4319999271846854,235.78947126960887,210.07051982613493,348602.0743699977,6.470905989420606,76.06707223965431,4.810860049134398,99.10661619363373,4.569990791351488,28.4855640840956,0.3857580769966218,0.9927593904721269,48.17333774772396,99.0587428645497,0.2962544290245895,96422.34439135971,2.7933176716652333,87.29667311153143,3903.3894509791194,107.11785857295465,247.0966893088469,56.60514153661373,0.31625598641030356,0.18772254181600787,1.6437091377589355,26.06773280326405,4.122230784256152,6.000279567810204,0.0,0.7897134098749726,0.12438740328833273,1.4472255087047428,16.04975400356061,0.7541847734248867,16.85319750637036,1.6033010066721712e-07,0.0001132097967789073,0.20272198326032362,1.6358199133205091,25.072055906208888,0.3267058563827824,3.0495497694585865,0.0,0.00014063033626880034,0.3541451988800364,17.838581226463482,17.94898445864824,13.395056510312498,49.77451632835217,1.9907974977412392e-07,0.0,0.10077723539010994,3.070771777918041,34.01281045175564,10.121428071523114,27.241605924888205,0.0,0.0,85.024787606397 +0.8456796090111693,0.15191360510494886,0.35381996701969554,136.02729404852042,245.1783946879128,204859.7675111156,2.3477481901389368,48.080107170877525,2.1259224598561453,52.18381165353628,2.744480428764549,18.133164354031585,0.4271114464506466,0.5059743567207801,175.85999593597933,93.00039762378891,0.19364006731108083,91615.95138458013,2.082108073287873,99.31805250781373,4750.881018999514,235.34485228273442,348.39634427049117,59.41795610565052,0.16268721137648792,0.19985776152043944,18.17974029746427,34.62842307129143,2.6268553509135986,35.85053751107737,4.964252391034896e-05,0.9094690029913646,0.1323191763525265,33.27631370261746,62.14602653127984,0.30326769846335366,17.86844769190003,1.6033010066721712e-07,0.0001132097967789073,0.21255015207948794,21.123642332526185,38.585995575503425,0.2559603503760908,32.50408629093765,0.0,0.00014063033626880034,0.12426242455669238,97.26402857721168,73.71013011834194,4.0471835027164555,15.48440321571552,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9632558385222831,0.22617871216184116,0.37630715670932263,139.5675672795955,243.0120591197083,211103.28027344163,6.009499315665266,64.88463746080163,3.463637187917269,98.40459269045716,3.6722997530705115,29.722610919169504,0.6020864787726523,0.9974226985422396,848.3585344479948,93.00039762378891,0.2861362789990179,219809.7475213059,2.7153500299389237,97.32127006596438,4731.87105952948,273.31232915993473,348.48680523764466,58.892383100442885,0.34570511733938947,0.18706737751473848,28.48912914181636,54.98405599261871,2.7465791649249858,17.714228043079622,0.0,0.7533693043376583,0.09007040850649392,16.18613009833748,34.31172145511084,0.9718808191755282,16.446804085395343,1.6033010066721712e-07,0.0001132097967789073,0.1970535746424262,30.003897791262645,57.2633895063701,0.3704517499685795,16.185539321777203,0.0,0.00014063033626880034,0.35520755560413725,49.109699559983504,28.816271669440155,5.069348311937244,34.85782698500894,1.9907974977412392e-07,0.0,0.1513516456441825,33.91298588440493,79.43851699987809,5.5452548502073915,19.478112704767206,8.873410786092197e-05,0.0,150.54168989897602 +0.9706789810297014,0.23497001238314802,0.42124185269878983,55.64108508473025,232.39295815015052,183664.96135619193,6.892099980143143,74.88211608863364,1.6990965791742028,31.204264240300695,4.323592697554925,18.801382265513638,0.5173321272777124,0.8751425044949226,433.5005541089968,58.62652819143267,0.29184511181698497,63364.25798237971,2.8679178262868383,98.66649825296155,1144.3574740251277,116.49773233050189,229.22152321041852,43.37907071050101,0.29756200934264976,0.19258353893831634,4.4571692586156235,25.355796493562398,2.8175739886821285,6.579382364022556,6.091847531266271e-06,0.8661486541228461,0.11699428506884471,2.155737490069381,21.649800934944825,0.8056054096878079,22.792635009754918,1.6033010066721712e-07,0.0001132097967789073,0.20400985964254362,3.036769224264847,24.985372446024527,0.35279542276300674,5.750597551371222,0.0,0.00014063033626880034,0.3503361237954468,5.139023311932553,14.527762919670886,13.098822565350712,53.44561105289016,1.9907974977412392e-07,0.0,0.08751408008790623,2.046587996585744,35.26844873465516,5.011645314701838,38.90518112362504,0.0,0.0,91.8010967457007 +0.9600830131191427,0.14410029825690324,0.3999125474521437,145.35703617630114,203.03175019749852,132671.8255105101,2.9283976534733442,47.22709441882878,2.599146430827054,40.58752511320257,3.7787024589768152,18.578135904629352,0.4420102019822718,0.7605563894208931,893.6344427069371,35.049481191509074,0.30727618615713953,57443.29398176073,0.5660863886008302,93.49941346640406,3345.050284585459,179.89391978770269,349.2385770858567,33.77518790291752,0.20904575447849924,0.19499948265768208,1.012373469492249,25.062725474146436,2.7256916204592807,55.24312866639487,1.4477031576520064e-05,1.2064643804672261,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20861612858152623,1.94611532289845,25.964442044283334,0.33326602615534634,55.118946828687484,0.0,0.00014063033626880034,0.1334167360931692,26.199766482074057,32.67004364193664,4.713206983993306,20.999690808071968,1.9907974977412392e-07,0.0,0.21590456649487835,5.217040663737477,30.7385951706736,4.64563476519713,25.122160300923447,0.00011171068999862596,0.0,2698666337285.8823 +0.9316030597109676,0.13047216196174782,0.4439184165508799,170.84254258018672,76.45252345310749,233782.8341232622,4.075436811600387,44.877350999320875,4.02406159734589,70.34232182997171,2.089306631890335,13.84340965572384,0.688272620412626,0.43254063703204426,829.8536197525009,54.65917261679574,0.09686409965518634,56959.09402312299,2.824677391303953,99.971337577758,1500.903304417044,43.23661301940065,243.1657694265834,13.369848491287879,0.32910056425643447,0.2015358613723682,4.858130911850155,23.832315666882685,2.7137058223270683,4.263404079832634,2.13611597859239e-05,1.3714029330827657,0.12494806094429292,1.9651112562786774,17.53041719524265,0.3762813288454284,28.03533768401819,1.6033010066721712e-07,0.0001132097967789073,0.2138651747891995,6.7229442541716695,23.59143646449448,0.28164174365265116,3.7216629802936105,0.0,0.00014063033626880034,0.2992037117103558,7.231100170644094,15.659525401995072,16.320419259460575,57.89136227138379,1.9907974977412392e-07,0.0,0.19443386195091752,6.97478162579152,31.295659440905393,4.332201467497301,52.00677759684729,0.00010569862256369095,0.0,99.99514321943853 +0.9420134584612336,0.10128984573057517,0.44074656841072535,113.54961164956208,244.21557890944777,194699.86976340535,6.825652154730063,43.29609836933318,1.3528685743203723,65.39186485254822,0.46561867393710443,4.670294730676768,0.6929138922683523,0.9188368382729809,500.62150899669984,62.697444863039465,0.13372909231939833,56710.62211159713,2.8276747113492338,82.2223172587099,2636.0686952809206,203.58012821614145,257.8230162289822,15.835015791864329,0.24640471437679312,0.1843526993402742,4.01406835320079,24.038387903473616,2.57241143072923,5.504406447086974,6.840612470395973e-05,1.222287243289454,0.13388656006719155,2.2368684862459864,19.45775296109222,1.0682016551531341,23.55131775835023,1.6033010066721712e-07,0.0001132097967789073,0.19713165025696813,4.982718435440471,22.743258677995613,0.33770377305641336,5.370294958173493,3.292841413109486e-05,0.00014410350517884027,0.3556320067739951,1.9358182816861131,14.277499560779583,15.91428156683561,56.34330891918665,1.9907974977412392e-07,0.0,0.1343646594153165,4.032068620620483,32.97967942070077,7.89597863605697,56.22253418018318,0.0,0.0,100.5271930539981 +0.8711786205056591,0.20648734715758557,0.3450742623594408,240.97771657677595,172.31456450738904,224942.3980211937,5.02307894032267,70.56538088235551,1.7200390201162754,86.74748736422265,0.9209058269401353,29.798858752639553,0.7529961629418096,0.9847303505022416,825.4258297817879,37.719822177406954,0.09566249242118391,58249.11573273453,1.0813320136053273,92.11380777842544,4986.665469844057,272.0049361057431,342.11400131403354,56.45249613064015,0.17164324761709887,0.19563634892287898,16.63849756137445,30.073497848930927,2.970464493298138,86.75563200824642,0.0,1.7436261413500065,0.12933758844602894,20.607082956996408,43.902822488740576,0.8489279049948254,15.866510681089558,5.280680838895859e-05,0.0001132097967789073,0.20395832271276057,11.907246515405157,32.242620066122264,0.3482655208474648,70.55845367500815,1.813195200041933e-05,0.00014063033626880034,0.1604853076299913,91.26286701465146,73.33041818835258,3.0713703735912192,20.419223606977898,1.242504881246103e-05,0.0,0.18737160409634063,14.32670385464433,66.30410433177887,4.454622901502021,23.626073994792595,1.0111140166751858e-05,0.0,191.82424522396693 +0.9776543969639605,0.20543179916055493,0.38316514108325705,132.2348657544688,201.56146849728657,170101.9799244703,2.520931528815696,82.69728667673473,4.420513762481523,89.07093459599244,4.161466722624018,29.12914453533898,0.35785220650846244,0.8914524024884087,126.85511680754887,82.77139785954381,0.2966333445419122,222926.80714878373,2.84544830251011,81.45582045591502,460.2709409001559,287.64594303053616,343.4078982087651,55.88573378281024,0.18992479254804143,0.18891914341296015,26.225488707155325,54.767479678067176,2.579481320339122,13.536169809124761,0.0,1.213328039313873,0.09139675844969286,26.27502364571381,48.454163090327114,0.41979708939943505,13.14467197365545,1.6033010066721712e-07,0.0001132097967789073,0.19977705380801133,31.185368084031907,58.283981281150346,0.2767326697672606,12.898667263200323,0.0,0.00014063033626880034,0.12225711421748835,75.36761505819034,55.874474031775016,4.187749753780486,8.127174913951407,1.9907974977412392e-07,0.0,0.15113189654318188,58.44408331694804,105.87480710334694,4.380353656882245,16.25947050101206,1.6728023636744593e-05,0.0,188.20318245832655 +0.9069146198004486,0.17328487458076172,0.35111140235005966,10.057979812720394,121.42540811277765,217717.27542503245,2.581753687172323,69.78483001106844,0.7464453095930309,65.41617826972806,1.9256567782452343,28.429488768129726,0.7942236007663654,0.73325858351236,807.2192095080724,83.3557197616532,0.31306907568078834,82435.00891215207,0.5531945588216438,98.4648222942769,1021.5972212873389,222.8960918786972,331.95671351097724,56.57234113787353,0.3394144059234227,0.19420979286797588,5.874609854005718,26.308230377949737,2.359227751908705,53.68252076566997,0.0,1.4782021613800334,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20837772296905047,8.239139772942043,27.519519898990872,0.24271274519347022,56.860565460262364,0.0,0.00014063033626880034,0.13649008850021108,18.453769621844096,24.95214102581661,4.376418918662954,20.780190174728318,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9776543969639605,0.20507740949804373,0.38316514108325705,178.65854502355086,244.37409312287986,205104.90057297185,5.950537309069947,82.70559720852822,4.420513762481523,89.41382285005983,4.161466722624018,29.98676293095182,0.7621958154771646,0.9649645293144038,126.85511680754887,83.6443024764394,0.29734715136199064,222926.80714878373,2.557096168664862,99.71895718904395,2787.297472292951,287.60974968829794,343.29333742695314,55.88573378281024,0.18992479254804143,0.1893566920052788,26.32896090633739,49.42990076297009,3.207773840081435,16.71852715219171,0.0,0.8286047802410642,0.09397387025612002,25.758767462561988,48.22762400307755,1.0881368512600662,14.73928100566525,1.6033010066721712e-07,0.0001132097967789073,0.18402718972770454,19.079737551859004,58.18047093620013,0.33840011665350167,13.343476760114056,8.115779061391212e-05,0.00014410350517884027,0.18968081959065689,86.22628576367745,62.83951034939565,5.831197634631253,7.527826348022024,1.9907974977412392e-07,0.0,0.14591318731525946,26.515804879664884,107.93055215244514,6.367591733905446,14.578562029280723,0.00025513687274996414,0.0,186.12303866730016 +0.8803975171352294,0.2329961176799523,0.4069357956271237,17.846675394844524,91.54399374275775,155169.01337101025,2.643305060753765,5.854417592948538,4.584762586928526,51.90370226095368,0.7006426356742634,15.091336468878321,0.448433311732317,0.6414155190564742,325.30370479572264,88.54312594496979,0.10942971076278185,50009.98961854173,0.6470490694369465,52.27151437262048,4013.0795034350567,294.27277027417716,329.7062180309802,52.35906327823401,0.2800303080899507,0.20010091313128778,1.4326281747127734,23.630626455928297,2.388515745292583,63.96980992142654,0.0,1.1715537063753563,0.1422087881095703,5.828899964734328,19.862895713032263,0.3130257537794556,8.083475588940106,6.14212876584807e-05,0.0001132097967789073,0.21305017046265504,2.332454093583809,24.69491159264357,0.23782084586755584,61.12744906912992,0.0,0.00014063033626880034,0.15676468735151985,12.952883616438337,20.94714932133295,4.663645463228477,22.046571604640306,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8804090876382045,0.21492666701995042,0.3671278532851633,161.79268802884587,185.34283099533093,332456.50884291175,6.499748260023172,95.02133726398796,2.344122580749774,89.86896418318679,4.454665390096918,28.818378592068903,0.7947748597153347,0.9871405719443451,482.3469918996028,56.573231430042775,0.3405736875108806,276176.60351884837,2.945778900222985,91.26451024545756,4080.73182525385,268.7347092446574,349.7209377110858,58.294542847522415,0.29804255241912797,0.1761766709255306,23.78186837522679,62.41896376535344,3.258023429397371,15.25777637989214,3.849988383962678e-05,0.886946637019578,0.11809786189709454,21.907243214288737,42.13161671197483,0.6528117708226968,11.77830397349372,1.6033010066721712e-07,0.0001132097967789073,0.20141074797827968,39.13977239238574,68.00296453460423,0.31457988593072383,15.341248171628207,0.0,0.00014063033626880034,0.35211006996225985,68.52039279200545,37.00593484138158,4.80493205068048,28.671875587429824,1.9907974977412392e-07,0.0,0.1710114778668571,45.444902979116705,89.15844658666555,6.731664132796493,15.726162139821282,0.0,0.0,175.23932098687462 +0.9396412393623018,0.1480256271265249,0.3462242634263468,195.6930870431129,163.75340255276288,276074.3389222566,2.8018326940493763,8.943116925746697,3.1773102759993077,84.5917178513725,2.6719821151816605,25.57823933389367,0.4116419909969179,0.4893853406974856,635.4178329880978,10.36369480221115,0.24171884867213547,101979.57035842305,2.1093090202775153,99.3045530381471,4028.8107709535134,265.8834067897433,347.7879164319578,57.914329542157475,0.23235357856926503,0.19714861698336114,18.015188786085663,35.77120759588351,3.1542672917101333,32.54887993233486,0.0,0.9512221325758855,0.11480326975971725,20.920328248746852,44.31270760466207,0.2580286261913923,17.659358955727143,1.6033010066721712e-07,0.0001132097967789073,0.21023056232055123,20.633180962009448,39.41324037979278,0.25056654269909806,29.15753629411165,8.221423606177365e-05,0.00014063033626880034,0.11006185620627337,55.1252968669483,44.28937270261617,3.9329971904529857,6.303047932701462,1.9907974977412392e-07,0.0,0.21043073232302503,38.852897446434596,68.47692963665268,5.312934437623206,29.713518236000105,0.00021349988702269046,0.0,142.76700114654074 +0.9551543476675598,0.14900402735277582,0.3292598368053947,195.0237215934358,37.03026270009532,334135.8674428526,5.477355843783128,94.41584096866214,0.8758960123587329,23.343215301766325,2.84940879030154,12.412954853352472,0.38852583276030556,0.9104903670585861,634.7201967702607,69.35217940437413,0.19695395908280514,90046.93653248408,1.109516468086428,55.81996453803538,3748.3128094326535,177.10911180606865,346.6076440399953,57.37770500105226,0.24195651820740308,0.1963716235986802,14.76429041546778,31.975875448502762,3.1626134379627158,59.629277762799106,0.0,0.6792542260450593,0.13856615492881577,14.919969711084756,35.07126670248277,0.21936993703439095,8.798267851246806,1.6033010066721712e-07,0.0001132097967789073,0.2097856706890739,13.576605886133589,32.8637436263085,0.2626616971887737,54.548633538202026,0.0,0.00014063033626880034,0.13461428457567987,39.46140632358385,42.71449696159389,3.6282355930565817,17.103915218626874,1.9907974977412392e-07,0.0,0.20852664594753326,21.293070705883448,46.38419071934317,4.836022325372683,23.465048896970277,5.1435323999229835e-05,0.0,132.0722158301181 +0.8477004370743266,0.17122078098211505,0.33112003531177703,49.136614339877084,152.8760259946423,309920.15427955217,3.016447450851894,70.80630355242758,3.873961907951859,35.39841231447108,1.2030926475410564,20.84991722192315,0.32814234888375915,0.8164759693396583,969.0679338756747,52.203055849271436,0.3192634959822985,59173.840731274686,1.188390457144218,92.43535314867557,700.5428535200676,229.24986763920933,342.4018105311398,55.08980124890358,0.23009595498155547,0.19588445599425228,9.910730506923176,27.867172168198287,2.6845003268800567,65.91008962278643,0.0,1.2129088572376194,0.13211607095935485,22.898092314116855,43.853002597179206,0.3060137320614187,15.819346990616703,1.6033010066721712e-07,0.0001132097967789073,0.20823780740661554,11.333507462848726,28.750345566546255,0.2368116309467264,64.20949239474406,0.0,0.00014063033626880034,0.12214563436344954,51.23632513655865,48.94420727185665,3.7620839059897664,20.439828977055814,1.9907974977412392e-07,0.0,0.18562596975512996,15.384469348795326,58.007258314412844,3.135064943293852,26.12221046671278,0.0,0.0,150.83045577336964 +0.8795838411605228,0.1839354952673895,0.3242387668507017,166.77953118390246,210.15236580676245,317233.6224348869,4.011478901372163,88.36443946034507,0.8239942445864562,20.985753036405676,2.660449903977605,23.548960757186684,0.4430230629357691,0.9201712364239629,342.38172638488,45.01753143912109,0.24362974447985442,246016.57559261913,2.5992047079758476,97.2391875651976,2873.4451626501595,221.68226817397024,346.34007355943254,50.83267685754975,0.1879689866679549,0.19288598743946495,32.74735389869552,52.8670988913988,3.2247144574165514,20.546527339541893,3.386473232625434e-05,0.7203371544409367,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20617788674080056,35.04204241546704,55.693591532720966,0.2671399300535849,18.043004023436673,0.0,0.00014063033626880034,0.11508273472027726,104.16047756393586,79.69059592891767,3.1535464583435915,9.38498950779609,1.9907974977412392e-07,0.0,0.2150995530040752,61.21012837651798,104.65023816609273,5.2807869812775685,13.85573527832441,4.941719605432764e-05,0.0,2698666337285.8823 +0.8994819014596958,0.11269645667345804,0.3700967384316947,161.75270735241634,128.22039648644596,273654.8391233802,4.27754694950597,79.66597138193511,1.0155670107886647,58.85506952961033,2.941867536277032,26.806631475456264,0.34823579158123535,0.9726790656774101,454.13043582084356,78.94847370960849,0.10239105147307061,57210.5774363829,0.9166462018602127,55.79341475833318,3049.955995538868,110.4102718838905,343.3111504514224,44.15689413866289,0.1790149820116228,0.19267717701106188,9.013466461785114,27.689283618044275,2.915069259967163,71.55417657983195,0.0,1.3476948244405456,0.12664430549109973,9.36842316471886,26.265616812359223,0.4176679926315166,8.866811681904819,1.6033010066721712e-07,0.0001132097967789073,0.20124216471048004,6.024648524969613,28.23596530497114,0.27895526098483236,59.81789632662419,0.0,0.00014063033626880034,0.11336361963235472,36.69380985334011,38.751392225823594,3.1859778816340607,20.730826596097103,1.9907974977412392e-07,0.0,0.18883634895916804,13.297870821299478,37.450257678337735,4.845374573309371,22.837895296025994,0.00015750651691612519,0.0,129.07009996197016 +0.9151817864736311,0.19488805321596192,0.41860724605646915,215.41248838435038,48.41944861816801,303871.9753985499,5.826105690574353,14.697865330772999,4.406167854920959,87.59332265945365,2.645392781622692,24.39193162472131,0.4887553582537132,0.928353307653414,661.9175294747905,92.39591872417527,0.24011156618987076,110435.45890067893,2.9496454970448696,99.12120753558713,4431.884676497026,295.48759767907586,349.2330669426126,41.55597661556472,0.1812677146501282,0.18924260121395395,25.34882824431164,50.93764818037727,3.0699203301118603,19.171306372908173,0.0,0.6862158535614759,0.08594581238520736,33.594834690280734,64.4836838275988,0.3466873651351007,22.71899235213057,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.1625716516530479,84.54589197755041,64.63465831560019,3.5596149886139963,10.28717387799712,1.9907974977412392e-07,0.0,0.15088402951894644,48.8574600172852,99.43242586056547,4.889826640477965,19.204347595512857,3.2047865647196285e-05,0.0,2698666337285.8823 +0.8832497064744593,0.21439831786262797,0.3833529853213513,13.784260078718972,14.741310341293584,193016.9024142382,6.375806844770766,15.988116350515984,2.1337287349525647,64.39595043038221,3.9994637945871334,26.828717760089575,0.4482727917806978,0.9115032460228152,97.4987779380163,49.44098895987762,0.22197449629722288,158575.84368838323,2.8983414966482868,88.93481753517374,1622.7743719462092,246.92109537112034,344.28256236920896,56.31509986410937,0.2013540754194204,0.18961832380342394,28.116093837366098,53.139286369359176,2.6913973339159356,18.220426283159867,0.0,1.1238057512029886,0.10851012213543716,31.088567476631397,55.749723047416694,0.2019543738410391,15.373380555469101,1.6033010066721712e-07,0.0001132097967789073,0.2014052140596907,32.94517900722143,59.05050752974398,0.24860476571713186,16.425557759865747,0.0,0.00014063033626880034,0.1310666289120241,84.81050473398554,61.282281981444804,4.141046304987339,9.95372485237595,1.9907974977412392e-07,0.0,0.1721237020045052,59.00096362947754,108.90862152530342,4.18983144581171,23.794203762079185,0.0,0.0,200.2461720667177 +0.8285369336654699,0.1353783005506747,0.4327044901365236,154.74213871335087,114.80147170847387,304534.0561906625,3.18072949573021,41.93580286933265,0.8693043762078887,81.42306296848236,1.465318724661992,28.64494905022965,0.3186343502609388,0.8346953601282813,265.7717114099568,27.792116417225415,0.30127768039184083,89540.5786832335,0.8590685623947174,30.87865862279329,3273.6054243869244,249.32834056187158,348.6784918429608,44.187902195446796,0.15721639924556685,0.19409821504122865,6.077298874818166,27.786185007213483,3.260828703582312,44.65255141911446,0.0,1.0385340073309113,0.13133863047171412,14.59708444193089,31.03267582495417,0.20945912888074222,7.348614199685427,1.6033010066721712e-07,0.0001132097967789073,0.2043556868403701,7.4526532947836674,28.329853671132625,0.24635534886195598,43.38217724757961,0.0,0.00014063033626880034,0.1346134777602649,43.62869275830188,39.17298833731917,3.599086189714311,23.37298538529356,1.9907974977412392e-07,0.0,0.21037943663766306,16.22734963026213,39.20233193693549,4.852838526966201,20.186566711610894,0.0002815277466739576,0.0,114.07674625933875 +0.8703307704044142,0.13070376055689967,0.3483359912078265,187.21086108361484,90.1097630256002,324898.1420872596,6.245266527442774,71.84640383303616,4.725634528666556,21.354921884952617,2.3270078086368406,26.220562549603912,0.48505540160046484,0.9265372683688048,663.6170001758813,90.39823724573208,0.2352380625240344,255614.23343185152,2.474298747019554,81.87518644251065,2374.0940330045364,280.99163120039606,346.5313650774433,55.94824869705049,0.18135066164913635,0.19262940150037397,33.48360991631957,52.451329415668624,3.1697901786231157,21.05687186544514,0.0,0.6626643966167399,0.12993032362735607,33.5072193761406,58.57735973749057,0.4870364923407934,10.09861542176879,1.6033010066721712e-07,0.0001132097967789073,0.2034963481488021,33.715095061041055,54.90115738182555,0.2966106555266204,18.51690582087304,0.0,0.00014063033626880034,0.10451721821891542,89.48434250908029,67.10959285751422,3.187796738438647,8.334678801461788,1.9907974977412392e-07,0.0,0.18721298030134595,34.945949629138816,105.21598974239984,5.034543228782724,12.83554542665236,0.0,0.0,196.33868247979964 +0.829618831061133,0.12231743297850922,0.4339970175330537,196.38081197568377,194.4438262565718,344972.3468113312,3.2003809864041655,90.66104324563078,0.7491210581605302,85.55591643504151,3.593528942610974,25.77409557026337,0.49748764239705023,0.8490204324099172,699.0487128772334,30.5297818509317,0.30604355600292893,137332.44053017985,2.55152122113123,97.3604428297308,2926.1401558198822,268.4280377763529,348.36491433918246,49.0022111441431,0.1530988307118805,0.193804620862949,22.110661527013907,44.60001911229654,3.0703162221319578,18.96239586252853,5.8241337694788054e-05,0.9870935869889055,0.11343361490003802,40.30996735448675,66.24502833318748,0.24992410796271156,14.840964608612012,1.6033010066721712e-07,0.0001132097967789073,0.2025304790279012,26.850764879471495,48.13726901827754,0.247589244665325,17.440247766841697,2.9813601429197376e-05,0.00014063033626880034,0.13454809050570746,96.35766607841055,72.90470005802497,3.263136012152739,11.755444771352618,1.9907974977412392e-07,0.0,0.19553449138552859,54.56713418551275,96.28951468400267,4.858270214683061,19.307371119218132,2.66561451562299e-05,0.0,199.54577419709082 +0.9849496795514561,0.1743000958510756,0.4318090876558757,234.6816447766548,118.66257889805593,303197.18015502486,5.752154031871284,15.71391173974844,3.061129963618332,49.312884743859236,4.513815106586815,15.519228357928956,0.3702002582821718,0.9711927876050727,890.7457596839396,60.748471202210695,0.13222955912636836,65342.568693337395,2.305438060635308,67.92469398664595,1753.1432218653636,292.94335177720245,349.1403875723663,53.578195534738974,0.1536890906574923,0.19450719575012235,18.310377135410697,39.81693833093378,3.104070061128485,31.96799273759636,0.0,1.2706030211436632,0.08889248671031787,23.947065431635025,47.94280704552244,0.5931806676025031,17.253744449266172,1.6033010066721712e-07,0.0001132097967789073,0.20465789962150482,17.93486542893455,43.24178616828871,0.3092289969781515,23.841936377031285,0.0,0.00014063033626880034,0.11428855124288219,66.96508035193906,59.26610272593844,3.037611262774953,14.68323367142577,1.9907974977412392e-07,0.0,0.16140540680768406,39.69587702796346,81.27346865180975,5.533266546268232,19.539998944436633,0.00013336527392106314,0.0,160.30981269703153 +0.9070899182770719,0.10961692764477135,0.3765736981496246,189.12997120190124,173.52243624130494,312025.0745526757,4.967761386328606,38.542876834666004,4.093877288494922,88.2810745946742,4.316676897400059,17.02825088033829,0.5282375719506835,0.9467668315194928,604.3364636215165,48.10433908698934,0.2805921838198151,232372.59523734023,2.976351730965628,96.4252439378939,3133.639578348845,279.4281225292147,348.0919562008926,37.69037495969661,0.31347359934752417,0.1896287221626346,24.391990435669754,50.323155497598314,3.167347476564473,12.327473603152951,0.00012786486242541078,0.7457429794441187,0.09475278177386358,17.718261159461466,34.6059351587353,0.5327213249931304,19.945067837152397,1.6033010066721712e-07,0.0001132097967789073,0.19641742265806084,27.69455245219332,56.13673302114897,0.2927851906684154,12.2287753099839,0.0,0.00014063033626880034,0.3552938051753907,54.7524468295223,31.41457153490865,4.4550787954351225,32.69980493958083,1.9907974977412392e-07,0.0,0.15618463700171745,34.56262065538658,78.39784669129692,5.604872431960611,22.15140937018699,0.0001929503953430124,0.0,149.01158428313738 +0.8932188825365086,0.1755303567874122,0.34631609415654396,70.91870212178053,201.50856393063984,204323.89502212973,6.1811546747069785,87.29010403753101,1.4806977440244085,16.099784525503257,3.184695728843414,20.668283529652932,0.679661166571599,0.9756570631460028,832.6500362517908,87.16703107961303,0.06466065121232589,110496.87825326942,0.7984898477874018,34.08760108771621,1542.5438931235697,296.48283985186646,343.09456504412833,59.04432907200667,0.16591064527679317,0.17781043795222762,13.055040516188853,35.22284836928822,1.9946228337732381,69.98852086341368,0.0,3.211216180094101,0.134301080081481,17.788132968357576,39.85714825946049,0.7216140806382145,8.550106947765464,1.6033010066721712e-07,0.0001132097967789073,0.20741030718780898,15.227500800238365,33.64550176154671,0.3366308667747037,53.81252685829317,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21792377042224453,9.656510625044529,37.8373107873069,3.692765549306481,19.582565887375992,8.44118437775472e-06,0.0,2698666337285.8823 +0.9898529898391292,0.14814749144604858,0.44898761144962956,167.6957584762133,237.22629355373323,344717.51520506066,6.506307899518952,51.194297809183965,1.714312233953655,7.248895489287214,4.261970576370217,4.873269659817349,0.7456304178898172,0.4805332634452485,890.7688384073807,92.19676932506724,0.2605240494419496,109950.67551797573,2.9583445544972693,97.99707442632379,1928.4886046908407,182.3128479867149,239.49484518932923,25.75693820265406,0.18512919429971697,0.2007405835752485,7.575700986908422,24.275300899805455,3.1969442234196763,6.860289552447864,4.701186097883372e-05,0.6488338221181106,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.31685056404144674,2.526296549274843,15.780972734637187,18.40129059710845,59.37290866284749,1.9907974977412392e-07,0.0,0.1936229322235204,9.143241354494172,31.28509270845087,8.703664025169262,56.62937139380425,5.28305778339199e-05,0.0,3816490534509.4204 +0.9269927750491951,0.14828058408722494,0.35027045994383416,163.06093169750227,87.28909030470429,313247.9460263236,6.419373106587901,59.056217926199906,3.4275129186299913,52.401626386244104,4.353428496000541,25.915930923951077,0.4119313732278604,0.9979241698631963,479.6432166157111,78.02220781289381,0.3138562548190934,86661.38240094607,2.620715726749984,81.88455281932524,4944.957328668166,290.9004895931017,343.95552203556997,54.64443550627615,0.20290346111056531,0.18629238005105808,23.98584590789773,51.980638942358425,3.2525193958787733,28.04116460943062,0.0,0.7514943603874197,0.08718442215993136,35.40234141882435,71.63677055340436,0.5005050304520839,19.144566733358445,1.6033010066721712e-07,0.0001132097967789073,0.1968250156297073,27.173228704355676,55.788616449256025,0.3004107501880123,24.156652205770055,0.0,0.00014063033626880034,0.15440187960584548,76.48893095861052,63.169100516113005,3.276327350486467,13.872504936414826,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9293101431468906,0.10781741335147749,0.405245661929935,181.54619722991197,152.19894538700038,274221.70634619053,3.105007677933214,37.02701594761905,3.867025782171274,20.511387978719675,0.4141122436262221,12.731914845492582,0.31039853089189806,0.5580248403684958,19.962197619274207,1.3163612985170057,0.3165763891621589,59795.854956745134,1.9290349391254016,31.648032565990658,2177.7164832514018,188.1487579747892,249.95251555005152,25.39178864863835,0.19681499177108036,0.1984880111239555,7.349593760873365,24.72972565145209,6.786072193742347,3.996710778378319,0.0,1.377181025698356,0.14111659320836262,3.325357769808687,12.489461359894824,0.2853834683243805,5.185495688029197,1.6033010066721712e-07,0.0001132097967789073,0.21249228820789667,4.909546918584499,23.257898917971968,0.2552303493190789,2.5508177236242178,0.0,0.00014063033626880034,0.32645029870989106,2.0560711639087983,15.752308512938255,8.874426648374497,47.3869189809262,1.9907974977412392e-07,0.0,0.21755476197730414,7.149678273277966,25.50912329352442,10.067268115374898,7.428690016681151,0.00023259134534004918,0.0,70.21668529257262 +0.8815669534134456,0.15037761411020392,0.4072572068638608,22.47585941200045,155.48075262958008,298261.4524840041,1.9658135189195498,31.06047676724144,4.7528947144455405,56.89741471023369,4.066142834270309,14.58343879170452,0.45163824997689883,0.9347581289552933,816.1475260219128,35.42168291659394,0.12292937316354911,69666.46586147671,0.6450096765766347,52.23285382646682,2744.438994684493,201.65467052682743,342.47657527725806,39.719311196768565,0.18839847590025216,0.1956425537980165,4.127643126140117,24.653000163218284,2.5766100838816652,53.48460685416096,0.0,1.2228708658111471,0.1375970880184301,7.638544913700666,25.242692941473337,0.48605452443137065,7.3255969610649085,1.6033010066721712e-07,0.0001132097967789073,0.209832783645617,4.044921127109578,25.695440839760618,0.24261173365314978,50.57318385534488,0.0,0.00014063033626880034,0.15198407459494623,24.192119492004807,31.51558174650538,3.948794727320769,25.415962758094963,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9584006388143155,0.20781315154552782,0.3914985610309761,236.44479056641774,221.06365233458948,276336.47748834116,6.8656326091162665,96.05931765596408,4.843995362114481,71.31661657358617,4.443515486436303,28.315473710277356,0.4187140055401512,0.9409787298134461,815.6638181842254,1.5189995506911549,0.2447889296043506,266415.5587095283,2.1720348083029175,84.58226346644831,393.34208830283524,24.591236372202427,303.23342019002985,48.62231620060215,0.30586459767841234,0.1895904772926339,5.5887916413683545,26.19490963506441,5.1801152450119226,4.487844817046549,0.0,0.7514181679143166,0.12649529955104108,3.0057746251256034,18.177250369536786,1.0174779952962374,4.183538184971209,1.6033010066721712e-07,0.0001132097967789073,0.20269041883912428,5.402264550079296,26.090923730151626,0.3730758751498828,3.556159860488435,0.0,0.00014063033626880034,0.3537298355343827,55.294228809954134,31.532529205318813,6.647154488105622,30.23586913237497,1.9907974977412392e-07,0.0,0.1903298974129194,3.467229126858345,28.630822536819426,9.539500897527592,7.588984089744098,0.0002584389739387573,0.0,88.52331241160962 +0.9514282502557536,0.21121353706156187,0.32845266285041286,211.32635193546054,179.88508716486885,330096.2627039093,6.550626461092996,72.28297671270502,4.249062738557511,31.770223097136775,4.997764176879934,27.32458683267547,0.7921472836602413,0.9726475187082717,974.4715537394356,60.63299217148116,0.22475664154986577,170999.57944961864,2.885686961723539,89.38997431356111,4893.417435039186,296.81200370453087,346.3195879967493,56.99000117623207,0.27956146298055484,0.18909578582678527,35.23341539651582,62.43646266861685,3.214981087447988,24.010854452271893,0.0,0.6750549534480019,0.08710041675178476,24.780678969993758,47.276090880682155,0.7300784969107281,16.121803512253482,1.6033010066721712e-07,0.0001132097967789073,0.19622866968075564,35.3345924434941,65.96538727574185,0.32619533360371666,20.53705478087635,0.0,0.00014063033626880034,0.29550968239765735,76.33127295160727,50.3634453881334,4.796025878890983,19.164299610164143,1.9907974977412392e-07,0.0,0.1546434096278849,46.423756721602224,96.01396729346847,6.661463883725293,22.086968704474046,0.00017057716135943917,0.0,188.46187704222353 +0.9896788387225587,0.2286709881824148,0.42291549599072586,231.50888265566306,38.668510310433454,120792.09920520902,1.7385140721865495,43.677644103876915,0.7370981029963182,82.92883911321204,1.6989009578067509,18.207728751826437,0.4113107903897174,0.9574084335867729,787.4636109992824,44.77988236012225,0.2124728503397219,57015.86056568893,0.8257383911152913,76.4416681306254,3608.1283098249155,158.51489186131636,346.7257690945547,38.371013510329085,0.24580061138103443,0.19230198874845789,1.409895734877297,24.486239369259714,2.617151228430713,50.43035545097718,0.0,1.1818199355527155,0.1353742552770829,6.693129552603553,25.798275203006373,0.1857606367495403,9.18750538088905,1.6033010066721712e-07,0.0001132097967789073,0.20750068544651018,2.520693267319132,26.044346289829782,0.25654377849224846,49.88302381112719,0.0,0.00014063033626880034,0.14276714450208938,16.332719973261224,30.03273032645834,4.875330893074306,22.49844107717561,1.9907974977412392e-07,0.0,0.18123121455005564,2.444099488158102,31.799313309812636,2.8822692467679043,18.74829300822317,7.878462923715532e-05,0.0,100.9785471838844 +0.9533977971388012,0.1838274838239027,0.3243153517033893,107.73989402938402,27.203457285879423,233455.37410911798,5.865256478501821,97.21170059443517,3.650786383328291,90.0910899383957,3.067951160678141,26.486370058159476,0.37781201505990375,0.8807562047148353,825.4312839847885,67.13498084095652,0.3456891631135228,89736.67672266912,2.4186497801090336,97.94010467384105,3633.0498107624016,261.54736886690023,334.6584678466604,56.711863113232305,0.2496692561412988,0.18763854147118844,20.137219615306382,44.69395631350131,2.7997470152215316,28.067478074626234,0.0,0.920345327193743,0.08825389965978193,22.77919947908345,47.49424444329682,0.3433733996575429,16.953991441003154,1.6033010066721712e-07,0.0001132097967789073,0.19451772265542197,23.323693097965705,47.985204519185054,0.2943555126154941,24.76901699223433,0.0,0.00014063033626880034,0.11108616793991165,59.28433910350208,50.853771773098806,4.115078312621804,11.996610426664168,1.9907974977412392e-07,0.0,0.14833381733258333,44.336676516495935,85.0508084981384,4.5440445694841225,25.1464918868059,0.00017250145372609674,0.0,160.73557336727978 +0.9177078342289954,0.14905510780862485,0.37632051293384583,136.02729404852042,242.86173397166175,204859.7675111156,2.3477481901389368,64.88463746080163,2.261567639521493,52.18381165353628,2.79497681245321,18.73078240954301,0.4271114464506466,0.48407587452013345,826.2491414494992,93.00039762378891,0.2866001910549542,89817.72068564687,2.079743638601216,99.31805250781373,4767.934937635344,275.1419931915562,348.3501926611067,59.41795610565052,0.16211030922557726,0.1980202971028425,16.09203026438455,34.94951891281019,2.4288326645401592,32.29572218912429,0.0,1.178932733079609,0.1270862721761483,26.28211330872023,53.13129200589969,0.30202305275843927,19.89208883069076,1.6033010066721712e-07,0.0001132097967789073,0.21106458082594465,19.911341611928076,38.591771739953884,0.2558715481381335,30.23071025695348,0.0,0.00014063033626880034,0.12041265541348295,79.31125164521163,61.50535555766228,4.370242895996147,13.229937252456184,1.9907974977412392e-07,0.0,0.22621852159536798,34.97210175044782,68.31889803027096,4.140821520532394,27.789768083539563,0.00018373595672860975,0.0,161.82508906858325 +0.8418692485117446,0.10793808853869158,0.3212045379406364,43.43720739288335,151.49389900044082,227888.2493443138,2.130235202700078,52.37806425169181,1.1993709975409612,43.16385657584936,1.9628510370982735,15.902582761716971,0.301396961974712,0.805445807380522,214.31385490795518,2.703301763061525,0.11459783199770443,97965.00902637825,1.5075504531658979,77.15860404376893,2383.075024662273,83.53940387010256,241.1420964775586,40.40077525152991,0.15523903025026747,0.19639687693903152,2.562269157437584,24.09078066890237,3.954165310434004,17.696238800366228,0.0,1.0412755988830604,0.1386206936503033,1.7931103793896197,14.971148472016573,0.3382362775348698,4.194902634110241,1.6033010066721712e-07,0.0001132097967789073,0.20913258975420407,2.9089685446873514,23.321783644229033,0.23598693343141855,14.135682172194196,0.0,0.00014063033626880034,0.3447447135511941,11.538977093353465,15.311653696133433,3.7584105546095223,16.758945509700837,1.9907974977412392e-07,0.0,0.21501585340281168,3.4520617612431903,20.654448976894404,5.1502402319414395,4.483331956836207,0.0,0.0,55.336317093708125 +0.9166853918517299,0.10159320843046836,0.3346783694647038,24.65378287291167,240.7708076017497,132642.62879295342,3.052099176699934,94.0750260659245,4.405429940988182,91.1102285667613,3.3393145039120324,27.222846330952052,0.427952790875645,0.7436007800614851,828.6093922131996,72.09508131564786,0.07279502001096753,95234.28894507502,2.079743638601216,26.768892472462333,2117.6532451259873,130.2900547539394,329.95225187225816,59.05903798082689,0.16211030922557726,0.19445516203147367,14.884343499355593,28.902566396090016,2.508686633610585,30.37076261074852,0.0,0.9430671157788943,0.12969063911075893,10.253610784672226,27.070960820604444,0.21144360246189328,5.553228975180911,1.6033010066721712e-07,0.0001132097967789073,0.20632508913302686,14.014198989386779,30.89913198496745,0.2524516824107492,23.424590254829255,0.0,0.00014063033626880034,0.1380831938673034,32.11528558887837,33.1805170382983,4.805885916765509,19.065216830386284,1.9907974977412392e-07,0.0,0.18353602165932603,8.5625133181836,36.86179357075466,2.746563076718968,10.076092756124586,0.0,0.0,92.81972267315834 +0.9858386662762618,0.2232115976846735,0.4327013697680788,164.62682807309687,99.27340800548802,252107.74350457225,6.832511432510022,16.384900850037525,3.4996008459413956,95.21945162165937,3.716800791876862,17.78498610677698,0.6054609273199919,0.8615140410897602,237.7948109241558,60.34908370554613,0.34297017560949167,69805.29343203497,2.9374467258408026,78.25483228842351,4910.544005310673,270.9737007966628,230.5586596440327,25.66122482744522,0.2533715244962376,0.18573190770175435,5.955634182026033,26.164151939932783,3.4141433160496955,9.905118852176487,0.0,0.8218812016732685,0.12134616795555599,2.145725097779526,19.652887181168893,0.7396690731905318,22.56135930939795,0.00012546272377973727,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.35076601960497855,1.7753469610461245,14.118611181326083,16.96193431941499,57.851199523185876,1.9907974977412392e-07,0.0,0.10490348718302232,4.100410080305376,35.31674552028585,7.670091873053958,51.689836202681605,0.0,0.0,2698666337285.8823 +0.9865452036542284,0.1456381173697394,0.3460892373818147,141.51108487494622,241.28402329939235,345500.79334597127,6.705860578296064,69.41761197783318,3.3631439028005743,44.45038320330452,4.04273315692048,27.520214644492786,0.7016873885792999,0.9376950767152379,929.8839360080107,86.55609558341379,0.31585744577015396,65323.168303542494,0.9639729621868884,96.33048402670332,3674.438827572506,297.3373361132498,345.6965649612228,44.51414860514559,0.18253823723931575,0.1888233138620057,7.017825551983018,30.58371089819179,3.200022113939755,58.4715648234342,0.0,0.7083989990899819,0.12929277826670565,10.954269689029196,29.58347764709206,0.6609135440451664,12.366799538069259,3.684473024352096e-05,0.0001132097967789073,0.20057016091083016,7.657614244555025,28.308051970507982,0.314021208503878,54.958370452296386,0.0,0.00014063033626880034,0.18870521994385078,70.05198884838879,63.18657294343461,3.8696966813613654,17.431144646937074,1.9907974977412392e-07,0.0,0.18975986090885605,9.063976718606044,53.53948270831767,4.983560384835551,17.600661110659193,0.00028103474340564276,0.0,148.1397870983242 +0.9784319040879824,0.1956096101693999,0.329664645243137,116.24747181993227,167.60291255539389,291075.48288869666,4.629979227796078,70.07616923499342,2.6775696879866864,91.01804291134953,2.533431045950524,26.16276485899605,0.3968598282713351,0.9326687526443901,840.0340298952797,47.74713890723737,0.056990844883805,225394.67307518603,1.4073773985233275,49.877830639398354,3866.1337061545073,263.6559250565638,349.4566735294502,43.577369552333295,0.25978759071456337,0.1970801669037974,34.80412640138536,45.35822240668838,3.0117631002245986,36.41475488346872,0.0,3.21526564036786,0.1260889066887569,20.108820732305503,41.68847380736257,0.40564744579089457,4.844782244750549,1.6033010066721712e-07,0.0001132097967789073,0.20293572730477635,21.738299404685353,41.91768098249678,0.27528838067726896,26.214959448580295,0.0,0.00014063033626880034,0.09777805439453416,51.128817022905174,43.25716279458405,3.195080521262111,7.906515535422139,1.9907974977412392e-07,0.0,0.1908510553004189,32.48299090206839,61.68218656691133,4.845407134456942,11.728621415436008,0.0002005415251859979,0.0,138.83836267525513 +0.8817366675008309,0.16463648295398858,0.44493206263403906,146.64472086013205,62.09955795542105,302762.87536100706,5.324383047472571,98.05875916831673,3.60839790201228,67.45751971046057,0.7026957820286546,28.56010724294134,0.4665209861965563,0.9751924090622367,367.23867964120967,33.24695186579966,0.18240409307289174,143759.85971210475,2.919697174657642,94.84378377518458,2264.9955258990663,138.02037299126238,348.6372313219054,59.51594175611766,0.1575821903392273,0.19138849925179693,27.423776126525063,48.09349807894092,3.4200193089086897,19.5108810592298,0.0,0.707000793713725,0.11454112807804537,31.459115436429748,57.09939371036309,0.31875653813770316,13.700291834282153,1.6033010066721712e-07,0.0001132097967789073,0.20326003816341173,30.388115665349638,56.69750038853798,0.27372924633579854,15.27363922516054,0.0,0.00014063033626880034,0.1349123372707304,95.51600166525917,68.93487372886659,3.4780031916086074,9.451422148718427,1.9907974977412392e-07,0.0,0.18690820946752257,52.685052298604155,96.33487087841559,5.3091971693949604,12.959237274312317,0.0,0.0,196.2046974375714 +0.97053662271355,0.13285360909225724,0.39686584508697065,234.2637152019547,63.75959063861133,263911.5210492153,1.8827971944520738,49.446689659435734,2.194127797023879,65.65203721443865,0.44863354569085745,22.598120348822125,0.37580241095315936,0.9147807390311676,669.0985080310917,29.236293169208825,0.29053101639198314,69013.35838031495,0.7993598431572171,89.83187976192278,1635.0438240130509,181.34712933667728,346.4736041613798,23.62490248374573,0.2254972100702453,0.19018321988424156,1.1224527316909183,25.151156202726032,2.6548893412221752,36.94982351465857,0.0,1.2002729821400457,0.12841629991230186,3.948576906351767,20.624938916445437,0.3251196076331884,6.599435195933261,1.6033010066721712e-07,0.0001132097967789073,0.2037827012343855,1.556251621199428,25.889335033524432,0.2359303916392316,36.000484152937176,0.0,0.00014063033626880034,0.12773873770084132,18.152703160545013,28.277941930342184,4.01917908781936,17.774502740283605,1.9907974977412392e-07,0.0,0.19340217692250694,4.212931155440563,28.175468444633147,4.2827338299611055,15.405388546716985,5.2634197388634576e-05,0.0,83.60441218749675 +0.9854757642238924,0.23301958312337367,0.4161267544688959,242.54554021885485,216.25525035731158,301751.6396981749,6.6803272403131695,99.56083232101648,4.9039882631356155,62.96872493831256,4.214599055097198,20.360028775686132,0.7444881758529134,0.9807259961236289,943.962744296246,92.7331605495335,0.21423880755214092,283528.1540112736,2.8590109853818606,99.26209583191479,4764.39316351484,270.18315498457173,342.21097307989317,57.72926003591288,0.26234453335078006,0.17874906933093138,18.819121746753595,51.98755520250915,2.8565506981526942,12.114900347081552,0.0,0.6971857946846753,0.11165640571512542,17.408065464415575,36.23078539344908,0.9178011164449084,15.304394950236427,5.873566395411801e-05,0.0001132097967789073,0.20046024619828412,29.03507888090161,55.648039231913174,0.35539930635027706,11.010084434445877,6.673856984273089e-05,0.00014063033626880034,0.3551905639361918,63.401386367023875,35.105725258904044,6.4146171347767424,35.041773824639236,1.9907974977412392e-07,0.0,0.15836058159993877,35.4522126884748,79.04511815429969,6.925615370558386,15.253682638117725,0.0001190064043116519,0.0,153.07264170181443 +0.9598975875114257,0.19916081223621307,0.345911437135172,241.82556611183955,158.00765471174668,262485.6875164948,3.6020317042639647,89.42797011517247,2.990451327853804,32.57186160982926,3.8999673498945167,29.949047654898894,0.34637444817968616,0.9374021003744325,251.2413162735883,46.98304247413729,0.07504206361753919,148900.58312312607,2.803532872679008,88.76198352070091,1315.8500662504753,219.6590461161447,345.41746127454087,55.40573641271368,0.27386824961885475,0.19219242514841356,34.270443540896004,54.25669235984742,3.120245262571483,26.235217639508267,8.201540560088506e-06,1.920229684528799,0.08012870828179915,22.43981176778974,43.77169762193538,0.4607796411320971,16.38279726057538,1.6033010066721712e-07,0.0001132097967789073,0.19582909725127434,30.080764926285916,55.76007645789485,0.2802893062552423,18.56883471734696,0.0,0.00014063033626880034,0.2542583021839685,66.58358093048389,49.97880797599169,3.09182005546573,12.593534133631916,1.9907974977412392e-07,0.0,0.11324385398767255,52.15647237203203,90.11155812623089,5.358357651002837,20.18824700153899,5.1004079864193426e-05,0.0,173.90581802444686 +0.948747872175076,0.24677767891332458,0.32031020166365326,240.97665070651078,230.00018705984905,321039.4555003529,5.846896902137444,36.28116432728699,1.9540392900948849,82.28146806124388,3.031979354141363,18.79191428204441,0.3133901282578758,0.9676278995667047,357.8935559028246,67.66995854465702,0.3014905757245559,202692.7568299566,2.9246069880327865,92.09197851966924,3807.024982874358,234.41559375196914,347.60682104452457,42.68179330670511,0.22335173167258762,0.19265093790730653,31.62387965661171,57.56033013314482,3.43867825068621,17.378123963221316,0.0,0.7637500392182788,0.11130940094908412,29.17905337329593,51.313902184785064,0.7740587585644715,14.922003306689177,1.6033010066721712e-07,0.0001132097967789073,0.20255250544331332,34.920117598295086,60.38069379791123,0.3290521628053081,15.216106646148228,0.0,0.00014063033626880034,0.19362256673565773,99.47018352783532,68.52728341073167,5.525742897457759,8.075985220421515,1.9907974977412392e-07,0.0,0.15974306678147446,54.32488752714726,100.41547826936268,7.719119325434517,13.889205663176446,0.0,0.0,203.48346328966954 +0.9389384656614814,0.1394270828721342,0.4433282493139537,187.09923814836583,243.23327809297143,339878.56748741627,6.5446915596075455,92.87173929923448,3.3137308292984993,80.4412748784637,2.2725847942692283,26.316769075469786,0.3792514510623709,0.8675733006679933,819.3128812386537,16.62134906586649,0.07410537985222945,102627.69208366622,2.851374567661163,62.40685564574828,4844.6740728232335,273.6619712269036,248.85440020622525,34.984624484134116,0.32885500528906564,0.19530996388514268,2.8706328384420514,25.780484637029623,3.644483876587083,8.111406721645123,0.0,3.193741995007301,0.12764931883823386,2.802342870230831,13.55562498246293,0.7522192907811346,17.098801864088095,1.6033010066721712e-07,0.0001132097967789073,0.194392223494544,4.067950382475464,25.294779790671452,0.32693726755635816,8.105835474879903,0.0,0.00014063033626880034,0.3522952245557557,9.338181684981226,15.116289634050405,14.744499488804774,55.13566889870859,1.9907974977412392e-07,0.0,0.10497982599582946,2.728175479730516,34.94445408841783,6.781875390661894,44.98571625442088,0.0,0.0,94.02350440354995 +0.9393536342126801,0.16798789405405862,0.43966585052891516,154.84118209901018,206.9364089055917,121646.21551959615,4.730823022608831,77.73214399598815,0.618624453101044,37.778974002481505,2.767709980401656,9.934048460167126,0.3535931428774166,0.6746558253681939,724.8672724773177,39.22124547660985,0.12772381300745114,95624.01706637754,2.889798573601944,96.92753680762146,3767.23061081002,270.46941676745234,220.91224712396763,37.70280030567738,0.2866108516482552,0.19622451552928108,4.755431372181646,25.548620533623225,3.028598614923848,9.222574749364494,0.0,0.95966827659813,0.13355390959968272,2.354798581555651,19.427885355109474,1.2555856505469203,23.602086562921226,1.6033010066721712e-07,0.0001132097967789073,0.2107827570088259,5.469094329357198,24.152923683884925,0.4204089903926714,7.04940039020155,0.0,0.00014063033626880034,0.33770266432905177,1.241122165438064,14.817764855797037,15.585686005474685,56.29197041475043,1.9907974977412392e-07,0.0,0.15940130632357188,6.801261735061531,33.08522924201203,6.019917186011307,46.27331714656405,0.0003622306150268616,0.0,96.57462831128676 +0.8080883859260579,0.1663798550170136,0.34928929031267536,47.009575867203814,119.96080896387687,313225.01588789915,6.956387475180312,68.37374282571687,1.4874858737353238,62.54570876747909,0.5883143263645696,24.547291455511612,0.40192009960236197,0.7499800905486692,989.3621817611034,44.97494892030893,0.11258066513498252,56340.09701406782,2.0659400371142276,49.350886640339624,2477.370901383726,117.57117724410875,341.57085066758776,50.55309089061248,0.15605312232963597,0.1996308481768934,15.682777944067045,28.98623538549293,3.0044649275703126,43.614621771291475,0.0,1.2145848714555878,0.13630298382218953,22.55013797877532,44.97825833276669,0.32687890514262613,13.755181380271285,1.6033010066721712e-07,0.0001132097967789073,0.20973825584665637,14.876405716030577,29.759609183636613,0.26961906170505917,32.641997030938704,0.0,0.00014063033626880034,0.12552472891752628,75.0639261835024,61.02613542750098,3.614486981411242,20.010507236219382,1.9907974977412392e-07,0.0,0.2288573787773038,28.976609232289462,54.60916082405992,4.69671339330535,16.816051905074307,0.0002101055875489797,0.0,147.61892873232424 +0.9658508812135305,0.13227076318926828,0.43057986014644567,127.99730022895018,211.90576190303864,236171.8643621866,5.095105101314612,8.012236461115751,0.4981292470299148,8.210624006656356,3.6144804867133096,20.812826036543385,0.6078155712092352,0.8025435177483775,225.82436810637094,1.4396699276370928,0.3183779314059295,67097.03343033537,2.8550494660574444,95.99471180153067,519.0685275244252,227.61916690907256,257.4973008453852,26.968031974154904,0.1881836683557937,0.1768226122768985,6.867673219234778,25.103405249680392,6.253590824482873,11.398530270132607,0.00011284234306604172,1.2271849993865285,0.14084461770866208,2.253173793221917,20.509800398661397,0.6852517951473759,23.590235341577976,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.3502911605275641,7.083526941091824,15.3460275787678,12.496300916413956,52.05406199495807,1.9907974977412392e-07,0.0,0.13979548377815043,6.501830884506217,34.06776601897743,9.25802754419472,39.3834247862387,0.0002937088564417215,0.0,2698666337285.8823 +0.8652085060458141,0.13700666779269952,0.3450742623594408,241.1014014434288,137.2111087359229,133465.27463095228,5.033306679357891,70.56538088235551,1.7259474443731797,74.85772589922054,1.0079481706777822,29.798858752639553,0.4758795560305955,0.9843778262102103,891.3040150874797,48.29470434579332,0.09110362230681937,246267.1958149685,2.8842780796906893,83.39413461798546,4963.374985845211,245.76554507929941,342.44650130446684,31.819986106877742,0.1699887566763718,0.19485776888079953,28.73194092937232,44.182987020253805,2.9777781135218646,11.373537306623852,0.0,1.7515817266973717,0.119704108955053,24.892751691227673,47.5838165456546,1.2258836982485666,8.970969503711547,1.6033010066721712e-07,0.0001132097967789073,0.20204459789104845,26.36330825654982,53.77649479399885,0.4154848915504653,6.983251343260416,0.0,0.00014063033626880034,0.11991735517895866,101.44902725510293,71.03087707352239,3.577811921521367,9.630376714779183,1.9907974977412392e-07,0.0,0.18410905384785942,44.672658575536545,84.98769686475052,5.424547924749745,8.695314067152989,0.00014746774921079678,0.0,185.16814818627788 +0.9258218272727615,0.13362893224178224,0.3355147949658513,123.43151682448165,132.32554680745878,221536.37097645047,6.309043450722336,78.86669820542562,1.222277183270491,7.378444189172484,4.163892795923594,9.682907369869113,0.46868035338239317,0.9383177533199323,104.26546748298261,74.12792932287783,0.07812445368735826,62637.102263800676,0.7950421113693089,80.1384491518597,229.2587923055537,181.6723383383865,344.32280536749556,35.587590568856534,0.19912343322333062,0.17878310211212264,5.6939833171168726,30.78023601062258,3.0096545504284555,77.19242435311182,0.00010097323851536319,2.6850855470507375,0.13902391208041362,8.626606949471183,25.61674667844998,0.7881530223086126,8.30048804908856,1.6033010066721712e-07,0.0001132097967789073,0.2101164397780151,6.043571532330166,28.237277766481828,0.34714319456967063,58.378941263519295,0.0,0.00014063033626880034,0.14397737182477496,33.9266304673518,38.08125597199617,3.4827184581350656,19.858353121584976,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9886128036867524,0.23195757903221534,0.44493206263403906,166.9253987849373,227.17109134139233,349678.4055255924,4.643598744071935,67.28543285300167,3.656106811506385,90.68250940678953,3.5378579848310485,26.24465364750293,0.48390163558318183,0.9754213210290898,888.7076946597047,64.9136230933531,0.17691461005230236,143759.85971210475,2.96617794387202,94.84360285388803,3277.861660417718,260.7734249229609,342.20385383076734,59.161972857386104,0.2762948773401563,0.1872122757750329,23.903829158191524,49.256516859359245,3.0864486679708656,17.086731999310665,0.0,0.6602405738684364,0.08829421513779999,18.638000142400937,36.12751269957576,0.43872571331404997,19.706619325650088,3.334187012504273e-05,0.0001132097967789073,0.1855301780990267,25.238283333561085,54.165793874816515,0.27317544125097304,15.512504790228698,1.0662649192588496e-05,0.00014063033626880034,0.3532017270606682,50.04678634008605,30.558314077546093,4.801477292170693,30.393382163774326,1.9907974977412392e-07,0.0,0.14727522772027554,33.21204530132429,76.56479973675042,5.586582199781728,26.56166915839288,5.110929369272899e-05,0.0,145.7385185152254 +0.9875400394076295,0.20445452050197999,0.3603620353910651,203.33995802120688,229.58805365858416,267479.88468435983,5.544358922088967,36.26070905997417,3.1210689615089438,74.321939711557,3.159701461914182,26.506466204516094,0.604028197410752,0.9174056819609022,870.0024421115012,43.52528188453823,0.11120242295230534,87053.4736100536,2.0777093636424198,95.29122719293959,1614.207591497403,214.86897783654797,346.78896079742333,57.80525585674114,0.22942930117471372,0.19449084133072386,22.14202799113084,39.152545544278134,3.083969859015614,41.999632898420195,0.0,1.5421948131173506,0.11180870793728186,19.610389846845024,44.671090259698495,0.8262597372910814,17.361904359423207,1.6033010066721712e-07,0.0001132097967789073,0.20362843428904345,19.36846468766834,44.27929210970093,0.3409708384105913,31.079702507490065,8.820676589165273e-05,0.00014063033626880034,0.15741760788225972,63.15583903302892,56.928460548997464,3.4101038197518703,11.246877962617221,1.9907974977412392e-07,0.0,0.17883678681754706,36.67727966403173,76.12042660144273,5.9926055911718645,18.247829014830767,3.22496653678222e-05,0.0,157.0328471300153 +0.9846509135081424,0.2303450042422197,0.37684553826738126,235.78511575710576,237.64855970108093,309017.6248034291,6.7359126062040815,74.17788271457638,4.694856688564021,87.47509067998308,4.174525341861189,27.63505956158229,0.7827356443579908,0.9943244793161827,760.176779020081,68.1308634856115,0.3358474580567717,296895.46574092435,2.9106086399541886,99.56128212498263,4531.639000518027,296.97494543292714,344.08164873835904,59.78005652977006,0.22701236985528883,0.186803225071984,34.07418759662409,65.34076203980712,3.255162721812397,14.150452873149245,6.703184525679907e-05,0.71851965532847,0.1022357929743054,24.61033922538911,45.671730482072945,0.9261639549297007,14.314977488596703,1.6033010066721712e-07,0.0001132097967789073,0.19808011511879414,36.309200118308596,65.88590221315704,0.3557884509001823,13.100605145163504,0.0,0.00014063033626880034,0.3534850860700021,86.06601367463033,48.59995444606346,5.938888666916137,22.796835377424813,1.9907974977412392e-07,0.0,0.1478356133793634,21.3677196432805,103.57980807936453,6.078396609612125,14.033110571468663,9.218236367838236e-05,0.0,190.03676159776222 +0.8610883386777812,0.14386510128790056,0.43983176273042973,126.20220620675386,192.57598992417599,217671.84692557954,6.804535672311372,35.86573749158009,0.6868667611953083,44.879853983230014,4.430559138732141,11.60765028629763,0.6705183595521942,0.6756194386962843,929.9384130800312,53.99020785476083,0.21405171689757857,70982.01169707133,2.9021673206848337,96.70091532125736,418.5000996409353,106.63710082147337,221.5465013434835,34.11388311792689,0.15459851321069865,0.200394501680926,5.3034341817384725,23.930065042105436,2.925444937510603,5.371959783636106,2.208864841517202e-05,0.7066924963422683,0.12804499993744942,2.2397748353547615,19.519670910456878,0.9604629413503147,24.478008490907378,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.33339253385370865,1.115773653801654,15.211146032305056,17.06911326297308,57.974742814233586,1.9907974977412392e-07,0.0,0.1894700118358446,5.668472609200437,32.99163291274451,7.988669468646659,58.06025742228493,6.431993487403306e-05,0.0,2698666337285.8823 +0.9868591632299386,0.14665167019755276,0.3574677338715197,173.80318213700758,71.46546104044154,316212.01087943366,6.845679459147538,77.0641402728596,1.4291071472676375,74.20491201373099,2.9316181533050805,16.762618593985337,0.42254571173307903,0.6387237136371554,694.2907919418101,41.71778699190098,0.06445646606199831,97477.52625268314,2.7244197120463243,84.85509265395689,2987.039929246547,275.4351525557368,238.06101791875534,35.97932817446237,0.15487822249489483,0.20041524424098048,8.776247447074663,26.00564077392864,3.3354501298162753,16.659015046274522,4.455968178312999e-05,4.1389010128436565,0.1324422293010577,2.3260998215180817,15.224085360472605,0.49401023793590465,18.57779987347107,1.6033010066721712e-07,0.0001132097967789073,0.2016041584550536,2.1068977329196565,24.982920239078585,0.3030326097532548,8.33522616363024,0.0,0.00014063033626880034,0.3383929671170157,8.875781027381027,15.625874831431474,12.329902639073989,53.11066360195412,1.9907974977412392e-07,0.0,0.14833441759275184,3.481087112100179,32.656103766225286,5.437016577096821,41.48685489595168,1.5099181133798816e-05,0.0,92.00554603976035 +0.9070228085823016,0.2268929803560049,0.3742820805834466,160.82546602339386,227.73448327292408,201681.38870997028,6.098044574104179,9.703299630712875,2.021764019426408,45.20895014598521,3.080475487347999,21.975210561891796,0.3809105351679741,0.844699430983223,376.8238027321156,92.16876525541375,0.31856573314878645,117544.42171080381,2.7551392894459967,82.6139255667459,3599.861731492544,263.5631457879305,348.35125079144126,32.73589052696215,0.1501844893472564,0.19373889118511534,20.838368879372126,41.7232509592865,2.9374576515623247,15.500862917372803,0.0,0.8379039781801236,0.10766199792359714,33.75762474333656,56.43037579472057,1.0653718291876995,14.830964861473586,1.6033010066721712e-07,0.0001132097967789073,0.20449060247697143,25.474378728856006,46.26792768109799,0.38558302764214,13.26461478362454,0.0,0.00014063033626880034,0.10538739344024244,111.5224583430027,80.64939434647583,3.9646714979320175,13.475097716667964,1.9907974977412392e-07,0.0,0.1979626761865361,45.65687542109521,80.63062227744057,6.660709001206416,11.186084217951043,0.0,0.0,194.49899312345107 +0.9868424892228826,0.1607241374970904,0.3231072246999555,196.9642626596585,79.0240496947581,178416.63678953925,1.989995789904786,66.37075019694642,2.10222516177709,95.15549390571223,4.252174674753747,24.289016741857772,0.3453553715178402,0.7860618865683734,826.166926266978,89.68961561131903,0.0668569861346756,82289.45001788854,1.4917474641195316,81.259798540985,2601.5889172900697,137.7505161109471,348.30553502728577,51.746182598853075,0.2516738490304117,0.19517828046912195,17.022956850769788,31.923396686247298,2.4212865262214964,56.268258208766845,8.249199435378503e-05,1.2066819825814699,0.1342802002161018,14.443614303321997,33.38539311912969,0.2017376292267976,10.627256579670352,1.6033010066721712e-07,0.0001132097967789073,0.20625751364275483,13.26535623944407,33.696161955109766,0.24813342295453392,44.71250572116606,0.0,0.00014063033626880034,0.10175771396387215,38.43505407231796,41.39528345278963,4.497173251282442,15.326970343854667,1.9907974977412392e-07,0.0,0.19877306040949197,23.423376444525122,47.11395191300173,3.9537395832489586,23.491907889706326,0.00030767077651784966,0.0,126.5352331046706 +0.9169599358146722,0.2235738544485087,0.43496626124084675,189.41323266058055,225.5405304581587,181465.29795884155,2.577495588414582,14.858756812188666,1.7487971649349194,88.91874268108367,4.293249548513902,27.13442707087256,0.3485241186463618,0.7950686746383034,207.8251674600956,91.50143601199943,0.33309108619819916,161925.7979629328,2.131212594202836,98.81384775122703,4753.605388252054,289.69190546148604,349.78643026804383,37.20191015214993,0.16808881862869984,0.1931077954902169,14.60291958197813,32.28594749629885,2.577813490209725,16.684285003234166,0.0,1.2341358128770736,0.12248975524264769,23.14512599909392,44.74771805525804,0.5115788501302548,12.580967352333452,1.6033010066721712e-07,0.0001132097967789073,0.20793544012508877,18.803544838162733,39.2755392301414,0.28732070042855207,15.524984964031864,0.0,0.00014063033626880034,0.11278654946235497,74.77974334455654,56.43912236134185,3.6538310828020277,10.911724074717558,1.9907974977412392e-07,0.0,0.20204969416265572,43.29232134585414,79.13698342836193,4.4698478927456335,16.272576208319602,0.00022740951529838022,0.0,153.97279356000308 +0.9535125820784601,0.21277384061254792,0.32857185105216047,182.66964810052912,128.4006982552341,266634.7585013145,2.8030370576555383,84.9577485324333,3.951198910611005,50.56721193315585,1.6742943751469692,21.902620834728314,0.37410743404558255,0.8165955813104295,616.1503443967315,41.95411103599847,0.2141410236886543,56094.53970313142,1.0906658777787892,90.11448248642635,2863.5536704194824,253.09695644465666,349.09247462074666,46.93682710982311,0.3429509630578216,0.19509968659394783,8.552598669153264,27.089917772081378,2.753034248105748,68.69488894400027,0.0,0.7943989302198713,0.13478069627401654,12.82418366033303,32.7055052644823,0.23001712895324103,14.551006569349198,1.6033010066721712e-07,0.0001132097967789073,0.2066932734459888,9.869682638377256,28.402302041768625,0.24913785274514133,64.57681250810582,0.0,0.00014063033626880034,0.09586260239535371,30.972290542722572,36.85193139342073,3.91756621143662,13.146555710316914,1.9907974977412392e-07,0.0,0.2048055418550564,16.429071899341128,43.6687817200307,4.4420963774229065,29.34508282197828,0.00048511737499394624,0.0,132.7322539507571 +0.9808384423051631,0.1997586727702868,0.34904750604063145,245.45180793665037,130.3257412662483,347749.52643960336,6.074704739894071,81.40658876794411,4.9751579259597865,98.50385761587832,4.973854559233531,28.159697690546565,0.48239784345669495,0.9849992771882077,726.4932136805229,28.23871707875287,0.21127194126056054,120833.33996576378,2.437966068474802,37.13561052476872,3067.3133598540335,295.96147777004046,349.8045496111222,59.185276402014274,0.23213453343754992,0.18974447197437358,25.445567437422596,47.383002472194974,3.5145349484539152,31.884727297614255,0.0,0.6661239562656492,0.12359873832797126,20.789774055210113,43.7099149054253,0.5701785748672448,11.903051904195104,1.6033010066721712e-07,0.0001132097967789073,0.20222550744243886,25.1311137169122,48.14342788928713,0.30218996930539443,26.910371360155633,1.2340475123634945e-05,0.00014063033626880034,0.08830041068297936,54.76539459258184,50.61556278823584,3.6631698071973346,10.950014671172239,1.9907974977412392e-07,0.0,0.17048073060175734,46.19248001391531,91.55437927714475,6.114870124790277,13.187603416497238,0.00012156302591949087,0.0,162.79541390724762 +0.8956691077655534,0.1565662730060449,0.4449606015481358,210.35994758209378,231.60352443033997,349154.3363121327,6.89268027573996,99.69617255081576,3.6594235642398387,69.68555748332014,3.726965180620108,27.816695690926363,0.4072415957996298,0.7657131524181634,950.737676674428,91.59607105897797,0.3400398882764112,87856.75160403781,1.971370638150236,38.625803210084484,4913.711601064293,110.86607564485817,346.16564076191196,59.70860560749486,0.3353774088539555,0.19574583891627925,10.749299813872641,28.29082847807306,3.277240548777255,28.95358625285674,0.0,0.7044285279680506,0.13398923849199518,10.235616986031781,27.21342946989614,0.7970974650688755,6.2833594170878655,1.6033010066721712e-07,0.0001132097967789073,0.2067354979677184,13.004077133123664,31.35356402726995,0.33410001893357727,25.908862992832184,0.0,0.00014063033626880034,0.3262301530091978,36.46551593794107,24.877517879797445,7.221274848202462,29.404383295147294,1.9907974977412392e-07,0.0,0.20952124093290184,17.08623139595374,39.76876733431657,7.004976922990286,10.3799056396806,0.00013821822068171895,0.0,96.80081316012581 +0.8772352536794539,0.19761505865776288,0.3211066011143967,124.96111521839345,148.94009689720187,304291.5576941517,1.724926718343688,50.7777712955408,0.616191244133319,50.52208464848985,1.4487434429236987,26.349336975477904,0.38474152525521577,0.8169694377272774,894.0842667116051,86.92080238974317,0.1956633455115464,106004.0344757444,1.0497548537917512,79.30061390380575,1041.0113571399625,268.96716322457587,344.8443787508038,36.637530989261876,0.25782383511436674,0.19493297737671536,11.615982691187295,29.203251179095382,2.620388220874824,43.53193887961226,0.0,0.9800025563049508,0.1336273254351513,16.98020605898767,35.330443989555654,0.3553984166546471,7.849455352931814,2.2801453397649028e-06,0.0001132097967789073,0.20592456460914813,12.883428166398637,29.947085362758088,0.23453726791991164,42.32209209950774,0.0,0.00014063033626880034,0.14055762961730187,48.627242986229106,43.605903834129734,3.800266108796952,18.07248284147698,1.9907974977412392e-07,0.0,0.21758474610552742,21.25733970422081,45.682088120979905,3.995088672489236,19.64954748037249,0.00016238194545010827,0.0,122.02888706139966 +0.9561449966551648,0.14526840882614753,0.4197466595418404,160.1527652845494,94.65124289368664,183664.96135619193,6.466396206142988,81.4321123962995,4.882295457148363,31.204264240300695,4.321032815222292,18.743704539150244,0.5107724540801044,0.4421585625361729,845.038038442679,64.67902380026435,0.29184511181698497,67571.84217712098,2.8606473284187772,99.05536659520367,2369.4050668140308,262.1917737937994,252.10667124514532,33.831856480706215,0.23699885975474744,0.1978834486753963,5.957749902040384,25.155315145091443,2.848175477183591,10.720277606553557,2.927005153662474e-05,0.7813307291960718,0.11328877757775373,2.0122361508446507,17.90705353892238,0.9359446549914071,25.229382167174382,1.6033010066721712e-07,0.0001132097967789073,0.20897527701690444,5.067007137170021,24.170077155814123,0.3746698973797724,8.389751036498101,4.054485915282867e-05,0.00014063033626880034,0.3035636615842854,8.549595797652016,17.32627775436522,11.812046961128377,52.42673868369803,1.9907974977412392e-07,0.0,0.2044224170628417,5.209018171081164,30.87287061302315,6.229760085700674,51.98169957507465,0.00013047591188118115,0.0,97.04238224316163 +0.9116268000737173,0.23949991988835775,0.34692321365125345,133.88874324625212,37.03912013124013,271698.1577061984,5.049062069474992,84.38819261907622,2.4096638830639945,77.09973061467672,4.634028228317462,21.079982993088684,0.3877474562944218,0.9248935968398803,949.5481354909797,71.53826716686963,0.23930183464376012,67769.54194115404,1.2806695279599356,91.9047616891505,2966.9645242899596,287.9174508947831,349.6006505969723,48.87912520128542,0.19490947398844616,0.19473633113081998,12.443144366110683,29.936366562630592,2.8244770027318373,60.65526790657384,0.0,0.6328183710795866,0.12286167586490317,26.39428346748328,52.77577254517869,0.25453452638240415,13.727943799221674,1.6033010066721712e-07,0.0001132097967789073,0.2078231345675782,13.903944415795836,36.19972912145344,0.27004658336428977,55.89361175157799,0.0,0.00014063033626880034,0.11615972461753411,73.4182584457494,65.24524524052524,3.878244413583092,16.683590606149213,1.9907974977412392e-07,0.0,0.20406759107898276,37.72210935039308,71.85095891516164,4.408517932442514,25.66033213023825,0.00010440024062471747,0.0,173.8992538207164 +0.9232671740673808,0.15205366387576422,0.3442677481419771,135.42937358244976,222.48625462266352,133440.29549999489,5.176217187818409,47.942493101584745,3.361010991878337,20.293326735151886,1.6090267895012604,19.364613187775866,0.3291058874801268,0.9740543939031772,970.379701040074,87.02748407447571,0.2914028726075956,106023.5755003177,2.20020908881233,93.37256431912398,257.7286306534261,271.5734576513347,345.4012554678926,49.61694139379406,0.2110971906651646,0.18962528478642804,19.619388458861042,41.59197049543053,2.8097536383965274,29.232020670604598,0.0,0.8552181247994283,0.08847579991556392,28.137304537529364,51.80214104367079,1.2181043969409306,14.989719194048009,1.6033010066721712e-07,0.0001132097967789073,0.20104762529139894,22.538001994409427,45.92731993321757,0.4143215340823602,25.997850362527974,0.0,0.00014063033626880034,0.15238379060932283,72.52562249059086,59.90866451781683,3.5158827122496907,12.035527952629257,1.9907974977412392e-07,0.0,0.17263991322655292,41.0702469976446,72.2696610719647,5.0515399973193595,17.343460188810077,1.8223538553708738e-05,0.0,161.91042042899218 +0.8930708689790863,0.13983328635521047,0.44412670284300765,229.42191368851246,117.9137432992721,191275.75304576426,4.938304378554679,42.59596778641085,0.4226434469832613,34.77901065762938,0.4290643898678159,24.797182104717848,0.3282202498202843,0.8521134821494731,299.11681574882624,64.82813098739366,0.14023992745301816,75009.0898299408,2.334129372267738,86.01270328172707,2503.8655571825866,211.2025167364001,243.42274708817607,32.75507761050616,0.33110567663650503,0.19689701690170847,3.7610321942984877,24.435575695613153,2.955866832352181,5.74555187991668,0.0,1.0077523429878557,0.12450707777543997,2.1342849643125335,15.031445023609077,0.8258010914369721,15.80339598070765,1.6033010066721712e-07,0.0001132097967789073,0.1916188779047994,3.8399553251338565,25.74310883176558,0.35184925030080444,8.09802965332084,0.0,0.00014063033626880034,0.3495996001106828,4.073278949522714,14.440017015709895,12.803675633139639,53.12942804297767,1.9907974977412392e-07,0.0,0.08461646184704417,4.006709558299167,34.96956338522443,5.374860147973026,40.07147857697626,0.0,0.0,89.23913532985566 +0.9129418055845568,0.17526834443222505,0.41209978647260803,115.69598036376763,244.90324512056037,342367.88497005065,4.786425869837548,53.00377376446599,2.1472862667852057,39.59770637763948,3.467792605031371,20.575388491195064,0.43852298656016137,0.9383269383566882,893.5423489995742,54.81218157616108,0.21056159587260276,79610.26344132514,0.813031932686923,53.232350571678715,1911.9618662957805,98.21272409337622,349.47526669468175,57.894485411596065,0.2607494730575903,0.19358719582586473,8.351372529086895,27.293158075816095,3.05523543565207,63.843292888667875,0.0,0.5972905240294007,0.1339831228716076,13.450951043949555,34.37288278561034,0.3793434840684435,10.343951051874122,2.874609387861951e-06,0.0001132097967789073,0.20696618117514667,8.598932180115018,28.692552897475885,0.2666668207764239,57.75823956087243,0.0,0.00014063033626880034,0.11138256681877297,36.3066394233224,41.69386157932566,3.090874182655565,15.866723802277244,1.9907974977412392e-07,0.0,0.21296052148301267,15.385594785791008,38.60410974967284,4.989904547023907,25.597614642699327,0.0,0.0,127.78230146993084 +0.9581768963949051,0.14039288146215506,0.40681982802446975,92.01678206147297,147.27627378377602,185091.3432166748,6.130123995153804,53.913617691905294,4.3421175195911115,16.69395676070541,2.756518942814658,9.388778928876873,0.32530434239396616,0.6686006687604578,582.9862521646048,27.880631635418908,0.27078602084071274,60634.308116923334,2.627085809736898,86.99953265208215,1515.134725720543,196.22214371987923,269.84568692294494,12.436783343067585,0.2863156011047181,0.19763583862329342,6.147339114043381,24.696318833787714,3.0577142473555377,6.495351527444373,0.0,0.8087495543000314,0.11770073057279007,2.472095873900594,16.97558535254739,0.8425840696592231,22.064635853955863,1.6033010066721712e-07,0.0001132097967789073,0.21199126906420337,5.130681946878916,23.608252575027656,0.3579840691018613,5.010132830489321,0.0,0.00014063033626880034,0.33988260255378755,8.356968345535877,16.404640677754156,10.767809745374448,50.71575989962607,1.9907974977412392e-07,0.0,0.14579741533803325,6.245198947591137,33.332885361723136,5.951203848965295,49.53367896753786,0.0,0.0,93.57852267906182 +0.9360364755457748,0.11424688137072117,0.43973357351613834,200.32960857722873,214.77801012401443,288888.9084034291,6.247326533521443,83.19952296736592,2.6592481724773593,64.4184172731617,1.4932415307607798,16.802122371102215,0.7494033001277602,0.7753787302270254,126.0400580572828,63.91551697403018,0.34269482984265526,66702.48584556859,2.3870840902340045,62.059033676978785,2473.5837919598694,96.32723643401127,242.7607450759143,10.41575198722854,0.23614904876068055,0.19577525990541222,6.983675860932185,24.44627793880201,3.6681057409387923,4.331729432151718,2.712923800801051e-05,0.8299040438419478,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20887520314866548,5.574696227008443,23.880706126351956,0.3434232311845797,3.0793336357516474,5.942005849709658e-05,0.00014063033626880034,0.34816942231494796,6.438413820440057,13.980690943803529,18.968210674832022,59.92934317648334,1.9907974977412392e-07,0.0,0.11084697733237044,7.605439213090717,34.967184401035894,9.772976894789775,52.92712936435975,0.0,0.0,2698666337285.8823 +0.9203997646945274,0.2691155123781004,0.42398885760779176,226.78519676201364,204.7391971604454,222727.11335343696,6.84120911218319,45.08653545978893,4.154433365903217,44.47864863367442,4.4750270036169715,17.614861460005606,0.7427950178618943,0.8911361104287904,526.1507686399665,89.11953156022882,0.22554349832552767,60206.74282919627,2.9366762339973675,95.80983432084719,4238.997604457284,243.0562855345593,236.33411823864532,19.876726845876895,0.21282695913920435,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.3472696463367473,0.847348715316451,14.254619570089343,18.33998748152733,59.18827297966532,1.9907974977412392e-07,0.0,0.0898684561512608,3.286597704617204,35.74659653118142,10.050868611224999,60.14247036009394,0.0,0.0,4674227208854.957 +0.9856535328501478,0.12896786925356105,0.4001535011129807,234.2637152019547,66.01213747479682,207112.36430409626,1.561070334022766,49.446689659435734,2.1036857084698486,82.94834984139298,0.45650006018335754,22.58239427123089,0.44896150497768844,0.6627058853151238,952.7823771388743,28.874195890524028,0.08981833433840655,101874.70224674298,0.7344603305538825,30.104626243652337,3696.3750720540493,183.266854675048,346.70352063382444,22.470845579234606,0.3157225106885526,0.1970476582038765,1.2416223260147303,24.196224510065758,2.4484212458683916,34.03109553007805,0.0,0.9203125316417926,0.13475658227498927,3.388390337832276,18.122140885248136,0.31027886266580873,4.740901640899409,1.6033010066721712e-07,0.0001132097967789073,0.20785885006465266,1.2945320433324041,23.108542193015754,0.23671353285158256,27.922089133722288,0.0,0.00014063033626880034,0.11371023258924384,10.495140123379374,19.866336690195155,4.328139242353666,11.160813558905327,1.9907974977412392e-07,0.0,0.20049933598186856,1.330410033740927,23.922352668013115,2.9910814144676108,9.899112275893033,6.168661534786213e-05,0.0,68.98592938422503 +0.9699667578619985,0.13070376055689967,0.32556308153629604,187.21086108361484,90.1097630256002,325982.55417245446,2.6007963203830333,69.53789023138452,0.7705960751327137,21.586387227785618,3.8439516450191937,19.34092530959154,0.49542056131966655,0.7198622055899458,663.5546600005264,90.79046410400292,0.1946679787485623,55842.43602225438,0.6444849530293076,81.87154897238932,2374.0940330045364,279.87528812902735,330.40497103869956,55.94824869705049,0.18164160135445484,0.19585612639936584,6.069720409749393,26.01903401389258,2.8093845030071996,76.63215547292752,0.0,0.6873939266505003,0.1361877148543513,6.464977214705405,23.22817035272085,0.2622107619981694,8.796243085230309,1.6033010066721712e-07,0.0001132097967789073,0.20897221682785685,5.676422226011151,26.433622142757336,0.23867490054634682,70.40611682316943,0.0,0.00014063033626880034,0.13922646602929206,25.50280628309713,32.40019663089353,3.625353649221556,19.748021931253525,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8669677697486815,0.11953505224539057,0.35579280978000954,215.48777016300846,187.04688278433576,184587.01269522705,6.972673453207157,29.1903116612507,3.8177366297076816,85.86242840321934,3.942655663459247,18.188754836654528,0.3537825243417486,0.8685870228948699,945.7140925559318,90.67152459787721,0.16609896532743496,247669.55617730407,2.7640578063179664,98.16903919534138,3035.9530719398053,275.0560538745098,236.21053706211742,44.83359879619265,0.30571705121319154,0.19427801266041822,3.9665114001979416,25.286143074975207,2.824347792005035,9.275392446398586,0.0,1.065484912717742,0.13422826063667287,1.559031959961677,14.292312871180824,1.3089495937149058,13.58308992134654,1.6033010066721712e-07,0.0001132097967789073,0.2067794673053007,2.1961937448100777,24.565692579425257,0.42786151083019036,8.250549269328445,0.0,0.00014063033626880034,0.35010301039439695,16.737106859626607,16.544480277368717,13.682889535312512,54.0965013216202,1.9907974977412392e-07,0.0,0.16815801243605882,2.305658090285394,32.2061261510906,6.750705375429096,26.885279502796188,0.0,0.0,85.43083006281081 +0.8801169604792015,0.16083536869019377,0.374632215989195,17.554466800857796,91.54399374275775,156607.62052432826,2.0051158632634047,6.389636498522314,3.344949086415763,52.70663490268017,0.7006426356742634,14.86776900513904,0.4119536915132769,0.6421823488540883,263.15679855123324,38.49257536814986,0.09755838411377092,59998.90741190787,0.48423575719182566,52.27151437262048,3997.7293352437405,231.82034647548932,329.35867600304,53.70990141843475,0.27744696222581444,0.19917234773136433,2.456064475513657,23.970345519654423,2.4063909538768375,72.92573623736703,0.0,1.283903813419316,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21283867477232674,3.155394164653167,24.778373246448307,0.23684153481909578,66.67955930939043,0.0,0.00014063033626880034,0.15626996640963972,12.763115843050656,20.416247862024793,4.639966010502118,25.642329480465648,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8948860771412699,0.13528259566094325,0.34601297358474936,137.4755621212816,237.33622621989565,119106.67559214673,5.201281679759382,46.93911002252793,2.3576776143733267,90.24496331196622,3.853883642377384,22.90260799037182,0.313501547943677,0.9547595953968644,879.9550935500114,31.449284076476793,0.21296603539598608,64637.42487721951,2.3055408436390223,94.47054866569619,3627.9576756040924,268.0518948467017,346.4073470709397,39.34104535715945,0.18372122393712775,0.18679161424512314,18.562446737742246,44.14782374922077,3.1101592229749175,30.48139619418875,0.0,0.7113749688055901,0.07150815663647347,44.743933532151324,67.47468717279271,1.3479244996575865,22.817551918031924,1.6033010066721712e-07,0.0001132097967789073,0.1974729571189717,20.69223062712618,45.32287043753371,0.4367820649833867,25.916368779617837,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8930708689790863,0.19711592095168162,0.43292152701651565,199.67320401807973,245.73857199071887,192418.1259541295,5.541852948188168,32.95586813830087,0.3175148760018054,14.300598029737522,0.3270076453578706,15.318828610830613,0.32935512941502576,0.8951722710741035,307.1616184323011,22.46387948860413,0.1335772135434305,75009.0898299408,2.315218057687812,52.17235233176581,839.3961227569544,31.63781909520921,278.18983469120263,29.177827726549044,0.24539690088284163,0.1981637720824154,1.8127800676719665,24.97640261671654,3.5067528819478038,2.9517460861813976,0.0,1.133644083196419,0.13882742858815883,1.7148334770920188,14.916234326518762,1.1265101280941938,6.084151345120177,1.6033010066721712e-07,0.0001132097967789073,0.2086961599533969,2.8171295635799174,23.769229340553082,0.3937428840881465,1.9666080058990734,0.0,0.00014063033626880034,0.3494269462395419,24.152041341088417,20.716841187464293,6.22910417866612,41.388197931829,1.9907974977412392e-07,0.0,0.13461032081817448,3.071479900695649,33.53103607929319,7.423023692192693,27.034022354735562,0.0,0.0,78.57669769963701 +0.9420525572760807,0.14155197556519095,0.4218665088592939,181.34555086526422,72.26023437872239,285288.3491817941,3.9641608021733274,79.2195263301975,3.8477940758738876,22.931252854004143,2.6987554346408773,13.828744174062699,0.3093811511244991,0.529386592425285,7.260102307593058,1.3288034458772913,0.25234088541726085,147387.27019948183,2.0677440842669,87.1252025664519,3629.636950592297,188.1487579747892,250.53862554490166,59.039532852150934,0.21797023914983002,0.19881908149539892,5.103424805864289,24.715748898021985,7.217170291898246,5.443657004437574,0.0,1.3269710363683165,0.14132017297014596,2.265757039195709,13.084570284952934,0.2501490674158462,8.205143764333442,1.6033010066721712e-07,0.0001132097967789073,0.21312382574940744,2.8887752451074817,23.9363418722553,0.2590710905029642,4.387044514868774,0.0,0.00014063033626880034,0.3209929476466835,15.231188078228513,17.56810616964776,5.276894568661307,41.44056853247769,1.9907974977412392e-07,0.0,0.22932342583890142,6.789935111945008,25.472617928264057,9.42544735152526,14.039860807577426,4.7457425299393254e-05,0.0,69.51040861454563 +0.9233738588639206,0.15354797851349555,0.3785644925220258,134.81288959743267,184.17844006651566,346401.9547597476,6.587210038482174,46.93976404960976,4.840141895674559,91.68125612632264,3.912465492082601,15.665669379667715,0.576187987021888,0.9605480608553332,926.6452307514872,86.7704739151392,0.21163024716130066,78089.5952475768,2.458151230386893,88.55626862516361,1925.0110735526023,257.3796365042033,349.1371222112938,46.562507938677335,0.3428955555211478,0.18822877754152978,18.441615380728784,40.42392246746507,3.179608605390446,28.43893423831743,0.00012006205200088884,0.6718084731376859,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19733566157215252,19.83517016588661,44.63617932958521,0.30294529818259913,24.33492898318936,0.0,0.00014063033626880034,0.3142258014933616,44.662760505988786,33.6690348174991,5.254525279422235,28.0082346230867,1.9907974977412392e-07,0.0,0.15646870343311767,26.181410936660093,60.22778831990522,6.119612978148444,28.628478727470668,0.00012432035903688936,0.0,2698666337285.8823 +0.9877952485410824,0.17044906299380022,0.4398215617499301,122.02266614763933,30.34277720650563,215059.81161401968,6.199651997429366,92.7768773155365,1.3761678860014142,13.29462858849633,3.1871098271073177,12.436649156059115,0.6992888370975143,0.7314457172738374,827.1815620825251,69.04199995123894,0.22152780420723225,83278.76281360642,2.8646162630735725,99.87058083210218,395.37912945164993,106.86697876426274,245.5124112445522,10.606369911844702,0.16206150755650908,0.1983818917167927,6.49404021178881,24.4567772052815,2.7964485560302466,5.714631063104181,0.0,0.6791474878458317,0.1683612381604825,2.400618075731107,18.937162136291647,0.45465038552918513,24.628646693025832,1.6033010066721712e-07,0.0001132097967789073,0.21112749878601025,6.166591564916729,23.652853462078028,0.3144295184240648,4.752685609345981,4.222691918314942e-05,0.00014063033626880034,0.3454255734552058,6.34820174662919,14.106977432477112,16.55694098579596,58.02213892666552,1.9907974977412392e-07,0.0,0.12111693926534563,8.205884828804589,35.12506225180298,5.932391691471044,53.85955714934574,0.0,0.0,101.93123894943467 +0.9818832909661792,0.25381128458237767,0.3908409833876061,218.07577015411766,179.32637598603625,260378.37134858666,5.494655986307538,98.50910337533364,1.4623024609678374,68.91347819152593,2.1759317859587934,29.27086778185517,0.42344715383461085,0.9293433742262842,813.3382889797258,14.512276839566859,0.31825954351947633,110611.28461233115,2.97522562808355,72.16259048241051,2917.480594156903,267.9930694738677,343.89183481983054,55.205279605544035,0.19775745465869787,0.18593139395450062,24.288530684658006,50.65727387931414,3.4591718552517254,18.61742141698196,0.0,0.842646264712655,0.08177487924731046,26.493708330282413,49.69400543656281,0.7885226545562218,15.9172421088031,1.6033010066721712e-07,0.0001132097967789073,0.1979291794195575,28.736127677254835,52.784609089107384,0.33738690569614177,16.106595640861332,0.0,0.00014063033626880034,0.18278400285660193,79.45088291634106,63.908447392788155,3.1038799956691228,10.86375178427882,1.9907974977412392e-07,0.0,0.15443792058638095,55.771932861977284,106.00966008513268,6.3848827336337175,20.83190961050688,0.0,0.0,190.15809426078596 +0.802014980382713,0.1381361489956295,0.38843052033409076,23.912009647662124,146.87567432624942,100923.49266440791,1.7383076188691124,87.8292847375005,4.21330382090912,21.65588334606173,1.8885255380829788,19.656539779699933,0.3107605579950981,0.794867341727979,240.17745945645876,58.78835245932677,0.06849846971932855,94668.43606399307,1.382457816485989,66.33456549803569,1940.7935391137685,290.5326122562127,346.9568971049569,47.9697071618718,0.21075848021850407,0.1965891404364105,11.976033730075665,28.561735430193593,2.507853661859589,41.06982762774095,0.0,1.1855642563678481,0.13905606133551754,21.06910236099045,40.88483798516822,0.2539455040939248,9.751890180415902,1.6033010066721712e-07,0.0001132097967789073,0.20940026221010763,11.9299141976696,28.40076233698166,0.2414891479484902,37.938765651330165,0.0,0.00014063033626880034,0.1393424150336258,49.757437150475624,45.615173259567406,4.938722719520287,17.129880023984526,1.9907974977412392e-07,0.0,0.2166723089665373,11.228143180180794,38.07082125197556,2.650195318450583,18.69782896061694,4.435337666592424e-05,0.0,118.57161795480336 +0.9383173914097755,0.2262157201687341,0.367837936725818,116.24747181993227,248.51906072730796,270722.4188798694,4.790044472440236,34.71262953640439,2.0265525698594367,82.78486413656015,0.7881474805352233,20.216963787228266,0.7657028514144315,0.924759719442137,841.9854077330127,52.53043859956039,0.06203036758445955,78228.74622279237,1.4346250331316308,49.73336206016449,4237.166882538397,65.1741606735866,349.6040927492532,43.577369552333295,0.28707399002381107,0.1995562818218817,18.32525348860158,31.029308429417988,2.9203473255349643,59.18931762374421,1.5586851948418472e-05,2.899595383492453,0.13565738631198446,13.373346528808769,34.196730860439224,0.5354488274976783,8.639409629960431,1.6033010066721712e-07,0.0001132097967789073,0.20652760471198384,10.761307447851799,29.806360129422593,0.29468624694943707,41.36436268026181,0.0,0.00014063033626880034,0.11049157223338915,38.301681498974,41.038432454988275,3.0887535591294877,13.867776582630142,1.9907974977412392e-07,0.0,0.23521690644760546,14.887899234899448,38.073101952170155,4.9696109724267,18.50217762791022,0.0,0.0,119.78684992758707 +0.9745675102161667,0.15440362208714364,0.347496159593774,237.78252693255408,42.414246889415125,147038.5133781819,5.50842850151891,31.75770893473129,3.3117233040232477,22.408136353141032,0.47326250599201414,22.028505225103416,0.4245066646024582,0.5956275930442617,465.46911430635276,72.64979499302846,0.25142983401907715,61720.664507911875,0.6669527666886499,59.80378661385837,1047.2115671340175,247.21608466259502,336.80887592538147,45.738917714191885,0.3466875182404402,0.19841685188496144,3.695852900313373,24.695658507127153,2.873205529967751,61.43344196399696,0.0,0.7931906462044375,0.1373443454091539,6.004363506629279,21.395024221498243,0.7822469874055761,7.574216471422198,1.6033010066721712e-07,0.0001132097967789073,0.21042053973998312,4.175652871061531,25.607363699832845,0.3642369810240398,58.38598857459045,0.0,0.00014063033626880034,0.1112136675231039,17.268562844110452,26.833727504535723,4.64430846311218,12.349554335547248,1.9907974977412392e-07,0.0,0.20506577124053882,2.5949815827787703,24.0076055819988,3.671276926001113,16.611685158310696,0.00011550076808252212,0.0,105.3826947506423 +0.957493800783719,0.1420221257927801,0.3334421381648095,49.234744258685126,56.841372195752086,208768.37675553322,2.654072687470779,69.3746784785117,4.531159305590295,39.01134244453956,2.5380939981051536,28.6958603716845,0.7361161293256774,0.9745336511447628,431.9117070647721,12.95819718559148,0.21273920146092604,54383.50388565556,2.2814430910458134,80.46921797083155,858.004161713046,215.7289654653268,346.57332152695017,48.73174066992293,0.18392467081755004,0.18417140418967554,15.706170270243328,43.21871104015957,2.777507325495138,34.09474023950454,2.564915056313248e-05,1.1130926399267926,0.08789597194555668,33.95105307931186,70.5946174485121,0.26504791145122464,22.251072588070013,1.6033010066721712e-07,0.0001132097967789073,0.19958069485005758,19.442572361384055,45.833488858720784,0.24129796805208611,30.824758937611044,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.1459306618754674,21.69167019904373,103.08250302152919,3.752972648584704,27.543271404507184,0.0001201339148248966,0.0,2698666337285.8823 +0.862813215933102,0.13809381512007698,0.3321692557657135,39.33790473193275,180.0896758239125,316341.2645946732,4.246037029123106,46.671998432521114,0.6707750854713401,28.45353423558145,0.6021625596712652,18.530682172789767,0.32240157162028027,0.8815964900109587,323.4404336877816,23.029524951233693,0.1573426513469688,151727.47972312605,2.0925542605876304,84.94531081343706,4373.575056221528,181.23814724273,348.85446072041367,52.962533569561266,0.18855654551664724,0.1958595326408495,24.86471647373217,39.65307564398401,3.191948743527159,32.43256155979308,0.0,0.6657261464162246,0.13309774895676388,30.58875807275242,54.55167527208065,0.24039648835846394,12.12105984422004,1.6033010066721712e-07,0.0001132097967789073,0.2079726114981335,26.357448789453922,45.33370046691115,0.24143078605444707,28.900805875225142,0.0,0.00014063033626880034,0.12076492050743512,80.43573667620016,64.53590732801699,3.6443758403658153,13.486583115522427,1.9907974977412392e-07,0.0,0.2108184790663616,45.29481407977504,75.51344426036178,4.763473940985951,16.25893764411325,2.1188845818206142e-05,0.0,172.53375313821388 +0.9536640341974876,0.22715642286321086,0.32808614121394886,55.9490286725901,195.25295552232734,158439.24886177102,5.936736116522914,43.87756236235265,0.9587559153574332,71.68623756357586,1.247804410056636,29.7223476422287,0.3206213773566742,0.8030137233612238,951.6101435456619,24.49798253823422,0.08853792500441096,67090.78232084122,1.1437785364159294,26.099408252841748,2026.9230586022743,105.85688131229843,347.98059366552604,33.5702743198091,0.34791900506902984,0.1969739874933931,10.959696813711092,26.767383303332394,2.883486943223271,64.68861875739894,0.0,1.3636032740382054,0.12645221194335673,11.387236971656149,28.550404574099268,0.7934411196056332,8.597236112393938,1.6033010066721712e-07,0.0001132097967789073,0.2056165037560961,7.877194042782089,27.68928268516855,0.3521398008386867,50.474882171168495,0.0,0.00014063033626880034,0.09913213535799374,27.322402708120162,32.48865730042204,4.581292699734651,17.632240868346443,1.9907974977412392e-07,0.0,0.18178378837871803,7.015705075304986,33.580455156700665,3.8085935438771306,17.311960532503623,6.55724382516379e-05,0.0,114.24730737151148 +0.9453354869936621,0.20089463313975642,0.32503500422855397,121.37413097187985,176.79007121889703,273902.4945163849,5.203176627266206,40.00070092082794,2.02578537044099,84.68696004630316,4.73097850818459,26.406056773255028,0.3747567074109963,0.9332107178998038,898.4131359635481,91.32312600972615,0.05816067408400172,157048.93241060103,1.4090315166247658,68.18459163925118,1104.100082253933,242.90024671884385,349.15918941303164,43.66597192561419,0.20136058040023247,0.19723468165388522,31.725920026865666,41.499888964301235,2.9054211171950466,47.65395851230991,0.0,3.4592192552380867,0.13257549348293818,22.25946879989459,42.51843977872563,0.542167172624853,7.341759736134064,1.6033010066721712e-07,0.0001132097967789073,0.20239349210878382,19.741899943989225,37.74058443595789,0.2992209158024157,33.88163193857555,0.0,0.00014063033626880034,0.11020604748215246,66.61719761433834,56.24755945017919,3.0061327739296555,16.045387900023783,1.9907974977412392e-07,0.0,0.19633735710497846,36.65811301666546,67.50486909313564,4.766580107918274,14.866506347091894,9.665336729586256e-05,0.0,156.05276164137757 +0.9389835377753323,0.13520421507181996,0.38699548645664666,27.62238588311307,99.682630873344,129149.50247252655,1.857530957225912,85.98139625675978,2.6577841815659498,91.57585009986822,2.7201583828638967,24.26532492209307,0.720625453275265,0.7532912638834423,221.06512531801215,74.8577219521923,0.26437463160631985,79893.30124653698,2.5140429299705995,43.87431143204972,3335.858369241323,281.12447263553025,342.90590562127664,59.7393375040526,0.2357832677702473,0.19243460936942913,14.251244825904182,35.87980126944766,2.425800964501545,22.06292252148903,0.0,1.462184536250087,0.11566898819631742,16.949628956336596,36.790797403387394,0.2919792047629198,13.628679972260842,1.6033010066721712e-07,0.0001132097967789073,0.20571223072310252,19.526090589414554,38.53851218333773,0.23878172569277106,20.51542353022217,0.0,0.00014063033626880034,0.11393589658605405,41.17113304850893,41.48748770912794,4.759281543021427,12.523889729830602,1.9907974977412392e-07,0.0,0.1887448651643239,12.627628116746612,53.1267738990277,2.588255995925585,17.770626692652254,0.00015082398365227515,0.0,114.01612106305554 +0.9854900993256748,0.1317033795184066,0.3677966525277798,215.3670746824456,164.6024446055465,134875.45790524821,6.793769123991847,58.84410803227726,2.620971045978625,98.40849856744877,2.408299083165679,26.80779047585828,0.7974563087329609,0.9316741631857315,279.71697351862366,93.32697440690058,0.2557994892769661,257534.10388948343,2.7011877031169194,73.06287076156588,2062.305723907539,296.92422105283043,348.3796872848094,55.088924604442646,0.15063758752865655,0.19107243067689786,30.619780405198124,53.33223154856035,2.988283004643259,17.275387484827665,0.0,0.8041028946014629,0.12233052028936464,28.747588742574308,55.52459005028663,1.5264655546911836,10.335715528623933,0.00012546272377973727,0.0001132097967789073,0.2023493067338264,32.98233036531434,58.973147714323545,0.4661466042724389,14.965454402722948,0.0,0.00014063033626880034,0.0882226501640002,87.5822779363805,67.12628354902746,5.286066290248478,8.121355021192011,1.9907974977412392e-07,0.0,0.16178787277441314,30.424729203473746,102.43529866682704,6.6049577524732594,11.570662205939016,0.0002844285417023961,0.0,191.74227923109692 +0.865561271276832,0.13770105529817528,0.32369941654483203,129.4204828263242,161.97587036808252,105614.73907067311,2.620490041065183,83.93562075792151,0.6110059694872076,65.93954028363065,1.9831346780190877,18.974949148824088,0.32140180852256894,0.9724119897166643,771.7453439384992,58.73382671006242,0.3019362033225981,298099.9309037975,2.844398474800882,84.67206119038912,1945.926747143205,218.06727010301677,346.9568971049569,54.07342023561062,0.24763835728864655,0.1928067851489489,34.12491952099601,58.3383285630619,2.737215240387312,16.67549481355763,0.0,1.2670521283628053,0.13006696795757494,28.376096114065167,51.48595334330006,0.7366765624722064,8.625309079619132,1.6033010066721712e-07,0.0001132097967789073,0.20427706689045377,38.985519665587475,60.60625959252286,0.3387643791480247,15.455507096939183,0.0,0.00014063033626880034,0.13916117336519268,80.7710365336387,54.004100249571884,4.883145433237651,4.927267278316895,1.9907974977412392e-07,0.0,0.19725460966995484,45.76669482732388,77.57195702936885,4.230085731630744,12.087713576602152,3.7794387636277783e-05,0.0,177.71507549361203 +0.9518495196402608,0.1389487617337234,0.40853730622001233,223.62055446221694,231.50343081100235,270695.370071231,6.9637059295911605,21.351881736091947,4.628105607799087,75.78596229049126,2.0471149428863247,24.790652472187958,0.4091779101944494,0.7746875277989029,995.254969398938,62.94879930365445,0.22327493875770119,126710.76654482631,2.920272980903449,93.96318306000501,4821.344546761427,260.4159617243183,325.50272788074545,56.05076270662863,0.3323020089289732,0.18977507254204315,15.415898387265214,35.609262787649044,3.132907493443195,13.00276619616011,0.0,0.7206770550184867,0.09386955940044231,11.00036012791995,27.433003776137735,1.044735586187643,17.676749181213623,1.6033010066721712e-07,0.0001132097967789073,0.1867745233925313,16.775504464160097,39.13126895287099,0.37787912757635056,12.398972972578475,0.0,0.00014063033626880034,0.3478107975244789,41.8059832301726,25.625071122323288,8.532763270514478,39.36202241375622,1.9907974977412392e-07,0.0,0.187785841624414,16.14049184120033,40.40584471864872,7.083815467464672,9.074671310312365,0.0,0.0,104.36109784183002 +0.9176703441302423,0.22056174574724596,0.3658079494037211,195.58333822184696,143.14121912078264,339173.5831744468,5.752717533299176,80.05506747400645,2.6922449606233707,88.63237108202037,3.2998564991062764,21.27882323533859,0.7666835638964415,0.9799144304513568,692.4896510780603,38.395613673170445,0.34579186001302575,67465.22671154414,2.203920972179208,95.90510053084185,3870.0539969376405,174.44417176635116,339.8501924872865,57.344996553708505,0.3460470008506082,0.19355224457925943,14.667399845094819,36.75505882440994,3.360636738805964,32.458235917363794,1.2958105446214491e-05,0.8124844620096033,0.11579647472999914,15.33863959740423,34.1476780668838,0.5337191703980547,17.135045743547458,1.6033010066721712e-07,0.0001132097967789073,0.20134921808917583,17.97255235974696,39.58093808149975,0.29557637425131394,28.50122244524592,4.5410234692981074e-05,0.00014063033626880034,0.2655743842677427,49.798229637973655,38.47495037560446,4.3668607938238315,19.573036804781484,1.9907974977412392e-07,0.0,0.1837598337085498,24.222074502770536,52.8905346023246,5.781137312443409,18.068907660830163,6.865407008665933e-05,0.0,123.02617519265148 +0.9173331242555085,0.14306963895955757,0.37428991797956507,161.92500164306082,242.5722527149599,324149.5605855721,4.3079583968791475,59.651584669451736,3.3514745883552868,86.4388278094803,2.8280835028441254,28.497306796801944,0.47587676656653605,0.9794207797479277,129.34274157029205,44.765984043280014,0.05587035165984178,243546.1271590901,2.809856482508334,93.39794949289116,1651.5428583124767,243.10467687684593,340.3323199969388,56.59791932359672,0.19081644492641256,0.1965803556983677,40.053512392906335,55.68529089213534,3.6019044857431144,19.861481972331116,0.0,3.395177068578971,0.12196428848754587,24.558143927302574,47.52191589757635,0.44303755885917045,11.204093830271626,5.839860509739375e-05,0.0001132097967789073,0.20200060304493178,30.767993738079934,59.4077949422371,0.27380662592992816,11.564515495960473,0.0,0.00014063033626880034,0.19344920013678452,91.87438813486915,63.750477440930936,4.007042857032001,7.5492032733264525,1.9907974977412392e-07,0.0,0.16291286818786344,54.649694600188866,99.48556077243973,6.005487408210082,12.807075823922927,0.0002511126692193193,0.0,195.9166431127073 +0.9404906044075808,0.20542231650444517,0.4326094245852655,208.9668789110088,245.8400508225619,200128.14475300425,5.513537626862614,75.90393918629769,4.679749116327853,90.59292762533708,4.6983038593216575,27.343349781483298,0.6124963078249961,0.9883704424911809,773.304200027515,93.03364244990144,0.329041994499853,181392.48053369147,2.898858495180322,91.30451558602475,4837.903093310069,187.42690309847512,348.48157748154927,59.17405831806668,0.16524719204350352,0.1894890363199111,27.670074357025257,52.773871092601986,2.760290260226586,17.346107948360658,0.00018751732134567593,0.8403867174119366,0.1231235565419394,28.353847816686784,54.08996963472981,1.103601802693239,12.587857159022064,1.6033010066721712e-07,0.0001132097967789073,0.20222822419843073,31.950223845635726,60.5171603575093,0.38920220244981435,14.724166615937962,0.0,0.00014063033626880034,0.18845868737149976,95.09944741147015,70.5970212805371,3.8795646558651273,8.411438299561055,1.9907974977412392e-07,0.0,0.16777434400948676,57.40148901840023,109.73164153773757,6.00601269101238,14.736253353449165,0.00022215373068757715,0.0,205.79688469094253 +0.9268923747931472,0.19799532636353057,0.44943435509716223,55.64108508473025,232.39295815015052,183664.96135619193,6.130439945797418,85.55201283266881,1.6990965791742028,9.665322786392302,4.341996184393613,20.305358488759648,0.6100507990151934,0.875616834827216,431.7897543242743,81.70293358330284,0.3037976740576775,74607.4221414375,2.908080315280394,74.57564199518515,1360.5221042570438,207.3058420307981,230.97957549163235,43.384453800750926,0.29756200934264976,0.18969901290901425,5.32887941545035,25.94022409219992,2.6834092225699813,7.971333130709963,5.469869037000125e-05,0.9439963097592666,0.11677877991069904,1.951733078373756,17.905387010854046,0.7149610436914144,20.644116114800337,3.975296256088121e-05,0.0001132097967789073,0.20084530741400378,3.5080016170259585,24.22890467713886,0.33719772912819723,6.873349985294638,0.0,0.00014063033626880034,0.34994275043829726,3.6925438146938436,14.383478558972879,12.406754296533878,52.771689605387024,1.9907974977412392e-07,0.0,0.09027719478955107,3.934818691603166,35.93057392586505,4.683962765328572,35.84091825629889,0.0,0.0,89.12491282017358 +0.970699483012546,0.1400727507338574,0.37107621330349716,159.6323910174078,53.642557937946336,186241.90242634286,4.792050013004108,92.54892945624928,0.9279971616549059,31.48449279007878,3.7043311277563387,18.8378564730133,0.567377254262485,0.5729232152477248,818.5985080959716,30.588843744596502,0.10549562665308232,63395.20272785229,2.900704224669222,98.56121735715173,4369.815417138109,267.95089235225527,227.76637605507963,43.86279184636512,0.3015986936952023,0.19507780625210044,1.7142190537298063,24.3697530802573,2.8733956628391515,11.903977053112955,4.6399617536723554e-05,1.2550342050850325,0.11334443779535819,1.9886356605128943,19.18688459374101,0.5335923829924747,23.315975253456962,1.6033010066721712e-07,0.0001132097967789073,0.1991257382559751,2.376654585982856,25.623855271202245,0.3189139725450527,9.956170253539439,0.0,0.00014063033626880034,0.32979668943446994,5.966851618000251,16.015289947710645,9.704068195966332,51.02638508615367,1.9907974977412392e-07,0.0,0.17885885624325823,4.263197298060989,32.0753537676577,4.847804164417106,38.04852384167373,7.762385307295612e-05,0.0,89.07416744200052 +0.8784146111210677,0.23432359895106417,0.4315820694298788,165.16932538337642,217.26506310885958,326040.63382773986,6.055896671344924,83.44253182532172,2.755218009956537,23.16440087126532,1.4547797228343133,17.805416576445666,0.4602433531340664,0.7777732373204485,694.4838237999913,41.78019994657256,0.29754555459799725,187344.48211025397,2.667474347661201,96.42842670870756,1981.5325423857523,205.03442629093726,241.7612603817897,15.57966895240428,0.2049987516950595,0.1982687725579461,4.9092987501931376,24.563349843162406,3.3096190715549625,7.157233198172629,0.0,0.7326913475011408,0.1381902733231091,1.7543430593651725,15.65540956917571,0.6581488450336641,17.025877937731497,1.6033010066721712e-07,0.0001132097967789073,0.2107010166653255,3.9647963975477634,23.285260862048336,0.313241313354172,5.60257306144809,0.0,0.00014063033626880034,0.33873095002747716,1.3772704651444085,14.527347334688487,18.324408780336984,59.29624766102688,1.9907974977412392e-07,0.0,0.18110786702555287,6.585904569951021,32.314467659684226,6.004250585192563,40.33873831361484,6.384019889709598e-05,0.0,92.91906543087289 +0.9238255404859003,0.11901725018542901,0.4034782892808823,218.23902314776828,219.53820974346502,239612.81499397533,4.8886080888119325,73.04369325647028,0.630839999201043,89.74653421218879,1.8265024187639143,27.27402941506327,0.3764478039522269,0.9634913060404107,567.8872927986088,64.99434869790164,0.27423205045913324,109370.07208084653,0.5944766723620634,99.90914469550225,4820.511236876711,206.1724338364346,348.43117761237494,50.59961308253118,0.18289063036920417,0.18889506602690506,9.593007931988558,30.278135013673374,2.9231857920239035,46.27902658177722,0.0,0.7720365309189701,0.12497519409017195,16.09062042155709,37.642662162177096,0.8236834208056778,6.657389043357071,1.6033010066721712e-07,0.0001132097967789073,0.20153609254388197,9.997755654807218,31.54096490628058,0.3408750837503473,46.99647882021242,0.0,0.00014063033626880034,0.10710351359485845,47.206255306458544,45.75560854348648,3.027362155056706,18.95052855113781,1.9907974977412392e-07,0.0,0.18466378331521988,21.797806458591936,48.04104964433824,5.727718598357,18.437038002174,0.00032369982657755135,0.0,126.61113666780447 +0.9194718010762657,0.24188957675161887,0.4295129337287014,237.90473887367733,98.64023652919657,232983.58522491544,2.080403965806819,84.48796854624413,0.6577915471686273,42.68980485037825,1.3360887695871568,19.033172818133018,0.4244088004826,0.7820377424510009,698.1538734659425,78.86138215588078,0.24896222442436672,55424.842317075134,2.904535884923759,98.03187008550647,642.4906542000672,220.2161827344776,229.964036049267,25.922195411836135,0.33303633330505655,0.18545404467671409,5.227796495957018,25.773133892322488,2.484687598578824,10.211781968842079,0.0,1.0672386746852318,0.1253174422018896,2.350766666431732,21.227598836856163,0.22197803615220948,24.43750910940611,1.6033010066721712e-07,0.0001132097967789073,0.19930134171782798,3.8588080218785006,25.3114830575188,0.2424767339291671,8.474747232441805,0.0,0.00014063033626880034,0.3415066716397588,1.2044235988048486,14.306952026804039,11.446163111833842,53.82626019672402,1.9907974977412392e-07,0.0,0.16567674990030282,5.828699857865789,33.96652060240059,4.1889550586309,38.08019147424567,3.1346024434197525e-05,0.0,92.05432241266996 +0.9302466160088617,0.22873396198852675,0.3479943704814793,87.52839769886518,126.75929118353896,291083.80003810104,4.049256382833935,61.287669459538705,4.200271270068928,95.60418934881325,4.825716233916986,25.898004207460765,0.5217502309502781,0.7501042076502378,909.7738906959138,30.911968309023457,0.12995640509865142,151329.324766016,2.46453990565195,82.62960568424259,1347.8222433716758,257.5695154681364,349.4696987413642,58.78817628910212,0.20126104632062605,0.1975508295795905,29.48974774097682,42.95138577596896,2.867365382804505,29.71021826301268,5.35443577155848e-05,0.8159274716429129,0.12522136257348254,28.897514594066003,58.33303142255654,0.23840250679089475,15.476831381753234,9.16990872087646e-06,0.0001132097967789073,0.20773513362992035,29.99739481594537,49.70107830703605,0.2535253124921937,24.284338055240266,0.0,0.00014063033626880034,0.11249678385590915,81.02454483056822,65.43653519398633,3.841221041496087,10.18495372027395,1.9907974977412392e-07,0.0,0.18398107019341123,30.319472105383944,87.40077210840408,3.767829971109514,18.84901635857543,3.5081278482998494e-05,0.0,178.70780782490561 +0.9210525512340021,0.18574373001094735,0.34222935317592484,199.2662147527529,136.28995092591444,135994.38953267096,5.07992943104092,72.3535447781206,1.3252097924430923,31.05074959702685,0.27023910733253353,21.00405326302203,0.47068771543280874,0.9576890863281945,924.82386435126,62.86341170419571,0.08099533646811907,150976.59077387815,2.751063520188129,61.39088300792158,1531.5385264775302,292.9657016938397,349.20702739531066,57.040119100463365,0.2307248229837792,0.1967429919055158,36.92877565118765,52.66295345357822,2.863164826245362,30.594437267250598,3.7920502154368085e-06,2.093830322421458,0.12246444656333402,26.903122111879483,48.39077650546712,1.167219615315726,14.049628710846525,1.6033010066721712e-07,0.0001132097967789073,0.20291694406050967,33.36979715360018,59.19774853113049,0.40680189945348844,21.948550070268745,0.0,0.00014063033626880034,0.12095892891784762,75.37052463390424,59.875535544536426,3.6747256848796463,8.247696658683157,1.9907974977412392e-07,0.0,0.17689913945102598,54.48402398958615,97.3616762789678,5.081079274363623,18.42439021751458,0.00021781559010602638,0.0,188.7068850129156 +0.9757416745186644,0.22987076217452482,0.4133046428663958,187.70394446185918,246.29047013838937,340721.9161884066,4.063582643606283,98.54502980982016,1.2001766169328831,81.27356550701063,2.9707526647305036,27.849601278045853,0.4827314170054575,0.9345763158743265,694.8254496370241,63.38246428760288,0.22976233230393756,117392.27878432034,2.6103316568757533,94.18066319692744,883.9578395538933,272.74264961332693,346.0129714665402,59.37115756690564,0.16409331484496215,0.18835608815566926,24.575975301310418,51.34368166729901,3.0554928027006385,23.456066595063874,7.957781132535151e-05,0.6392724781479515,0.10159555706378226,30.481020478925448,60.0921421556478,0.41753105753453623,16.40467960813827,1.6033010066721712e-07,0.0001132097967789073,0.19988714051142992,27.381877764362095,55.36895497053595,0.2677649728351089,20.21007895497176,0.0,0.00014063033626880034,0.12364142589958195,79.85063840415064,64.43433719893687,3.0044860821702484,11.63146249919879,1.9907974977412392e-07,0.0,0.1506030457317354,60.54766245696932,116.32966291233613,5.351542207489016,23.909038923289497,6.212353850190786e-05,0.0,203.23577013938262 +0.8939416969822787,0.11771075236593224,0.4497338500738592,242.7060698391375,234.03139167495056,222098.94294033153,6.6938805953250755,89.91817488655354,3.6820841844666843,88.18893548127024,0.8545726560046301,28.376196673167097,0.4132044975376142,0.9861578634581636,78.24706533978656,48.220379283719005,0.09540552128303137,268017.5646702086,2.893827049280606,73.5071279838581,4497.141679120199,265.1234103036586,344.34013112633,37.86364590499987,0.250168228906345,0.19403156113809422,25.29784627590864,41.715127490346156,3.661720907881883,9.01231757584684,0.0,2.197048548207072,0.11705488217611519,16.064030770821994,36.62564290246596,1.220744192476446,13.402428604706728,1.6033010066721712e-07,0.0001132097967789073,0.1971595365552305,22.377995175085942,48.630577511504505,0.409273061995369,6.374524899886385,0.0,0.00014063033626880034,0.35595169729454373,59.969663287945,33.64309972932237,9.059655413869622,24.849219575924074,1.9907974977412392e-07,0.0,0.17221436798407339,28.72063792131505,60.17134409283647,10.655281077212477,9.231696399911154,6.49775096805677e-05,0.0,131.29720922469033 +0.8832497064744593,0.14674986987721148,0.34883425441403026,194.01592644355796,190.18294143495325,141144.80888826578,6.566606821330955,13.983297246390114,1.316866606193429,37.100012754916385,3.9994637945871334,24.70927525535322,0.4352904594956401,0.9412553919292685,359.4313637209136,13.745561036489331,0.23409506805127545,192575.26307064062,2.8358908923352186,92.11122257921845,1272.4999707198158,266.64364712295117,345.90926121414816,49.80407672177154,0.20305460375734768,0.19153066706976354,30.90553626599933,56.33133813313671,3.963323093333632,18.14956937135485,0.0,0.835675148257931,0.09951215974048393,29.9999833701869,53.80466385164984,1.4722913133264954,16.10453204047268,1.6033010066721712e-07,0.0001132097967789073,0.19998805384006074,34.38173766430219,60.8728358530502,0.45735435194085067,16.465753050361513,0.0,0.00014063033626880034,0.15534138551643978,92.4614572987579,67.72389164825427,5.248987894882187,6.9224489165045835,1.9907974977412392e-07,0.0,0.16620578814480572,61.439058729832915,108.3221878688093,8.062859839189919,17.736178817236652,0.0,0.0,206.85472878222234 +0.9398496230319784,0.1140556911635312,0.4459738356008604,41.84314064793705,120.39442456580642,307649.48762442323,3.255323305616203,42.20137253007806,2.126817184005913,87.6455427738473,3.699845486768326,28.009961689801752,0.359902386014888,0.9936605144848302,718.3687551843163,44.52214451789955,0.2983874697760659,120147.81807834544,0.8983208236425184,84.38971657796381,3395.697638524244,219.92503779107435,343.9951131561738,56.25373511959236,0.1720155376430949,0.1836620239431508,7.8625040865819456,31.078636124624367,2.732895500308461,34.876297409663955,0.0,1.1799617056970664,0.11883478892927601,12.587364972139655,30.97416913345409,0.31119169578361017,5.69151876156618,1.6033010066721712e-07,0.0001132097967789073,0.19841384500083606,9.479035392007836,31.862113653535253,0.23699950824417124,35.95146535503914,0.0,0.00014063033626880034,0.11672514114491957,34.1614122368583,35.29006419076188,3.7793940254007503,19.097998923967015,1.9907974977412392e-07,0.0,0.17354494381391705,19.290677513624846,46.46990619205458,4.169778672080683,15.56664517091455,0.00021280169057894536,0.0,106.69436857964845 +0.9338206612213557,0.21105913859563163,0.4311505986448883,237.1255710107377,198.29135743010843,225008.19524174475,6.554761405329969,69.15226393153996,4.517290683673309,88.83986681795338,3.5549117559856147,28.01657779643792,0.7638381950762857,0.9724920301342269,825.5018256243568,97.32412206205831,0.26936023337464127,239242.56802580753,2.885352691869335,91.40091845458927,4957.680942683279,224.14488204857315,342.54019614101844,59.062809126638975,0.15824387832710857,0.19114342324706993,28.25388623114258,50.45828584186125,2.907551049593037,13.210756245990249,4.871760675445768e-06,0.7165378379159876,0.1233783686210009,27.919208045024156,53.23889566491781,1.1236266556227785,10.682490744182198,1.6033010066721712e-07,0.0001132097967789073,0.1995745405988989,31.12387837161491,58.540926947431906,0.3933884889762082,10.717876415843582,0.0,0.00014063033626880034,0.1862727842457708,104.01208092708157,71.20809191413065,4.612245506401852,7.153750162813049,1.9907974977412392e-07,0.0,0.18473133589842078,46.91638645610075,88.99597259797956,6.810009858758304,10.31111372788872,0.000256157354764932,0.0,194.94526515389038 +0.9832804430443481,0.20811996422245674,0.33899950363265613,219.70334584503837,236.20778952761643,273404.7791159595,5.531301237541405,54.977731523410796,2.356868352355612,83.1154307806728,3.6469596479522854,27.62081724192153,0.6688037514517406,0.945939087607536,687.499350810743,58.19724443266203,0.3170041825616673,246830.81292536738,2.7280186950649297,96.29850822122643,4764.907529810139,134.11219475785208,348.82747421956253,32.39425768667918,0.156878297832994,0.18960713785849864,23.460795831000937,47.759683155508014,3.0777301659047622,12.20028938393469,0.0,0.8063671809566402,0.1300716751218764,25.582747865956346,50.84227348748359,0.8397359071602877,9.38871211905702,9.77376430172399e-05,0.0001132097967789073,0.20435963873531093,25.608814477954272,47.35281482790936,0.3420149016749526,10.129050924636951,7.193978315928065e-05,0.00014063033626880034,0.09875259097629277,103.65895365568369,76.3199038945581,3.8459450945920377,8.45151805148403,1.9907974977412392e-07,0.0,0.21273087327278836,42.66575992861142,83.07720217338077,6.3188367448862754,8.080790975600964,0.00017943972631587343,0.0,186.555993966457 +0.908507780534441,0.14386510128790056,0.44008267185640676,127.11784151278881,188.4141039788845,288221.21190520475,6.927433390667381,35.86573749158009,2.6885553781623273,44.256939834568946,4.827517080904142,11.799588943210495,0.67192828419992,0.8619078104746046,902.184017121525,53.99020785476083,0.2313191229056851,74385.97768194231,2.8825240224645836,96.70091532125736,418.5000996409353,294.082289802183,220.16117030332407,49.185922659642195,0.1615784973239854,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.1249806298021474,2.2199261769060334,20.765846307088225,0.7394141554590132,23.048921827055008,1.6033010066721712e-07,0.0001132097967789073,0.20017121037685764,3.6129686593468326,24.437383445823944,0.3329191062428041,8.19149038595405,0.0,0.00014063033626880034,0.3505974938182986,3.6702168558392874,14.38576875620182,16.037580451708862,56.85242683816979,1.9907974977412392e-07,0.0,0.08755425276959894,2.2163026375982735,35.72955832218802,6.4383104336448,52.868312591717284,0.0,0.0,2698666337285.8823 +0.9094307118440408,0.22426494703672517,0.3800485109465459,141.16851007377093,183.0296544637389,268098.9401672712,2.124713180017451,59.15717033190823,3.6439688607954386,92.72442448066894,4.679349813515968,28.77739632254397,0.5289391176688389,0.9489907762807841,283.0302739810217,92.20240906533454,0.2229103951438134,113287.5652600726,2.585397352661625,42.97063522771302,1670.9153399934353,252.29563368594594,348.2921145159408,55.4968922834978,0.15710021285571968,0.1904910367407743,21.94933562602023,42.590085568827504,2.765407475332756,25.69739208918274,0.0,0.9943945242704268,0.12106862106294886,36.02898785815,61.89832642715811,0.23955626707153718,11.864157948476572,1.6395040667775508e-05,0.0001132097967789073,0.204709479431595,25.104839464174418,45.88476898793674,0.2393427934920965,21.928621190441742,1.3962617783425927e-05,0.00014063033626880034,0.11769901749283132,86.50876558568667,70.77196228306721,3.8458579050623114,16.921240208509083,1.9907974977412392e-07,0.0,0.20856795164618652,47.531406780738095,84.1850247598986,4.216601328598317,14.126295975792813,5.855260144169875e-05,0.0,183.8721443037099 +0.9696423742954651,0.1493203761319407,0.41044668594837336,166.34871080357968,229.1123905215005,331603.26348267763,4.951529799304194,65.62792228576106,4.049481354583,79.10318535405463,1.1078322775377203,25.055293720052497,0.7286897453978466,0.9810298397758841,820.4614657000842,48.840748593884385,0.2758731744579411,204874.06423364923,2.921796569818042,81.12096455188978,684.012104630847,278.9674040881846,346.7247888350654,55.467659926103025,0.15611895043041935,0.18602054131227053,28.863235424987646,59.03188230395495,3.131498700225265,14.921303291496411,2.8480362852956373e-06,0.7087845401056023,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19852123872749441,31.761577970498845,62.082669069215605,0.28683510103055676,13.069760887943978,9.280223767492489e-05,0.00014063033626880034,0.1618912547249966,93.1725297445093,67.60403145015185,3.1451901042860477,7.687550306581356,1.9907974977412392e-07,0.0,0.1520103895429378,26.54961094393015,105.66249236036381,4.491632022875887,14.732540171015682,0.00012798125063702637,0.0,2698666337285.8823 +0.8694737593721649,0.11301551381701017,0.3793814505230933,41.52054033324616,41.85089175909144,136379.70039504164,3.299204004083262,43.06236227783901,2.143616215582603,92.72442448066894,0.2791662890365685,29.62651877024083,0.32774346434530016,0.9936334095527054,721.6231860371005,18.631974418346935,0.14128463930023932,53822.23641567454,1.0156641873777712,32.06855715784107,940.7235218932503,120.23590295210934,344.0225224672986,54.22470281046828,0.20733243850722596,0.18916214356903796,6.6203601384298585,28.585952530744215,2.6797691205585332,69.94605855697435,0.0,0.9495439069653903,0.11333485835198642,13.385069173505325,33.07272112172319,0.2616316088035956,10.589107207373676,1.6033010066721712e-07,0.0001132097967789073,0.19772422274902685,7.692720636195035,28.904567133360334,0.26810872966545757,64.13598565563453,0.0,0.00014063033626880034,0.11771184195843823,25.518709961418924,34.73907787928122,4.8159280615848985,25.363561664100974,1.9907974977412392e-07,0.0,0.17874048220681102,14.23835790550833,36.4707382642089,4.3474346858852835,32.35646744624287,5.181370464429875e-06,0.0,131.44642499977516 +0.9716303555755677,0.15440362208714364,0.44850549494370484,235.99017861198672,42.414246889415125,297159.9740020856,5.400450437813278,34.65826036834671,3.3117233040232477,21.07717433091023,0.4831375229126482,24.38008234164225,0.4245066646024582,0.9488626548263692,465.46911430635276,47.29449182912662,0.25593567664043315,81749.58815472688,0.6566450936691932,68.58208869941699,1047.2115671340175,247.21608466259502,348.9007661113717,56.7225798259349,0.3466875182404402,0.19033408538574867,5.781576228007221,27.770754430603667,3.252553080384235,50.79439790744726,0.0,0.6945752324710135,0.1282327507565119,7.07670322694188,24.173033040015582,0.29722003494514954,7.144869237910163,1.6033010066721712e-07,0.0001132097967789073,0.20242704226983094,6.130216663317717,29.482381226447465,0.27727679384418175,50.29402055690672,0.0,0.00014063033626880034,0.2321224353332387,23.293876793350805,27.685669028627586,3.6773903797357206,6.7044618211299065,1.9907974977412392e-07,0.0,0.19041916360495767,9.892709303574305,33.35934876339581,5.122110733161878,17.11225127396633,0.0001040144466389553,0.0,102.05497091175336 +0.9274935194571903,0.17222987527793654,0.3957762217914812,118.98168784753622,132.73696907049583,212046.64856777433,6.557147366734493,36.35205502377252,4.410756578983448,44.80592414539266,3.332096645960031,25.116331187707832,0.38339407360266603,0.9381396186334017,378.92137555282534,54.214825035186614,0.22229157534588184,91056.40095243194,2.9761014750889667,68.54905807977302,2472.773758338878,250.93279778060776,342.91023946313874,33.24806569537087,0.23477365412517837,0.18784356052021808,17.12504317106238,39.733280385655476,3.1218896552819877,11.749693737111429,0.0,0.7514985079085417,0.10329376383217015,17.398357289909825,41.634132977225434,0.8448057963232343,13.870261510855114,1.6033010066721712e-07,0.0001132097967789073,0.19360771726207693,20.904180444964062,45.89397237207751,0.3569712200351953,9.63256775039971,0.0,0.00014063033626880034,0.2051067385447488,64.07663900083952,52.08455833347805,3.2875175136585524,13.378618069603256,1.9907974977412392e-07,0.0,0.16505994460468126,26.838378424291047,60.85695246797992,5.958123336238076,9.844961686607572,8.411326928071972e-06,0.0,135.83290632347064 +0.8915779199268545,0.1861620126347966,0.3514106274226198,68.77812444366778,126.32948926317974,345567.24680766085,2.8176912600092203,49.3810119312975,4.3454304791519816,52.84924432109527,1.5053173499488164,27.36692053653869,0.4706673979381309,0.7244093464673222,655.5888073710786,61.14843029742389,0.2716602359183073,51015.191940396384,0.5105716383996808,95.85932957312542,1054.7241791111885,291.9191642942576,335.17458641548126,38.93559048011231,0.24526570086263227,0.1956418701803368,2.835474588680467,25.8171542393573,2.8616495188177185,71.1297188533421,0.0,1.0583481038442393,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20859118599103746,3.8884439474663637,25.29322553049331,0.23597476195510353,69.89435736132826,3.622888176416665e-05,0.00014063033626880034,0.14526682083431824,18.142582309803835,29.174381175383914,3.4261710214651995,22.346646150040055,2.7615343999459633e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9863837058723305,0.2222492417038406,0.33116860522986175,125.45331260125161,125.9122135829289,216048.03642539983,3.210691168048556,58.17775342223611,3.053526523875183,68.37366530737832,1.5839626897489079,26.119616088039628,0.4387955266303219,0.9312274804199508,819.3936966370777,97.25646677566137,0.3022594468500984,244261.45606814558,2.7070949439525935,95.9661799826665,3907.220284076365,212.69212522899255,346.5833090301517,48.01199612638418,0.1553495636242144,0.19080666812785135,28.456797759745182,52.01453910942118,2.483218140011703,16.459086067125693,0.0,1.0822464416652156,0.12490218209436825,32.99151237291604,61.002875115514485,0.3336879974318346,9.808824726508625,1.6033010066721712e-07,0.0001132097967789073,0.20388654236845902,32.80003562532465,57.575052971421584,0.26732793069661903,15.071760302342586,0.0,0.00014063033626880034,0.10901886930699727,99.13886238622722,75.01430708760816,4.296356798652627,11.092244627827693,1.9907974977412392e-07,0.0,0.19252481162823995,62.21948252667589,107.46807860984187,4.200001063726001,12.11684958635752,2.3533025184018316e-05,0.0,210.95028722427472 +0.988821281608637,0.24370917840329753,0.329915918906617,215.6962393568574,235.00952860040871,217302.57709922985,5.365929528817785,81.22031301906354,0.7161360678558768,80.97302930086647,1.911984879904341,26.66781497906522,0.49753981331495056,0.8946575216197001,204.83891882333342,44.90346451102231,0.12724720834005745,157666.1722494576,2.6311816998344337,86.43629141801428,2585.375182131346,263.832182495047,347.89570891830414,57.009713287631655,0.20235641810861046,0.19426384810553315,34.02927667636732,54.65001274779994,3.336477078511506,28.85506299213391,9.827242164480086e-05,1.227576693655976,0.11052997919415106,30.31692379165179,57.2199346292874,1.0037023681846038,15.028559686066762,1.6033010066721712e-07,0.0001132097967789073,0.20078457640055467,33.14882112962671,59.09174974069753,0.3717288674967641,22.83891092744288,0.0,0.00014063033626880034,0.1024040186602851,79.25055802565576,63.23029386078495,5.048251330667694,9.454958624919447,1.9907974977412392e-07,0.0,0.1669640082455722,56.27914185031007,109.93649957661913,7.493240633603199,18.062580588644533,3.2295500371120096e-05,0.0,201.3750636763861 +0.9326357440891464,0.13064090001198705,0.40072690491119417,130.6533365587354,53.553220707930116,257629.25306962445,1.7249656360385734,13.84794474434656,2.073606540615969,9.933455779788641,0.3617447939933205,21.729820436957088,0.3481239669717103,0.7078946478977746,661.1298124043888,28.18346772495842,0.23022184899875564,67449.70970853264,0.8234658776566567,34.39213578426556,673.5456048551064,126.54293530309121,342.9201956087675,41.04096533927426,0.21674234318577767,0.1956303143556501,1.2951160895160643,24.029415022644702,2.59049690183419,49.12310361376475,0.0,1.1343209623220127,0.13566379128926537,6.295674866613825,22.26521159553478,0.38342570707266954,6.8424709971687285,1.6033010066721712e-07,0.0001132097967789073,0.2090015247669022,3.0498821784096974,24.727321346948294,0.23476571982309324,46.54746298343272,0.0,0.00014063033626880034,0.14466166884290702,18.44926170658138,25.47753723833583,4.095667031486031,22.429219259678177,1.9907974977412392e-07,0.0,0.21420094380332663,4.264794565041794,26.15551386807954,4.152022759765062,23.416015389756964,6.860480622981867e-05,0.0,95.64158165453556 +0.9412814714937394,0.11573916769017575,0.3471643067379197,224.1277834546346,204.11377664041893,322730.98822793824,1.6067394345618187,81.62361916282453,3.9291432048706647,99.17714952917649,4.3174130902226775,24.126845633564184,0.341109738311434,0.9461522848064963,105.55616402222967,72.35611500800802,0.33169809029642267,99110.88585806426,0.4626573837794423,65.32626364833487,4271.605541557398,280.95002717567013,334.20183336879353,58.310670162807355,0.19312951976248152,0.189961742810884,6.941108419155874,27.290865024789056,3.1354135568703696,57.53735590051297,0.0,1.2661985208909117,0.12720686855597735,8.933321279382708,24.604498380147458,0.3126665516983782,7.4308053379988275,1.6033010066721712e-07,0.0001132097967789073,0.20088874758439457,9.081716773694117,27.81546018930074,0.23419741347113154,56.45666558678436,0.0,0.00014063033626880034,0.11880539700055384,29.17447083239215,32.7743235773022,3.5868350148635546,20.999962985657174,1.9907974977412392e-07,0.0,0.18627769098232883,12.11222943812194,30.41304633035897,4.3658658453082815,25.115223802869036,0.0004120983907467315,0.0,114.0168640356067 +0.886976658966219,0.14348765566714933,0.43691894606206194,208.55815368083876,238.02243853932123,334963.91953920096,6.888052346844665,59.68361597349648,1.7462965867005025,17.444340286624126,1.765284430964113,14.722057866213323,0.7840559872896269,0.5246618441335213,851.9506845043433,10.274357099734303,0.13842299167382974,158469.89021654928,2.1328207513622917,96.96148123373382,3403.60883206995,220.55648833613486,220.3898350435889,17.53992825871888,0.34399187784767943,0.2010978286130996,4.3477405197298715,23.870613248646368,3.8480907347688826,6.512456930955483,5.19604583163673e-05,1.271482786204804,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21345250392742757,5.988269969504755,23.25420286195924,0.34083665620473946,5.362648206170167,0.0,0.00014063033626880034,0.31394185030883326,6.121016385397086,15.49887684272441,19.86219827125415,60.845121941660075,1.9907974977412392e-07,0.0,0.2207855397362956,9.146440205084891,29.873005807751213,7.875676894167789,45.803936684459956,1.8870652215128697e-05,0.0,2698666337285.8823 +0.8083115821227098,0.10955588630727031,0.3871538686333072,224.57905202988263,222.18728482050176,339626.89514418645,6.223433707451154,69.70922050947908,0.4636517491560726,88.6343565668532,2.526311765569553,26.006721745345622,0.40921522008515077,0.790046455544398,55.92892137677061,80.47024166578015,0.19658220810357907,142371.63389911473,2.8500531158001694,82.77085436488719,668.542762695791,290.52066868122097,347.42510466065016,40.092674376928684,0.18145568944736473,0.1936877853890168,26.164296005510984,45.73304166713415,4.033113826054548,16.94921346640086,0.0,0.9173665324027125,0.10529143544395737,37.44834125295158,63.53906049642653,0.7470009173886589,16.416183255030116,1.6033010066721712e-07,0.0001132097967789073,0.20190788425616515,28.991356325128002,48.951551875755364,0.3252098448390368,14.391559868749594,0.0,0.00014063033626880034,0.12941692354067735,96.17897772875678,69.49071165336332,9.312260040039774,10.21903503069348,1.9907974977412392e-07,0.0,0.19646906358004887,53.46983807685056,93.94556139695023,10.10178858881143,19.961644218371823,4.8119254716939996e-05,0.0,196.69781946383685 +0.8225613916594711,0.20899844479283752,0.32397723881444607,189.53463438976064,210.69100786126108,240289.15314891093,5.097399843133234,61.4706305910632,3.8168856210672457,47.74690347620046,4.42744949433502,28.47013980931785,0.33152392324073754,0.9929750837159164,599.7909787646773,2.950586343951123,0.2936985617255183,178104.12714780818,2.292631909106709,85.61068867477621,3567.1148967132053,133.00737744800722,343.6490012424589,58.008479733818,0.2793451072558105,0.1915460641281026,29.21164549164679,49.00983084292031,4.298841918978737,28.63951301605171,0.0,0.9280209342346696,0.1283953371962814,29.608227040173073,51.51054635842075,0.799458498134131,8.66914743126958,1.6033010066721712e-07,0.0001132097967789073,0.20196170785672984,31.29955749196469,49.55566361451169,0.3386687310404677,26.65210458506016,0.0,0.00014063033626880034,0.104474359929825,77.30199842687136,57.09381894660473,4.075752651907454,8.508526754834838,1.9907974977412392e-07,0.0,0.2003698482498781,46.80601607750455,80.04366398651462,7.195396804460842,12.950108269012782,0.0,0.0,173.17108361396825 +0.9804146535603178,0.1577705493201094,0.3210179425122709,225.6803092576307,118.57064611418376,334286.0586709681,3.6876372739245014,50.789954468394846,2.1655777212683587,19.806606113111144,1.546724718974493,27.062026138179895,0.5361427401628648,0.9823362174561368,324.1680875960226,22.13262116760037,0.29907099850329244,254378.0004873484,2.374378678879882,86.14683161284526,3312.0535049637774,215.0671388482547,347.6693294083608,56.791417410177274,0.2617956016985764,0.18858597348913264,30.871663349167758,57.07821219085623,3.4971762379787648,21.56347776681742,0.0,0.9182069159466866,0.12826738108906374,21.595949031308827,42.73258428574564,0.2571087978185226,10.797675993038938,1.6033010066721712e-07,0.0001132097967789073,0.20253003302548916,32.31675050144314,57.568744920069705,0.2528528169137412,20.173991488822,0.0,0.00014063033626880034,0.2911959800434324,71.0658312906869,47.78764832454804,3.2906194197861294,8.134373223944513,1.9907974977412392e-07,0.0,0.2156324551297431,42.37859625806765,78.88188445631371,5.434463897947629,13.224741463770911,0.0002910710223669313,0.0,165.82429458326766 +0.89922781832973,0.14928971418712292,0.33361917837190047,175.39169357329612,227.777224139449,309758.66773539013,3.8587307306581864,72.36224998187141,3.3396333839130303,84.4121526300644,3.0154691847209607,25.985606867901325,0.3937680856753113,0.7778937813550126,359.5601957606468,42.33900379920455,0.23248880565045058,222194.71862349537,2.246533260019034,58.75385728512592,1966.4892944691744,170.33710016735057,348.5268599079481,39.79904135545834,0.16024976285899703,0.19491931523863626,23.34245004296824,38.60234928115568,3.1812901848191024,19.481469446971914,0.0,0.7050253699579302,0.13448297578665822,26.59288741905236,49.09408747136274,0.41193056780410003,6.006165399444445,1.6033010066721712e-07,0.0001132097967789073,0.20660732403029877,24.157220162522407,39.337332279821815,0.26877688605705374,17.422514033605893,0.0,0.00014063033626880034,0.12528432385757016,87.6434819580106,64.57492149305064,3.077746821328881,14.493247649501681,1.9907974977412392e-07,0.0,0.21394140521783123,40.98579824695149,70.84705383346335,5.251511323327382,9.700388244810124,0.00011404648207643525,0.0,164.0281338430616 +0.883627750741484,0.1479929702577556,0.35485174515566564,235.40898704546623,68.42211827499408,132030.22294614138,3.37449013158576,73.97741234340691,4.100615271219854,46.27764330896163,3.0092434750795967,28.346899257652122,0.7006613128914679,0.9962958239006049,839.7065638900878,93.20541613637806,0.24723749112581964,202965.80456203848,2.900139392853785,90.72920284519851,4885.063053934379,251.7981469645092,345.0436401013318,55.17829742572622,0.20074562326189543,0.1899778618261061,31.983210445836235,58.81496485042256,2.6716249589839904,17.755608821343944,3.5453989224378126e-05,0.9096240629898553,0.10419709820942097,30.78076550543582,55.706058855715035,0.6381482751041382,14.109606442750732,1.6033010066721712e-07,0.0001132097967789073,0.18404102677419515,23.46437017076946,66.14619512268008,0.2987764469467614,14.424343349787703,6.37004048452911e-05,0.00014414060373783881,0.12513968080456317,85.89792893441884,65.42619778972133,4.7233734280486575,8.609457711406511,1.9907974977412392e-07,0.0,0.154371227840335,31.183961554377586,114.91662808184992,3.052672535303149,16.604666565373044,0.0005259482062102842,0.0,201.0184257294353 +0.9533735667075419,0.12721961175210156,0.4304210564215122,209.39468018003922,160.01076284593776,344236.15376197937,4.494598866280846,97.0391599101836,3.0303745659826493,76.44214681574098,0.9326058843497538,29.4573428762546,0.7205618110670448,0.9126889006199955,847.4070146153548,40.000891171166785,0.34965640634995293,257699.79690434836,2.193085147336089,86.52181099642333,1121.2691471467479,254.8082432292317,341.0856840112457,58.03611568880857,0.3445071011556269,0.18785991076937866,17.42248669653551,40.37438914868824,3.155231429597867,12.456113086301798,0.0,0.9283657840918133,0.12142280112274983,10.170552294423203,28.256347646478464,0.40545156146964373,7.458336081856035,1.6033010066721712e-07,0.0001132097967789073,0.20297050149305917,18.575474049550834,39.58977948451902,0.2704829576330781,11.549828848498699,2.2847184394084518e-05,0.00014063033626880034,0.35501311397036345,36.418390039443956,23.681776846109702,4.29003039552419,40.90142859714329,1.9907974977412392e-07,0.0,0.20572892956090555,18.114291266234325,46.279979995493704,5.168258870924738,11.440164641888058,4.076279833554994e-05,0.0,106.34565517530531 +0.9223253058227637,0.11403786100241622,0.3421762340354337,138.7162942604233,40.01419478032835,285687.9134858389,5.738461577973657,47.0668486271319,2.201622891530563,80.87304449794419,3.0669998194950407,28.331879902649394,0.3834380709845954,0.6791129455866826,765.2355351299616,33.99979885158801,0.22452113533461515,175025.2479393172,0.9408619261190483,62.512662590659104,3844.7663858575343,182.5687540785724,345.61947408043017,55.3053667170516,0.19182857818052845,0.19636354492790173,18.36094698931059,33.25927269506583,3.145242515416547,36.619438474958464,0.0,0.6605264800349292,0.1321878517917839,18.634948601439394,35.46258054037419,0.3047885716154065,5.506186077882023,1.6033010066721712e-07,0.0001132097967789073,0.20781001522818873,17.78628765335228,35.442047053189064,0.2792695006789681,35.27024339060678,0.0,0.00014063033626880034,0.13109291498004738,53.73965932860077,44.72388808932823,3.7828393459775613,16.511516109088685,1.9907974977412392e-07,0.0,0.1892450411580847,15.94803765409785,52.57280047161484,3.955158921401548,12.486133668727774,0.0002707407045246326,0.0,124.94597587358355 +0.9428263892513657,0.14551224841368085,0.44805387528223195,166.41007096497353,96.83254876270892,343091.06457783235,6.373789657908246,81.51642931895063,1.7440470928890677,6.195042889897394,4.569420004031576,23.79671864284004,0.7463410143471659,0.439302699312976,305.1504469412382,64.85409009584446,0.3424535530147295,85626.0646289026,2.9629907479388353,93.74719463999837,2433.122448752293,274.4233717635475,252.14069042569815,34.22119620996299,0.23711093847470294,0.19625185394458622,6.9190164474619165,25.58704125324998,3.599135454500755,11.634493918862189,4.402236713281555e-05,0.8030514529192785,0.11435735737190945,2.0556699055064254,17.691614843297046,0.46459807587284074,25.127323663709767,1.6033010066721712e-07,0.0001132097967789073,0.20811118290250416,5.844262491446915,24.932498741678376,0.2912665695858134,9.442357312862732,0.0,0.00014063033626880034,0.3008529712822274,8.690835141235702,17.404940969835042,13.135668871958899,54.24442684984548,1.9907974977412392e-07,0.0,0.21347822458084556,6.642462836756954,30.453214689396813,7.273240376928839,50.68818905109754,7.864004081994416e-05,0.0,98.14675255954742 +0.940422749838818,0.16563286455613274,0.3695494521208292,78.87604081285109,150.37572760317988,275682.04057686334,2.935404521482094,54.59639759372389,3.2023063749089986,47.94489029485344,2.9862699504749126,23.34584573053898,0.3084304755953625,0.5753303884618137,412.51201465483894,7.941431778084841,0.14753374285584706,102255.26500226982,2.5287543531798633,86.03717843210357,1603.4544588307306,279.9253794676185,342.81121711518017,58.2932891315105,0.17351646801320691,0.1958344136712438,21.69503291464795,43.05921619630426,3.328025837517478,24.834929365511474,0.0,0.7545138359945042,0.12196933841926169,25.377003214108992,50.788201509923255,0.22678941430643504,18.193077983628463,1.6033010066721712e-07,0.0001132097967789073,0.20731445005708865,23.793555531996333,42.07061867660239,0.24226640158272322,21.182043592425536,0.0,0.00014063033626880034,0.10586104014061311,74.71579378284916,53.934032639217016,3.919732234674545,12.52871482588118,1.9907974977412392e-07,0.0,0.20849961201510356,39.55097744211487,73.6113115740569,5.429670615558244,24.536681684670434,0.0005374736665560408,0.0,159.9084710827157 +0.9169035116177068,0.11464922928999051,0.3280864108029595,135.64377148281372,28.9287244107787,271160.9404001199,5.823122931682003,24.992143923357382,3.6176040019550517,27.93723209599619,3.0506770746262006,29.385208143945327,0.7664076748806752,0.6865821940460078,375.55962927239227,42.62010931896902,0.3040801698658191,54448.50167240083,1.1680631182072476,80.61930866208598,1808.69898564082,34.089352584631236,332.18684822422824,48.318048953209946,0.17494710488269233,0.19559842527151022,5.4608460007398,24.418628658378616,3.2652852024258503,58.252132991695554,0.0,0.8075421953424319,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20763239617872215,6.288010845901901,27.203675541522916,0.28153184039668083,53.175121920804074,0.0,0.00014063033626880034,0.12852238990254802,29.467136879739048,33.35430828711476,3.8272932324136963,20.025929861958964,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8823235110043269,0.11408060004405765,0.3793814505230933,41.52054033324616,41.11800482742321,136379.70039504164,3.2991911862559102,43.06236227783901,2.143616215582603,92.72442448066894,0.2791662890365685,28.09117118566522,0.3261030283113587,0.9936334095527054,721.6231860371005,18.631974418346935,0.14128463930023932,53822.23641567454,0.9426362420984454,42.95090574704537,940.7235218932503,127.69785805990155,344.0225224672986,55.1815753760632,0.20733243850722596,0.18909456400024793,6.157205321883948,26.20988556757742,2.67963842610893,69.42587792436909,0.0,0.9496225022868658,0.11586368251390254,12.788157143170702,31.963720722451953,0.26013640368199803,10.314745701211523,1.6033010066721712e-07,0.0001132097967789073,0.1996885788426861,7.391926618694196,27.73823509900565,0.2679716604358686,67.35887679093058,0.0,0.00014063033626880034,0.11595516139377424,25.18476899019351,34.29687206746977,4.81522876484418,25.08208707175262,1.9907974977412392e-07,0.0,0.17670067004431794,13.70539931433698,36.47509920625267,4.347325807975698,32.89054651744495,9.633336401605747e-06,0.0,131.4833063704309 +0.9835763813839203,0.11661262384553425,0.3719624074241311,143.02523627520964,124.78033454391674,110680.03125820233,5.119896629427802,15.867166073688402,1.301117395539596,86.43301361161275,0.506008552036828,20.656645401826992,0.5846503747819913,0.7855200879555079,43.81461459459801,25.779450643906063,0.32935905590650694,52408.83907786918,2.999091038674347,93.72365072774802,4209.323954121553,296.95287132174144,278.24310500745344,17.319320406632038,0.22956124009950113,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.1284365324277683,2.2096255828781057,21.304814373043833,1.2404178427210821,23.504725730620887,1.6033010066721712e-07,0.0001132097967789073,0.18866431792260482,2.556180088235588,26.182810646500272,0.4210781400864204,11.311956361009342,0.0,0.00014063033626880034,0.3506096558596131,18.01949571711072,19.824175520521795,7.029272654940344,43.68629243866845,1.9907974977412392e-07,0.0,0.09661957160947207,2.7461248753340093,36.873153415644424,6.5944615947860905,34.15920636479025,0.0,0.0,2698666337285.8823 +0.9598316356328944,0.22849188212571508,0.34834670038685484,222.21746462128746,25.03700201191016,315586.50246665423,3.538128198828632,10.73468654238544,3.414916301348988,84.0440856266553,1.7527154014426378,27.786639336555446,0.3878287593860632,0.9962065286112817,271.3334562924654,24.39486621212849,0.14076040054028077,277245.3095134478,2.956327883637718,99.62217537347156,3332.7728353785396,279.07405130070714,341.4228149109215,37.275391651121055,0.19491044423689774,0.1877405041748893,29.35906330056363,54.80033948006841,3.4022541766020695,10.174340549883238,0.0,0.7895761632072639,0.10739078227740326,26.55783411391863,52.18833255663156,0.26694258478326943,14.299193332205405,1.6033010066721712e-07,0.0001132097967789073,0.20052360108786896,29.273058910032226,57.00671881555639,0.24365691325519306,8.277048006189128,0.0,0.00014063033626880034,0.13803955999249623,94.16791426196468,62.75086823935008,3.6981241032699623,6.119982401858935,1.9907974977412392e-07,0.0,0.14648919649797534,51.18803385648918,103.8130294769542,4.926303622985323,12.84653966512773,0.00023265769639945188,0.0,195.53173842139174 +0.9523182820554538,0.19360674910838846,0.42774780913355837,242.9779641814283,92.37509305810164,297727.2439635609,6.623174410448691,35.61965683914569,2.9839444717525616,37.91210947681093,0.5272303454041596,20.96463523217847,0.5860835298197076,0.9658552568873808,957.6080268502158,69.13786317988829,0.1611329439576718,55447.99230939773,1.3697267089603966,18.137775242290253,344.6052263959748,278.3410024526234,228.05638401086134,15.3107742984208,0.25934684369395783,0.19457975228425017,2.794920051350311,24.858147920525816,3.139725898920111,17.517203882076778,0.0,1.0379441141360237,0.13255685619699303,2.687813657358266,13.913867135337759,0.6325643613628176,3.7794075874807675,1.6033010066721712e-07,0.0001132097967789073,0.20572350078821403,4.1068447898197755,24.603372267203305,0.3213471535704856,8.774088244153162,2.7718031157492186e-05,0.00014063033626880034,0.3548446971935612,4.960100712104257,13.806266477231878,16.816711676306415,57.72237892154637,1.9907974977412392e-07,0.0,0.13427259551231657,3.74722686877171,32.78068297493149,6.019915277520993,48.94066759799559,0.0,0.0,95.9608573674494 +0.872077741604345,0.15577525024196362,0.34867137833753004,28.537477690554454,32.898183083526376,181874.94323780196,1.8059775829744655,11.206219321441964,1.9125578978701951,22.205497666939458,4.919523715904596,17.805155482107626,0.3197328556725731,0.6577235181503376,775.5997631227531,70.95983329914408,0.18067619089935022,55629.31082807506,1.0184691070759975,71.01851112133366,1739.1454074698863,257.72211519666496,327.4898816629759,46.73373836736811,0.16418970249603726,0.1980058550980527,3.2253130585182515,23.679928788667198,2.376260662973631,52.78326041270873,0.0,1.2956605448351264,0.13967980718212397,7.651034546746894,23.601325476795136,0.41599208715585456,9.861272547988206,1.6033010066721712e-07,0.0001132097967789073,0.21133890548251294,4.763741275721832,24.805393740815976,0.23656905684814844,51.45359550158928,0.0,0.00014063033626880034,0.15291468446845938,22.359323717288355,27.521356641620237,4.588747712652647,18.75667983109597,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9115378307249404,0.14525419075891827,0.390669056861536,42.561201985827466,249.9029175518688,324244.96330990567,4.717632341470834,19.257352139645636,3.1438382703311087,40.44528828360585,4.386312756055023,20.405353501649977,0.4148978036548846,0.8764457785286655,931.5419690801515,25.47566331889363,0.3337615889610259,72811.20679427356,0.6780735583890863,43.52056586864658,2710.8436278402082,258.7168037990622,344.86758075213055,53.83601933779985,0.1793166662629129,0.19343578910546463,5.935480398127091,27.00676439298491,2.9137469627129358,59.26967400274042,0.0,1.1216789793863435,0.13496020814475984,11.819261089372953,31.60705841293884,0.21125031914244435,9.510612207339722,1.6033010066721712e-07,0.0001132097967789073,0.2053710441681897,7.6771317321813255,27.77332251743749,0.24478225319572144,59.793630179271986,0.0,0.00014063033626880034,0.14441695658665538,37.55366463305165,39.553109535689195,3.681478704075573,23.981124187017407,1.9907974977412392e-07,0.0,0.21346454853985514,12.655392291654891,35.55746155596606,4.550776781826514,27.355901256930714,3.4897531182572105e-05,0.0,125.21642834220165 +0.9614361815060172,0.23705109245272205,0.34648467641604513,198.30393461050295,226.20633124065202,310322.1998468039,6.078694433228193,89.47334815512463,4.89791969482226,47.335980893209396,3.869436435276133,21.120180839128828,0.5773578838543412,0.9338879398849345,939.8130096494741,97.44898546336645,0.2893709764540072,219417.05908705984,2.925589779616616,99.32959468667747,3544.2611520573323,293.72068993844556,349.5991797949673,58.83932848692909,0.29112892780510125,0.1893321767487387,35.454575278246296,63.97193717398218,3.0613680802382444,20.525605377361348,0.0,0.6964712030831821,0.09445023289695395,23.137819018512868,41.791969940611594,0.7670621805432533,16.648024617132627,1.6033010066721712e-07,0.0001132097967789073,0.19504235312357118,37.73127990395148,66.2716084637908,0.3303134333638409,19.171759141726152,0.0,0.00014063033626880034,0.34717630709296265,71.27248616075205,41.918570941056394,5.131826649998694,25.799424220480194,1.9907974977412392e-07,0.0,0.1578296834571849,44.19362978841846,91.83875090365841,6.219432311641512,23.56418802941285,0.00028977473213778033,0.0,181.75257953717914 +0.9383173914097755,0.14017263912144878,0.3322820240297125,124.34694934450192,232.11723997982605,272991.1729289623,4.148233296142066,5.8225180546000885,1.8725936556287603,65.67755403388347,2.1026504174765352,19.747749782051297,0.393576369604048,0.9323913108011548,466.67534543503996,99.66302021943608,0.12685758459368135,79590.64524392449,1.4346250331316308,52.330379644990096,4237.166882538397,28.430834604271077,349.616197352595,50.19902068021523,0.26021687718957315,0.1937995036778616,14.223704992682949,30.171104927334635,2.839111293389866,60.37079568079479,0.0,0.8865945174032834,0.13437843080870288,14.307310559813954,34.054967366969755,0.44542872774180264,9.594001550078158,1.6033010066721712e-07,0.0001132097967789073,0.20539842486453608,12.757314840294736,29.17712535124815,0.27831363504211326,48.40933165955124,0.0,0.00014063033626880034,0.11713445656838446,40.57878780541392,43.31588836101027,3.0392898413874034,17.732060489322222,1.9907974977412392e-07,0.0,0.2078558739923816,19.859464365307556,42.96099351068121,4.840232639513913,24.386150237772497,4.172526079649526e-05,0.0,127.61366057441901 +0.9864219707025641,0.2541581968853572,0.3468761469371719,234.81575810851353,235.48899635823693,263146.3295754186,6.475455363114835,33.078836373946444,4.66243860855058,64.65868256636121,4.251759402252996,27.734303371811766,0.3263179375264301,0.519453785665831,795.847759241769,55.40772548734812,0.336587419085011,211524.61835855024,2.964783787375523,85.8467170745937,2486.618296814325,86.75617097548509,246.05664625185034,11.818882127728632,0.3193826659942294,0.19922498794335716,3.1467666188594543,24.131093315547748,3.150870372422807,4.565108019407606,0.0,0.7775044933186092,0.13631150347571397,1.5578903682594072,15.435758564504269,1.0285850309017222,16.247123464480662,6.460458011230431e-05,0.0001132097967789073,0.21214230647894075,2.326132312996703,23.860197395034085,0.37454223199442527,3.262377912116988,0.0,0.00014063033626880034,0.31454174349601505,2.4527893029967056,16.257165397709276,18.09124506756184,59.00407681905756,1.9907974977412392e-07,0.0,0.20850135660381222,5.74142910481506,29.80984044129818,6.947338858770539,36.908502837957336,3.015985713540758e-05,0.0,90.1456027763696 +0.8658199587644084,0.18998240374009842,0.4490814513207248,175.24794595727798,146.60074435335008,183196.49429145316,6.308088241745234,26.355009102851994,4.663534141198918,73.96244920428173,1.400044225980256,18.87595633490714,0.3537825243417486,0.8573687440698563,44.99368884464394,32.439899799854054,0.12497587729979447,177733.22996123641,2.7640578063179664,97.02186671568303,3035.9530719398053,278.9460612911062,290.2376848073106,10.993672213612115,0.27936198405513063,0.19772415766434015,3.2090589829009395,24.94432671150405,3.7011904904802,9.744736888590458,0.0,1.3651369137960532,0.12908131412198212,2.099536090883204,16.117579575264397,1.0809790808609347,19.110433221174635,1.6033010066721712e-07,0.0001132097967789073,0.20864606781550302,4.241117280018837,23.673039682071018,0.39191243974292744,8.335191340075408,0.0,0.00014063033626880034,0.3463371799695678,31.70981201124936,23.876354974930216,6.905015127607718,42.122153890364224,1.9907974977412392e-07,0.0,0.1537828354427181,6.026316935228406,33.67802798595413,7.876759469431217,34.73828757244825,0.0,0.0,88.64952789264456 +0.9765181386459967,0.1506372817592151,0.32848082260262107,125.15153456806503,220.66309051677794,241135.79332090932,5.824160318089296,84.49920749920982,3.536617254899922,7.519341564777582,4.2247169557360875,14.011732748419439,0.3380609768648756,0.9769884468820815,885.2614881064434,1.614902988819459,0.17107478510685653,57138.91929723868,0.9957846836664037,94.72704255709888,2413.4607630427845,169.50849372976438,330.4720656796065,51.33962906358096,0.18274059985290186,0.1943781259114287,7.147710983354425,27.08583401499144,4.513931693205158,64.31722928934809,0.0,0.5816152208903328,0.13387612143291727,7.351179362586534,24.481354476178623,0.7721300550673957,10.180553220955892,1.6033010066721712e-07,0.0001132097967789073,0.20747599354470989,6.5197391507399205,28.747597500496216,0.3379093153866447,58.62896740861417,0.0,0.00014063033626880034,0.10957258587103312,34.76170885445614,39.87216674219747,4.158961543811249,15.818174798776758,1.9907974977412392e-07,0.0,0.1939621770511035,11.154483979331378,33.55812840401284,7.489582300532733,19.983586816187763,0.00020059557834535872,0.0,121.56481374069143 +0.948922676675296,0.23485262537246998,0.4053667446420197,237.94932753533055,198.9211016750238,278300.5017413095,6.990874437082809,34.52226982923443,2.917840015632754,46.24209352974787,4.018436789646115,28.77127402098592,0.4502689912852248,0.969784587456921,982.9343094566119,87.31502422787048,0.22457777336586435,297807.17714886484,2.9653681257262257,82.18789360360991,3046.670836525087,256.62994382260246,335.2805839716332,58.22697282573773,0.29740082199163886,0.19158745811279868,26.86662789599045,48.94270942837391,3.0582568094471254,9.486607078958857,8.830238991451002e-05,0.7345655884964585,0.12836956006997902,16.080536191346017,35.40985884301754,0.9926712845097065,9.964217638381454,1.6033010066721712e-07,0.0001132097967789073,0.20147124000728264,26.01789747408026,51.64737247787873,0.3699783829270237,7.677979800307812,0.0,0.00014063033626880034,0.3535123402213857,56.6164861608171,31.96086085928188,6.890020986323171,38.742722318651595,1.9907974977412392e-07,0.0,0.16477714716253083,31.218477550471853,67.99668162964782,6.977508023456156,10.928816500572905,1.628052700043519e-05,0.0,140.62425998588225 +0.8669982645166269,0.1291918927908092,0.4490814513207248,183.39632464804728,118.03411628726921,135917.0544458729,6.985454868837378,26.506102266427362,1.1785813021889249,73.96244920428173,1.400044225980256,18.40091112985725,0.3537825243417486,0.8685870228948699,219.10855933068527,32.256141653533895,0.08429145152881162,177074.45357999086,2.7640578063179664,82.0256922157572,3035.9530719398053,181.14080604155967,241.48390599966103,10.998567937468938,0.18417225331270948,0.1992961530893971,1.5586986867456212,22.595085145918297,3.530441176929464,5.630059117972142,0.0,2.501608701219336,0.13214407044074336,2.5812652731682557,14.34267038375807,1.3803020030097355,17.513847236150507,1.6033010066721712e-07,0.0001132097967789073,0.20882976777944365,4.93866518461823,23.842764875584834,0.4425399632027365,4.843782510860379,0.0,0.00014063033626880034,0.34972214863839834,5.674625690190966,13.942501135803345,19.059233280009135,59.93067364269163,1.9907974977412392e-07,0.0,0.113320154538501,7.031125290165869,33.65287787022768,7.849684325863058,36.74557098719838,9.24413306459408e-05,0.0,92.06794380906116 +0.9210525512340021,0.23042184005658325,0.36646310684084843,228.4064712003334,191.88873686641364,262914.61155962344,6.529677096637403,13.939971382625275,1.5193962694394587,36.61754265311961,3.0238331599087465,25.48329303154786,0.4612843684195343,0.7940898988135204,369.51712618688725,74.9450515426681,0.32915372556429645,185171.7870272845,2.835190751400681,92.03914480101889,3513.2786251128346,298.13613304832796,343.377263402531,58.975783469823824,0.20922540893343355,0.19307574170985728,29.838900996148215,52.481180682493566,3.27574635075236,18.45485899580145,0.0,0.786703140583474,0.0902855647592463,30.03282414479652,54.199367273361425,0.9591189699320586,17.94933997479169,1.6033010066721712e-07,0.0001132097967789073,0.201470063512047,33.456959856901754,55.69556443522655,0.36523095311452414,17.32344770646228,0.0,0.00014063033626880034,0.18892036743894944,92.13259838934897,65.15419510828762,5.23033535282345,6.771295110284597,1.9907974977412392e-07,0.0,0.1823690694860048,55.54243853848414,96.54850836341738,8.332266911078488,21.633531887576435,3.415735993028647e-05,0.0,196.03995889641456 +0.9873520206913787,0.1507304459997826,0.3332108040643215,11.229880290971451,244.35033828604102,234242.79710991192,3.070177944277728,48.037271332477324,2.9785066415366783,35.35872161600058,3.2618818683786412,26.523379143106865,0.4337717841706352,0.7420075071008483,395.6143958478018,72.50697292328014,0.07271667267553321,92575.51392948425,1.1596145295478755,27.514582281660477,3936.324059206302,229.5676030698611,330.5320801193702,57.5159476859986,0.32890363966370284,0.19357336029506916,11.486619602878179,27.797316547925682,2.466999873951194,47.473465199270436,0.0,1.3151301042627281,0.1311775554192835,7.608113601987193,23.29647439809597,0.44210603001883025,6.076395002860071,1.6033010066721712e-07,0.0001132097967789073,0.20574210693287645,9.387564207726722,27.345377282354136,0.23999590521054096,40.306913728527064,0.0,0.00014063033626880034,0.12620356621361822,16.392098051381602,26.12727985065116,4.235482214605824,17.3670528562042,1.9907974977412392e-07,0.0,0.1998944221230404,10.483933876497169,33.76869762992895,3.8567005195640807,19.856797061386118,0.0003904455819755777,0.0,95.89032039699897 +0.9114202396339397,0.2274156773263254,0.37395265793664495,232.80868972862922,172.4198133999631,178089.2176283268,4.5255065729591575,64.52635875685175,1.3259979319042146,98.44172709496888,0.5964681850488955,26.053460081472675,0.4515062143618637,0.5726037044915943,838.0983400072103,38.713492173839256,0.08739474403029063,293393.91771169845,2.8258467381157364,90.71758459044129,71.00903867954912,224.07211299318593,348.31281408316454,57.880002344232345,0.16155927847803103,0.20055392624719112,39.81065171251478,51.63749148077569,2.8380863323102448,19.10473053338706,7.634897529742323e-05,1.7515255403010015,0.1377972260466164,35.27070283360806,60.00601526191722,0.9506800608482403,10.46423192611552,1.6033010066721712e-07,0.0001132097967789073,0.2123513970698328,35.37513309423463,50.74432256466634,0.36670098614404784,13.51723719097261,0.00010923033017186123,0.00014063033626880034,0.0976963069170941,98.4335383150474,67.41917077385168,3.359781032574616,6.077981482077472,1.9907974977412392e-07,0.0,0.21500587349809352,26.705411240099735,77.54098655670462,4.5265378032417924,11.953626320477092,1.1588402634542613e-05,0.0,186.45073081669923 +0.9883217968641552,0.1480223518892202,0.3878802777434424,228.28251511224244,113.47316779751085,318982.85913357185,6.194064639574922,53.856771810126205,2.036307687480136,41.65916839712662,0.29977756795744276,27.949684387139218,0.3047048160176804,0.5376942091429685,341.8972578456128,1.089920256181215,0.15543425861398474,226690.00511537548,1.735085237878407,57.70706717025775,4847.9784614574255,219.35432342380136,340.83480928203215,56.476375126330254,0.34437137090058384,0.1973364513148805,15.665348421576107,32.22876092792883,6.638161484506935,18.410919135042228,0.0,1.0759678505390802,0.1323446532136114,9.475138728150489,24.087256289595913,0.5905142833856706,4.225362863856437,1.6033010066721712e-07,0.0001132097967789073,0.21079368812505989,15.172839342693194,30.116649944282823,0.30955558381522597,16.23476685606799,0.0,0.00014063033626880034,0.32585349212959663,39.520086024216006,24.44394209840312,4.716399746171369,28.517092032050343,1.9907974977412392e-07,0.0,0.18878623243018297,6.049920377348201,31.539576605225214,10.740768834790043,7.987672652576067,8.436165249508666e-05,0.0,89.2351800277727 +0.9718222781031309,0.20729171202659602,0.39869549020006245,160.19574367766447,240.98352711898337,348239.7472370503,6.4443620127265575,60.82078033169252,1.9669837823074439,89.03476596243381,0.6842142191803342,19.30937661312645,0.44452995125835887,0.9433956859090519,981.4204507821,51.105228428665775,0.07160466655088557,141118.16988135327,2.976392721756347,60.76044402640298,4607.351855134463,276.2104479175824,348.91754231211286,57.45217747133689,0.2649903340659278,0.19668509440658016,37.65438925341475,54.51042175654419,3.307090570967656,26.384856746931376,0.0,3.4279317993946696,0.089384160662804,19.078234064645834,39.221716864576074,0.6673492305475205,17.592289174916637,1.6033010066721712e-07,0.0001132097967789073,0.1994578367102974,29.39777264334365,54.29612243010087,0.3136106938417409,16.65197057164808,0.0,0.00014063033626880034,0.3041079134132158,60.76523481156537,41.662485473272355,4.870025456061235,21.17611856287538,1.9907974977412392e-07,0.0,0.14933776894824194,37.44482295092567,82.65954092421705,6.0163200740457174,16.970251281637985,0.00010541797810614425,0.0,160.83982932407054 +0.9713156018006983,0.17325919677728574,0.3665788845522005,71.59707645406803,200.20021945268917,126908.22762165355,5.710667455396356,74.48968460457189,3.954355544654731,65.25827598481297,4.307767746967944,20.219057575911684,0.7643675199791832,0.8196818618306301,743.1359182156405,88.85821878988489,0.2475822925763045,108290.79246703767,2.5068505007512867,97.63103293988904,491.77318798023066,286.8766494521488,342.07952867886496,59.46363681353643,0.29693250436642965,0.18713111946241281,20.217790953376227,42.71395421304683,2.77927419837039,25.203572658171986,4.888096758692794e-05,0.8150959604762573,0.09310779188369075,17.035318023126447,40.52933261846406,1.0594530654263656,17.818668302203697,1.6033010066721712e-07,0.0001132097967789073,0.1924096661818794,23.326795645565667,46.80456480635065,0.39379016815012524,23.63680822886219,4.054485915282867e-05,0.00014063033626880034,0.23248208362676356,51.91039343848228,43.95244757664277,4.214948955153653,12.14775301815284,1.9907974977412392e-07,0.0,0.16413871457474777,28.15169606894096,62.44829906494436,5.277759449623261,29.72541836723786,4.557118233977511e-05,0.0,137.1777378319258 +0.9791771744491016,0.24026329702278293,0.32262701371558494,133.8344333233411,230.32051687420346,335836.67837717093,4.815770768418435,64.53801451225807,4.549376128741443,67.18946063384206,4.130265514333152,20.852415580904342,0.5649306465241706,0.9803962261457319,766.9760174703006,56.3904867688515,0.12051359192479584,138487.78950155035,2.6806694603101993,95.64950348790111,3571.0014639969695,272.6802829927607,342.4748787798026,59.76534892751394,0.20172587554078747,0.19160278988675666,35.67290769571307,60.753535943469046,3.079065551404155,29.929931142944316,0.00013597608889932996,1.1656720412695887,0.10361528601718172,29.402655943641157,54.27209664378205,0.4283538396287606,16.807220723131433,1.6033010066721712e-07,0.0001132097967789073,0.1996176954339904,33.50576748970572,62.55039496501028,0.27376791310736037,23.05912876532644,0.0,0.00014063033626880034,0.1145933935357898,85.56117940179747,68.06942248949159,3.009581077459443,10.192637308168027,1.9907974977412392e-07,0.0,0.16514011076277382,58.78725790553104,113.50138811719444,5.120817584706679,21.295862233214212,7.52700445215407e-05,0.0,210.74937336749002 +0.8611951238849637,0.14333616511701702,0.4218665088592939,181.34555086526422,163.5297907350028,285288.3491817941,6.1556633451791365,60.781592279673795,3.944732315747779,95.46981834824548,2.8204482633277026,13.316377696382833,0.3232741186458742,0.5552323242523943,6.674970084756893,1.3288034458772913,0.2435274462177051,147142.84047406522,2.9298575572598335,87.1252025664519,2778.1391142172424,35.74712293261611,251.7088736424274,59.039532852150934,0.18343910239787198,0.1999607209458718,3.983531517673025,24.4550859149907,7.880113925026973,3.8579656166617213,0.0,1.3016320753470743,0.14084401933833743,1.496606414998751,15.406856178431067,0.7285679138200373,17.33566402455811,1.6033010066721712e-07,0.0001132097967789073,0.21341816810802935,1.880021112601318,24.21291474902968,0.32955166378276923,2.5392735933102033,0.0,0.00014063033626880034,0.31663792326148965,21.36567496249311,19.567801751777665,11.094873479811852,46.084129742652166,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9754828355409727,0.13070173178742567,0.40596165448928007,97.60268871666574,171.54026560208092,325586.97401108313,1.6302019265674788,40.154305959014934,2.029832190581054,18.947456105854673,0.45998893526756457,8.812104066449072,0.369632389259086,0.9868714847457748,664.3875997825917,79.83697351257642,0.23301391600719398,67851.21528074992,0.8001364081584448,34.71971998654175,673.5456048551064,181.63947799701216,346.70352063382444,20.342173781281346,0.15776493346730663,0.19540836287360488,1.8031887951654033,24.45617470164393,2.7090728604127072,34.42143431156908,0.0,1.099099442099813,0.13958634293106736,2.2662714108093875,16.158950607229876,0.4016399293512309,5.220556988724069,1.6033010066721712e-07,0.0001132097967789073,0.20958441714066797,1.1293932148968517,25.457600403635887,0.2357921754482441,32.86671629722974,0.0,0.00014063033626880034,0.15287015291752215,16.33962048429031,25.95825238377785,3.712960259016818,21.219843791763584,1.9907974977412392e-07,0.0,0.208628799394965,1.1199770876895065,25.414955318616798,4.028400338826732,14.427489065034584,0.0003309759214627487,0.0,78.06822749135071 +0.920211722699565,0.21678232267742778,0.42372785207200364,248.67666641751754,172.7512829169952,285164.65727183426,6.2332281586664715,5.854417592948538,4.720409110621637,92.19537268242635,0.7006426356742634,29.90058477632308,0.7775659631047753,0.9595285494538889,616.7861667551838,92.98973813036031,0.10847668724562601,53792.165180128635,0.7231764476765272,90.8636515610079,4958.376410585198,293.01596140207755,342.5839998505852,35.474893806500106,0.18120855193063118,0.19602793990021014,6.437088276367762,26.15982750769761,3.087832990939912,66.519140758477,9.75351085193856e-05,1.9502658647482172,0.1277567248570143,7.87468541819742,24.47693674412051,0.8378699818600389,8.23374711204962,1.6033010066721712e-07,0.0001132097967789073,0.20286282538233436,2.3824131848057806,26.064787903429163,0.344997412103237,50.831953589780966,0.0,0.00014063033626880034,0.1076348676497198,43.691119919543226,45.26344718832107,4.255073385871545,16.545746062855223,1.9907974977412392e-07,0.0,0.2027563402329736,4.607364112676458,41.06015640859753,5.587948475754072,13.718722219659755,0.0,0.0,123.85028322441227 +0.94661252822685,0.2447875538546812,0.44130676175003947,199.1355275400164,236.070901972258,315486.28894288215,6.16167655666041,91.70821125964918,4.254390635465852,99.80091418732363,3.914452777079971,27.055678417893947,0.4436906432179592,0.9627454216684037,635.4713490981279,8.250667814710633,0.3432578019576169,255638.12175372028,2.799875189373687,98.69582476264512,4828.344379400898,292.2843645961423,347.874542998609,59.36765536918499,0.18198358849784138,0.189365621093103,31.02240496011777,58.509217746014116,4.008184100969212,14.80968711749135,5.313590677089712e-05,0.817832299366342,0.10107067006451075,29.249616983622786,53.90283370803174,0.7773143778453243,15.979066268587642,1.6033010066721712e-07,0.0001132097967789073,0.19965000015116566,34.24181073265109,61.47147351877726,0.3314335431067777,14.061238647158897,0.0,0.00014063033626880034,0.2917849215725955,93.87996909761775,58.358525323183095,4.801308520630167,12.92076256888368,1.9907974977412392e-07,0.0,0.1363082618370602,66.2736656286666,114.87898651544728,7.162966408397439,17.604939058735013,1.3925028840068747e-05,0.0,210.11382236147062 +0.8966609296596668,0.11661675070564001,0.43261638098158306,23.72145581581904,124.8035956325062,300857.6676783301,3.255323305616203,42.135927540364825,2.305409109908011,31.547780097128896,3.2952667094691193,24.056566313357195,0.36263441637393123,0.9019769475182222,704.1605710809001,45.16129137631177,0.29805657144343045,119777.72131602213,0.9419606259695181,84.38971657796381,3395.697638524244,131.5046354356051,343.95572321154344,54.61424392454303,0.17177004063795895,0.19052581188897377,8.157096707182921,28.816918556152096,2.6493618987905934,35.16715605834748,0.0,1.2729884379821577,0.12914784481085856,13.00677104807696,29.8271718443808,0.3842620065741348,5.732060750298504,1.6033010066721712e-07,0.0001132097967789073,0.2034382837569245,9.986425990027357,30.22006589538124,0.23650235496622507,35.65717183919702,0.0,0.00014063033626880034,0.13462080866608914,37.138345322767684,36.67476990542909,3.867864763502741,20.72268422295552,1.9907974977412392e-07,0.0,0.20032917974526324,15.591447685360334,38.766642944747026,4.033890381607362,17.749379621684632,6.405605018672457e-06,0.0,103.75321467609463 +0.9366083330272089,0.12296613296311487,0.3446730279736842,77.32740394593549,105.20960426587077,110399.95623371932,2.8315987497450585,26.9881209002777,3.6792207862306263,37.74617247648096,4.188802026232692,17.864385434958873,0.31539601064018946,0.974804338575219,603.4418260216536,17.977218573665606,0.18518296075456248,257206.36878113018,2.396095514420396,82.6564515628237,3236.979902264693,226.42788495905248,220.20401878903058,31.20317218830856,0.17154615798493164,0.19101857621778284,2.2063063264432987,22.210487844673565,2.8370241154194327,6.009324998847883,0.0,1.0399852351083374,0.12757421440006414,1.3774799949559773,14.808571772545978,0.5380192895685737,9.649871511511607,1.6033010066721712e-07,0.0001132097967789073,0.20316684284480488,1.5993197520024076,22.2121722094626,0.3126545390853563,4.4803025378957075,0.0,0.00014063033626880034,0.3567603800526624,3.88686650904446,13.985888839099784,8.695305381956068,49.30592099493189,1.9907974977412392e-07,0.0,0.1942062889598324,6.3068767338498954,23.580616673034474,4.713538932126482,8.843609845390123,0.00022713954993915583,0.0,69.19558461126242 +0.8987441276147249,0.23598515147130122,0.35975899398877864,234.28944336295226,109.59178559855278,301421.0682201935,6.533334873852425,99.85502872554756,3.557222785202348,54.036802974990735,4.37741846814907,18.706727962078514,0.7930424624754372,0.9807259961236289,938.7865278502956,8.010948910113862,0.214746678552625,281590.8210408238,2.876677046996499,94.79956558138679,4818.680270587816,271.1053077741044,342.21097307989317,57.98731816554056,0.1786030319559588,0.19573341647696585,36.96597224876542,58.592188182659406,3.770058039853935,16.089941781494826,0.0,0.6138671666537002,0.12676883675351222,34.50514207342665,59.97821574209498,0.6637806244859559,13.069393984170588,1.6033010066721712e-07,0.0001132097967789073,0.20638981203352405,38.43433924308666,65.36708232017097,0.3233186977318678,13.441518373431132,2.0142207633159016e-05,0.00014063033626880034,0.10177973752591044,109.20739033264792,75.70395961590195,3.572849194095367,5.857889104369766,1.9907974977412392e-07,0.0,0.20426941518816336,51.36779025802338,95.74344723842164,6.04916842526947,12.41599412342968,0.00016363717119484411,0.0,213.69103258710086 +0.9558022763947295,0.22878172444512226,0.41588230608765314,199.72880303090062,45.731758886667144,291799.8354473208,6.495946830635524,94.79971203954474,1.9324492905141737,70.84756631729671,3.241063471428048,21.32754690267729,0.7007221156774349,0.7447766730544173,831.4685221901715,84.11035722881618,0.2193833639451446,118081.12847226919,2.827313974184926,82.52719683284782,3976.3505971512386,264.7830433749339,349.9767267686971,55.76188034248075,0.3427330646065852,0.19104295580806746,22.230418882836776,41.92644018980568,3.053256081305368,22.083781136737844,6.389228568479315e-05,0.6913564539056132,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19396902364074176,23.856758969642602,43.36707275139509,0.2987758140136589,19.790384506050415,2.0402651519669658e-05,0.00014063033626880034,0.34113956756824293,40.81915593790957,25.059822072939784,3.6438845974432157,27.562953930108225,1.9907974977412392e-07,0.0,0.17874696436512413,24.380186514458845,55.24757782703503,5.416640793583894,30.514301501960723,3.627226881280426e-05,0.0,2698666337285.8823 +0.9521052408954209,0.23326329411699648,0.4300056749073014,190.46683276374728,249.8421299042191,344133.87738208874,4.82145178308815,57.70950143688398,2.0989512177375484,33.519432439239246,4.39173496089686,22.85087935673458,0.45468787029728885,0.9901663083287521,602.8459734282752,80.80715295903002,0.17172300698527287,206699.96001726112,2.6629404217872,65.68879798917675,1852.283956782425,293.9641892044749,344.81727866072856,54.97575372284201,0.3157510252797834,0.1944552580408156,24.137286638975613,43.60802916870219,3.143385326612476,15.49117333784092,0.0,0.7046293806808647,0.12824265025118758,13.462291104879679,31.210235014039544,0.5303910158719607,13.758950285071226,1.6033010066721712e-07,0.0001132097967789073,0.2027833587959697,23.83895238080419,48.322524109753886,0.28639441663790005,12.587939863034736,0.0,0.00014063033626880034,0.354366575438685,46.63404196953522,27.712595311196992,4.505771677240355,33.00145591176208,1.9907974977412392e-07,0.0,0.15664695327845576,26.661966806014206,62.966153542078885,5.698583977062744,13.211619933615403,3.737347481210774e-05,0.0,126.79277604734398 +0.9193004216787934,0.12330629101253568,0.3501996622973925,248.58970642539563,227.17296498223985,291080.9085037904,6.281342993507341,30.47433724089778,4.485784674304869,74.38379293521774,4.786349246880894,29.553985522867347,0.4829509454196341,0.8881625880587815,958.3238475312767,48.99127462496192,0.24194367333708852,216240.90414735652,2.419752424082258,81.46949983782233,499.20222951166863,290.7381982763738,346.6231549503009,58.587161527064474,0.20532871025326505,0.1908584130773559,29.674317293742195,49.83784069611101,3.2004841224207397,23.297471081020262,0.0,0.7043020219835688,0.12272702847177437,26.917386320736682,51.69133434496591,0.9207387175174322,11.717259001496718,1.6033010066721712e-07,0.0001132097967789073,0.20201069724672943,30.335138851689987,51.85503351032325,0.3551780047425398,19.731581604507177,0.0,0.00014063033626880034,0.1588356243505811,84.8472803887584,61.01594833520919,5.150815610463104,6.496346592244827,1.9907974977412392e-07,0.0,0.18170717495392025,58.49800559698539,105.30920009979201,6.640134948754724,14.718362853618396,0.00014389450351741753,0.0,192.91151293189566 +0.9719901373841244,0.14428933499075203,0.3692145241552343,16.71437627105874,33.62070707109478,151357.67879623245,1.9818943103232907,11.035353218099289,1.1444115627116838,27.533325281560924,1.5584914785709523,15.01006698467613,0.42305236894474263,0.9753067926923963,201.40834689804325,53.64424467245655,0.1135906022425487,50433.96326426572,0.5646793168461246,70.35793131837909,2066.882189196028,134.3554856797262,329.68482312125514,36.49054622997365,0.19409904118410837,0.19482582622748962,0.7734201311836356,24.384676817612807,2.396034896772312,62.87192502155698,0.0,1.29899494305038,0.13531389460934182,2.512560926354595,18.202161659628647,0.4104127895534518,7.5861458843492695,1.6033010066721712e-07,0.0001132097967789073,0.2071663148756683,1.843802762782051,24.73074446611532,0.23727900421467082,59.02999567217996,0.0,0.00014063033626880034,0.14948149269181696,5.103884317939353,22.546241964990436,4.6448072075443445,24.080768394823895,1.9907974977412392e-07,0.0,0.1978235251313038,2.0986467690199486,24.61738421252056,3.7944928347479863,29.126866087220684,0.00020182821997246478,0.0,107.97993833755662 +0.8830805643859746,0.14433438516860042,0.3800485109465459,139.14653499689157,183.0296544637389,133495.91030868544,3.3048470739113056,59.15717033190823,0.7390859569490541,92.72442448066894,0.25716902215209547,28.77739632254397,0.5289391176688389,0.948436624771773,283.0302739810217,28.31179316802472,0.22333327432243621,113287.5652600726,2.907329286953964,43.07462027517181,1599.8214961681072,252.29563368594594,349.4122839103077,55.4968922834978,0.15713268493920912,0.18931494329896878,25.00995478198272,47.90506382983956,2.9095142490619774,22.199994493138778,0.0,0.9527042362508846,0.1123695475241648,38.340371124670945,67.63076169373159,0.7896102576583658,13.63179637376264,1.6033010066721712e-07,0.0001132097967789073,0.20004571064470866,30.614783513692455,58.62921955034573,0.34462343819945024,18.545224378168808,1.0612192960231158e-05,0.00014063033626880034,0.11064229057826601,96.23664011322894,73.55210034185826,4.323224674760506,14.579599924301565,1.9907974977412392e-07,0.0,0.17192845839300458,29.61470515239465,102.47292003745616,4.277099806905106,14.028521200679311,9.705743712856595e-05,0.0,202.15653393125532 +0.9503743656813683,0.15558978375333005,0.3490742913316903,138.6464798649081,46.68314598998647,106069.60198961875,3.7016214555887825,48.105582386560705,4.000781618496985,91.99787211423323,2.8468709982575353,27.92872128977154,0.39820567017295105,0.6943044347686795,740.6082424408949,58.02902530575575,0.30967271837943605,129036.81720773203,2.989510317510189,94.9626943841241,2956.239052631689,256.3742878807081,343.99527422057866,55.59318360683249,0.27327249347400584,0.18612275352952937,24.481327223485525,45.65746469110113,2.869036027848523,20.40110284570742,0.0,1.131016327031134,0.09828828597126722,21.311370462403644,38.09393414505883,0.7032410293449824,19.886156640659856,1.6033010066721712e-07,0.0001132097967789073,0.1938761952711451,29.521358416504658,52.71443739796399,0.35241639882941855,19.89479191301009,0.0,0.00014063033626880034,0.20845384043174958,57.95670935044025,44.88542716255956,4.647240959659403,10.154655579895453,1.9907974977412392e-07,0.0,0.16220269513241564,42.88994150486709,74.12916683478026,4.951698771757528,34.862788742839676,0.00010056483789602925,0.0,153.39602884693858 +0.9622131826609679,0.10661205680775249,0.3369625630112161,181.40235508905965,237.27653975423195,270145.4412159426,3.9108644149917424,37.24831786905164,3.7532483460624055,18.04150445994947,2.82182938311911,12.649349140229798,0.3181498616864836,0.5552323242523943,5.742955469201226,1.3288034458772913,0.3184354673220879,144219.5200957488,1.9355306614190633,26.973445980698543,1303.2434489126758,187.45506524877064,246.4721331091923,40.00405825205712,0.2130022678811782,0.19852154347575804,3.6985152739980367,24.339612075023208,7.194012753938137,4.663938723932748,0.0,1.3687572850676915,0.14269002654193147,2.3068280894685147,12.383826301864293,0.527992216509036,3.6035944773300264,1.6033010066721712e-07,0.0001132097967789073,0.2121949960562486,1.5297173049640125,23.290530977830095,0.2883851525801826,3.379889205258009,0.0,0.00014063033626880034,0.32881576676357444,11.873410378441061,16.83851064513953,7.543719706719642,43.83015881196266,1.9907974977412392e-07,0.0,0.21762868962226334,5.46064017665266,21.20974570406224,11.273532945445298,4.021762581848106,9.818558419925102e-05,0.0,66.59894505315867 +0.9175616452316971,0.1691798037630154,0.3472729360174931,242.87248098246096,240.796258976293,338886.67944191943,4.942457578015712,72.47190244524727,2.33998483293005,88.4383394344039,4.9373268503479135,26.029152126952553,0.4662289252303094,0.9311625718264991,862.802586263843,55.71275482161934,0.34333781786144735,87176.50709867312,1.1788713763404672,98.8176742916979,1975.2471458329774,245.71137080589048,349.0825319478526,55.02672924135318,0.21851738807938725,0.19116017373110575,13.526162656348138,32.21527264114299,3.1585870074300684,55.59000881086467,0.0,0.8312402617752578,0.130829818105749,21.571980895092683,45.185876424010694,0.6196924430339127,12.54261255760825,1.6033010066721712e-07,0.0001132097967789073,0.2039993121201905,15.044630557968436,34.160945699305344,0.30022540486717797,53.90032231765887,0.0,0.00014063033626880034,0.11650505822468932,61.12356209232929,55.67057815512126,3.625733277034289,15.797274140887277,1.9907974977412392e-07,0.0,0.20612897526111112,33.439444326022624,64.85279025079656,5.832566303119245,21.575836263568966,9.567236859617596e-05,0.0,155.5857614344246 +0.8804090876382045,0.21137412460832722,0.3671278532851633,108.51144382795384,249.71012605853102,268057.9346374739,6.499330269211905,92.13739542269516,2.344122580749774,90.29578801503536,4.445972947550518,29.192288979210808,0.7947748597153347,0.9239639988888552,482.3469918996028,55.93980445023614,0.3412262974373421,276176.60351884837,2.9419456169928955,91.07603092085233,4393.2118524485695,268.96708314518156,349.65407765963477,57.23065806405018,0.30379158379527726,0.19169960646518142,35.0538979643985,58.345799533809654,3.1581545463529266,16.27996055264755,0.0,0.8594449140043476,0.09758925295824006,23.256228485509865,46.440793324457836,0.7414294769232109,16.139482457496612,4.91263473383414e-05,0.0001132097967789073,0.20349802207738513,38.054737284280655,64.29004342301987,0.3325559103691216,15.01423115396599,0.0,0.00014063033626880034,0.3495886707478387,65.83267215861731,35.79121497998806,3.929839315014798,27.780090271916855,1.9907974977412392e-07,0.0,0.17607793711473133,43.749712644921004,85.11370510810092,6.13632866269416,15.386121681502662,0.0,0.0,171.78311168261726 +0.9715026788389687,0.22940398963416664,0.43402890832356544,202.09477632116284,126.77533625568577,154164.65539855044,1.5802601484645,41.668549184912315,3.318646401812734,71.02291514045332,1.1791427877625793,24.352465769358613,0.4400769795296763,0.8509383389756753,750.7905122904842,93.17073005650145,0.0905545795487332,61442.63507647176,0.8490533724240423,82.41570535713987,3188.5337022110593,177.044426392753,340.64507128849806,49.74814135192934,0.3395615249018341,0.19444266042361688,3.746745497018463,26.04223455347573,2.451995407199615,53.45184741642739,0.0,0.9140947665269169,0.1306777897567653,7.659165649115803,24.44726949709099,0.22170946210277298,7.565818778624156,1.6033010066721712e-07,0.0001132097967789073,0.20630947272758696,3.466482824571666,28.179405759933182,0.247997418240941,48.46624417076715,0.0,0.00014063033626880034,0.11205843509605769,9.540336995637597,26.321529958570828,4.8670831175339,13.664284037303153,2.7581264978416273e-07,0.0,0.1852753048545426,2.487837945785951,29.908731786408545,2.824377584843782,17.360528475150062,0.0,0.0,98.12957417490014 +0.9758132572501582,0.25864801697601475,0.3479943704814793,86.573705453813,126.75929118353896,291083.80003810104,6.706164966132822,50.989062963190435,4.175583615244273,95.60418934881325,4.549652107644605,27.94459566011647,0.48466573629532034,0.9842609859621185,912.6091374351387,94.53316024134529,0.22371531285552934,150962.80123196993,2.4395576418487908,82.62960568424259,4351.805927614782,258.3451253028764,348.8622875424035,58.43519259598271,0.23079705077928528,0.19189086079365664,28.4047051613018,50.00497822779232,2.9279666105302047,29.275068931996515,1.97073165479061e-05,0.6372559000671881,0.11577532592484525,26.815928157181116,48.87552119230653,0.521939578518531,12.774432698161311,1.6033010066721712e-07,0.0001132097967789073,0.20274052594777126,29.727190139983378,56.91217979900487,0.30217350032372503,24.742114677429342,0.0,0.00014063033626880034,0.10563578305822059,71.53035908757057,57.674998554551884,3.0883633520930034,9.208430300031822,1.9907974977412392e-07,0.0,0.17211472252960372,55.377416217928186,99.29680120519899,4.886924573805494,17.849682853492055,5.8713277109040675e-05,0.0,184.3532960627586 +0.9819901810744108,0.16639760831096603,0.43710619338100737,217.72974923815724,243.72271256297103,188590.7710136997,6.966060048399777,56.649474676909065,4.332235701022779,17.777725630098374,3.5523503140072448,29.760162676222443,0.7875959998526795,0.9697669200133389,894.6578376888125,54.90886499402366,0.3356328849635531,229996.10518971423,2.9256213911275424,73.49031768028367,3768.326481272013,249.94765711476362,223.92598219672217,37.02719596237027,0.3231994019092497,0.18739176766903962,5.78584793147482,24.192126422082367,3.0120923578987715,7.776409239304199,0.0,0.7822777077765055,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20029828670683494,4.5649896244572234,22.89064481738811,0.4402971136004751,5.112187828535256,0.0,0.00014063033626880034,0.35671996417825225,1.1000572744076509,13.862966363787153,18.312259705950144,59.16029049296601,1.9907974977412392e-07,0.0,0.15622448763928365,5.079125354878939,33.224502284293365,7.42413423206759,34.12425399855264,0.0,0.0,2698666337285.8823 +0.9194718010762657,0.11240894275780809,0.4426416541244189,237.90473887367733,123.3287664356946,232983.58522491544,6.0501456345917415,44.220093478912226,4.070672149706289,70.18122860427347,4.015634474385152,9.011520421939359,0.6378362173126821,0.9511886097017769,743.6821843617672,59.9092016961347,0.25065394740242,76538.09775059932,2.901239696330358,99.64365548093832,2208.9560490032145,220.36052001611316,284.38015464418953,22.53434994879465,0.3321124715644161,0.19325852708799152,4.875233816689217,25.401585063004223,2.9899695322967053,7.916978333653314,6.849670443696867e-05,0.7217125254746578,0.1373193978789745,2.383369768445248,21.122373082149483,0.8516359757661497,23.237907427776452,1.6033010066721712e-07,0.0001132097967789073,0.2058936325657192,4.318123194014734,24.92059849502838,0.354221077335432,6.489813982478431,5.272248729374707e-05,0.00014063033626880034,0.35575298935200844,26.193137004947342,21.28228096289409,7.53165256732965,44.78329171897619,1.9907974977412392e-07,0.0,0.13462185022551906,3.4782370426128866,33.79995129748302,5.864279067632608,39.471822014676796,0.0,0.0,91.45551704806039 +0.8915726627846728,0.1817781574364478,0.37027965471839436,120.87584457322245,154.65510578669378,336639.34347856167,2.581753687172323,69.78483001106844,0.6438691661360872,93.54537410737629,4.460032334541191,28.429488768129726,0.7983834129755348,0.9145812485310648,326.59198790497686,17.4738630538384,0.22164771458336638,55472.25036645841,2.158612097949208,73.16728367453264,1054.7241791111885,273.5677717188175,332.6947995546769,39.907635509144754,0.3394834122739439,0.18664140219211722,9.917614980025682,33.20939933523604,3.2945509930070593,24.651155824603265,0.0,0.8937564900603852,0.10489918620842671,12.738403564821008,30.11017130238199,0.26524356064210036,13.944429776176747,1.6033010066721712e-07,0.0001132097967789073,0.20057332130780642,12.433625856621514,34.90370660002949,0.2373026788083006,20.433621725882098,6.768423805451102e-05,0.00014063033626880034,0.10917239028600234,37.431033937116155,39.53097279608368,3.613284381742511,10.760113755113611,1.9907974977412392e-07,0.0,0.17327664917819488,20.781003447233058,53.450691795520235,4.974945002309383,24.923194561611915,0.0,0.0,109.09583728474392 +0.9399459006514383,0.18711149833575488,0.3889843001541089,133.60832902025535,120.85566259829181,152289.10121600176,1.849929115723877,96.63221158457712,3.6645342933561458,44.111305707285396,1.9133894378822087,24.68308395357082,0.392790736396235,0.5670163968476314,948.063219769572,92.9583743415397,0.21494785162483787,287864.78118716134,2.8732271832126193,64.00886952222052,2623.8594161157685,269.3688444170397,346.448558788294,33.26274556721025,0.34394360729194606,0.19835843250855198,16.60317817837457,31.02805506453812,2.4645454707675287,6.508822164687841,0.0,1.1585216494687474,0.13731438096799897,11.832281641547587,27.364635104732393,0.23112981103820193,8.759523626901629,4.29202057595283e-06,0.0001132097967789073,0.21235765257743014,19.074698064312045,33.74680952767891,0.2523489136455748,6.406182946500075,0.0,0.00014063033626880034,0.3229502495763563,43.520041883552295,26.36296490225231,4.076992102481893,17.95196032516871,1.9907974977412392e-07,0.0,0.19445968843112058,9.19340523789438,41.306455205358446,2.8025319904555843,10.577373828577072,4.124655286315439e-05,0.0,92.93119319244467 +0.8479285474645029,0.20172312911540835,0.3896535184400921,221.33448952611275,197.18696175404273,198164.783760011,6.992603143068381,52.09957406041346,3.430755849325546,84.74053921930955,2.880311495001195,18.956759987134824,0.6084042030962407,0.9235521568216902,559.1233212799087,41.0828948441919,0.27664139431144785,295039.3848057236,2.9436992043646697,97.4803707460477,4605.856758523658,231.0921759835517,348.6947316775461,56.780635685013756,0.21159752565589385,0.18073570495381489,25.02772647451185,60.57813918284135,2.824881596779328,14.496483743892853,0.00012186773021443482,0.8495227297334006,0.1333050621450961,30.93020858055759,55.30324705131015,1.2735903474846137,13.254007043532704,1.6033010066721712e-07,0.0001132097967789073,0.20855117669566473,39.57352985458675,63.08307886118409,0.42088272400706944,14.025386831690634,7.74232828337568e-06,0.00014063033626880034,0.2698356486665704,103.90515713124826,63.05120587793675,5.322504529397523,10.523678897205949,1.9907974977412392e-07,0.0,0.2043587320123734,51.60117321110553,93.54294571102231,7.554393564287428,13.602928427487136,0.00021502137742918106,0.0,202.5237937342823 +0.8912352688787883,0.1576876395697094,0.44563578714029883,105.93744410995392,240.75514071858473,194556.5555690606,4.860975010575975,85.46790235920771,1.445057490564117,17.979361596580574,3.9288286080220933,4.394377688135506,0.42552685640710525,0.46844232717707845,39.210435003107364,81.20582405461357,0.24797333605982336,62861.717893791734,1.8653374814799852,9.70086824876515,3392.8788065671915,152.34844779377616,244.02834005937805,11.316731240515532,0.18439071324032302,0.2013390617475555,7.912855151031341,24.348943233335113,3.0261806731767775,2.9993708864311284,3.1634138728171565e-05,0.8485088219114684,0.1464062387184894,3.926767820269145,11.771370330886047,0.7533947779937405,3.156863331599901,1.6033010066721712e-07,0.0001132097967789073,0.21529155252440407,6.753611374914947,23.3324832689077,0.3367068185400117,1.894982409599449,4.273871076277089e-05,0.00014063033626880034,0.29965440721873177,6.748188783941031,15.657797484626986,15.012179386955262,55.900847441014804,1.9907974977412392e-07,0.0,0.2244857445817286,9.524800136431141,29.616047602476073,5.492510584435299,33.54608811175082,0.00042113541680248657,0.0,84.8360769581005 +0.9008070231857964,0.161582191503457,0.40215014885366984,144.36864858832686,239.39095115502744,210799.3268090673,4.700302717557153,88.75078845737332,4.207106944627506,21.165450990426276,2.970137893988303,27.44770707679655,0.42895238691017984,0.8637983367942053,554.1388537288888,14.116167696665725,0.0679717471639778,70753.73609200245,2.8847325693560992,94.93068568642624,3155.222800777074,153.568253934481,235.12694690531728,28.281938256983068,0.18994702143237557,0.1915695080869832,3.0363765381186703,27.057054478343343,3.3098097012694385,8.439982023105916,0.0,2.367928531494495,0.1171671680375529,2.096421649056514,21.287355881599225,0.7780115670164244,22.144178373178548,1.6033010066721712e-07,0.0001132097967789073,0.18766742509610923,2.2844186725610904,26.939109767865357,0.33700614624371256,9.954909305470379,0.0,0.00014063033626880034,0.3496716887995939,2.660767723035025,14.342026923140896,14.737664746294236,55.40464165942796,1.9907974977412392e-07,0.0,0.08507430492472211,2.8908056241257776,34.757426465526024,6.115952721555584,42.69664323928722,0.0,0.0,95.83563412453644 +0.8596825197729797,0.25855300065313014,0.36759690592000754,107.8008928331754,124.3916634892155,311684.727213195,3.5729994592569323,5.64715861786177,1.023248651374773,13.797594735303607,4.36750031199671,28.808210311658563,0.44231969876010746,0.7605642837327522,806.6252733385868,55.349933081018605,0.23954000361552646,89565.48083213843,2.8334650684010976,85.3898719806374,4536.912109714323,298.6869603461137,347.78315275464246,34.561613677026294,0.17195983343922333,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.09867543953901839,33.76014556888293,75.61508625725328,0.24701058874929796,22.630949281255695,2.332987821490419e-07,0.00011509859978977014,0.20067252879657835,25.884886871497617,45.59455346384995,0.2500884166960668,16.246300163420198,0.0,0.00013645273790397982,0.12144900996203953,88.11712787410893,74.59330873349782,3.5037674028672936,16.864785120030355,2.286837264840312e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9887032268805581,0.23256191454614128,0.43279835591263194,159.08722192332766,199.34882545173002,273293.9019392409,6.233377805052749,82.91457019099568,3.4996008459413956,75.15619187068003,2.1453601241067997,27.457688075648274,0.5986998476246017,0.9802529763460543,583.8167908759973,67.07013496826524,0.18650541896584066,69002.17236741728,2.9414354093079225,76.03334828166253,1856.613406715048,293.1650678826263,244.96341899388233,26.85745077591441,0.25169827097616343,0.18652438038600827,3.371852250171882,26.660808744331902,3.112331889000445,8.154060124627172,0.0,0.7692740177941094,0.11633998914225616,1.9841606702473689,19.709540976090825,0.7856989935120546,21.27064655298703,1.6033010066721712e-07,0.0001132097967789073,0.19381628174552298,3.926927330700064,24.578777304526078,0.33823320088252873,7.376394144583291,0.0,0.00014063033626880034,0.3552946999742014,3.6247832024222304,14.269167462717034,15.786441296873111,56.3894053492094,1.9907974977412392e-07,0.0,0.15184170780450637,2.0816320281895293,31.31467499623443,7.030874608783291,50.41947587800793,0.0,0.0,97.6776198375512 +0.9841454972610514,0.24126988387782164,0.43296323441589246,197.1955247399038,226.31286805445296,243010.47410124892,6.003292881357922,94.64803014880073,4.736410038965453,98.05022349868268,4.565709389546641,3.1426917359968325,0.5447566756576191,0.9247371860532952,902.6956516625758,73.28354971204097,0.214692052674803,106505.43685900263,2.859027918265429,64.95654840575742,3641.52819936222,148.7080650158712,227.55191585362246,18.022815142137528,0.19275207601289124,0.1847410944206898,4.584408681171395,24.304898021620414,2.570506597824127,4.528578317392821,0.0,0.6609444473727051,0.13642665952675673,3.3078152799634144,14.514791516061196,0.9603648110433385,18.995168637003204,1.6033010066721712e-07,0.0001132097967789073,0.21354812602978804,5.301788282803649,23.665227969140197,0.36508042324628753,3.3405863111002563,4.054485915282867e-05,0.00014063033626880034,0.3528848564580135,4.226836078226295,14.053542840395025,18.674221018840235,59.60865473528067,1.9907974977412392e-07,0.0,0.12052724096413774,4.6644695050253775,34.54097794486286,6.754101524180874,48.63760337796496,0.0,0.0,97.80437723712036 +0.9534353597265844,0.19964631808236388,0.42272126588411585,49.88622993938366,202.0262089895032,315587.7814163599,5.6396725544497635,36.26866455941321,3.3032387900708047,96.16425829619318,0.7619373517769663,27.059786070273766,0.47994993038667055,0.9476385163951795,606.3355095728792,94.28774095888218,0.29910203138191555,253971.37391818367,2.790409925427126,83.10686746432016,2396.451801483864,95.21430176652905,345.7043404253125,54.44443560125538,0.2878317524903561,0.18954186032113565,23.22408069481502,46.02667543962738,2.904514120480283,12.127898777280791,0.0,0.8988301950951273,0.1273064548384151,15.327495986958017,34.35887907910873,0.26407735411643296,5.934233466176088,3.334187012504273e-05,0.0001132097967789073,0.2032413485264206,25.595169065610424,49.125595561156665,0.25722330291264167,10.142712486373764,1.813195200041933e-05,0.00014063033626880034,0.3540632321715275,53.922599210095136,30.924168158080477,3.3082272280941623,23.995057471700655,1.9907974977412392e-07,0.0,0.2170160905709299,25.265275275127113,54.941668821504685,4.4925118087940765,8.355252907903457,0.00020617274901303724,0.0,125.03642637599397 +0.9539546324050028,0.11683907693936203,0.4001447105428376,197.81936595433535,124.57714190024477,332631.0601176172,1.6302019265674788,25.54903617628333,2.278512081784203,12.569986461944033,0.4567708408566009,22.58239427123089,0.35019301249338763,0.7051739663490749,660.7786614403008,27.40250808361133,0.09369332634888515,69723.74886240128,0.628882661468547,34.59094013048366,2759.76597123041,181.34712933667728,346.2172274919242,19.331215040308425,0.17792810616512447,0.1966914500433218,0.7369100772890939,24.691359280767394,2.8371270080787,47.50247638263516,1.3484749891105033e-05,0.9528570642981171,0.13341585499829153,2.696232350599899,17.94814803409312,0.3715767319542363,5.14347293401679,1.6033010066721712e-07,0.0001132097967789073,0.20699686962806724,1.2886958037031833,23.61998937910117,0.2344344829032333,37.06284740788292,0.0,0.00014063033626880034,0.14199012957052462,16.81795646097855,25.266356504771203,3.6034098973731172,20.329955184927613,1.9907974977412392e-07,0.0,0.20567004638695463,1.2968247229436616,25.499591136708897,4.305004306669827,15.098049759861288,0.0003716066114709888,0.0,86.08718261015169 +0.9405943773883042,0.14336060459128913,0.3471643067379197,222.03164460871378,204.69970938838537,323139.8952845378,1.5770429514454476,82.83559861244362,1.7013972348985928,90.92021824894472,3.7749414604517417,23.93212108532935,0.31457623096088505,0.8938085336828404,114.28996188273607,70.4702057517332,0.33642709913775076,52962.25233016233,0.4626573837794423,86.19614287681875,2663.452029530284,230.1330701572336,282.77314759707565,46.69077124987881,0.20090535941958304,0.18930923534793773,1.3274845340038088,24.194239425192816,3.123503752955362,53.95385638218266,0.0,1.2814529513845234,0.122059718135017,1.626297911928216,16.194792787102237,0.31923057324359577,5.5793407122127885,1.6033010066721712e-07,0.0001132097967789073,0.20211972924395827,1.8953596678192615,23.517306408332345,0.23413520696499482,54.87052214205792,0.0,0.00014063033626880034,0.25094515768651593,11.373529231839788,20.302921182945163,3.566220119545785,9.18410002443863,1.9907974977412392e-07,0.0,0.1955937995010008,2.5164425226135716,24.7752057647615,4.356680302877196,17.176264721581585,0.0,0.0,94.58406272267818 +0.9194004532962622,0.15179511577492732,0.3243291464772929,212.9560000978718,43.69584332929155,128664.33548169672,2.0443044837165965,47.88227641430356,0.8741805000330807,47.55610219688279,3.809607641925556,20.091213503702228,0.5270481747840947,0.9809520693884463,333.1828072836629,49.766725174615104,0.09068133181371216,113743.28079267987,2.9549067156803686,68.62142068975004,2511.6959295968854,234.2224478864704,348.742474477794,52.65181886870543,0.2264440992221774,0.19113964485714233,31.03942999352131,55.92340848446526,2.5970658445224486,25.88810902144625,5.9064946863513854e-05,0.9182024340360031,0.10640524091805263,26.99020739076368,51.463582865557406,0.22449059192935278,16.81243794096252,1.6033010066721712e-07,0.0001132097967789073,0.20110257409877855,33.3477966597873,62.038622697372354,0.2658161654096822,21.299429275848148,8.468358200002617e-06,0.00014063033626880034,0.11681220328071928,68.03231126658554,58.81648833588083,4.773640542870102,12.147949171700974,1.9907974977412392e-07,0.0,0.1761354831546901,51.61823036569652,98.67986021950196,4.229021742079754,21.742180603500806,0.00013242182568288008,0.0,187.06675306030345 +0.9567469298912413,0.14857128789544174,0.3940293092288131,142.82103223131233,122.31644413689033,133525.63380947168,3.3227207671431414,47.05156212043749,1.6601970005982243,23.171676637980582,0.28353553567808154,28.96867558562206,0.43243683502057656,0.8121443683439415,845.2347653278164,8.382188809822908,0.12088241390799379,286582.4092368653,2.902413997566,83.03383763125757,526.0027680800649,259.9345798948633,347.9262521725265,53.386263522935685,0.15974151051306143,0.19372510291589115,32.395745221737315,51.18524252996014,3.013702074382258,13.847931492219825,0.0,0.6661432219523747,0.12808861966783733,28.525458254409962,52.47805959595281,0.7031288550511388,9.60043884529361,1.6033010066721712e-07,0.0001132097967789073,0.20531283357255514,33.68328186283785,57.6090664212897,0.33525481710140925,11.821189541897242,0.0,0.00014063033626880034,0.10910881925562872,84.92131843863606,59.87099781924289,4.9792053545215955,5.890850016744936,1.9907974977412392e-07,0.0,0.18471646491813656,58.54633109363118,99.00700658705539,5.533642888801897,13.03358757896581,8.228720353566127e-05,0.0,190.81560794089185 +0.9838433630873507,0.22858882002614367,0.33899950363265613,141.75080827982038,247.14163297013667,274813.88986241526,6.754340738742248,71.54663033889713,3.0130680765016633,86.0750665976247,4.288649600004369,27.62081724192153,0.6688037514517406,0.9424041812375636,833.2047372228435,56.19072578855721,0.31649507268433574,143610.1909813498,2.8732781805405785,96.77758768288969,3752.519387331511,191.1099757527943,348.8198466799957,52.44891115762564,0.3394794694402687,0.18831273119510725,26.439681180282832,54.21824284416739,3.113613098237414,21.279800342145283,4.0842879011628045e-05,0.7632462732175955,0.0946804724347706,17.586178537028154,35.046724352721014,0.8540109357396866,16.768499384327544,1.6033010066721712e-07,0.0001132097967789073,0.19874456178898947,29.172150224390485,55.66683631470393,0.34892661505503325,18.571224273257926,0.0,0.00014063033626880034,0.3481651588284711,55.0696478091569,33.181728547227564,5.647708873274509,29.02466941996103,1.9907974977412392e-07,0.0,0.1537084571667122,34.99274401378192,79.78402063824481,6.090308872236998,20.605624865895255,4.4448857567096855e-05,0.0,152.56467152661588 +0.9162525505819704,0.2235738544485087,0.4193081691136914,189.42660873950425,225.5405304581587,303903.8316015098,6.418581501616077,75.07076348406147,1.828033646174486,97.73590331570298,3.0645200705701057,27.13442707087256,0.3364045037013471,0.972037684517275,358.17728686367707,96.61908745911396,0.19880762628197696,161319.51192348733,2.976758160252968,99.66448935614316,4675.594411543991,227.1634471103698,349.58020032683925,37.10247329440254,0.18955890748331922,0.18904166721856638,27.071694319225674,50.33526117601066,3.33435928943435,14.324852861417515,0.0,0.835924193737142,0.07570764088139584,31.618094459292287,58.13623736121031,0.8117053059078406,16.5346348498727,1.6033010066721712e-07,0.0001132097967789073,0.19938715074331037,29.481248555828774,57.02475914225567,0.33883270423286743,11.697103517228511,0.0,0.00014063033626880034,0.25739782727632676,94.39180675421028,62.49792659111864,5.423961949331701,14.413762349432238,1.9907974977412392e-07,0.0,0.15793356102724523,56.07087868684161,100.59707385203532,7.784992226867165,15.39432926184882,0.0,0.0,197.5081644369214 +0.9165947456137719,0.23048808301544954,0.39538549138227097,52.61593453951917,80.82039028329322,303459.31845710386,3.379928786686148,11.19577888744909,4.324809882642189,62.85056866282992,2.133007085292321,8.80379131099024,0.3251981487970356,0.9513215636550871,854.3190087234162,57.20185094338162,0.19801129436074938,197009.45604593624,2.3377417900748982,97.81907118554312,2488.857006952713,221.30788092453167,325.77637349014793,50.069336694272856,0.24718576932198588,0.19815938979637646,12.490748073930527,31.088909766086882,2.707249621521492,9.846959240889166,0.0,0.8243957414869824,0.1413120310569965,9.39428696152039,26.79653479822007,0.28034818723736804,10.100618987554611,1.6033010066721712e-07,0.0001132097967789073,0.21090232469446488,14.11550093303399,34.52227494218005,0.2390754057433251,8.265927325004432,0.0,0.00014063033626880034,0.12236304207513865,60.890141161206174,47.360480926004705,3.7395278076597624,4.5148648531701765,1.9907974977412392e-07,0.0,0.20083012689923968,7.019684954115988,39.27367092908059,3.196591111977417,10.002210273927844,0.0,0.0,106.21886475997857 +0.980714343349019,0.18188562633150346,0.4147963539015901,212.77954019176116,188.76884843839852,338200.95451721345,6.929225402657093,52.84836451443506,4.135178532620097,36.53258921285485,2.992716803357885,21.70310340130674,0.7899943924479498,0.6831090139557225,922.5043613664212,45.7416243558471,0.3450447595440265,72712.57035147048,2.3981063459998455,90.8715578213485,4735.540692584005,287.85930155505633,348.3411137035942,57.69701366598135,0.21393615118838286,0.19123011044407573,17.177401292396862,39.38823075718763,3.3805925115716473,29.590900343849942,0.0,0.7334526114788084,0.07985917358170333,19.908811037620048,41.05777954674124,0.7707999867629942,22.89506272437237,1.6033010066721712e-07,0.0001132097967789073,0.20054338565296234,20.17977337609597,39.546726837541684,0.33244064252698774,26.952711033132427,0.00011578254538476435,0.00014063033626880034,0.23009304014299006,64.42084174550097,50.76927034065326,5.145477356706838,11.929206092418227,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8915726627846728,0.20747565032710277,0.35111140235005966,81.92496829236947,119.72280546878793,220068.45798598358,2.581753687172323,69.78483001106844,2.690348695772787,52.7173441158782,3.1228679701669586,28.429488768129726,0.798295078671136,0.7352890289041643,686.1271499594253,91.2589655743101,0.21544963925711413,100599.5690890175,0.5531945588216438,95.83528376531078,1054.7241791111885,291.9191642942576,349.1392804502906,58.93594083241822,0.3394144059234227,0.19562561011755014,12.696113619491445,29.964605424618256,2.445050226782454,59.5413567213508,0.0,1.0026379930694014,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20842761817782965,13.644512579175533,32.083340303843414,0.24492614185605552,59.433714841147975,0.0,0.00014063033626880034,0.12901917031883015,28.734904341733277,31.3603741916482,4.221774212397134,16.797827311431703,1.0460835800065584e-05,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9875729081531406,0.22897908871179604,0.32563698941889907,80.4212598886591,124.43991978553785,114682.44936029054,2.9285055361598493,66.53136404077084,4.771593827317004,62.35840051718051,4.81168781131814,26.315446163177675,0.47479387577663196,0.9477535893443292,874.0923695104966,68.54526954703061,0.3253237812302106,92516.95685854519,2.7298364464717277,93.40435268847745,4782.990931206216,125.77536308765283,348.9932636542893,59.64750018863051,0.1987429482991111,0.18647102749583733,24.55434068362242,54.6774840459663,2.6670195027327193,28.422237311020353,0.0,1.3037265126005995,0.09875623326851621,33.33045601910098,66.57235095585102,0.5723240274023318,17.16956556612421,1.6033010066721712e-07,0.0001132097967789073,0.2024833281069864,29.60065919740374,57.56512641170989,0.31642293601921595,26.221443120300957,0.0,0.00014063033626880034,0.15999306568432828,85.74070701347286,71.79067099231365,4.833347944672633,15.339699810326213,1.9907974977412392e-07,0.0,0.17658688452480129,52.90869795975253,101.71617174723404,4.094134210658328,19.03391471552126,5.6965225693510566e-05,0.0,203.50293835155009 +0.8298313573543697,0.1511996364489986,0.35372207705062136,125.52691332385777,231.68895998252322,320017.2527639711,5.488379867749356,37.14426020281283,3.1832338268294356,33.13642805212621,3.155571028030905,24.711649839971727,0.3928073516508164,0.979917281208676,848.5706834875875,42.43273754887685,0.11211879108071586,192223.21881403547,2.955661871407719,84.01874169665993,3740.2587688049043,210.60667874654132,346.6223440786751,57.905820091137436,0.31838455024342943,0.1963132060117041,37.388422176155665,55.76572398868371,3.136345559380181,22.813870641607455,0.0,1.4537719778896994,0.10684710900189154,21.855060268479125,41.87112267310427,0.5272822412107211,15.547422790246472,1.6033010066721712e-07,0.0001132097967789073,0.20271787815388284,35.558098449835946,60.265855768296696,0.29217619220636687,17.42605123215813,0.0,0.00014063033626880034,0.32474997251865056,68.17345971210699,42.86642589398249,3.8090512861770023,21.949084244637383,1.9907974977412392e-07,0.0,0.16381627582541314,41.36772773875709,80.27814029330182,5.336374504964967,15.013899357702481,8.934476816700926e-06,0.0,167.64391007855974 +0.9489922071467914,0.1400610664254038,0.3403546449282737,97.02465570739272,206.9743635413457,288185.161651528,3.827051033950161,10.042018477182939,0.9439196453967149,69.83991309846593,4.358192436408162,20.74701562548391,0.3751270924412845,0.7566094297028727,361.1471757464868,62.80691066896809,0.2672831544470869,59639.47468682265,0.5757591604304548,83.07364850372922,4495.7524563468,188.75197542516077,347.5125347671147,27.17694968980864,0.29903982862522677,0.1947016097335329,2.724567580557079,24.97105119801805,2.970705594259707,60.27848121845076,0.0,0.910745833940423,0.13511436400256083,6.558437083303329,23.969616331082882,0.2838718628720805,8.08999706365546,1.6033010066721712e-07,0.0001132097967789073,0.2077978335664087,3.5112666968715414,25.09746939881861,0.2562619313838602,58.7202407600568,0.0,0.00014063033626880034,0.11856032303514742,24.458520232392267,32.061280423869775,3.3545263531804888,17.224003686031097,1.9907974977412392e-07,0.0,0.2074772705551024,6.550089700051714,30.34327309541858,4.639705479908433,23.3276760174032,0.0,0.0,111.8530321803017 +0.9173211022921444,0.16307624604849544,0.33356958398235276,122.53995672065543,189.0055710030769,220068.45798598358,2.553698001949136,69.78483001106844,2.690348695772787,51.350195828704244,3.473087351466518,28.429488768129726,0.3192044625578946,0.914565584343122,686.1271499594253,1.773411680974327,0.22665916219279097,100599.5690890175,0.5629940572526316,95.83528376531078,1054.7241791111885,291.9617403355883,349.1392804502906,55.52186865518512,0.20753512051870376,0.19061066699321186,13.42166489802694,32.696551068606205,3.706000826214215,62.68076852906871,0.0,1.060563026690781,0.120371405984866,20.98990827565161,40.8158924979118,0.25694394983404967,9.224060420400871,1.6033010066721712e-07,0.0001132097967789073,0.20341487489607132,14.184171155203105,31.910586381759465,0.2524096081228832,60.52487994237122,0.0,0.00014063033626880034,0.12086244215631901,44.906282768102294,41.07889657886321,4.446875653474922,24.356501229126742,1.9907974977412392e-07,0.0,0.1850385527300665,25.97767731986114,50.18981530253909,5.903205924046074,30.249386470814517,0.0,0.0,143.97340926910417 +0.9623189157111394,0.18406799986424432,0.39160480520008545,167.90805786954107,184.94392675524193,205282.0127802955,1.541883886090017,30.504754596795024,3.2637773168218795,42.99050064375454,4.8536935097911975,20.464662382521883,0.43823980751988256,0.941992557819928,56.519932035150745,31.67379684496895,0.3479085881595979,200996.5415619359,2.7814340115123226,60.67044629634707,4100.552092248183,253.8419728625848,348.78178625439614,57.57906665246636,0.17706145073384816,0.19241845704052993,25.090385506008264,48.34463808061564,2.7989986603391555,17.15684360521353,0.0,1.4088089015426555,0.12667555507502765,26.68072845549064,53.918679978548134,0.2424063656259109,12.210738376351214,1.6033010066721712e-07,0.0001132097967789073,0.20594305057062487,30.92890386631788,54.67515643161098,0.2386795752021445,16.159677826043584,0.0,0.00014063033626880034,0.1081527895269535,67.77760011486777,57.15125809786375,3.836758108312861,10.185769841253146,1.9907974977412392e-07,0.0,0.20548572892883393,45.53299649503177,84.32234533936634,4.44792464574788,13.571368116454716,0.00038783338714541834,0.0,169.15224874044483 +0.9238820472740368,0.11457806530511817,0.35740451670286605,142.6834933662012,29.373495932200818,274356.3483907769,5.866843748469556,24.09893491075252,3.649389293637318,27.93723209599619,3.0506770746262006,27.858051867621903,0.3842631927728126,0.9543074080063486,464.0658350097978,42.24043932576271,0.20704391932183483,57891.016013779314,1.2366136380334924,80.76201898604846,4631.03112864178,34.59791482569854,331.96073452759316,48.363453938251986,0.2989627209906645,0.18849888768790343,6.696519726017026,28.010877083801123,3.2125185392865094,53.2833443450507,0.0,0.7016747688773283,0.12506123252089374,7.1515054840360035,25.368815354844777,0.29037375392313863,6.890196854122088,1.6033010066721712e-07,0.0001132097967789073,0.20191462739811064,6.148660294881346,28.002884264397697,0.2820581194296996,47.046143501721836,0.0,0.00014063033626880034,0.0919323814112263,25.622539852115793,33.13078404779757,3.829793619829177,15.811437650074291,1.9907974977412392e-07,0.0,0.183546658866225,11.161014325665109,34.324501245787395,4.9791060607071165,14.841992695915472,0.00014219166487134457,0.0,104.99442333180662 +0.9879560039385646,0.1851784892208179,0.4491819517502645,167.8454638922488,245.16054025384872,331703.2607457424,6.4420956270692935,6.538158110570187,4.5868099172982735,7.6071917435120895,0.405824618341051,22.414672884391308,0.38661809291700866,0.8196183341056011,178.5099629347999,27.777142743191266,0.2563396468353777,87747.58819233702,2.9460351634589235,75.80240845751447,1946.5605329355103,214.3152281699529,293.5213849388398,22.864361661730307,0.27863032580176783,0.19014112815960366,5.471045597095333,25.449808131190306,4.029852439411468,8.475232635378173,0.0,0.8320776845860741,0.11646100624756558,2.314070604611196,16.79615227846993,0.7240882530836258,20.800170727792366,1.6033010066721712e-07,0.0001132097967789073,0.20012933334165128,4.403879755314326,24.907408088335476,0.3232392759625525,6.992826156094426,0.0,0.00014063033626880034,0.35016502266916655,31.485462547692308,23.75590821038555,8.785257393310186,38.981470948979776,1.9907974977412392e-07,0.0,0.08972327673729644,2.750896313769943,36.2499137894307,8.612026775208413,32.29859633548757,0.0,0.0,88.13299494943716 +0.9283530144796471,0.19155916666489065,0.44975792686397204,235.01388392491032,216.35464560790922,333830.0424051051,6.1323565302745235,81.5695723328298,1.006348058344043,5.343243642362513,4.79069561575689,20.567529653767256,0.603911290917216,0.7311715846497517,74.70394311072778,81.73217594215224,0.30459159003771524,248794.95839969965,2.90872196487956,75.06721678179048,4858.067266687041,208.37918947687922,348.70414609348364,57.64493606429376,0.29461215440584815,0.19707029516287866,23.47168176596682,40.68709077096838,3.9520538003886254,11.752842179551585,5.3530518823842955e-05,0.7794721885024054,0.13550716389742365,13.50520889506449,31.233143545526243,0.7545457632561319,12.066554349812613,1.6033010066721712e-07,0.0001132097967789073,0.19494333967957964,16.39303671584067,44.03223056294628,0.30428643886760565,9.11281936490042,3.558915991263759e-05,0.00014414060373783881,0.3408467028715761,46.35367790520723,27.210128288683702,9.35242906090835,35.66898881704705,1.9907974977412392e-07,0.0,0.18875170963756144,27.435560218629984,55.72857729672769,9.49090193975928,12.765775245776032,7.36709270639381e-05,0.0,119.64933603791137 +0.8984883317636343,0.23589359123094827,0.3266711066595916,140.15867933433685,111.20712724503589,319662.8911873074,6.749660376613274,80.68903922138048,3.322318903194768,59.244148417668164,4.07473756964111,28.853150585769356,0.3148183276655592,0.9827128272943075,933.1241392251186,4.850667322521856,0.10306346466559882,289497.5154563113,2.40268888609376,84.44369562989489,2790.290451963931,239.18175115630837,340.96401300863744,54.864960650358704,0.2030590846856433,0.19459191178855137,40.857451735955365,57.46561123792292,3.9599149889495924,22.97767569801255,0.0,1.5562538015763199,0.12344754470942622,32.31930504198208,57.530826097129484,0.5517178328653614,7.15097352328533,1.6033010066721712e-07,0.0001132097967789073,0.204834810590931,32.32401505967748,54.26672771766554,0.3058320222204726,15.905426426189221,0.0,0.00014063033626880034,0.08707102114827642,96.62593934487427,65.6992855359719,3.6711364634585006,9.356078919293422,1.9907974977412392e-07,0.0,0.19103434768879862,55.58284023558269,92.25494936737996,5.97714899480533,8.798556479148859,3.824007143997063e-05,0.0,199.08280666741746 +0.9706789810297014,0.23565205648167117,0.4396875651515085,202.11653331181736,231.96942193028866,340742.7651890781,6.892099980143143,74.88211608863364,4.497290367646506,31.204264240300695,4.984428233021588,27.442702440730542,0.5173321272777124,0.8797879990141947,433.5005541089968,60.67018345347074,0.29143776804982474,169101.55629162144,2.8679178262868383,98.66649825296155,1145.772121064613,116.49773233050189,343.3297510563752,43.37907071050101,0.2978152767806844,0.19356369711626562,16.95585126625296,36.1579381166509,3.5646626755911264,9.915767098378769,0.0,0.7295503678208047,0.13202237622122642,12.333886928908644,31.209281604584923,0.8043582450552622,9.867764156313866,1.6085862581975776e-05,0.0001132097967789073,0.20204861352207265,19.626205488335682,40.72722661828596,0.3359189989506467,7.903885692024485,5.7564499219046296e-05,0.00014063033626880034,0.3505297590663633,48.29284933814597,28.308165477567417,8.562240128271664,37.41486971821562,1.9907974977412392e-07,0.0,0.19004855110217986,23.545482181316082,53.6254928822636,8.319299221460728,10.719827557653778,0.0,0.0,115.14469671454783 +0.8913874098590997,0.1309265188608346,0.3641334829173062,233.77187959781742,222.443876832709,295612.32908394426,6.805802304459444,79.29747426598578,4.777990205913737,94.92926458723026,4.011078854605298,26.926740297388765,0.4515385380741612,0.7870947552438877,126.48866707032704,85.95546215959891,0.09389050575224683,173491.18758387744,2.710285128783141,99.73477541894692,4512.92142023361,179.94331703604462,347.97646539017444,53.712181488474535,0.15011266281635394,0.1983952410751592,34.76576230789264,48.25759351941781,3.739282106347625,26.248882304959555,0.0,2.50176101093983,0.1208730824174881,33.42974047506601,59.72298431208691,0.9491559881632853,12.586610531668793,1.6033010066721712e-07,0.0001132097967789073,0.20483555269153228,31.39302993885782,53.03804889914689,0.36091052714469535,17.73721014058728,0.0,0.00014063033626880034,0.1212745542335971,101.65812876204436,75.219203377251,8.89281960304732,10.366748683314807,1.9907974977412392e-07,0.0,0.20041961365069727,62.26742306674817,106.03560571400729,10.156921505758392,14.188568520013435,0.0005037035921800202,0.0,211.6789236934241 +0.9366096395337515,0.20697731515841158,0.3439999752633202,116.74581894898361,146.62569829872436,270363.43108133064,3.248046249253192,96.27396920404962,3.00852829819005,57.85087518539247,3.5443176015262496,18.76321041956131,0.37407965692305584,0.6015267343693903,773.4379499887975,81.56018339895341,0.08373543698167131,86041.33906846213,2.5513169857586138,96.0839319180354,2974.0850055367923,222.92558672504674,342.7910312039359,54.7491737206835,0.15509230609564034,0.19903443576405602,25.894433099595243,41.595237582927965,2.6626751135659203,31.20301039800353,0.0,1.3389977374244229,0.12137872685939721,30.663199173927595,61.70713029009658,0.23907234020858242,19.33156803914017,1.6033010066721712e-07,0.0001132097967789073,0.20942337289556276,24.306517337271252,42.76046165215966,0.25145131277530625,22.588625020139826,0.0,0.00014063033626880034,0.10887163343206145,95.46905173946675,72.17430525745168,3.825863649247686,15.94842750067046,1.9907974977412392e-07,0.0,0.2184906737219893,41.20294538257066,81.09993998531662,4.273715185088112,24.552500022165777,0.00017281922293988782,0.0,186.87730721684338 +0.9399459006514383,0.2421159973257836,0.38834320288621554,235.17565617405563,228.89619660977442,349086.82738635526,6.778677356998153,6.757309062694368,3.921771263005852,95.59950497176794,4.584294213622754,25.77928008979914,0.4608168994090419,0.816703749901167,950.8426934928345,99.60834335368955,0.3231560063077841,253578.00790768702,2.683627330399981,97.75385463857886,2488.3896853540846,293.1469944285314,345.41336951536226,54.55987047419593,0.3481038641251798,0.19547253384830066,25.300927126346632,44.072764111099204,3.2595032786652673,14.161189525014771,3.7330587350224755e-05,0.6935643033945192,0.10852027434851676,15.237806536423568,31.387047356408786,0.8156026742796232,15.909246847590488,1.6033010066721712e-07,0.0001132097967789073,0.20213343319058547,27.454018420108596,49.003406351832695,0.3363543878466342,13.296800100010502,0.0,0.00014063033626880034,0.345342289772142,47.30883833432047,27.624159158000094,8.516957529071366,42.83085464483074,1.9907974977412392e-07,0.0,0.16831966912179905,29.202078367426438,58.691279695318464,7.1457911948510775,18.962614345150648,5.201543221451746e-05,0.0,131.20145649645897 +0.9827520181140567,0.2545714539382753,0.37999952475169574,169.79284798196983,124.40983176189279,236111.9490536692,5.1581181372141955,54.04065684525824,1.946758343656003,45.008244376546116,4.30123060710998,24.360376614580073,0.7155242294417876,0.8920813223921333,966.1766842576195,58.804055612044394,0.293248602842766,77437.72892749829,2.3452607717523826,88.8482694427637,301.5601644930547,280.81475263141357,282.8527993316752,12.537978982308402,0.15948427709718216,0.1880021621017537,3.150139077998431,26.88471461387285,2.8215408428209354,8.67067382927788,0.0,0.7813739570632233,0.13199451037568488,1.545887471471721,14.29187381001978,0.6490509147363037,13.592503867746009,1.6033010066721712e-07,0.0001132097967789073,0.1860725380946457,2.0944444709012413,27.628727222035977,0.3215611036262909,12.27092566296706,1.675518321396402e-05,0.00014063033626880034,0.35086770429192904,24.81943717019233,21.779004667872194,4.2888817067177785,42.373212599689325,1.9907974977412392e-07,0.0,0.0833637681624866,2.2768370978257706,35.858139900715436,4.952471689141154,33.093408158506826,0.0,0.0,86.26599588378436 +0.9396673616998323,0.15584202190571886,0.39897893741239326,201.99619094945285,125.99007819582167,180749.64104454246,4.083443003681303,57.439528994613106,2.4460164722128317,91.57924521930735,4.568405520824988,21.193374033637124,0.32694060907079286,0.9818448551939997,321.8488706508602,94.41162832685119,0.10867766759058992,66617.3609082583,0.6738526725103274,54.24021376791561,4146.676715396841,188.5382198489805,338.32040353259583,59.42600799681935,0.3144367706308331,0.1938731725932643,8.378383196075358,26.609134336197027,2.6901265459101262,69.26469228536911,0.0,1.2184987723644058,0.12487067324949015,8.642296234233678,24.76949978816836,0.715975568629121,8.79729218138623,1.6033010066721712e-07,0.0001132097967789073,0.20244609426385615,5.942241322368589,27.285376785094112,0.3332160480420225,59.9856834843644,0.0,0.00014063033626880034,0.08228082930206543,21.658409851293822,31.368955202290287,3.4328898262023713,13.520828577347064,1.9907974977412392e-07,0.0,0.19028083388122674,10.259967880373683,29.643771098708868,4.8643480881859285,25.650021955939806,0.000158658470800569,0.0,118.5002888718226 +0.9472673253595804,0.15963491414702058,0.4216675904015116,235.65774019118314,223.24666968666742,332706.91828678286,4.423049453590348,76.20988687247484,3.1099278097036374,84.03786536967343,3.682660988886784,18.719220499988605,0.3180666095923723,0.6909477755628887,204.53163833811942,61.14935062010749,0.33771962622109036,94072.81369221344,2.8825861006030817,82.38737645105256,1211.5971483998994,276.4937295294998,241.43957936113367,51.53947635218621,0.2679942319370332,0.1879261693774294,4.335982906744298,25.915108795661403,3.4984340011681874,9.861350336378996,0.0,0.9296695465463876,0.12299465626507768,2.0704125810004426,16.52111996643331,0.5259955840358705,20.266794889093564,1.6033010066721712e-07,0.0001132097967789073,0.20068476683900266,3.084106050523325,24.44007328389385,0.2850352446981959,8.124743901178602,0.0,0.00014063033626880034,0.3402596133463456,12.866425845750259,15.932670035017628,11.950887013531757,51.90563838603198,1.9907974977412392e-07,0.0,0.14959217181582637,3.3223631539597482,32.90655017932096,6.10563000348244,37.7285888560488,0.00011574735578842658,0.0,89.29258347058473 +0.9709078687271859,0.24852250151330954,0.38215499687786947,248.89372130876302,133.82278162563387,310360.4866589204,2.755181922770907,72.06734097337785,3.959014989082161,12.568463734518716,2.139736367241651,28.003648884847035,0.3493984501098382,0.9697229121486587,932.1684919488712,22.86281069757959,0.2528064456482601,200737.5014910538,0.9568312325908216,77.1979332996756,3635.9297131048816,253.6167462058368,343.22590059415785,57.803096703711155,0.15819505425220476,0.1898468383781082,18.8097021814514,37.86041797898144,2.896549296653772,31.281529051223718,0.0,0.8932601058642433,0.1269446550438873,19.27656081286283,41.19067186128957,0.21706113452675815,4.675997252973962,1.6033010066721712e-07,0.0001132097967789073,0.20013589803844237,18.65222783117247,38.59718132203868,0.24464431898717262,30.763152168382877,0.0,0.00014063033626880034,0.12007781240742042,59.51973816356265,46.97234451001346,3.606969703891778,18.59608188093043,1.9907974977412392e-07,0.0,0.19041311654373405,28.914919076433723,55.79899543626909,4.761011682530706,13.427796415946089,1.7271320377151486e-05,0.0,133.82723177107195 +0.8980979528002216,0.11012044574781496,0.32821652619412095,180.23355991341597,128.49074132175306,234583.34629053398,3.814599448612728,68.88396357738655,4.20849494544523,58.92026394147226,2.353487621464429,23.01861983261783,0.31912893325518704,0.9227699188843881,459.12655686609514,78.73697555331255,0.07545624577263596,56473.325481713284,1.1100150227151222,43.776504979922336,3153.111943669285,248.9836392215448,333.7224961953967,46.165962386945424,0.1744543753696552,0.19565812548067416,12.87344072064874,27.307668075575705,2.748108750561725,74.78061179491633,0.0,1.9389451967930735,0.12368613232590327,8.727542993392367,25.194494395802145,0.46363900486052884,8.603006492665793,1.6033010066721712e-07,0.0001132097967789073,0.2004999445405711,7.365750827496148,26.927144850354445,0.287341984655145,55.264136356688134,0.0,0.00014063033626880034,0.1004831680003607,31.98417861508764,36.857486982756335,3.568536807306953,18.550033901608547,1.9907974977412392e-07,0.0,0.19080885035483663,14.963314105604898,36.81325859171738,4.7449133845863,20.812486621401245,0.0002545868877509033,0.0,126.1221979376327 +0.8199071176221298,0.15523392058024932,0.34881297868403555,167.48183554324848,121.48360139992892,167247.8473872636,1.762113598336473,47.30007913838019,2.108191850390926,87.42903381390379,4.450200563582007,19.175200156635693,0.3643637918862129,0.6580206871745864,695.6278489494408,2.2721368536780417,0.09671602112444017,55886.85363347062,0.6261324746014106,71.35238825342788,990.8866164273131,257.58624741182626,309.6355066662732,46.6151022927392,0.15747407459353732,0.199544964498252,3.2596970780964187,23.503899617209537,3.2742928940778286,62.05945403444274,0.0,0.5370788256029381,0.14021898703170602,5.272500866157865,19.905405683281995,0.21347543871153038,6.674376503435886,1.6033010066721712e-07,0.0001132097967789073,0.21198739003255307,3.0701619558460767,24.39424499772403,0.24753017592882667,56.20658879956272,0.0,0.00014063033626880034,0.14469794535576166,13.834890162252274,23.385897537265667,4.571884859550578,18.667442957291453,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9472787317403517,0.11666537843475844,0.41244517373608125,181.5052358744432,208.82760304448692,287861.4073892597,2.7822664410154765,88.18989943575117,3.7855220583452613,9.118023677193598,2.813764792320798,13.39397556233378,0.31294396684758513,0.9755141717849375,5.6904154957330775,1.3288034458772913,0.2439964137858592,146648.4743719761,2.652453078040425,39.50642233194384,1104.3123492950047,213.89605467653698,336.6225416289592,54.70336040862879,0.28341789135827283,0.19224325405352774,12.538710000536168,36.17304805625952,6.7032953359351115,11.145371128831977,0.0,1.3331821842223488,0.13312176929625036,10.131241206962546,27.92080706368265,0.26219895457209585,7.517016345333513,1.6033010066721712e-07,0.0001132097967789073,0.20595437230029068,16.909812063033733,37.24807661239199,0.24936663924425898,9.265377515868527,0.0,0.00014063033626880034,0.19836469562005413,37.27867861144489,34.51419228050687,5.4860258670412865,5.903500021276595,1.9907974977412392e-07,0.0,0.19318194956400392,16.899298583304592,42.501163607679366,9.110786189899828,8.029772566496414,0.0002865042541637115,0.0,96.02170291202013 +0.8771706855310412,0.24222915142833848,0.4310570698854722,180.5575585397748,142.87899948965585,267644.2236964975,6.115909653155783,98.53589842498859,4.91403742072149,88.8891450229212,4.8187928770875255,24.903482010450173,0.6641103411580777,0.9466291787176649,896.1905284323093,96.80768643669636,0.34036048903781985,91956.35048760624,2.9428832718383973,95.11882415978874,557.2848321223006,266.29255830400484,229.68498905761584,59.60931127872737,0.3405024339771696,0.1498899862536827,2.4247728038526772,27.612134066666908,2.629296556702704,13.167287670018544,0.0,0.8668751606123283,0.11947550360670459,2.025914617543641,19.070869226127947,0.734317814193779,19.947487380225116,1.6033010066721712e-07,0.0001132097967789073,0.1872717459089575,2.6952787114700363,27.562880943714593,0.3330445087053429,11.526144516894783,0.0,0.00014063033626880034,0.3490817459065879,13.445363323505614,15.79292860018643,12.901780160210965,52.82098840611016,1.9907974977412392e-07,0.0,0.08331939133628358,3.427181019066047,35.8945176268426,5.445968747150538,38.21219138109854,0.0,0.0,93.76798593259417 +0.9260262988829522,0.14905510780862485,0.3932598845921602,145.6427901875847,239.91302700714155,274134.3102219832,6.8410241329689425,50.203302996788246,4.405429940988182,95.98324359961211,3.5339629321430617,26.631218449558418,0.43876861971010495,0.7746208110946452,905.0685600217279,94.17403522643127,0.28968091192455125,297882.00439668546,2.940521248841416,77.84550140192293,1988.5727921364462,280.8420629647151,348.3527096039483,59.07338907281545,0.16211030922557726,0.19510975740134806,34.138659011144924,52.816709184371824,2.997335319826563,14.510252798092504,0.0,0.6905186145762028,0.12633003751249783,29.17334918671869,51.48565058334046,0.8706870963294603,12.002282070365343,1.6033010066721712e-07,0.0001132097967789073,0.20689832996273896,37.13565979477396,59.91792551403749,0.3517801590942803,12.97138861707971,0.0,0.00014063033626880034,0.1903911176457573,102.94733713936358,65.6203207903727,3.795803595204386,5.2477621749320384,1.9907974977412392e-07,0.0,0.1904712274414741,60.01841067043244,101.28847228072681,6.1728161952648195,12.290888797472286,6.2708143649107385e-06,0.0,204.83251018939143 +0.8417628217032247,0.19887922885819917,0.4017598432761441,234.92210361139698,132.8709100885814,276323.6413185952,3.879643292192765,49.95702513912739,0.7644500890497032,88.84565539507835,4.974315356025386,23.102580665066924,0.3375440925553288,0.9531228446181722,947.8228907799501,47.21147614377339,0.31151126889908265,205046.1688105177,2.422554485255172,78.50168095013191,2890.6591389548057,187.28443641762226,349.2023760181818,52.168680512224725,0.2644548373118618,0.19304454669459434,25.950687787474987,44.141931285443704,2.849529010253856,20.145788885149884,0.0,0.9267205333268645,0.13196138936734314,23.147528258132326,45.25386729677748,0.4242355508348189,7.375732130227525,1.6033010066721712e-07,0.0001132097967789073,0.20693122671541217,26.842475127341352,45.38899721652167,0.27709643746773477,18.39931726973254,0.0,0.00014063033626880034,0.19643521510500192,69.05812423282826,47.326962601111745,3.2878910294524974,6.361280980894857,1.9907974977412392e-07,0.0,0.21559399647143798,31.994733446531487,57.314897870697344,4.7830096669846425,11.065070592357296,4.5146847780827254e-05,0.0,142.50849432978487 +0.8942267488179653,0.19577808293962629,0.3998451573760353,197.0614699704993,200.06598115620972,186257.594751973,6.656973059648377,64.27953330753328,1.8609022048233859,30.163167688183204,1.960362678062653,8.804223203225158,0.7141036002413053,0.45972189055015933,984.1702460323621,30.588843744596502,0.3179343802226434,63395.20272785229,2.900704224669222,99.01350027931977,4453.123601320123,115.87277669542372,236.57929360657798,43.718300859320166,0.22440165193012407,0.2012845891630845,4.870185840100048,24.312995948185225,3.1167958939208376,5.18288891247321,2.7795028026284413e-06,0.7782894357633031,0.11947215825338968,1.9270728534438903,18.454778298555375,1.252140854778559,24.179469574380846,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2936099861883806,10.317906088539761,18.12526332932901,13.744862217330398,54.38059906060148,1.9907974977412392e-07,0.0,0.21268938238030327,3.6236464612656945,31.173112767991984,6.264927522183461,46.24134555220212,8.43525659316112e-05,0.0,2698666337285.8823 +0.9410055286456586,0.1924419122923903,0.42169713821248456,71.59679155471092,225.3145798940146,348010.5195102386,2.6079911106520033,83.95121248918669,0.9174257733402832,5.214208373949514,4.873923988197992,18.962137398204415,0.3328532919906547,0.7242152166005357,983.2988306629063,74.46032172826555,0.30173941916836455,134494.03353911947,2.9109324733942543,84.0300687946165,4762.772954054113,218.22140265131287,346.9607373020381,58.92442293853499,0.22636897598257724,0.19359665580812396,22.15190210383768,41.08400992918569,2.787490221248391,17.0556243455417,0.0,1.1399749444668388,0.11957607121917088,19.20878835093226,37.26220279059804,0.31770360360914535,16.470823600846906,1.6033010066721712e-07,0.0001132097967789073,0.20446664600582576,26.798799890281504,45.07212375123129,0.23558662028279043,15.753859397631699,0.0,0.00014063033626880034,0.182476835017266,61.17687460866305,45.89773590735554,3.5397701162712347,7.977114033210383,1.9907974977412392e-07,0.0,0.18765803209929258,33.629381925333654,62.63542222620654,4.139719239517475,19.731776855578314,7.436789920357645e-05,0.0,137.44623234571029 +0.8953522436239686,0.14574310562511966,0.4454354655370353,155.42108476311057,50.55576759557421,254750.64095706222,6.635260425059297,52.78654653232467,2.3891251282711314,17.422665296646542,0.6997058276307742,20.865345824022096,0.3357380604196055,0.6860081170791782,915.4051600994476,49.13103240399424,0.20612539080171002,72779.93792273433,2.3825098304802292,92.98385403827533,3467.1638879024795,96.30335566674965,225.52808083612902,12.817095385183244,0.21393615118838286,0.19843990692355964,5.606116440574189,24.570546914704934,3.055140470110785,5.199262382029269,0.0,0.697678271334285,0.12277055093158366,2.752026322359535,14.957726171839832,0.5193259705157416,20.435678571884594,1.6033010066721712e-07,0.0001132097967789073,0.21035715923822415,5.517572088107699,23.85619962571512,0.31588643832431956,4.11093021113819,0.0,0.00014063033626880034,0.33704609534885804,6.867966439195424,14.489330836552856,17.47895459778263,58.49455305750036,1.9907974977412392e-07,0.0,0.16541325907790225,7.906816789168781,33.17083808644848,6.810752049525647,55.91818410318199,0.0001820925782328399,0.0,101.28314959051983 +0.9784363795417488,0.15973344949818483,0.38163393415072006,216.85686698581705,86.14839077079756,315584.70378595445,6.796649896294994,51.93512789958187,3.127650733903756,98.1764628634643,3.9963577054025805,23.125908992489343,0.406964281424768,0.882447263768923,874.5258246582638,71.64051190486487,0.25319755439773345,68282.96566664975,1.7738546605338774,99.71020158559445,4907.110849004488,283.9463231871498,348.20752875210326,58.41429755218506,0.21611298009854588,0.19104362376650832,14.158148399962913,36.676017870071796,3.187084869555696,43.61174291087993,0.0,0.669786227652751,0.10899904275712662,17.074557067997247,44.50479753709755,0.5714188256295567,17.780617714194968,1.6033010066721712e-07,0.0001132097967789073,0.19973496571004892,15.438812557961754,36.637510123259986,0.312234313932318,38.165146666400425,0.0,0.00014063033626880034,0.13832954741833922,53.825644572719796,51.718230928832824,3.2117779912078377,13.582299273807486,1.9907974977412392e-07,0.0,0.17347270683047994,39.58057609746998,74.4949994934369,6.050653700807105,23.67639938667623,0.00040995694401653866,0.0,150.21459524410548 +0.9489922071467914,0.17281336921698995,0.3403546449282737,97.02465570739272,206.9743635413457,348154.97043739044,3.827051033950161,79.27203128628017,4.730872130544543,69.83991309846593,4.358192436408162,20.74701562548391,0.3751270924412845,0.8045135103835253,361.1471757464868,96.93198551176523,0.2968095262273855,59639.47468682265,0.5757591604304548,83.07364850372922,4495.7524563468,190.49489620064347,347.5125347671147,27.17694968980864,0.29903982862522677,0.194372308224273,3.083646536947153,24.095207850324794,3.1213372147179363,61.11372891211281,0.0,0.944132109639281,0.13494158481647256,7.119822502084391,25.092091886954684,0.21699107631820422,8.26267175400199,1.6033010066721712e-07,0.0001132097967789073,0.20675961917817856,4.110659333677513,24.90420925804028,0.2461779225185823,60.351456035158606,0.0,0.00014063033626880034,0.11412780131599294,25.916621128738488,32.52884754896553,3.223668322550732,16.97261790569214,1.9907974977412392e-07,0.0,0.2063276782015876,7.22760987337469,30.679334056416756,4.578662711224234,23.123466729277833,0.0,0.0,113.75957871514383 +0.9634203250701614,0.18489530821345435,0.4402466950809107,232.45307952793445,177.8108297679354,232731.92181985348,6.8556166286757305,60.09954308584415,2.5334345789637718,96.55115194135345,4.82479515113153,25.174941982745317,0.4268374589735528,0.8750899210433459,908.0045709819852,91.84304796599685,0.1403777307103069,205087.24813200207,2.948905165672185,99.25440266083302,4794.978695901325,283.2795405700345,347.42335195694636,57.87635467860352,0.3454742059680729,0.1884418319142022,27.952360965066617,48.81391542863573,2.9336195839932966,16.878421625160072,0.0,1.3998691909186405,0.1309087758431514,9.438851743753963,27.671701790411554,1.0876576177201676,12.512645830329118,1.6033010066721712e-07,0.0001132097967789073,0.18405891503590596,24.61000735378166,50.360801793235225,0.38835491862595806,14.704776288194074,0.0,0.00014063033626880034,0.35195009823437723,36.40157476828278,23.381670634369208,8.954709119762285,46.42518227897623,1.9907974977412392e-07,0.0,0.14717850204982086,22.313374745544543,52.35214978108561,6.776192444287685,15.873129844569425,0.0,0.0,124.39609716862711 +0.8125289341570752,0.1011225395365874,0.3283314470124823,28.587717541345853,85.60482963389657,304347.7485770339,6.12452344429123,16.882008724807623,0.7683878724130293,58.61093283751305,2.9124818988646957,16.150448727563642,0.3295987314620159,0.9599017047635061,608.830027097847,50.133400780094256,0.23087423598110907,67940.87363154971,1.264434558273398,99.19315632014353,3713.663800803701,293.075233885815,347.4609475809052,55.769135719538326,0.2944195192547331,0.19496987364999438,13.965594377536968,30.15863640005151,2.8704662629997584,65.55611812927391,0.0,0.8122431325295012,0.13085243263222032,21.382317363673547,42.66891644185187,0.19974340264536242,14.652020755763331,1.6033010066721712e-07,0.0001132097967789073,0.20794878188224486,15.961677332175832,35.438173213004596,0.2477850504788696,62.28706936225802,0.0,0.00014063033626880034,0.11614096046613194,46.98134199827988,47.00337207033604,3.7536345024193953,13.734916549025879,1.9907974977412392e-07,0.0,0.20645803780111066,27.261363704390998,54.95903360592358,4.36835842381819,30.98858910785877,0.0,0.0,150.52087741255565 +0.8966261142793968,0.5748924712075963,0.3609035380521611,82.60865487436277,148.81334737025517,256601.40299012625,5.609605580580597,87.99645027007352,3.270862353165187,88.77302624990622,4.900001144236536,17.225189155677427,0.7748752403643924,0.6859884582035994,834.781181510588,78.30473103616276,0.07709338318091682,250569.16046278886,2.2917104707028324,71.79425251361994,2374.328667139923,224.9571404549538,308.9297187614675,40.73297002480557,0.20522396543824517,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.08363444308837592,65.62716892777802,46.98160234280837,3.216273657915161,3.8305199788850675,2.277515907794743e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,5397332674571.765 +0.9711597503055602,0.15458578211477014,0.342825236536103,192.44908766254167,40.35204909740409,133525.63380947168,3.323214755644195,54.34679999188983,0.3932135122838043,34.989625858323926,3.6283296187202834,29.15344816746044,0.3543205121854416,0.804438021820524,351.9533833842553,27.82254171606558,0.2879656802874533,253718.56084140745,2.9548140843399144,92.39045615960481,4970.349567505319,270.88159979899683,343.0437256850574,54.926525057536196,0.1586388719819804,0.19058864943012405,30.577511388025798,57.183647363902246,2.919315505878104,13.28874397167366,0.0,1.1117055510145775,0.09853847699636649,30.47210973770536,53.77122275017948,0.45870400204125517,12.505487440212223,1.6033010066721712e-07,0.0001132097967789073,0.20194088983499733,34.827147440456635,61.445723459579455,0.31382187785563936,12.428775683281666,0.0,0.00014063033626880034,0.09507086610338747,87.60762766136172,61.91821964517964,4.745742430281816,9.51960058756347,1.9907974977412392e-07,0.0,0.16095617001367318,69.08133842799609,125.146569121431,4.85728155736664,16.177689466338702,9.641032504024403e-06,0.0,214.13152310407534 +0.8942400392801222,0.1184894779520139,0.42306248588606904,202.99584319919958,194.8860208019218,180060.61093784365,5.841611886219353,27.843261067496268,0.4529722126825544,74.12184132322379,3.1571314270455306,10.01738750276061,0.34597386829755156,0.9406360498015969,42.122110251292895,52.37858516247942,0.21572409842793702,52772.33032329153,2.275495144524078,45.93383064910137,1402.253780388759,21.60260612973005,256.9470973395931,14.866312820994725,0.2922943357584828,0.19735230880734572,4.894081380888817,24.420921309544465,3.4027743086980107,3.109883777985317,0.0,0.8514232913252571,0.13957550490726267,2.8627614593519404,11.68006697014953,1.1669448902581543,6.980743962313624,1.6033010066721712e-07,0.0001132097967789073,0.20935385997579298,4.122734861406523,23.595957217442297,0.4028444226889708,2.0067919484925,0.0,0.00014063033626880034,0.3543896470670388,1.5005119824078288,14.388906605335174,15.084846537639198,55.0012739020404,1.9907974977412392e-07,0.0,0.12748390605462176,3.7209244769356586,33.799828861284595,8.134831186348212,38.50085251877928,0.0,0.0,87.07450823560914 +0.8903685336253098,0.10777000493506267,0.42326824382390904,238.2248342593653,164.56371296738286,217645.0214187386,5.068381499315427,72.48108657587862,3.3177425823495286,96.87148102452804,4.750454119101477,10.96671661663061,0.526661891771629,0.9144668756533161,902.9492163817412,95.63882231277718,0.1379431667991447,200267.22704575205,0.9263871005445059,85.62176286981845,4637.217507703234,298.1357897060181,348.4229877968195,57.84367399190856,0.24145538009073014,0.1984589106163536,20.375473575651487,36.05400152991057,2.7212237637159786,33.0269929721767,0.0,1.0722460463203964,0.13846896364605935,15.773719845444514,35.0637271926348,0.8652584945718179,4.814892005144045,1.6033010066721712e-07,0.0001132097967789073,0.21066884508103123,16.833907358749926,34.90732215785653,0.3520026194148278,29.23250486525949,0.0,0.00014063033626880034,0.1328117673375562,48.66402212754052,40.07064331252511,2.92770219341006,4.846144856285177,1.9907974977412392e-07,0.0,0.21923006268907766,8.853343029387732,36.936202622589576,4.211965445217298,9.92080831068935,0.0,0.0,110.62574932049287 +0.9709078687271859,0.2491309611894844,0.3272435912852707,249.7908181997988,62.71200443805111,305663.14934902947,3.0497642927018846,97.79092949421329,3.8475762449746833,96.52349739672928,0.6667220822980545,28.101692769429157,0.3493984501098382,0.9692255136398571,933.2430703039133,22.86281069757959,0.2517243598864611,131410.91063306172,2.9306152434865576,77.1979332996756,3635.9297131048816,252.99165107638936,343.22590059415785,41.797413832116185,0.15819505425220476,0.189540729023779,25.873133491132265,53.04094851905667,2.932421187246399,17.107221677344814,0.0,0.848118863427195,0.11099655272581183,29.453267439798026,54.5194462086877,0.22322716769406523,11.231979164521892,1.6033010066721712e-07,0.0001132097967789073,0.20037447078795856,29.713923845073605,56.75176952291316,0.24370340471888363,13.81113402674695,0.0,0.00014063033626880034,0.08976274202182784,90.46662408585905,66.09419332874864,3.747691556462512,14.703917898369895,1.9907974977412392e-07,0.0,0.16744180957064927,59.6942547142975,110.05433759965014,4.715585846289185,15.510073531194998,0.00024031248640122725,0.0,201.90711733988044 +0.899666571215839,0.20173035009703857,0.3887053824786513,210.16691416003584,241.69301285467031,279253.6652721732,6.138647722544362,67.25503110079912,3.330680091643413,81.79056015815439,4.707760440471406,26.205112447017402,0.5976517319798745,0.8415064963953124,748.9609541775332,79.74581594950689,0.33443445972671204,150329.29161219834,2.9468993168035977,99.79877810922216,3606.0284271221644,296.37338917279374,348.25835469751786,42.10357824478997,0.16033184976474116,0.19010014802672184,28.345595080006266,52.27591822107286,3.0676753558892096,16.825855002298375,1.1395213495601837e-06,0.7778954630449131,0.09731189471887663,33.955859693043564,67.8575040289253,0.9006825359677115,17.395914359142466,1.6033010066721712e-07,0.0001132097967789073,0.19768143494024148,33.2932603111507,59.060202470873854,0.3527467975695809,15.989849062283257,0.0,0.00014063033626880034,0.18085893980774734,112.94135211713832,78.54126722257604,4.575015309169259,9.826737534677989,1.9907974977412392e-07,0.0,0.17125958603463093,69.050832877116,123.62880117732284,7.144712767602853,26.4222225553424,0.0,0.0,233.63687415854614 +0.8464823238459691,0.12653092598209806,0.422431713373986,204.81743389557496,195.3424548363917,308885.63159963704,6.863188383567005,29.820866296491637,0.451327616879919,77.85327107804024,3.068806524267411,9.508917894573042,0.3438304170613727,0.787522894427438,827.7145594191288,55.99431886560603,0.2220503244915592,52514.261928194246,2.241416840569301,46.72253474338299,1382.5177637983968,17.149972910469003,262.9744819973922,12.713104717169264,0.2652924246034131,0.2003374091142075,4.153063087570741,24.169280706113653,3.2459237175609474,3.0830143242107138,0.0,0.6904571723381709,0.14194945131830275,2.5868891734505532,12.854275763981434,0.8364331780050581,6.411056693903604,1.6033010066721712e-07,0.0001132097967789073,0.21228493916346328,4.195998564082736,23.622225919695612,0.3442098455152241,1.9716744897833873,0.0,0.00014063033626880034,0.34377077805012207,5.804747582905377,14.898148348487805,14.885798295847025,55.48698612285657,1.9907974977412392e-07,0.0,0.1464433112323323,4.476109332829715,34.080377888093665,8.141979621022028,58.30326018532387,0.00011005251778365093,0.0,98.07458696295058 +0.9803920480843645,0.14650986913965305,0.4350817803194338,149.62265821615668,227.8721172560598,198180.6035799921,5.753351169054267,11.670379563625382,3.382157419305405,61.098144992454365,3.443717045440484,20.69793287212678,0.5292201318434948,0.5553696753114301,273.95317062627703,70.02888958393963,0.28853286740984796,56563.003491665586,0.32438310050581576,86.79038010896073,4726.867279225245,225.41546526251648,253.66160165574047,13.129770689419246,0.3034734899233625,0.19811732509684984,7.517260316337091,24.732321358046974,3.040423119611358,33.99767324796302,8.878531969760674e-05,0.8262320508349688,0.13798519725325983,3.7488400512512543,12.734952354408925,1.0023234870354027,3.5156741499634694,1.6033010066721712e-07,0.0001132097967789073,0.21134891611801634,6.316261865381724,23.435310305339804,0.3756758395746497,29.36803377815359,0.0,0.00014063033626880034,0.32779070527323023,3.9619078932005753,15.149760286670793,15.28744787030351,56.096215542656104,1.9907974977412392e-07,0.0,0.17570731975590445,9.254669883683775,32.16169147160282,6.894845430651226,48.33436482364924,8.367826088659589e-05,0.0,102.98063975343797 +0.9790044509897846,0.24384092316771133,0.42562744995716584,232.33484539973327,14.350317549295324,311829.46100317576,6.689877046783588,79.26341068526987,4.148445276627104,84.02988135296833,3.971218346904483,20.921823599531272,0.4152126619071797,0.9156470838010485,68.28021847473295,25.35328791094378,0.07117813860159099,97871.54443213445,0.6626382609552206,74.97269182016318,2153.2506527195615,264.57942516144675,349.6194441201244,55.72344564936086,0.3029385433684218,0.1981400622497995,16.493512602737976,32.931917443271345,4.262300544762282,61.74105553196016,0.0,3.243010930468861,0.134348369221456,11.377702991653747,30.417813939162755,0.22786969573183016,7.395277830928825,1.6033010066721712e-07,0.0001132097967789073,0.20695405832149766,8.898792406815922,29.315498992456217,0.2794392331088262,47.468549179457376,0.0,0.00014063033626880034,0.07716336093850976,23.02037708657736,32.381438227326186,4.372562385855685,11.700895732557283,1.9907974977412392e-07,0.0,0.2104146382726372,13.180891363921962,36.88126731413252,6.5541261075235555,19.484355356705116,3.4422210642572117e-06,0.0,114.84681804095145 +0.8921754062001619,0.23195757903221534,0.44711136139356805,166.9253987849373,239.49554334286756,269887.2935786481,1.602060597508063,62.792600389812904,3.656106811506385,82.88508239899063,3.5378579848310485,27.68527197712917,0.4859570825645181,0.9754213210290898,643.689771348754,30.908999470653363,0.17153795659031876,142665.82910588602,2.690383933282514,94.8429623681631,3261.720678196708,264.92098673497645,342.2132173348125,59.161972857386104,0.18999954225851998,0.1881853153165007,23.76175105782873,47.824792606058935,2.624063204514125,17.832548854253417,2.9464454026178813e-05,0.978142334576538,0.09474407814775276,26.96193875143676,50.97780133947524,0.28031893751059994,15.86947403565418,1.6033010066721712e-07,0.0001132097967789073,0.1973024380146638,27.93467930049433,53.18795235528383,0.2351489832172564,16.361505844787775,1.0675133494193574e-05,0.00014063033626880034,0.143408483143741,81.12729515698163,56.082366134588,3.926138358353389,9.272338004368514,1.9907974977412392e-07,0.0,0.1584607876344053,52.82273013330778,102.72856693777794,4.270322542217921,25.344965211878755,1.9797086782150643e-05,0.0,185.64677642463522 +0.8776627636196987,0.22881205037470714,0.3276070618916292,123.64056486472674,178.8749460186981,332802.175231706,1.6670144507055653,72.81808298265504,4.014643251438575,50.42600542434248,1.4823465183986733,20.99964317167415,0.38338226369795764,0.9691781178498213,150.16162780527992,2.2785780108708997,0.08003276476962208,256627.40976462234,1.0904875096400293,96.7674286778575,4193.181355267858,117.40816496054558,342.94313940342755,36.76267812672603,0.23795058846785838,0.19584790724996848,23.05568552227833,38.36387684023707,4.671431726654579,23.78238408185061,0.0,1.2427654823553578,0.134166345535274,18.475782889390484,38.03806562384905,0.3768661715951148,3.77078498036956,1.6033010066721712e-07,0.0001132097967789073,0.20634425395832984,20.127803998048027,35.788479674177054,0.23496625178100505,22.655330528437904,0.0,0.00014063033626880034,0.12977462123169836,57.1066300686388,43.194850319563024,3.699333083476811,15.658140306548443,1.9907974977412392e-07,0.0,0.19326134266714828,11.221627821732477,40.880267075349586,6.140971292059587,9.568790856032646,0.0,0.0,117.9261011332804 +0.919020976566524,0.16129738434082438,0.4029970119099178,148.03094113399428,203.81247396936527,281423.9936700299,5.350219904324722,79.98459426733861,3.5401535649086924,97.60813841062159,4.645420769856012,19.175722070361726,0.39758029257874283,0.8780668392614717,679.7903894478915,29.911028535773006,0.32492096915219026,89859.00638694059,1.3471360872343803,93.2744296341828,4901.928752359654,286.34913983866903,345.4400053874512,53.961561382749075,0.2910619496520348,0.1936549955649992,9.591115211154053,29.572959544294683,3.1871539231305275,40.12447459269634,0.0,0.8525453081622275,0.13105612447510384,13.299516638062247,33.36830655134409,0.6290014066848384,10.63986727874428,1.6033010066721712e-07,0.0001132097967789073,0.2061857416481033,11.528908541375936,30.380840029128823,0.3108114031229881,37.638017502875705,0.0,0.00014063033626880034,0.131135246165484,42.25393104506716,42.13607780290492,2.9943292673215325,7.152267258299257,1.9907974977412392e-07,0.0,0.2049609154243132,18.761624501608196,42.71140289973164,5.701533807963871,17.334150862681117,0.000303639274254879,0.0,112.2244317941259 +0.9385744542192701,0.1394270828721342,0.43539058872395514,187.09923814836583,243.23327809297143,271073.8510746342,6.5446915596075455,92.87173929923448,3.216589070958992,80.4412748784637,2.228045175052185,26.316769075469786,0.3792514510623709,0.8675733006679933,832.657361660939,16.62134906586649,0.14624700733860888,102627.69208366622,2.851374567661163,98.0212212227258,4844.6740728232335,273.6619712269036,249.6611211781629,34.984624484134116,0.32885500528906564,0.16789701906209598,2.1841664887642698,27.364078766493442,3.5736727548765432,13.172156190053117,0.0,1.0527574909777946,0.1294984460918555,2.2754976897809667,20.154610299681686,0.9408517025427999,22.218416796819803,1.6033010066721712e-07,0.0001132097967789073,0.18309942989800795,3.1713754048839893,27.53794871898581,0.3609901534464838,12.609133100126165,0.0,0.00014063033626880034,0.3522807822611814,10.595111500998003,15.4009680505936,14.775244664899404,55.10441491511732,1.9907974977412392e-07,0.0,0.11236846304803379,2.119945147661192,35.36396690443347,6.6429330026661875,47.31587068848807,0.0,0.0,99.58355831296065 +0.9361472665014291,0.20871082759242282,0.39883503358095285,14.942338136085155,56.880649033290766,174892.67512136555,6.875102712634694,86.8452496629834,2.0977760948683457,96.84760958358035,4.782669023258148,21.729980686578187,0.5603929029934598,0.9726475187082717,510.5016186480242,56.27606709875548,0.06828581906985934,263154.1543604436,2.9384345826123717,85.57283588541728,435.30002977455496,283.73350824635384,342.84205053176714,56.15608120346629,0.1648564262934794,0.19549553082294607,35.55748533631855,53.99935062704236,2.4877346695405116,14.776658575966366,8.460479754483794e-05,1.2586499502783182,0.11842652869415551,28.441217285685184,52.04829975652765,0.2740539207135776,14.43423266558738,1.6033010066721712e-07,0.0001132097967789073,0.20340909824728878,33.89079964807826,62.88220055730329,0.26356473053393753,11.06309852804623,0.0,0.00014063033626880034,0.10923002383599485,81.44075117325964,62.228971235844895,4.514500430800544,8.22433940099642,1.9907974977412392e-07,0.0,0.18939690294702924,46.872805078934704,86.72629677919933,4.097987801411403,12.966157292783597,0.00031347725209102123,0.0,183.99615413873926 +0.9402257595687459,0.2403094025912246,0.43351016606310083,205.7687726816338,142.87899948965585,344054.24979026156,6.144522972167832,32.832807680717934,4.902202596348114,34.30226229560816,0.8076921271096918,24.903482010450173,0.6486022849995992,0.8380383496217619,974.3283041931901,96.80768643669636,0.20183304422752976,57445.23933538607,2.0879159333188007,9.14941952137108,2097.4381842809544,248.94282691019785,235.83852719259173,39.225145967719,0.339899579628716,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2068298097163177,3.456963720935364,24.367216790796927,0.3033086251136198,1.9848436256862616,0.0,0.00014063033626880034,0.3467183931130733,5.903794081315218,14.629035434281448,12.92218740282654,53.53000768475738,1.9907974977412392e-07,0.0,0.12214222767866949,3.6870531851705697,35.151288645262674,5.72494184791404,42.299608336970536,0.0,0.0,3816490534509.4204 +0.950768408523164,0.2170379631133555,0.4214860894747436,195.8375782136535,151.32762565466228,123932.6108364176,5.211502820148824,69.02295037738295,3.665126700636767,89.38413714945094,3.044108614077071,21.19679317817054,0.38674688700270937,0.7229373365476679,731.1719139454646,59.60848851883675,0.27450176344110966,108682.37354205173,2.9463503234272586,92.56504208711891,2250.4183961099716,167.5583074914036,336.30552233132676,42.42280916254865,0.34607160930072445,0.19271641372431073,12.37354706044279,31.211507506236643,2.9732329470847274,9.676457659521756,0.0,0.81555044091178,0.13252293134025192,9.357569402531606,25.261736762666253,1.3072380966287602,16.07195963752529,3.3473109485013574e-05,0.0001132097967789073,0.20071532805511544,15.641492548354853,32.43582889628338,0.42959820046086644,8.843293324494626,0.0,0.00014063033626880034,0.3374633605649303,38.07493222105006,24.85866184024001,6.141590301747287,31.198730718256368,1.9907974977412392e-07,0.0,0.17698295474417913,18.06690456520415,44.731807914903854,5.458898433388627,13.582414640544034,7.762776881703505e-05,0.0,95.97848048365508 +0.980612636263845,0.18152537846307787,0.4148325209134367,212.77954019176116,188.76884843839852,254750.64095706222,6.572959504683629,63.800184509553446,4.135178532620097,17.269660888294734,2.992716803357885,21.334436716611645,0.7571575742181603,0.6831090139557225,915.4051600994476,45.564581690624465,0.33997165520926087,72712.57035147048,2.535722267475105,92.98385403827533,3432.08915522704,277.24138048338693,225.5174970015712,48.32679481129007,0.21393615118838286,0.17967808575409955,4.445636001539808,25.98215224000768,3.160075885096641,12.619672832336557,0.0,0.8006725524200288,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19185034382753688,3.3356693191372844,25.93884110575108,0.36725499311637755,10.75166126854427,0.00011283140391086017,0.00014063033626880034,0.3404607526476975,5.518269591720459,15.060426074513007,15.267373067964781,55.97987449916995,1.9907974977412392e-07,0.0,0.14622241935509506,3.873138140711769,33.731622158953236,7.221050246361518,53.13063580306674,0.0,0.0,2698666337285.8823 +0.9638972135291876,0.18589362804752915,0.34980109373180956,234.46619559562657,180.2510022050506,229163.41885825133,6.203028146429855,60.52239678869626,2.3424869827230053,88.48549197184823,4.753273510398429,24.87609762574241,0.4260953177377441,0.8750899210433459,908.0045709819852,91.84304796599685,0.059874771106198946,206648.75348282896,1.2445933434046421,99.8037732287677,2112.1610609344334,240.25057470939373,347.3995931250436,55.61171654198884,0.22700852126960097,0.19953777517630897,37.20158899198403,48.17488050083042,2.9171201321792455,44.26755400762982,9.74300363473173e-05,4.288448048276766,0.12860345796500813,21.271838317919006,43.51500180634047,1.0211871515574709,5.932472505380901,1.6033010066721712e-07,0.0001132097967789073,0.20417147435118319,21.896423474247555,40.07269127146762,0.3769493952232508,29.89028489731151,0.0,0.00014063033626880034,0.07821751674636393,59.45624699887453,47.30456106356942,3.7797043433076536,6.277254938366924,1.9907974977412392e-07,0.0,0.20033283990342354,35.0631296877378,65.36414663144357,6.186984513520823,12.481514402912767,0.0004700739990746773,0.0,150.2497442828215 +0.9317941796577683,0.1444240480451303,0.326376589128136,82.88704752451711,160.65665365293478,193543.6550691865,3.4915328381619055,14.20365020004289,0.6096495598510181,23.508673464311116,1.007997210340219,23.717174354785634,0.31127504698248526,0.9349626949157979,390.0896606328712,13.013247895045215,0.06721248703144671,55444.23541911012,1.1600591045557282,39.160307616768705,2131.527881275046,88.92098755340737,329.0444146724304,57.4396010105383,0.19854978724532885,0.19190564733978838,13.001451075421969,31.058034376014625,3.0656824924883646,77.85094406557273,0.0,1.561507283368228,0.12386207938290915,8.215896527686203,25.70025400739843,0.38870655192086595,9.54195460778372,1.6033010066721712e-07,0.0001132097967789073,0.2008555294784844,8.451099412271528,27.035451154285756,0.2772649320773204,59.32270774854832,0.0,0.00014063033626880034,0.10897614463037045,25.047645218655035,32.96174867500322,4.6452314985460035,20.86177251576986,1.9907974977412392e-07,0.0,0.19219651907230315,10.942050208941021,30.829392409771415,5.330553064073772,26.074836017224445,6.47326189392588e-05,0.0,127.65709106732382 +0.8040593768539406,0.15486352244595653,0.3459246992850183,242.21200843067479,18.41027667371977,326999.4794372605,5.0725771191581694,45.96109262708388,2.2303560453603093,42.87910175277296,1.8409162137383548,27.914401327113417,0.41836431012030834,0.8850256145567482,385.382311352043,41.37375378271907,0.2016293734215804,208024.17352036384,1.870737929150727,73.53410556294025,3687.197328585712,245.81248626454556,344.61198643629814,52.835161604192024,0.15785348564791363,0.19469214549973035,27.73464458619683,43.442008326434205,3.4127623603392943,28.382554548933538,0.0,0.716885099388675,0.13415786124996104,34.52461764220799,58.138178181057306,0.1912839850022402,7.309410054399563,1.6033010066721712e-07,0.0001132097967789073,0.20573648886750057,26.49523115333856,43.5267953039239,0.25502719110933164,25.692126382999383,0.0,0.00014063033626880034,0.14281635560911515,97.25843485270728,71.51567224125648,3.683423102477385,17.427125589785543,1.9907974977412392e-07,0.0,0.21766214509799534,48.041409076826966,79.86694251282793,5.023251214833046,12.174488880495495,2.332314000034419e-05,0.0,187.37029932589104 +0.9883217968641552,0.14580120890796094,0.3887773524028288,104.62582501290586,119.98593405123927,157409.35130852164,4.951164815902198,38.80256265377363,3.84514374266871,20.22171069557166,4.96224889579081,24.90535668643837,0.4195746194787864,0.8139099429123663,51.67703012367798,82.40279024614404,0.10237640811344727,60315.74309548763,1.9070385955879254,97.8496459279003,4320.904758200247,146.64959326787235,336.9874156008188,56.476375126330254,0.34437137090058384,0.19598743134474983,10.664766909352245,27.650561690439567,2.8750775483189077,37.088192543597366,0.0,1.3500636919246807,0.11227200418733203,8.539815221784545,27.503486326246986,0.8018428088846868,16.448555134067185,1.6033010066721712e-07,0.0001132097967789073,0.20312971109567865,9.990714919186273,31.683133767020127,0.3532515281151383,26.720538100851854,0.0,0.00014063033626880034,0.2404052773482664,31.693168881871888,34.03821074729431,3.439297158624624,13.318905318663196,1.9907974977412392e-07,0.0,0.17099824084425627,16.406526459990125,43.917192208809105,5.099573439659988,15.643582771793627,2.2416015957966008e-05,0.0,100.01653999997616 +0.9192213458609207,0.1412576377979926,0.4139929193222811,196.40816395904756,161.7920431431719,280534.96959676663,5.722553751857861,94.61764033457405,3.6032770066801336,59.662391713426956,4.918467872957552,14.520756145668452,0.6845196850557828,0.7878153297841215,787.9517124338201,98.00026518224333,0.2088396686968254,72626.93102748615,2.870032109735643,99.29771756601394,4828.668979220307,93.94030268817167,221.68177505984977,25.165542588956637,0.27972530019535097,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.1343494737778303,2.291592857000829,20.611573584500544,0.7034377543495591,23.80566133936924,1.6033010066721712e-07,0.0001132097967789073,0.19472464932935385,3.8597873659768234,23.519609231134723,0.300806588294451,5.441928511833867,0.0,0.00014410350517884027,0.34705004553242147,2.520569839923332,14.1434770924709,17.735988826108628,58.727647916090135,1.9907974977412392e-07,0.0,0.11776382868055038,5.267158774023201,35.401173077508666,7.629135315184002,56.97360411582403,0.0,0.0,2698666337285.8823 +0.922780277179147,0.2484507048474993,0.37572530625071254,204.4285763297955,119.72280546878793,285993.03567539895,2.581753687172323,69.78483001106844,2.7948193126150853,34.70371069323251,0.918744188469536,28.524553948982305,0.7948759354931239,0.7608020934376424,313.2407134356302,83.93039569512534,0.31125233048919987,99407.34839809347,0.46630189981793824,94.28311467277021,964.0802679394209,223.24132534856614,345.4844430445783,56.5605334619038,0.33620480654751983,0.19541686034088196,8.36793493074052,26.748779738557133,2.8797242683732693,57.389615216646796,0.0,1.1153631568033924,0.1346104023137368,13.618017280791051,32.73963738106423,0.21477917436523686,7.992593178740436,3.082951572613023e-05,0.0001132097967789073,0.20780564340815094,10.416914543275501,31.090784572625736,0.24331038052393217,57.01316000276645,0.0,0.00014063033626880034,0.10658004666564666,27.259059963273298,29.945816775472107,3.6443934781275966,13.764578429396773,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9680259032199473,0.11178514012867594,0.43976468347559555,238.2805881182655,149.00302924943216,234579.63063439337,6.080893008343617,57.77178405719228,3.1579838838786927,53.3150505623,3.0506770746262006,27.971862053139986,0.47365261129915176,0.9775051906801677,628.4603772453029,41.339966085448026,0.0820130171748245,84294.48184215116,0.7279660894232196,37.308539411605864,2937.724398516671,283.46924999951256,338.1167862558443,53.44654270810883,0.182410345028312,0.1936057265404332,10.103145864778446,27.897398146485944,3.182687056945634,53.951781237167936,0.00018093533044487704,2.630610868316154,0.12508167698576966,5.215540070282659,21.53490699625063,0.919276653661308,6.279071055511661,2.306777057522901e-06,0.0001132097967789073,0.2016135468041145,4.220836998495113,27.54767945451196,0.362273920592449,41.81721474714165,0.0,0.00014063033626880034,0.10167955228742923,33.576894233120115,39.12262529819414,3.238936585971412,14.592383814640339,1.9907974977412392e-07,0.0,0.2115066242295105,9.614122762446438,34.62413288751843,6.476757636492678,12.775494427061517,0.0003568935165707395,0.0,106.03253186626904 +0.8844399251617323,0.18832058405148594,0.3672645199167753,115.6389435942415,38.499846277000955,273303.80951931083,5.0019034678957714,33.35023494923476,1.9625051624759648,64.97036662442795,0.611581959419036,21.284433168430827,0.3430717281473894,0.8193339481860913,619.2665195947318,50.525422791996796,0.05477848999720855,84716.47059413926,2.6212436319960086,51.13584116173724,4242.877161780586,296.4131162756663,349.6040927492532,43.577369552333295,0.218077099040904,0.20052580807413517,29.560484486352085,43.506921255327285,3.032557869461418,33.084274859963614,5.4477394553677165e-06,3.5008194454407446,0.11244300867784367,30.57606967748379,56.022218901266406,0.2426419974499236,16.561308327419166,1.6033010066721712e-07,0.0001132097967789073,0.2055536453753291,23.314731910612753,41.87987345333985,0.2665929407834717,20.161784481118698,0.0,0.00014063033626880034,0.08937705716183726,64.24151212698655,55.722988460442565,3.8811956467349376,13.943508985705076,1.9907974977412392e-07,0.0,0.19707597201838406,39.763970161758,71.8966709805579,4.6603271963078425,19.633841732613014,0.0,0.0,159.792513042516 +0.9736782248347695,0.21272372795078906,0.4448973047055481,152.9566021267025,207.06098146767587,345876.87530661846,6.59120787640321,79.64031208755122,4.857510800316301,62.109562666662576,2.942490144170684,27.1302219978902,0.5116883650708619,0.9551911381417579,901.2243773927994,92.93590565192977,0.31160756930293376,80370.28748697172,2.6408800052922734,85.00767899846035,3837.6542723510775,212.64784627662618,344.06521683741994,54.215415693829,0.2642076148552589,0.18500115678015758,16.30798030702039,42.00591999709561,3.1923254434121664,20.231247739639556,0.0,0.6994165663669253,0.07908140045828853,17.94519887211954,39.56020350419493,0.6417648264223706,17.512751551225588,1.6033010066721712e-07,0.0001132097967789073,0.1948192770685583,19.388224019277597,44.56138659978427,0.31149810162534447,17.578626351201294,7.504954335574082e-06,0.00014063033626880034,0.3018327652085599,51.09099559805729,36.17400763466573,5.627024532836656,26.280539293736453,1.9907974977412392e-07,0.0,0.14690192059488846,35.184045680884374,81.00613499120588,6.343556248325099,23.939733727861004,0.00021720090323143788,0.0,142.7232890678645 +0.962174739402607,0.12541705646753842,0.4008772591421426,243.10161746562738,19.483596584198594,291189.4864657824,3.968299530438523,23.889615295595142,3.604704568083037,32.99571627200596,2.6826680478779967,9.919330091039837,0.5926551387984492,0.9325574718562275,32.57639021583992,92.89530537878444,0.05902946887691377,51122.28466611571,1.2055295901749936,34.181959925027684,4501.186543238911,41.29626598679189,333.33064301054577,48.51389413474256,0.23095844914114647,0.1991495775884546,8.66015566825812,25.204195024485262,3.406684010612404,68.27681389570269,6.645627244204711e-05,2.9533154496999408,0.13919311866074036,3.662772115452091,18.56422161929866,0.22038928921405493,7.384346805475396,2.255066711074318e-05,0.0001132097967789073,0.20961721693827762,2.8547306350619723,26.39477008333225,0.2497241739564295,41.89637667778552,0.0,0.00014063033626880034,0.15133810496308364,13.938954323417454,26.646467382715578,3.809496011764632,18.954090606786536,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9813093245873112,0.19187292254865995,0.3428753895616063,96.42434461693372,227.07846186409603,245377.7875773817,5.623430002192673,23.570584252657792,2.147089010129045,33.064177196044874,1.3481037030528884,26.774592670511595,0.35400022129861164,0.5654983183758467,242.79405876243501,2.058295793283431,0.1600382517446276,62845.21547530145,0.5948402906537642,72.27795212820686,464.9542434146397,229.4622848526063,249.82403591481497,36.953477533021584,0.33702824877220927,0.19819669376777846,2.2425178498584915,23.975442768851195,5.692012594955097,38.32822977239302,1.1950196227225079e-05,0.8755877823627586,0.1368170492875777,1.543670937735189,14.924456248623283,0.6419568347619136,4.334273157068215,1.6033010066721712e-07,0.0001132097967789073,0.21119516654925077,1.849548510283373,23.735118893968775,0.3175354379599344,35.61821368099962,0.0,0.00014063033626880034,0.3262526452892138,11.079842138929395,16.877855524858607,5.761627674347932,40.76819055289435,1.9907974977412392e-07,0.0,0.21990613017626673,5.897834466575617,26.285573792652016,8.235067603148536,9.969995930451852,0.0002847009221358301,0.0,84.60485592698119 +0.9788066587375759,0.18571010438914146,0.3523254819477278,244.00289892640706,221.46640046961318,253336.46788817737,3.1248531564020907,74.0064065925264,3.8520414665941303,52.91143665492422,3.427991562484944,27.08405280078156,0.7938072277296155,0.9776022874286052,360.4844582186181,95.3061347379742,0.2867981589528453,66870.50637144358,2.540402640726389,96.00659796232559,310.84703802756275,279.0229326541213,241.4581992340045,55.44031092149595,0.3148962031086836,0.15490255816865328,2.216999327689018,28.92423224148428,2.501370671035996,13.008271812692925,0.0,1.0409566103247203,0.08406311794193112,2.9518158736377673,21.04346110088923,0.4803668825869369,20.477663797319767,1.6033010066721712e-07,0.0001132097967789073,0.182829221821156,4.631154369138695,27.363346022124468,0.2780239811348804,11.574700843020722,0.0,0.00014063033626880034,0.35631190504076193,17.587770176067753,17.47503697370831,7.006471064019285,44.22465506162413,1.9907974977412392e-07,0.0,0.1469561058820774,3.8441366005451716,39.64883434675527,4.8462219591305224,22.80442813782855,0.0,0.0,86.85392762010719 +0.8621029480777668,0.20855903530688769,0.37625615652780386,230.11028150923408,241.05431833866163,343408.3116646293,5.961875300266606,48.04564520042452,0.6601323755436657,81.26649407431772,3.982632584160501,28.679579218607085,0.3920061722225836,0.7762541010490209,596.0982147961084,84.74055676514867,0.1937966216790989,254173.94339145673,2.862228177676412,93.00730794231752,4404.826992690561,23.957871661673494,333.158490925884,55.58392138763433,0.31979991885895515,0.19744564228629896,24.109631036681158,36.81622137788181,3.2952309680563294,10.965386025444728,0.0,0.7728384738283101,0.13368519140884882,16.358209438386137,34.71865452593933,0.7355351147806205,4.2159773916626735,1.6033010066721712e-07,0.0001132097967789073,0.20844529927449212,23.03364182800186,38.83289408955173,0.32164281460419586,7.2770950422792,0.0,0.00014063033626880034,0.3390687626705072,59.24363679486309,32.73644006763497,6.3744205089229995,35.05466507064031,1.9907974977412392e-07,0.0,0.2206177714294311,25.898932414652577,48.9983698754906,7.022809656191912,5.551804607613633,9.604154752731781e-05,0.0,121.05471659032803 +0.9866980962273372,0.21228279646207326,0.4266442042856971,219.13286486520303,210.0871364873204,115300.37868361306,5.982573921164546,78.94151456770581,1.3402567798214096,85.45592625386453,3.209125527002441,28.186476826769088,0.3675939708488622,0.9850038197736688,931.3941247714203,23.201108639112135,0.32021725032561854,117934.84737189778,2.79255351190378,80.5413501082211,4710.39482059655,278.99636876848405,345.02126960232124,56.6161546457551,0.3075352584429839,0.18344418810007262,19.47618140303874,49.94329736905248,3.436371117318616,18.886051856164432,0.0,0.8582911674387091,0.09432401129287084,16.275766643491963,32.35627902176322,1.6457317378711827,18.456658531327935,1.6033010066721712e-07,0.0001132097967789073,0.18929806503470897,22.781923289092852,50.141148404552354,0.48726663788733654,17.625959759616414,0.0,0.00014063033626880034,0.34709788345367426,44.42794060065808,30.21635555865975,6.732704861217644,29.13610042731098,1.9907974977412392e-07,0.0,0.13793225759853042,33.74833581259809,68.50063217780898,7.09031152353227,23.961192823726687,0.0,0.0,135.93807134597998 +0.915532078641063,0.14837566982813763,0.36906031789783655,154.39391739574103,115.65205786599816,273998.8687644222,2.3903420243535454,80.36627764067576,3.83977156735531,63.13007783555813,1.8503184711742726,22.016460307881776,0.30686586430460916,0.96566974736348,282.1832182301927,58.291648508482226,0.0962113856560164,78370.7210247657,2.043030366650201,51.26123731452657,2340.7622668867457,248.81861717170534,345.94348182983504,43.524740985028274,0.26105169766015435,0.19437753318029213,14.326124706976783,32.262881122684405,2.8722270415238915,33.284745655248365,0.0,0.8892961519068235,0.11384814777083065,16.635395206530404,38.295531571470725,0.235299224561084,11.550514629575124,1.6033010066721712e-07,0.0001132097967789073,0.2012695632616279,13.794447598814182,33.15416441059201,0.24078752388173474,26.0957677322544,0.0,0.00014063033626880034,0.09497439862614397,43.03224693572017,40.52247388811918,3.789028917205479,13.573042832307063,1.9907974977412392e-07,0.0,0.16221313396209894,28.762059415009812,56.453096782138765,4.387464132115764,15.938085783942705,4.972850382829384e-05,0.0,119.12333574936923 +0.9808954423180494,0.18434182120101922,0.4147963539015901,212.77954019176116,188.76884843839852,337463.53129601624,6.410550942231012,52.84836451443506,4.0612469416110635,36.00926804405687,2.992716803357885,21.306803641618373,0.7760250552390952,0.6296505226881479,922.5043613664212,45.564581690624465,0.34134581164493627,67398.25465912113,2.3981063459998455,90.89392307867632,1986.5624960392388,287.50229343520033,343.5304921205649,48.32679481129007,0.3450599427218126,0.1887616078440245,11.365100549510327,32.06770718453064,3.3270586513731404,25.959525027108395,0.0,0.7592023996152019,0.10335071395514032,10.95196815314459,26.233556226963646,0.7122492289283078,24.608262108657694,4.778421887422414e-05,0.0001132097967789073,0.19480417796171554,14.340157118446884,34.33358060814632,0.32209300652439027,24.685411731414245,0.0,0.00014063033626880034,0.32821112330264496,36.64273450466879,24.242060475325946,7.2945753902135335,32.94553375131713,1.9907974977412392e-07,0.0,0.20979055969626345,16.234030468225807,42.67466150352111,6.280945647800446,15.85584836504335,0.000381140159710091,0.0,103.42110179604983 +0.9347551469245072,0.13307760060926882,0.3917155384697415,209.60852546448376,236.0401363335207,290530.0120417996,6.63635086857926,86.99816248126109,4.8363017820834635,59.423874371305416,1.9157455283738658,29.06179989153144,0.3755269889888808,0.9867889461145718,988.2784060330816,42.030051464286046,0.21009283913154875,247617.6460033152,2.9859843912829107,99.13655399363603,1043.7225607872617,253.31203904993603,348.07776962952045,57.39223598895333,0.26139029303953,0.1882253443133647,33.625424589017626,58.402133451231755,3.224428826009495,15.959074060821987,0.0,0.7073760185367729,0.09190997898881054,21.6930905976215,40.146212300486454,0.9247672611036094,15.437738114127544,1.6033010066721712e-07,0.0001132097967789073,0.19493666346781902,34.16637608829004,61.7620942687976,0.3570713930111313,14.219509900611955,0.0,0.00014063033626880034,0.35679559230944713,67.76079800505019,37.232934265725,6.158289528759818,30.177059868550188,1.9907974977412392e-07,0.0,0.14254072243105775,49.61117148478475,96.94309582364212,6.658959941301599,18.270152183436704,0.0,0.0,177.4169473847657 +0.8182805191419844,0.15584633227139144,0.3278052232223793,74.87426599065941,19.959104025489538,177330.6271329723,1.8928791529331417,75.27159718136897,2.279711555533231,61.04291466872668,0.6835045459961016,28.673223685950244,0.3911892458005101,0.6519957127305167,315.7137501956031,2.53030878707985,0.08079903147728329,55886.85363347062,0.8093153114225139,70.38223641840884,126.1116441966991,225.79965232932057,311.4757977896632,58.326577095114594,0.15747407459353732,0.19879615942007342,7.021742763146673,24.19807949390585,3.722333358666907,70.7043580162152,0.0,0.7429348606816035,0.13583431439758098,8.691143926073135,23.018372725151966,0.3485882119426319,7.820188799151359,1.6033010066721712e-07,0.0001132097967789073,0.2103643836202224,6.454427355595624,25.040047831220065,0.23861768219706478,64.69288243466708,0.0,0.00014063033626880034,0.1496758158693027,18.65892665192926,24.14646117774501,4.385338923436844,20.24515379361786,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8594579098908317,0.16060174632650176,0.4392154948113904,217.9527067090818,192.5843338857391,215374.0735353623,6.62052161957198,51.20722187128815,4.719646037826727,44.256939834568946,3.153985769663009,23.072241042264316,0.516057761991914,0.594078381656529,282.57469669772695,53.91720477721436,0.20017588240693454,56371.14159610669,2.916631755725554,97.65028633727508,464.14634318066044,106.45002048041353,220.28328663533648,34.13993078048708,0.2083945708798705,0.19839704837924726,4.977238292497653,24.73202426782858,3.3440370069724596,6.377829824379133,0.00010253903857612186,0.8689802792281207,0.12207468141735107,2.136739137290629,19.721443935449017,1.1353783668222281,25.507876090343107,1.6033010066721712e-07,0.0001132097967789073,0.2103209897176848,4.923898602282421,24.120449281157168,0.396438236747735,5.645525889432084,2.128429568527162e-05,0.00014063033626880034,0.3211554137739746,1.3755417399169263,15.552643692748125,17.73579267370505,58.63386692679678,1.9907974977412392e-07,0.0,0.20339347558211274,5.87583704639657,32.08681558056809,10.606190483976292,60.504992841528264,0.0004479071443920658,0.0,105.86083000721976 +0.9414892583888869,0.1369003387667561,0.3608539951702185,118.58673956002755,125.02029488363826,305132.4163769377,4.233851697469439,12.446767969648318,3.067881697098567,56.16576742161765,1.0313280474052584,25.48532098536656,0.47020525455951684,0.8261194113461293,428.8452244748775,99.29267753320167,0.20472831074777245,77042.62608086542,2.8625535409611276,83.10435256016405,3280.784660812962,179.43252568531383,349.61483068030304,53.8577334474834,0.18482420388518433,0.1914715827232426,23.883357936055145,47.13511789399648,2.9563757848993424,25.486443421216546,0.0,0.6367468254177671,0.09320747989287406,34.20568817779858,53.22611531535266,0.28574501324621326,19.728840167086183,1.6033010066721712e-07,0.0001132097967789073,0.2009301346177523,27.972740124943535,53.11948619850108,0.25902096863226287,21.51306041403316,0.0,0.00014063033626880034,0.16078446711064862,81.22482583343607,64.48561448494446,3.1935542678968094,13.491991853064707,1.9907974977412392e-07,0.0,0.17158411726222536,56.459922176000546,103.64871025012094,4.884510207635036,25.301733748909616,0.00023911572256417966,0.0,193.52850747673654 +0.9364933532509983,0.17432453273774232,0.4151024016686166,212.9348012331884,149.256548526475,335918.8512405425,6.380020506956144,79.54372072376852,1.0367817403268558,62.121363899180054,3.001107454684737,5.187235588601673,0.3414369450595957,0.9616771580927106,597.9960535224908,26.853361976181702,0.3289257330298845,173516.41266941463,2.824849168105191,92.43255782278091,4752.105664725425,126.11916956828152,226.67705524943028,12.324803973161572,0.2017182981492096,0.1989543922428004,5.313917172179888,23.340465171754946,3.5840088076854792,5.246313101326642,0.0,0.766110140093453,0.1377509990066735,2.855452541067602,15.691807385410023,0.6434116964865615,19.8672069488286,1.6033010066721712e-07,0.0001132097967789073,0.21203479275545517,4.235858337517115,23.248956831445202,0.3138405259446476,3.7265923242045806,0.0,0.00014063033626880034,0.35478444641585255,4.805601581712368,13.816112561332108,19.373965359623586,60.365093083982465,1.9907974977412392e-07,0.0,0.13194932275708693,4.439694436786869,32.80244517092105,6.659310219487747,40.10763563822794,0.0,0.0,93.90484750025631 +0.971542322383453,0.18773225897469686,0.4352849648360521,165.87970783265578,235.81064335892424,185730.931253628,4.464220908881656,32.8626851981641,3.6194833401556887,44.710427532499516,0.4596282624120527,25.035230572517598,0.5849656155053031,0.7167493695142683,259.0636773433382,24.531331707412797,0.1306489342250151,84318.0855202298,2.805658427824055,97.77064057172491,4783.437126965394,69.50386547393285,256.3133684635706,18.768546991924378,0.2295042093519703,0.19655295079959623,4.975087001353757,24.82610584695656,3.257717864030634,5.355656441194448,3.127233364844712e-05,0.9656697145217775,0.1346507601745524,2.2190064926696063,19.833100616901337,0.8878856784740895,23.329813155176275,1.6033010066721712e-07,0.0001132097967789073,0.2093853102385278,5.471761055753995,24.158956716990556,0.35512628658078443,3.493000517291633,0.0,0.00014063033626880034,0.3425105536153812,2.944569381487926,14.70168656694734,14.256752268646085,54.8385163620721,1.9907974977412392e-07,0.0,0.13647595789708777,6.784152874590931,34.51657079076916,6.370151448332852,48.38035384357962,0.0,0.0,96.46140462121143 +0.9724819481593057,0.16067277190843898,0.4428201462180113,207.80096573277044,193.01502254311197,234475.53129660978,6.627948905906928,43.86617297688722,4.688618832515985,44.36565215358857,3.312077169583788,25.76250450867667,0.58581177436683,0.5942437270482386,914.9300632541857,31.353018281802782,0.2106751075499147,69971.62831881078,2.8152809191081696,99.254270250751,484.5348443077786,243.18549756490802,316.95670045766656,34.11548697738211,0.17551122256851037,0.19568250394647174,4.8602371475325805,30.338438058793628,3.222751051646894,7.439634884317224,3.224766674317997e-05,0.7109038109061375,0.10028266316438543,6.164641650164789,23.855581565629475,1.0457202646893755,20.55069746610715,1.6033010066721712e-07,0.0001132097967789073,0.2064905781609733,4.528418472930506,30.37207363096572,0.38112716129099905,6.507398394784885,9.280223767492489e-05,0.00014063033626880034,0.3269197631378423,50.8943492343724,34.13920992117726,5.577447830834266,20.683123955237953,1.9907974977412392e-07,0.0,0.21172149588598135,6.347602397091258,37.04696932040357,6.712765865655671,14.809044894081602,0.0006118740247617705,0.0,94.43654641861885 +0.952433386517791,0.16093325705208056,0.3275011204831888,215.26346073154568,208.7173273383346,103474.92350850254,6.1321754039705905,30.42693654138389,2.992396458252517,27.642088045273507,3.156377646782432,14.398859586552001,0.44355252432066294,0.9849799063073811,515.3274734648389,45.97465309205249,0.22110533943218766,204673.50532611416,0.9609449878118674,75.3303463397867,3784.4239097739696,186.72085273720072,346.3262230042694,51.580071224203735,0.3442177806170643,0.1953556687853606,20.779353276244848,39.724776464243554,3.3601940222634648,32.89575797605435,0.0,0.7805295830015148,0.13463934641922573,14.28082934687807,33.282458959232926,1.7537591085204889,4.65251747612926,1.6033010066721712e-07,0.0001132097967789073,0.20850153071682223,19.598890454894015,40.564145905120235,0.50490920662482,31.783332548127856,0.0,0.00014063033626880034,0.2973059066042974,49.214696596317815,36.43919124633658,5.07838967076854,5.238360141312886,1.9907974977412392e-07,0.0,0.1974697000420782,10.60055492621247,44.10537074861493,6.281380485728351,9.313979451049525,0.00010020952309348837,0.0,116.0494628974087 +0.85758436989683,0.13534679533784422,0.42201467868703507,69.69871698314677,119.10657715748027,165280.80528144268,5.697608581723896,77.92618867181835,2.386585626843468,42.58297189204379,3.1326614893335005,21.352665155190632,0.3198118304756816,0.7946907198861263,495.1408916618662,1.1982449091749316,0.10233149174234724,59139.1366771837,2.311507196200741,81.94896353828467,4320.046259265509,227.2164521924962,335.1104579856384,56.601438689435675,0.28537863411451014,0.19436609811439243,13.03422395157731,32.70464567307138,5.137728943168109,25.366207357437528,0.0,0.7018107722868435,0.08856981241961413,18.668983905024646,37.11251326479457,0.7469271505560472,19.03512884055029,1.6033010066721712e-07,0.0001132097967789073,0.20192966618716682,14.681614660659292,32.39219553056383,0.3463222812345504,20.68449814501438,0.0,0.00014063033626880034,0.20158250011975956,45.03993506904815,41.098061263685835,4.65975540321483,9.815573483457614,1.9907974977412392e-07,0.0,0.18268226038519708,21.837396953146673,47.06799630885442,8.056831099200922,21.53077709626021,1.2481301136487167e-05,0.0,112.90693053096739 +0.9715507317333066,0.1267734105669344,0.38371145895097536,130.90278407484666,199.57110345332043,273695.37266549916,6.925288947587037,93.19731457296272,1.144587466417598,54.792238107202174,1.6485573673908893,21.23590792378672,0.5307259717533465,0.827539152128468,847.6089228904365,62.96682656694516,0.32575422232242096,177832.0650452216,1.8866257177089674,86.59706955550585,3988.1051869420858,229.26421017817808,341.2642647609416,34.516266025918114,0.3470719916145194,0.19344650207839942,9.911952947831852,29.508411559986843,3.093920799616531,13.693480974951816,5.3255955237720894e-06,0.7634832679784257,0.1315614894823424,8.715273764083527,25.630563803829833,0.8026322862671689,6.658041577507379,1.6033010066721712e-07,0.0001132097967789073,0.20578687092170414,10.256117584765233,29.28670777195179,0.3432023306354802,11.913429889538314,0.0,0.00014063033626880034,0.35203241385219236,43.33014895544138,26.393017196996382,4.073963031042291,30.160553838171946,1.9907974977412392e-07,0.0,0.20719112506346285,14.638263549437038,38.51267794668234,5.971726044241939,10.555075470788823,0.0,0.0,91.62233191195936 +0.934518007446269,0.14777080527291084,0.4446979172274274,131.07213228945733,137.82962933840648,348587.08780248114,6.309234869225509,20.00372686418931,0.3723534835259046,24.77936664527886,2.9934436863121774,9.46284637071675,0.3432751308287265,0.8658781641504224,368.56831669742854,20.698559004120767,0.18916751173234908,61445.15636531804,0.9548426128639971,22.369909973889406,1383.2261376633544,190.9284051209346,346.8200818080229,59.865566352413396,0.2808575762993393,0.1987978602121439,5.589088960609392,26.844906324954714,3.8298139091020222,60.00694194694003,0.0,0.8103900574489141,0.14017162556930943,8.072135742335629,23.9454417209172,0.47971422494478255,8.898108499816692,1.6033010066721712e-07,0.0001132097967789073,0.21046883356863022,5.254958411000812,26.882693554708474,0.2893462185194542,54.09783426605936,0.0,0.00014063033626880034,0.06376043044875847,27.42490964157169,34.57421511316991,3.7848977971954856,6.843379437127522,1.9907974977412392e-07,0.0,0.2100342767417487,3.4270937002187596,25.115119833631308,5.835264870749974,16.815151361606386,0.0,0.0,108.31007439025288 +0.8427360282652563,0.1497901944857349,0.3283629261591571,206.2475269215077,238.2584110386289,341024.69279776525,6.356467788516225,74.10747980036867,1.348972764340235,10.104367570825877,0.8828558021982591,27.3649015663537,0.44507197936737275,0.894311556520586,791.8212898216004,66.09130773740104,0.32483189061779916,241553.06679959048,2.527549219619305,27.8689260554459,3903.038121887451,226.2282073957258,344.69397359496384,48.31640031073918,0.31314479415876945,0.19288369938974087,27.983150811238886,46.33572734468014,3.2704948583308657,18.736675883689493,1.847514465104013e-05,0.7220192702866096,0.1332704516650351,21.179989013071022,41.99051480472693,0.7534360127927066,4.784181487026251,1.6033010066721712e-07,0.0001132097967789073,0.20470526215887308,29.571592743701107,51.13082908712824,0.3262833786303246,16.561064384538785,0.0,0.00014063033626880034,0.2685142655332507,68.70599186198736,46.378832056098915,5.030437119002385,5.648283549011131,1.9907974977412392e-07,0.0,0.21827942872983203,35.26073074629495,64.61917919703257,6.681352786484506,7.091370064470504,0.00032436806176275063,0.0,147.4232821125865 +0.9719190728169308,0.23423370979565736,0.3479943704814793,12.64573078207184,126.75929118353896,320904.76883648883,4.312599919300693,16.15928512614347,3.1492371857537096,93.73097155508673,0.46851438041814286,26.01895617339436,0.48466573629532034,0.8203117190568395,666.8550024075344,7.673251074076838,0.24925239646118097,271775.1379903958,2.8790683663617522,98.81254983366841,4630.270579822332,265.4309918563214,343.9196891016894,58.71713075262173,0.2314292684183682,0.19296893999218978,31.47683491197186,53.30923677228629,2.9373450674381303,14.877831980631132,0.0,1.2092147318465456,0.1188227355258317,25.981622902824963,49.79268943261495,0.42311817986587624,14.156321552906808,1.6033010066721712e-07,0.0001132097967789073,0.20410954447120577,35.68326442598365,60.65879519675755,0.23875531507363174,13.916061945291315,0.0,0.00014063033626880034,0.20445801736117888,80.30214455003845,52.473693987001624,3.7673360437888426,5.9305983106534805,1.9907974977412392e-07,0.0,0.16868794129168313,53.419307120812896,96.66796625725706,4.458299604974087,15.873069729099035,0.0,0.0,185.16787400517188 +0.9591145267745167,0.10686619147775474,0.44717549395564427,228.10252239176683,214.95263989842326,168810.68437995051,6.07816287220769,51.80891105890992,4.5632237045098085,97.91282586357462,1.9312857300845887,3.5520907312954346,0.3865225579802393,0.9264712383722657,375.2545964690272,63.713444721661276,0.204459247037314,245868.77919566724,2.7514989948665556,51.844533603520404,969.9190674969302,62.280482470702346,222.3887225604626,12.30092953811084,0.259905330447696,0.19967881857258274,6.569361963550362,24.238652789237182,3.022723303460451,4.41106786761707,0.0,0.8202827827241338,0.14361812339568578,4.385704967282453,11.492655030478538,1.334369822756955,12.42184695122456,1.6033010066721712e-07,0.0001132097967789073,0.2129165954944141,6.339313718628431,23.571345521553514,0.43180922785047465,2.817188364200056,0.0,0.00014063033626880034,0.3562586908873148,7.660824946380947,13.654284972213325,20.01508342707587,60.92694257032857,1.9907974977412392e-07,0.0,0.13852947218357817,8.406765758870476,32.35849232661364,7.48066577681838,28.830887138668057,5.989156107001714e-05,0.0,89.07443157021117 +0.9097368835142988,0.22136245777291627,0.4063903711330735,209.27589715275874,247.67077000261006,272587.9959102411,2.186944028819999,67.39369374234344,3.666516898027125,81.77490935601143,4.670340157799231,23.90076435796816,0.598221125580835,0.9263150363591568,739.968497216147,91.31603682915653,0.33191982754767274,149387.95473786938,2.577141016997991,89.77584155647953,4846.768206672658,291.283103227585,348.2728523572509,57.108676893658014,0.15011549210735484,0.1937627773754235,25.69387902690559,50.272425678953454,2.5977830558318646,21.842599502989547,7.114620102358943e-05,1.2078157074837315,0.11740547430766061,36.752876440514335,65.47247406650142,0.23744881610611823,15.807764778383403,3.5958107459084034e-05,0.0001132097967789073,0.20284722625047957,31.167712476747067,57.60875769790447,0.2440210935390688,20.748350669373266,5.792754012333083e-05,0.00014063033626880034,0.11545934858820907,97.92085180054809,75.81481735192625,3.672006378799437,13.727437708944445,1.9907974977412392e-07,0.0,0.18990974836186547,62.73994453251307,110.02585650257184,4.2621263529337305,19.859115783220286,0.0,0.0,215.1136812249576 +0.9846884109558915,0.21138523888230107,0.3279393899691509,97.66419381427346,92.27179703939942,233663.8554433492,6.807862358959957,29.743523825057732,3.7484082189037777,18.529073359855797,4.01770846522942,21.572189592313645,0.30882108328258057,0.7599156767233776,434.26298902977294,29.42625934927742,0.055336257542886215,58145.39132862756,1.0616183534102623,82.75591850954633,4017.6985071084873,290.2076977620654,299.1512963218423,47.8501186327902,0.31980909774968114,0.19999879607278637,14.42521690697257,29.168541678469765,3.243551567174222,72.3369157008043,2.8744823519592134e-05,4.1362717572299585,0.13331897152281447,3.0479186071810958,18.635478517430297,0.6626616769379697,11.457327562689104,1.6033010066721712e-07,0.0001132097967789073,0.20691122730310224,3.7083392561389923,23.08804128911418,0.3317413074793797,41.9968682106655,0.0,0.00014063033626880034,0.26796801956517446,26.489442823383595,25.809870537991987,3.4368691776106552,10.333199851854182,1.9907974977412392e-07,0.0,0.20180685716084568,3.0041145614460896,26.172473720877818,5.693375455944185,10.880712979366528,0.0005608396549742195,0.0,107.00258850004028 +0.9008746401321452,0.13367244995289795,0.40085505067439137,194.36247003089565,47.51159043848734,335460.11849603156,1.6302019265674788,40.154305959014934,2.029832190581054,9.423164407843009,0.3617447939933205,22.944967041650465,0.4054946802820972,0.8558340119186704,659.0331179377745,76.74861648257242,0.19160055258916545,71878.18353580411,0.8001364081584448,34.71971998654175,628.9685037972627,196.47707253223186,347.48478048068944,55.12999984932861,0.1770247305562075,0.19454706093864316,6.902095106353603,26.70075970867289,2.761682750750977,61.82637095441875,0.0,0.9024847631204963,0.13296750782317177,13.771317440567701,31.76070304837501,0.447447422044986,9.922155344717918,1.6033010066721712e-07,0.0001132097967789073,0.2057124895919317,7.795714619327255,27.8506707537423,0.23580750401595593,58.16486126802644,0.0,0.00014063033626880034,0.1489191831332478,35.64555500008423,37.287658053724506,3.6864996387653814,26.01931002941785,1.9907974977412392e-07,0.0,0.21224127538779558,13.056819384478922,34.46654905146692,4.05445159930703,29.50633777694029,0.0,0.0,125.32123722673987 +0.9473343537869616,0.12649395548141748,0.34450535250366315,14.639755720575025,206.12243803242774,133990.20942523621,3.3683400526614653,58.94162366962813,1.437063083553648,17.684118116914156,3.7526310510141694,12.722580080119373,0.41313172085808714,0.5151775779626733,32.994504172722884,39.09170106635709,0.08589223754112969,73229.71207072341,0.7158043310321931,59.80642500408571,2186.397671210491,173.76150262806053,319.08633923026514,16.992128167975356,0.18953124730034043,0.19966961561068455,2.251150516006484,23.611421986339774,2.488492066821836,31.48838516116898,0.0,1.053486347226795,0.1422484848864522,1.675217177495185,13.098815934739058,0.22614604602164515,3.7595704801227856,1.6033010066721712e-07,0.0001132097967789073,0.21296512910547613,1.856037807024861,23.802262025916114,0.2438297294764221,29.026664698915678,0.0,0.00014063033626880034,0.14275771856928454,1.6562412425344686,16.85158601641107,4.494969118238672,13.266360724171962,1.7976501027937307e-05,0.0,0.2218970844977129,5.036151790373837,20.53575109092526,2.936428323998087,8.377900210279307,7.613321359933491e-05,0.0,64.58749742503917 +0.9715026788389687,0.14764191289760767,0.4378414133692008,205.06630778092642,176.88289768950142,198134.2670820586,4.475315733565109,41.668549184912315,4.335159381038569,45.94456289368364,3.260000794145536,24.352465769358613,0.4400769795296763,0.8516088252908498,750.7905122904842,93.37545834576173,0.1579864338036276,61468.357439753825,0.867123264228031,99.40872651024677,3152.927190678671,177.91091555709363,348.3851556284509,49.74191693604819,0.3395615249018341,0.1945369024416269,4.26032394154291,25.764420744280798,2.642785810518128,57.14547515601253,0.0,0.811607624008995,0.13298132141788585,6.410039282588954,23.630858252332402,0.8241675535434659,8.830266228940962,2.001294694402258e-05,0.0001132097967789073,0.2035812825468503,3.8172935905996073,26.18654219518298,0.34559423672015144,49.77612699621198,0.0,0.00014063033626880034,0.23769026712361052,27.42567294105858,30.021950982496033,3.228807197145993,10.920550626599228,1.9907974977412392e-07,0.0,0.1945995527984078,9.315084601997775,33.69845466258509,5.005999104352646,17.861248311837958,4.1025477763120435e-05,0.0,105.64683095795667 +0.8973914797289511,0.20958943761594057,0.40887932281169637,178.19400588235135,147.2720109765722,335049.5197666849,3.249419028304613,82.39323246343723,4.710703177162292,11.602739530899306,3.217507624479439,25.571526315621817,0.4306342455162431,0.8803132456549594,107.30557841030742,27.944712512124994,0.19207142969918886,81122.08776054528,0.6488814920327834,63.68098906033574,2409.5691272613726,246.05642575213298,344.7488492557192,58.81473290776118,0.3143430330340421,0.1947575261997006,8.456399670843442,27.866192253579957,3.5981108829526574,58.222121820952175,0.0,0.7736884108678534,0.13417999257958105,12.890078522806885,31.655615173663485,0.2225286039137772,8.161726962737776,1.6033010066721712e-07,0.0001132097967789073,0.2058341033184837,9.291250266133417,30.37865734969662,0.24627333690140016,57.78936828793408,0.0,0.00014063033626880034,0.11563589063748045,28.868465544467288,32.339809018453906,3.6887369456908083,14.781861307715204,1.9907974977412392e-07,0.0,0.211822291908863,14.232117304457532,37.0721232997346,5.270088404201262,23.780138450643744,0.0,0.0,118.81429092281341 +0.9722369089994152,0.16268065067334722,0.41021391218578285,231.03997114953208,204.8345313920167,137665.08077857306,5.454410633456172,56.25253758494617,3.184895917508837,84.3277180226862,4.670285309736009,26.371339369468792,0.6099594168463841,0.9110349838855464,348.36304167094033,43.4959027329678,0.2640714697098035,286907.34124607337,2.9600941759358204,99.96637181012754,3582.6784251852887,258.71384056694984,346.73427731173405,39.32115767596147,0.26126910884419047,0.1908390731927637,23.649930098967765,47.529331205144466,3.145643623646989,8.993292635602023,8.546207281855753e-05,0.840179872511942,0.12246977334444613,15.486451206202654,36.39534333619382,1.410617082214764,13.508546504228322,1.6033010066721712e-07,0.0001132097967789073,0.19987216239044764,26.349489861358705,53.84317508864943,0.4459877463237341,8.921330391917445,0.0,0.00014063033626880034,0.3545026383186106,62.51799357028268,34.934991711615574,5.496871843930399,30.13567696024465,1.9907974977412392e-07,0.0,0.15004105071416696,35.29271177727097,81.32718126331015,6.777684640557251,17.11189957646643,4.562348766534787e-05,0.0,150.32610618567458 +0.9177078342289954,0.15007492572533165,0.36900936591354805,119.59811903781579,242.45605263631404,194911.58768553525,2.483542160653802,65.20753705082782,1.9669121536190644,10.069649389667308,0.8018192516353966,29.486071427814174,0.5009781428632364,0.94711392551744,759.3581451468573,51.1974661948352,0.0814100665137443,180949.29632786484,2.6685401080235818,58.51421358820228,4164.301639510886,73.68454939286416,348.28824286423804,57.662251681890986,0.16133828370807257,0.19154820472937292,31.47533765100335,49.915812881156484,2.4910123338539614,24.515294815127955,0.0,1.064818236027185,0.12679675802836976,29.12623791416045,55.56617404665213,0.3283874831112937,5.863787181992215,1.6033010066721712e-07,0.0001132097967789073,0.2037194822274294,29.596148437378996,52.28355504975876,0.26063944619904666,19.464298019365103,0.0,0.00014063033626880034,0.11852050762640673,80.34492630272277,66.64522536729051,4.4823435709936135,16.538091098859624,1.9907974977412392e-07,0.0,0.21248232358507993,44.49689417940501,78.01830338797116,4.261485751658453,11.345369019151573,0.00040491208603433325,0.0,177.35229244881705 +0.853442392292645,0.17254155410896482,0.36893209563485274,218.68804361427442,184.66171189991945,127150.70694061878,1.6072567545609147,75.70290712862204,2.076541811282753,27.597632231811538,3.518016730284792,9.270164916856203,0.3967855485513406,0.5160771670103343,975.8816440528532,26.85738990762561,0.0953188356206178,113628.51604390443,2.695978609606308,96.46088302279459,4224.125520188438,293.334412890921,343.31609083729245,33.20203296493548,0.2485459282179575,0.20017853145082712,16.84795731086148,34.88326649544503,2.6218511573559886,15.609863440342398,5.6689915718348024e-05,0.8605592280190685,0.10386819971180342,21.6520821657124,43.67506413373778,0.4087130793770291,26.541149752973002,1.6033010066721712e-07,0.0001132097967789073,0.21055629475005044,18.952854948749646,37.67565690904565,0.2718782943823199,14.512396916048964,0.0,0.00014063033626880034,0.14514114097735448,64.46706485976642,46.672791343042874,4.71664396224813,7.795153141511566,1.9907974977412392e-07,0.0,0.23257410912380638,22.582777249412636,49.83903179241852,4.248158876512394,16.93471027210106,0.0002831817196674561,0.0,128.60220453942577 +0.9779369567838078,0.23721801405676632,0.3907784546616181,79.58879978067483,229.68859539769767,319780.2291863938,5.50382132579747,36.28116432728699,1.7085016607979604,34.504421613621496,1.7744701472131896,12.067776947750852,0.39167014214761525,0.8831823590903345,371.65591107569395,45.68667629417992,0.19102596462417973,62530.03879784672,0.5328286416415731,88.88083760460253,2287.8037939041333,247.22158466499218,334.5686637741098,59.00844827007471,0.22561019779115024,0.19786638052634503,5.561169309965796,25.46371568586223,3.2713006505236777,68.56305832292514,0.0,0.6465505557211124,0.13939724725278033,7.00688902324151,22.35767362597893,0.3855957634811092,8.312600014270222,1.6033010066721712e-07,0.0001132097967789073,0.20981434654102213,4.995604478047913,27.08718495276867,0.27206488417136354,63.39394048986251,7.089249875134869e-06,0.00014063033626880034,0.13886776786724003,29.675709839022318,35.70681006788709,3.235171975191816,17.729604022640338,1.9907974977412392e-07,0.0,0.2133161518035503,8.023063259423811,29.75533777011145,5.2125338639729515,23.851971186142706,0.00017118377508787977,0.0,121.71080720375485 +0.898134951104735,0.23598515147130122,0.3599176641421454,210.41078977005907,109.46920058436712,274744.58813300636,6.520676883040103,68.49565242405176,3.5565292862481988,50.86047578028327,4.37741846814907,19.050447932435098,0.7852115356654898,0.744761017015208,938.7865278502956,92.7331605495335,0.20473258319212667,281359.5631001021,2.586689434030621,94.82865385152259,3570.156373189593,270.3781781156837,342.18073564622955,56.98231747734647,0.15477887798253734,0.19875319141055084,31.614199713485824,45.83322642920656,2.9979112152123855,16.618292931012178,0.00010069489769616256,0.7216511859135106,0.13836387974989897,32.52067695709826,58.64259962822528,0.713954181909913,9.535755214249397,1.6033010066721712e-07,0.0001132097967789073,0.21041522366156754,32.08683155216456,49.749634025161214,0.3330757677154599,13.719289909817652,4.481048102999564e-05,0.00014063033626880034,0.1154295099469382,105.4927173275931,74.65728621716855,2.89906751801582,9.631028306684314,1.7107863585796814e-05,0.0,0.2192134041296065,19.628514390089187,73.46787149304923,4.7135710038917615,10.80000527838436,0.0002474872432932529,0.0,185.4511853224128 +0.9890798211890108,0.23518340303105173,0.3568300480696825,11.229880290971451,240.58722206901493,234242.79710991192,6.683989575645513,48.037271332477324,2.9785066415366783,35.35872161600058,3.2618818683786412,26.523379143106865,0.43446125841147154,0.7420075071008483,395.6143958478018,99.39765882244583,0.07271667267553321,182062.2186124587,1.1596145295478755,27.514582281660477,3576.9628165098766,229.05538037910085,348.88653382522324,57.5159476859986,0.33483812688668213,0.19626911843635542,22.762753976546342,35.39767292436488,2.528048474208824,38.58688924839647,2.6494981355838966e-05,1.1299435131780655,0.13121931785521135,14.524549971869284,31.94897515131304,0.24019315070630326,4.812405177708986,1.6033010066721712e-07,0.0001132097967789073,0.20697342750980643,18.828489872659993,35.80834365392059,0.2419963496121492,32.56967810661547,0.0,0.00014063033626880034,0.10020686749666337,26.339239513702122,29.298288268672135,4.111502173147099,10.447676840148308,1.9907974977412392e-07,0.0,0.18788471469165155,10.16259197756265,40.73720253828634,3.0212273916561445,11.886072508629494,0.00016910746063777954,0.0,103.9798758339291 +0.8771706855310412,0.24173846372087177,0.4310570698854722,180.5575585397748,142.87899948965585,267644.2236964975,6.126886722647471,99.90882323654029,4.9174000874888195,88.8891450229212,4.295579706915759,24.903482010450173,0.6488712332211517,0.8380383496217619,895.5808052278085,96.80768643669636,0.34036048903781985,54606.76538917326,2.942212872924065,91.50638851768434,557.2848321223006,266.29255830400484,229.68498905761584,57.043082861391234,0.3405024339771696,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20810323717604465,1.6173339050053412,24.545980220140784,0.3332840042037854,4.964547109814146,1.7383762771939936e-05,0.00014063033626880034,0.34284573448314937,12.11293209271898,15.449350775598457,12.745697850520589,52.91100142199143,1.9907974977412392e-07,0.0,0.15121502645553955,2.6720040491166883,35.43024378169534,5.658322642990882,46.01986871021551,0.0,0.0,3816490534509.4204 +0.9276779923373796,0.11082174402011438,0.41629389836853203,170.83544382682342,15.761892863937973,289565.76508754527,5.8454570662442,54.593161389666015,2.6510225214853325,34.25433519265513,0.39064556465143263,27.872202077369057,0.38990990443554796,0.7147215365975181,839.3562585578028,50.37277556622324,0.1284352766572529,53680.27618396389,1.1817466925872582,90.58538480896449,912.1441795790848,87.2393454248772,342.85129471122264,56.09532669883838,0.15258689675680703,0.19704237555825874,7.029755752493081,25.403704627282693,3.0781341638485915,59.66332088007169,0.0,1.2380919535245705,0.13047276415490155,10.299420746874194,26.268179176393986,0.2056769369984495,9.194078565256609,1.6033010066721712e-07,0.0001132097967789073,0.20773342343953013,4.939384819767721,28.34224246596623,0.27157203647291683,48.36812880025191,0.0,0.00014063033626880034,0.12413998576617313,36.14232877734595,40.139719032362635,3.842329557057807,20.16419131183173,1.9907974977412392e-07,0.0,0.18417263787461666,9.053342074335191,40.63994207864894,3.735460327267162,15.042673992768842,2.9853001910039323e-05,0.0,116.73113929829823 +0.9708625481696318,0.1865333004206989,0.3272435912852707,194.2424389086283,65.41154539225391,282276.0329798592,5.77250632956611,99.36035986483323,4.864715123314941,61.27208468850456,4.426361707787859,28.325392576947404,0.3515734250153996,0.9378429678329431,650.359156566468,16.70284369816212,0.19841615077466473,195087.88612005019,2.858878547610854,80.9249020254397,3667.5764292578397,266.13415895153736,347.8901826177019,40.749683839048025,0.15888121048866768,0.19014782439490288,30.726395103473237,56.36515842030177,3.521743183176404,17.427899909952533,0.0,0.6461750238722588,0.11118623028622225,32.09939821746005,58.232694001105536,0.4498421763559343,11.184214471786955,1.6033010066721712e-07,0.0001132097967789073,0.19700271508144565,32.78617129492864,61.94528721981803,0.29735669958285627,14.303310316570858,0.0,0.00014063033626880034,0.11754988076982843,103.33642196337267,72.35729161256171,3.605359138164899,11.615996044965264,1.9907974977412392e-07,0.0,0.16984408814668758,62.16983445530399,111.01130224551942,5.638427665401209,11.754548331481098,5.665797186225418e-05,0.0,215.689217777728 +0.8182635507652057,0.15572076860303008,0.34881297868403555,163.40097535297957,143.60091939224293,212348.33544105012,6.361199161542604,98.42502537684948,2.1353857696818617,18.846625294179724,2.111704045912325,18.34885317878856,0.3643637918862129,0.6580206871745864,695.6278489494408,2.53030878707985,0.08038956748552566,55886.85363347062,0.6261324746014106,71.02001523198035,990.8866164273131,263.8285194128907,308.4182890479238,46.6151022927392,0.26491459934697814,0.20140571486953265,7.35489387443895,23.9753327284056,4.511956617039072,72.83980156307068,0.0,1.9081162877528792,0.14091991796059122,4.794490887475844,17.856006136517635,0.9321315091486475,6.551826061504232,1.6033010066721712e-07,0.0001132097967789073,0.2120746347695262,3.2792587549991206,24.880758446197078,0.36793466757289717,57.03561515649226,0.0,0.00014063033626880034,0.10035241811325844,26.880949371452257,30.267839456631307,4.283817871517482,8.667714277367873,1.9907974977412392e-07,0.0,0.22664015915344954,0.792912553632893,22.671359614501327,7.456370409832951,13.531419349804953,1.973804496321485e-05,0.0,112.75131489382763 +0.9655697885631839,0.20636004516116133,0.38070110685261693,89.5454330649019,178.44383813338004,275500.25038180937,5.221821606764161,27.022171588085676,3.251609674267144,99.60172458364937,2.7576661718800453,27.39945677341528,0.4090368501829403,0.7178812022329969,925.1069857369218,79.0140339852597,0.32134509941256834,96267.46575633436,2.8903528234561335,97.15687418661787,913.2384884430563,172.39509383575452,348.183474341624,59.176733460826256,0.1564285747271561,0.19283526448239735,24.285807173510115,44.67905123610495,2.7945562915984183,22.6932077205187,0.0,0.908476024821896,0.08677464127884348,35.175948386503,60.21085711452068,0.4538892453298264,16.468897226873306,1.6033010066721712e-07,0.0001132097967789073,0.20400997036035223,29.54464363086219,51.59854896460716,0.2858029666767523,20.0795029670953,0.0,0.00014063033626880034,0.15256309061545736,97.50905470597205,69.4628267857051,3.3496616846326557,13.01938398558002,1.9907974977412392e-07,0.0,0.17803338411157815,58.95440501716254,106.14955597295666,4.6868339481502606,24.16090960712432,6.605785681710657e-05,0.0,205.0496433049747 +0.8632972589123303,0.1336156204718453,0.42201467868703507,175.84376040825043,119.10657715748027,167868.74044075364,5.697608581723896,77.92618867181835,2.386585626843468,21.013478491702365,2.723473597109505,23.544812889404426,0.38681081692922936,0.7946907198861263,495.1408916618662,1.1982449091749316,0.10966949499518272,58538.18203151579,2.311507196200741,81.94896353828467,2680.2426051510956,227.2164521924962,335.1104579856384,56.601438689435675,0.28537863411451014,0.19475219416291606,13.407547907360888,32.073047483776236,5.53386977975184,25.78902937904068,0.0,0.8418415136711234,0.0910023642358413,16.969547599653463,35.495961952219595,1.0026241092774038,18.582910489849457,1.6033010066721712e-07,0.0001132097967789073,0.201615523549542,14.300362661118275,33.18555950270352,0.38200484856111744,20.670164928391166,0.0,0.00014063033626880034,0.20485048658448915,45.233220448970215,42.56984915689606,4.881471726238209,11.385152341438031,1.9907974977412392e-07,0.0,0.1980967207881041,20.330226222323642,44.60600903436198,8.959055164722812,14.706171877601637,9.469223865405053e-06,0.0,110.65123738481377 +0.9767026836000586,0.16485282738592935,0.4385142114389889,227.12938689318872,188.45472361830986,313765.99617063254,6.607435098857378,57.797354494484935,2.759774559106968,84.88415264280115,4.513108426013682,13.315835053252414,0.3824672255917484,0.6762028924755409,916.1213492161244,71.19991079618686,0.06054410239800226,58505.0189742801,0.7060825269418167,98.31349037161732,4390.201258601041,284.7460868629923,346.3376698796453,48.164573250297366,0.2628730958680641,0.20222814406346037,11.596786345651338,27.736527119083526,3.2868496951274553,79.09436096075609,9.902681273931148e-05,4.683845036537666,0.14027308321720147,7.073029782926229,24.380228496242147,0.8113467885871992,9.218489308289959,1.6033010066721712e-07,0.0001132097967789073,0.21118152018690264,2.4693652970935527,25.96704986701978,0.3393385098992846,52.30803544827963,0.0,0.00014063033626880034,0.15148931833447443,35.55320653079612,37.47504990181826,4.680985888793088,6.787486605760681,1.9907974977412392e-07,0.0,0.2221926374169897,9.618251912294653,31.597393128532417,6.50528177988351,17.057211434007716,9.349729309042838e-05,0.0,124.49857640170468 +0.9167683255515257,0.1743000958510756,0.3771164808354732,234.6816447766548,118.66257889805593,303197.18015502486,5.752154031871284,66.4971821471573,3.061129963618332,49.312884743859236,4.513815106586815,15.519228357928956,0.436610004751806,0.9711927876050727,306.35828713655957,49.0722605631258,0.13222955912636836,248974.34810976422,2.3781501028647534,67.92469398664595,2469.022024623842,292.94335177720245,349.1403875723663,53.58559913407938,0.1524022269984877,0.197044632462315,34.985391935395114,53.087003725941656,3.5002843143810476,23.102558823662125,0.0,1.210558622181525,0.13471603880363792,32.91316972347079,60.42160504465874,0.5931806676025031,8.749876888746147,1.6033010066721712e-07,0.0001132097967789073,0.208412459027056,29.736529616691538,50.63101463216867,0.3092289969781515,18.28762671522066,0.0,0.00014063033626880034,0.1183710732581686,90.55522053526094,69.23462748480696,3.6059745028605548,10.138592206916524,1.9907974977412392e-07,0.0,0.18814276059357304,27.44552500235153,84.9298092169126,5.906536057891522,11.48412950662026,3.241124412954559e-05,0.0,185.54146060813252 +0.9497961366648976,0.12136035971515138,0.33072886507392085,223.6815198530129,194.08243912496906,269146.71542010445,3.5196509741896125,60.502830605199065,4.337799758744734,96.00247525150556,0.8862479683256403,29.631782661354134,0.774888994161808,0.9832087141929247,907.6523118043934,94.64116030214294,0.3154261994017287,150904.40765324378,2.958700290105733,99.5505131478837,4646.44806139891,170.50521745150684,345.26126832756165,56.00935820337458,0.18724769993286214,0.18646631083025117,29.242451062371533,61.10332896381126,2.681151321123505,20.054841633701415,0.0,0.971313804174871,0.09525975211552616,29.023583322781658,54.62429327922293,0.4665886334104782,13.174982455993584,1.6033010066721712e-07,0.0001132097967789073,0.19648541442283013,33.604372951550985,61.04782872371751,0.27831830770800764,17.64994260822579,0.0,0.00014063033626880034,0.17546398147520909,91.89939267453457,68.63953499965224,3.141836940650776,10.573473542493804,1.9907974977412392e-07,0.0,0.148123944151923,64.27293241456933,119.58081454704862,4.643271323038631,17.35018318182512,0.000269382791449347,0.0,214.9385819386037 +0.9461183661591811,0.21851198662040955,0.3908409833876061,185.18675823287566,179.32637598603625,260241.02505558665,6.002249732485466,91.9793514955737,1.4623024609678374,99.2723141713845,2.145264939725183,26.250709613409242,0.4446788336030815,0.9624575324200998,813.3382889797258,19.126695315852018,0.2834599866088448,130463.67678947456,2.3237269285683353,72.94207197504177,3396.0892732117904,294.53037150275134,344.123912496905,55.174110369669066,0.1630584160075881,0.19159970752088293,20.193889804510953,42.05010262610596,3.3668624918671037,24.28681682261256,0.0,0.7079620813381284,0.11898963449105772,27.22018943639944,56.950486944656866,0.8140947464104745,13.756043202539828,1.6033010066721712e-07,0.0001132097967789073,0.20014888780155915,23.60109643457081,49.03005478531682,0.34331406050235064,20.57495983123411,0.0,0.00014063033626880034,0.10301156159524555,82.3395849516493,64.91962104232368,3.1467202173753033,13.146845026015594,1.9907974977412392e-07,0.0,0.1842854190648702,47.07060250248679,86.56397573038274,6.282353777121802,13.307165485408293,1.730763584399727e-05,0.0,177.31056719750643 +0.8681020995327304,0.1616550615133576,0.3577260107903805,148.09892396659217,180.51854645209158,204461.3188684684,4.423459495310836,66.90945053289933,3.2085010660901885,58.55006798995129,1.0398429021115676,19.04780058913625,0.41191532372297,0.8214628043594814,890.3268136121804,27.635672088353175,0.25879311717217984,90643.35175960402,1.335295227613972,95.33962878219107,58.689457185485864,224.3759837825057,345.7639107928073,47.62067250653251,0.2855943262974881,0.19579790448583878,11.513449593049828,28.327707960727054,2.8365058302430324,43.841783604463124,0.0,0.8174917363770281,0.13601521162337057,17.99766837633048,37.82064998597475,0.7010091761038126,11.30759299679477,1.6033010066721712e-07,0.0001132097967789073,0.20903112572356705,11.97859177544802,30.077001416916453,0.3268234191031403,41.19294557605778,0.0,0.00014063033626880034,0.1242441801544722,46.90786212640979,46.13072458047086,3.6928442139378963,11.368576055551566,1.9907974977412392e-07,0.0,0.2193265306296211,21.484647688478884,45.22321190383637,5.156967910363197,19.273032736351357,0.0,0.0,121.94176326586322 +0.8835170309567704,0.1785081748776739,0.3364676923495691,159.45116507612636,197.29088324447477,105187.82123618765,5.618329523354945,71.2764382092723,3.505861803860093,87.32090796000867,2.936924000143044,13.519363287943047,0.37519956208323485,0.7160670274329161,186.88631484855176,62.61351366497102,0.11289962773398518,62401.77421178514,1.0793581500504532,46.65427899731449,3716.1010759022793,115.96380322706275,309.7748281380356,34.08001946684494,0.2505355746453254,0.19994584413362554,4.864583435841949,23.09271276510731,3.1185363804647475,46.51621733475664,0.0,1.4263541152953831,0.14153918747114264,2.4093926225081463,14.944058415826854,1.5419453357185584,4.787026311326268,1.6033010066721712e-07,0.0001132097967789073,0.21199405451781303,2.7342273986756633,24.04318461490382,0.46939145943409377,35.88092108985276,0.0,0.00014063033626880034,0.1748768859780485,24.87504557712943,30.68628050633182,4.5977446041874295,6.757066347654397,1.9907974977412392e-07,0.0,0.2337157883515276,2.0770237983305258,24.420744605131908,6.617986033834341,9.639513167098213,0.00042546747758408617,0.0,84.99940246942913 +0.8703145984794185,0.17894735976306128,0.40129260894051894,92.36850781407631,154.93887573494635,161767.89326174953,2.7513099695588137,41.5083113238198,1.7126372508097185,48.49434166500876,1.4672600287791913,6.884775383951667,0.3572229275892956,0.7847521239402745,510.5461609837738,72.57176459817634,0.05896864508337485,74439.413573597,0.8834962778277411,31.38811815315273,1777.0288048667273,156.4324182626955,330.60256317546174,23.720963563446414,0.1548005583379718,0.2018605340836806,2.6628514368002163,23.616595652517805,2.4767510703300677,36.525842775904906,3.052967612888857e-05,1.5770518105472753,0.1437256734839601,1.7434538735386296,14.586002952592576,0.37398652591371007,3.994171988141187,1.6033010066721712e-07,0.0001132097967789073,0.21368579968073306,1.2816235290357239,23.697708691871625,0.27497054641827,26.740611828928802,0.0,0.00014063033626880034,0.154382634736207,12.667236245084313,21.98857896339117,4.566145289144044,17.25739431890394,1.9907974977412392e-07,0.0,0.22704173728153615,2.763204970038375,18.11966110374364,3.0903149078047965,7.649961093707585,0.0004707967813609084,0.0,69.17132976996646 +0.8979748758050552,0.1153374850997479,0.33114235929138164,118.86978308748928,39.25075929047148,257917.45362134647,2.4001554728133607,40.359580309484414,0.3854071261965098,61.63157389935142,0.6769892267163025,12.606644440058318,0.34361311947286854,0.9276227940574291,619.2665195947318,61.83242142335959,0.07162692283245141,82203.90279544677,1.4317482911090924,25.290134735160038,4233.969958408944,67.6406421272351,349.6040927492532,43.577369552333295,0.16371136737995307,0.19770624856118477,15.493756179408496,28.630121297007513,2.5979255802164234,58.678124006805064,0.0,1.3098956507953412,0.13760411938726633,14.661873790656252,35.446264680394684,0.3167383546648578,9.160729972947983,1.6033010066721712e-07,0.0001132097967789073,0.20841427183026662,12.524445825180482,29.85145125300998,0.23863492148380847,45.4340618835198,0.0,0.00014063033626880034,0.1522221190753749,41.486483252823724,39.867144274852464,4.092220708195789,26.63076939982794,1.9907974977412392e-07,0.0,0.21011933766140534,16.680509581943728,37.44005562048218,4.09546860599441,25.305152986654843,0.0001614737774618542,0.0,124.71081808949533 +0.9618914296910984,0.15272769328831964,0.3928433019039147,226.07491636664338,102.75518760501022,270132.34121026925,6.475330905781989,38.74333034199843,4.172384561640209,37.60392273386271,0.5046319135827806,17.38635648227868,0.3501968993817747,0.7947690935153786,142.7832319094176,1.3180334292031013,0.08736584639767836,176735.1835287211,2.1116525941563697,97.52928728381484,4325.64182564651,139.51211358394386,339.4139987699525,50.022887513803,0.26805793126368027,0.19731476404725165,16.560169938761817,32.819196788636766,7.37806129044411,18.400004793001553,0.0,1.5584609022412172,0.13513747765588432,12.459620260346737,29.92898330181017,0.7135674978614228,7.2854815693126325,1.6033010066721712e-07,0.0001132097967789073,0.2080578839355955,15.25668032019185,31.75458581346864,0.33395198036472484,13.98949583033291,0.0,0.00014063033626880034,0.2976055804728414,55.053839137225914,39.72714652228763,5.482774903227908,11.539221260256731,1.9907974977412392e-07,0.0,0.21004474581927918,18.271350548372368,41.63048784813246,11.668802981600905,9.866006232868802,0.0,0.0,106.5895520554034 +0.9871289008469907,0.18808197427278459,0.38207962614222646,166.07969169556026,243.76998697315932,309387.55945337814,6.001733146963954,97.03703302030269,1.18824901921769,66.64475564488964,1.6800399028569737,15.241674503639805,0.4648980232871396,0.913588891101738,355.7533597143202,29.255591090574768,0.19042092643348438,52104.11804506132,0.9392499785124437,91.72852204777782,3736.935777691329,250.71606513158713,308.0184932267299,59.00878996216714,0.24178555401048626,0.1954888938097093,3.4883377451724087,22.978518912572607,3.602010555216201,53.89885449632905,3.7727632430981596e-06,0.8210548419524658,0.13549002412031597,3.3028127295791387,17.97948594450265,0.7191517507365995,9.668830525985316,1.6033010066721712e-07,0.0001132097967789073,0.20805161256039806,2.7692180002272333,25.60077187131006,0.32290047303195163,46.116266953486225,0.0,0.00014063033626880034,0.2530617952591556,32.934108629824614,34.64677829694636,4.492616925679625,11.066672757189439,1.9907974977412392e-07,0.0,0.21487799611976494,3.3331734422516814,28.02951172269997,7.071993818695331,13.96293408054158,0.00018251192170215614,0.0,100.73049299570582 +0.9708625481696318,0.18736089986410423,0.3272435912852707,249.15869247120426,145.85852422245512,305146.8011943808,3.367418183487054,50.06098310324581,4.500439264259318,96.37576116772115,0.41636119318548825,26.086128718079884,0.47419088469686294,0.9669782760254817,844.5767465207874,30.332431963428586,0.24507148795662728,174308.60638371314,2.9829194958792775,80.9249020254397,3874.7392522111695,136.82453398638506,347.5717341370144,56.9356150345542,0.20242202508023932,0.18910646497014097,30.787226826695342,55.538339551376396,2.9735524844165595,21.31889215612654,0.0,0.7652872491943624,0.12075637533599759,28.948410973145183,58.83587171808876,0.3129128337884938,11.95183283924559,9.446979591169465e-06,0.0001132097967789073,0.2023845173686063,33.72562579919715,59.48484898939688,0.2573868889778871,17.787143624632236,0.0,0.00014063033626880034,0.12926208825549892,84.58947225365864,63.514730618924304,3.290649503254895,8.683219511651554,1.9907974977412392e-07,0.0,0.1924040399303553,57.287749993957185,100.28314918367765,4.938633948744679,11.967206255558597,0.00041511114269775413,0.0,196.75691512244495 +0.9706789810297014,0.14526840882614753,0.4197466595418404,55.64108508473025,94.65124289368664,183664.96135619193,6.892099980143143,81.4321123962995,1.6990965791742028,31.204264240300695,4.323592697554925,18.743704539150244,0.5173321272777124,0.4421585625361729,373.58537936079045,64.67902380026435,0.29184511181698497,63732.95305577935,2.8606473284187772,98.66649825296155,2369.4050668140308,272.58107137138296,252.10667124514532,34.14013333962559,0.23699885975474744,0.19637390805540392,6.410665417171104,25.241997689288542,2.8401158870373466,10.789607562140784,0.0,0.8884504973429184,0.11451800889327217,2.0649400046511714,17.927597569154727,0.7031397062349599,25.485019511665293,1.6033010066721712e-07,0.0001132097967789073,0.20836031679397066,5.1307591506004195,24.38701890916976,0.34152292652011607,8.613321186209221,0.0,0.00014063033626880034,0.3055931248778658,7.5239455871019425,17.073369816853596,9.98428724403287,50.90311819860341,1.9907974977412392e-07,0.0,0.20092814460556727,6.178488665651974,30.902213116858633,5.222903986938779,44.54894070778744,0.00014078961923957156,0.0,92.29672979152184 +0.8984883317636343,0.20291396041414717,0.36041152108615465,162.01300260735349,58.6044055493156,337583.43719481543,6.520175755911135,34.65584356413339,3.7731893158360004,53.82725696896996,2.8490138307226474,26.595389927396386,0.38161964431987894,0.9742395566212839,631.6964422365035,6.132276757050448,0.08030896854483982,83552.5570996432,2.5851576578482685,84.44369562989489,2307.744929035861,112.80635366211571,342.21097307989317,40.1281151475959,0.206899144305926,0.19575558778806076,22.529635971262255,35.794526140078155,4.210098845438935,27.22276702009685,0.0,2.3568738964544735,0.12183388847820159,22.53637999948834,46.77694590407768,0.36780626656794935,11.37602382269108,1.6033010066721712e-07,0.0001132097967789073,0.2020709475323053,19.44354996409854,42.56092849178896,0.2835202589866163,15.133677349643829,0.0,0.00014063033626880034,0.1413730245282135,75.76234200172202,62.35765107763454,3.934001132503623,13.707495023290715,1.9907974977412392e-07,0.0,0.18602393698982814,38.31413337711297,72.44914380460115,5.812390295122492,9.914358568867371,0.0,0.0,156.45498934527288 +0.9280248463292023,0.21354680170174814,0.44814623311843926,116.24747181993227,245.21296483037804,276052.5219223355,5.053029877250008,7.558213490085848,3.3652819953328934,62.07271314614265,0.7399473940212824,27.300408710213706,0.3516267520942819,0.9740993492413547,72.43298166975401,61.87712443445106,0.27505926241525797,246863.1758167421,2.886471508442725,81.62626925693718,4262.712018740404,236.31766284624786,348.8181243628,56.76687292105675,0.15901855883744806,0.1895204811437838,29.25602552868177,51.807488366649594,3.422033320259349,14.351335694492024,0.0,0.836346459162807,0.12730271583746405,29.114700690389228,51.9478712100086,0.5568456353003627,10.900739579160742,1.6033010066721712e-07,0.0001132097967789073,0.20088311057839214,32.80149644144716,57.811340302016106,0.2986246430034348,12.3195455483166,0.0,0.00014063033626880034,0.12710444010316738,90.81305348794625,65.27190220330453,3.8581774907170177,6.912194344280196,1.9907974977412392e-07,0.0,0.17821985530518805,61.667262065609236,105.13109823945919,5.943474367409564,12.720970805909047,0.0,0.0,199.03873420617697 +0.9173759840662254,0.23336161480148002,0.3680172452157333,226.76217385260588,242.581638492181,309047.87118795374,5.542599554266951,62.33845648728383,2.3959934648341115,12.622553410464066,2.696709985928728,18.657075558842532,0.4055674641025151,0.8743025761562713,893.902091819742,92.64006752410684,0.25983185175008894,67870.09202786064,1.7571130310478573,94.8476964576713,4935.795499593118,294.1756651362215,346.5626238235651,36.592837705365156,0.1603149400807427,0.1953999814174743,11.728365256146308,33.15038422887693,3.03667883071251,36.358333827443595,0.0,0.6718117243913678,0.12393894605042392,30.341866688173166,58.43545108160687,0.7592373874005053,17.12476850844137,1.6033010066721712e-07,0.0001132097967789073,0.20684406297218497,13.237767164683905,36.84633591081917,0.32646613727619794,30.906773821706523,0.0,0.00014063033626880034,0.11303545850615497,84.32352354149235,68.51179570602592,4.061206208286328,17.1981245162343,1.9907974977412392e-07,0.0,0.19564401103080112,35.327842470171085,70.63939449723343,6.179002160621197,17.497222414407876,0.0,0.0,168.47714168878156 +0.9502361020121715,0.13184176194134029,0.3534296358482475,243.4797151669712,180.66081073460276,318841.69070136757,6.553968698249531,48.25275793223898,0.9609559961517075,77.50170905649732,3.6908411286309932,18.15734670666143,0.7812904105281244,0.7618568374671383,835.1389107777001,24.285202224443356,0.20740030199577858,60768.326756513896,2.8629265288586754,93.10563770482399,822.8829050372879,55.84041604060131,267.4809398225866,36.52697681854277,0.3113451423756445,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20880320598047905,1.678165429575067,24.553462460108697,0.3367159718774655,3.7795021024626725,6.70531820783595e-05,0.00014063033626880034,0.34725469268995673,26.993295526691885,21.05573753814673,9.547093745356824,45.87613773472181,1.9907974977412392e-07,0.0,0.11046252282095487,4.296907392223115,36.958522303438606,6.7709216418284734,35.91899532960756,0.0,0.0,3816490534509.4204 +0.9390548398262912,0.21205744555640105,0.3458695292316929,247.29509863836984,240.32536792048847,345646.08811616525,6.230376017653689,46.93911002252793,3.3631439028005743,61.56428276167492,3.853883642377384,24.373845766755835,0.313501547943677,0.933170470114336,940.708151005145,96.8531798771613,0.2074988005561692,80551.27890472484,1.4303149715582708,93.56782622501773,3410.4840154082067,264.999694221181,346.42208759814713,57.816347194048625,0.21112981664792607,0.1916991529727771,16.645393960702098,35.06410143693299,3.2058157865553336,56.78923904669993,0.0,0.711592293365933,0.10426417312073825,25.302118063702597,49.2713441158466,0.7862812968452458,13.950448788487408,1.6033010066721712e-07,0.0001132097967789073,0.202525428999615,16.278282799573425,35.787868170807016,0.3299641450401623,49.30633166875311,0.0,0.00014063033626880034,0.07938655258768573,71.385969193164,57.705291696058254,5.496808563671063,15.460725223250018,1.9907974977412392e-07,0.0,0.1843238390162131,37.59626168960429,67.9541026545278,6.738081603527649,19.871833480967627,0.0,0.0,164.77014367582376 +0.8428555588990873,0.11303215741097108,0.3524820253457958,234.12470120940557,224.59690835665623,248097.38462918944,4.6643851790775495,10.374489433520068,1.813929010606182,44.214900302148514,3.8232561476609424,25.958971129913028,0.40447082082382513,0.9187615132325291,732.3565998432518,96.44714147748857,0.09132673387661346,65051.61465993553,1.4385219078033487,24.70136097905864,3826.4671882993707,223.25343074439382,332.59345554277326,42.822341885747896,0.27288255928376687,0.19684008221680913,12.401495924257341,26.786142596940703,2.7864255230348474,52.24750254971727,0.0,1.9116954130786272,0.1329035355766525,7.7224896412578845,24.303533328956014,0.7853144178858962,6.290661812092169,1.6033010066721712e-07,0.0001132097967789073,0.20514247774469271,8.032904213981007,27.247406220334636,0.3328915835550096,38.35471517432538,0.0,0.00014063033626880034,0.12095318524325945,36.23758803570476,39.222088688622705,2.8726237045280056,15.940788278251231,1.9907974977412392e-07,0.0,0.20558867640375403,12.651102994970511,33.99372477692893,5.485666231798892,12.70494651442166,0.0001323679284878285,0.0,105.8410566068995 +0.8457904955076153,0.14243024288734735,0.3325175008726012,49.136614339877084,135.32353651038332,320236.23779409187,3.016447450851894,95.55146124446212,3.6051428647957913,34.90949733194244,1.1016524951352595,25.951085376272218,0.32814234888375915,0.8127158978702836,969.0679338756747,52.165278780222,0.3192634959822985,59173.840731274686,1.188390457144218,92.43535314867557,1782.7094473609202,228.83717031412067,342.4018105311398,55.08980124890358,0.3490781952432274,0.1942367934951844,9.75573310571273,29.364850530253847,2.717305918431511,64.40559567219151,0.0,1.2022914794105974,0.13013091691138212,16.066302166550443,34.684038320894025,0.3195067770106689,14.190279931163376,1.6033010066721712e-07,0.0001132097967789073,0.20644862562555885,11.095562797896317,27.654931607301183,0.23642251764151903,63.01555031141914,0.0,0.00014063033626880034,0.10429048966210097,32.9843466504681,36.49209984355705,3.6936392464017676,15.804099276807284,1.9907974977412392e-07,0.0,0.20847243243132235,20.76981638347301,44.62004654208747,4.085179776107455,29.577546625982915,0.00011784221549717662,0.0,132.78905877711662 +0.9231257895908931,0.15816061515163574,0.4004233430560465,177.85697391058807,112.82559746768068,220941.7237396587,2.569179063240531,70.62548303964476,2.762526265978419,46.74627029960191,0.3464716108416632,28.29628390565215,0.7942236007663654,0.9845570459969685,938.7763389183194,83.98963858132505,0.20619610502983152,62765.57394836437,0.7368195882932804,94.28311467277021,3958.6310810677196,224.4873315696141,346.4865006478374,56.55998449486806,0.3122553244649373,0.1895327817976619,5.986873915101757,27.34244085051054,2.4649696456210584,65.19661207946164,0.0,0.8529942976354163,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2035309907387327,7.198055034622299,30.20753713974938,0.2531240539662209,65.5017416680469,0.0,0.00014063033626880034,0.11037955199229774,24.934582713638914,35.65824414898802,4.229274572817969,17.083508778612686,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9776712449696991,0.2074585871053971,0.4354608656164307,223.4660071345676,180.24699827916345,265835.53923619183,6.749410324498669,85.44767637373216,4.516037090606419,98.28226070888518,3.9179251555072616,5.027547509725377,0.6115122112463768,0.926348235030544,912.8790654360497,96.289433941249,0.3208697508177177,282323.18763343187,2.857481215281641,96.49131426209853,4746.342890597671,83.89870652405774,224.28472535799017,10.700465090674669,0.34311245106197746,0.1989768132878801,6.309102151679441,24.041147438447723,3.0093210557196026,5.073497702894492,2.470843486160944e-06,0.7195783908285722,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19712298489998759,4.560436159788651,23.392754317784068,0.32323981364895715,4.09308669405186,6.0063960314469144e-05,0.00014414060373783881,0.3538656730989203,6.360780939920952,13.89424283381792,20.46482132886716,61.45042623312526,1.9907974977412392e-07,0.0,0.1384678139899557,7.004040041110508,32.99075761739656,6.465949179879843,35.34192139793421,8.712624511670993e-06,0.0,2698666337285.8823 +0.842057600855514,0.12379721694494865,0.3797578499048006,167.84530346278814,243.1821771817051,332398.3782944398,3.7743623207240677,92.80293311977701,1.6794198924690984,68.20048281214349,3.856563187258455,20.609855138992856,0.3425692728770881,0.8710870392187187,290.38754027357527,38.513745553830766,0.09559767818715009,236092.3241454964,2.645970539705828,74.60010788927774,1998.526924929179,263.39556025631657,343.4736151291008,55.028606224778585,0.21914104284183675,0.19709935560334396,31.788378604459883,45.47213281768767,3.359134841356862,18.922762211293527,0.0,1.3624176732338813,0.1338434042063295,25.74724975869589,48.7888499353946,0.3560585874205079,9.668707719947143,1.6033010066721712e-07,0.0001132097967789073,0.20756056213065857,29.221612848053788,47.3077574443595,0.25989697882831075,13.690418325319397,0.0,0.00014063033626880034,0.14252901398539766,78.59650340207108,52.47089020228699,3.2732968541048417,4.598996127877732,1.9907974977412392e-07,0.0,0.18720125729493065,21.23212708954622,63.750971898153985,4.870649894270915,11.33160964894083,0.0,0.0,153.2823383008852 +0.802014980382713,0.1238381191853258,0.3997357560164005,26.513066820298956,160.90340599889342,105614.73907067311,1.7559846020642516,87.8292847375005,3.6875904123328493,65.93954028363065,1.8885255380829788,19.656539779699933,0.401936580489795,0.9724119897166643,756.7035425876455,58.743976843525985,0.24003689978947212,94463.44810850808,2.0415705181193347,66.33456549803569,1940.7935391137685,171.13839358294396,346.9568971049569,47.79647230579623,0.24723939092854985,0.19329831301528747,13.009714669945964,29.825493925905654,2.566666339563317,27.532006205763853,0.0,1.4730118362860465,0.13398989051458224,22.16470769340462,42.675731376511884,0.24596545283768764,10.342538141389392,1.6033010066721712e-07,0.0001132097967789073,0.20632232771237324,16.22960500240619,33.06068668542162,0.24204328940420258,26.435052957116472,0.0,0.00014063033626880034,0.12470233711437824,51.84046430772055,48.87227822913966,4.9629770043208525,13.6211193800147,1.9907974977412392e-07,0.0,0.2105668054678231,26.14722192951389,51.16519875739047,3.785479379292166,16.841113225317127,0.0,0.0,123.23208643610846 +0.9322652984706735,0.15301238352980018,0.3869383780997887,169.75834180378843,207.3589649413984,283537.3149581653,6.394246267752457,40.79829910880211,3.2870038439325233,94.16907017142631,4.015018138369251,8.596902450518835,0.427782755710289,0.986876869228483,850.8907488909091,30.380787843240263,0.11109423622509502,106143.69854816017,2.8097367336785632,83.20070540301303,4943.840006222272,218.44233197820682,348.3535353597422,56.63603909863069,0.3157831348469772,0.19757219339520948,27.741221567745757,50.806209058803475,3.3072221299622,26.36783887605543,0.0,1.7035775259362875,0.10629610925664688,14.840252940463275,31.296112836908705,0.8072262754725573,16.730506515139215,1.6033010066721712e-07,0.0001132097967789073,0.2010534290366768,25.59140108915029,52.028892680629866,0.34062520866448626,19.91767487512486,0.0,0.00014063033626880034,0.32075252880379074,50.73746861835157,37.152084294442666,5.620439509653943,27.646241179604473,1.9907974977412392e-07,0.0,0.1551081680962404,30.384460820562154,72.0498478907006,6.344044267952979,23.395291823182244,7.700134176095512e-05,0.0,144.05421895844478 +0.9669257490307765,0.12068647611950648,0.40020350207957717,122.62006475887418,144.21978639738788,266676.57041648857,6.600627752662506,87.3323385384441,1.2052741892888705,75.26113697116661,4.53876160281289,20.08537568971976,0.39532899699994656,0.9569131038395893,982.8564898978261,48.86799736227466,0.317152046517403,271799.9055591703,2.36171241324826,95.68248213969338,4444.453025286848,268.3911551822776,332.70033979936284,44.86731193772528,0.20014108718013432,0.19268068160709922,12.58411510352851,34.114882305632456,3.04790239793908,7.303081613735757,0.0,0.7646056734778247,0.13039743721547664,8.913406711133778,25.758892165426133,0.6949534470147674,7.2219239580261325,1.6033010066721712e-07,0.0001132097967789073,0.20363864982848695,14.85181705411501,37.143082394177696,0.3291723143946305,6.84545121289833,0.0,0.00014063033626880034,0.3167246707235161,78.92074374876725,53.077673635932165,2.931841566303483,9.886209464462745,1.9907974977412392e-07,0.0,0.18988275974255597,18.491437011578547,48.24443602012638,5.298840345739275,7.0926084619626035,0.00013818773928916728,0.0,125.41246450462994 +0.8457904955076153,0.14079625366033305,0.3325175008726012,43.80909989265199,58.338152827622196,106954.31778692584,3.018272686600886,95.55146124446212,1.461776334684043,34.90949733194244,1.1658307641013526,24.093707433336135,0.3284749253051803,0.8127158978702836,282.0552573829194,53.09940931331249,0.24045134257900924,62811.67804315469,1.1928005540492348,22.26938086680157,1657.412994835005,110.71670229720979,325.88521499055275,54.841065329706915,0.3490781952432274,0.19293448140159336,7.120532899240787,25.55158569630336,2.628819783895401,56.83195349436202,0.0,1.249372265346158,0.1321627376148054,9.171889016596845,23.65425438529937,0.38574630816091876,7.918723624504954,1.6033010066721712e-07,0.0001132097967789073,0.20728268072492032,8.737635959448028,26.18701593393975,0.2910613275864324,53.978360844262575,0.0,0.00014063033626880034,0.13729688520947286,18.408366836417926,25.277025172094465,4.881296843168655,22.463347172692263,1.9907974977412392e-07,0.0,0.2196618356775973,8.565457236293506,27.98612309134043,4.115933258555828,25.823762804562186,1.0298812404661832e-05,0.0,106.6352293453035 +0.9164828530856376,0.20551964461247557,0.33021594576925634,126.25353822542799,148.94009689720187,304291.5576941517,4.041386385318164,76.19945798814902,4.425137126363943,94.92935796906406,4.413276735704023,18.981652889764067,0.41425559310860477,0.8869343579975534,883.8407798993325,16.59958587965211,0.27414499653520447,237887.45374199856,2.5240439236684367,97.30485560288443,1599.6582598573666,294.2313337152097,343.82347458787905,55.09129432926735,0.18162089447616986,0.19503749377163276,31.064895633212444,51.669332730207586,3.1095192184434475,19.803660895462578,0.0,0.8683658732908544,0.13183873730803383,33.861970935782345,60.71016987441664,0.3008529436228137,12.089002986593977,1.6033010066721712e-07,0.0001132097967789073,0.20653412211093516,34.374540605304965,58.526236001811135,0.2591630008915717,17.808299925811472,0.0,0.00014063033626880034,0.10858799840599358,96.676288507713,72.14939794037268,3.5804801662208283,10.110749644537124,1.9907974977412392e-07,0.0,0.19996558298575043,50.25577787885955,89.1508591823563,5.00100593391782,14.261719063215903,0.00019890683410499945,0.0,198.26508298143293 +0.8181090264717474,0.15999030730441835,0.3272224996662039,106.76331761509333,138.06192634505288,245933.4161718195,3.6151646767856147,60.878080668841555,3.9193411980129413,93.37337736264803,4.862312181784115,24.236258663883252,0.44646379402685765,0.9074268143412705,752.6421833860667,84.58434689771724,0.19246979425482347,254457.87197489035,2.7101626990797194,93.07843531718117,1372.4207247448364,177.10772154869537,344.69574313112633,57.92592613948203,0.25782383511436674,0.1947882725507968,36.83147063761536,55.719979923012154,2.611974952301627,20.52920314768045,0.0,0.6702364072788672,0.13447758155005143,30.216858201982767,54.20828071987332,0.3103757963654669,10.799962796741116,1.6033010066721712e-07,0.0001132097967789073,0.2061615357130526,36.7824869569531,56.70051212917,0.2629904897726528,18.13827440213646,0.0,0.00014063033626880034,0.12285899610334167,83.7405995376241,56.31616563089673,3.903345567550318,4.755427161588275,1.9907974977412392e-07,0.0,0.22539862118782616,47.0832425036051,81.86768871163858,4.327903028220382,11.976563998449087,0.00016000134904116376,0.0,181.82030329523238 +0.9169599358146722,0.22622326447102215,0.3279552187709995,189.41323266058055,225.5405304581587,324386.6554602663,6.2696295575636025,75.07076348406147,1.828033646174486,89.84781469811057,4.277380421524162,26.771642980085925,0.36236676038786186,0.972037684517275,815.6313049079538,91.50143601199943,0.19880762628197696,160595.9846247991,2.8251573031413075,99.79973005125792,4675.594411543991,225.31000539271943,349.80731616534547,37.14704195298911,0.27258325376350717,0.1906949572993952,29.904071461937544,53.087349613457846,3.1422835195792507,20.32363937947046,0.0,0.7184470229136456,0.09254149107370507,26.087695673436524,46.02532935217759,0.7406512015988329,14.590563023146176,1.6033010066721712e-07,0.0001132097967789073,0.19907854931435415,31.324095898565712,56.520798990985895,0.325954141698734,16.95876710055099,0.0,0.00014063033626880034,0.2669401487317915,82.70011355654165,53.14408495347752,4.617872814625258,17.190392962682786,1.9907974977412392e-07,0.0,0.14698670889959592,55.96190711209137,98.05025681993489,6.406360732355581,19.63918633988249,0.0,0.0,186.45304925882203 +0.8632682875584774,0.17369637625483733,0.3242387668507017,166.77953118390246,226.7157114224499,317233.6224348869,4.125636963242643,51.302878735436416,0.8239942445864562,20.985753036405676,2.7131146060410853,23.418826688176395,0.35834027837642723,0.8882059815987164,342.38172638488,77.97503822691374,0.24362974447985442,134824.64505861662,2.6550741190090923,56.81348936204016,2859.6113353286223,288.6801756369643,345.770642226754,49.6005358726919,0.18531557827734776,0.19662569052683768,26.42587580716371,45.5738955559774,3.1417414564551835,25.173358075029,0.0,0.6907241766511321,0.11791370434015254,38.21657749066014,67.40106051122348,0.4250022440462302,13.74653812693628,1.6033010066721712e-07,0.0001132097967789073,0.20604178005214824,29.95214809191842,51.57082895326662,0.27134235356522285,21.271253513609008,0.0,0.00014063033626880034,0.10859658605462766,94.86633031112808,71.50624077921967,3.092773314399132,13.03607698505921,1.9907974977412392e-07,0.0,0.19654020279412124,55.37838150243484,98.88785504533509,5.15806799160588,14.570703579686025,0.0,0.0,202.4796996001958 +0.9526146028717318,0.12712332705985063,0.43106997421518495,129.61097867116735,123.51084330983338,303544.68245722074,6.3175525758707884,37.74315102961269,0.29575460573461143,21.738460165845396,4.879109107892526,28.23156368585035,0.46791433821295547,0.8329389044123066,196.47741087316496,69.33437710381104,0.34565720846116976,288080.625530046,1.9588012649465643,90.39287825727959,4101.412845065901,76.38008200165923,345.32544592570537,44.295725075329536,0.3374682855146183,0.19032438857435674,14.860206533825513,35.03825883304513,3.5340081701413006,11.539386287487533,0.0,0.8590681358100017,0.12809117972592451,9.524155440994136,26.648441478320443,0.5492036009489195,3.663016592974083,1.6033010066721712e-07,0.0001132097967789073,0.20461218862166314,16.057451092214944,35.40768536210227,0.30446468861598813,11.040332596300585,1.0312049037161363e-05,0.00014063033626880034,0.35155335504633933,37.747407630679426,23.966915513575746,4.476793766914658,39.19309386868719,1.9907974977412392e-07,0.0,0.21676201149135157,15.842020804132058,40.49326669013651,6.220147316917049,5.385941938741455,0.0003249279281853984,0.0,97.76013436845858 +0.9806233454249462,0.17114983786904517,0.3599464267144652,190.18472556995263,220.02099781452517,251121.20848480237,5.311272969613931,29.430936521853226,3.8305301396874447,86.80751891545015,1.831350275995337,19.56645691411768,0.31387108617656423,0.7641276964230587,272.2552089868535,3.531116698862264,0.1991380566206439,281501.19491450896,2.6010838042363815,58.10775911744926,1780.083789192447,278.5450337100151,346.95418369467853,25.162886418840113,0.1922392878209292,0.19484240211410972,15.6531347697646,32.49389150776053,4.883176730949968,7.408388029929521,0.0,0.8649953089083883,0.13442147771505666,15.13663374558034,32.86414712603343,0.8095455079231276,5.959085339843114,1.6033010066721712e-07,0.0001132097967789073,0.2077520717362056,17.811186175504794,33.841299707543605,0.33962117529876484,5.75569185517454,0.0,0.00014063033626880034,0.13577666281221867,76.54871956138086,51.65512783599545,5.228788240485459,5.459673335926676,1.9907974977412392e-07,0.0,0.20713059836024175,22.926447344964977,46.88312839739879,7.980052705780182,6.301295221935676,0.0,0.0,125.034824695651 +0.8898003939994846,0.2085800285627995,0.32107660043654007,246.28026903205313,130.14449455673886,317625.06114452524,3.8544788718437144,46.69428707918945,4.222360365355277,24.495295619782695,4.5409321685873625,24.08162235987617,0.44646379402685765,0.8903196860255453,919.6806792427589,75.89533614407597,0.24382020351244096,126340.9248063153,2.636773592258422,83.87885332278053,2862.820161095664,145.7624888022732,344.69898928590175,41.05640625014377,0.18543792022995106,0.1943748188319325,22.130071084374872,39.67523400267403,2.9011131734178828,21.957622397030164,0.0,0.6571020598721123,0.12676006480991678,30.92345552407376,58.868910995629854,0.3380429423329229,11.45517387063948,1.6033010066721712e-07,0.0001132097967789073,0.20566643755993422,25.15812034912323,43.544688539829636,0.2624936841232882,18.2980326835655,0.0,0.00014063033626880034,0.12959069379079521,94.11955513087842,73.88435855871298,3.1266202507712584,13.957322391485766,1.9907974977412392e-07,0.0,0.21873681589265634,42.67989215180436,77.76339456509365,4.638323537848745,11.80196803456175,5.238134608687411e-05,0.0,180.34301555664325 +0.9516186275305518,0.16771848602926617,0.3866596275863323,236.1989487699611,234.46602624853983,294629.7146847062,6.347408127583074,60.0080587997418,2.372560112962041,54.56675223897612,4.015018138369251,7.611092829955595,0.600084628060846,0.995960573870192,887.8207238140606,99.12860526060558,0.32110562217668354,96701.09615729633,2.734789591112075,82.00136435268638,4087.932530177654,103.82340121319572,247.0966893088469,25.629480863128208,0.33509938616441937,0.18210295965205878,3.5661272042160737,24.112067192866345,2.809783092126901,4.703566448489028,0.0001595215164722148,0.8100936124966043,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21061370627128836,2.7288685143557507,23.617481990016366,0.35387066992670174,3.295660995925751,0.0,0.00014063033626880034,0.35658501767893996,7.330909750252136,14.683422291437171,15.803060329300008,56.2023499960004,1.9907974977412392e-07,0.0,0.14361939897107207,1.6276658644231938,30.61518375354071,6.687800378214831,45.062340274267314,0.0,0.0,2698666337285.8823 +0.9677239915584641,0.13094875556952396,0.3554415993724305,161.01573348881698,244.05317239511322,270761.3484142133,6.973747340873675,88.13124210034908,2.0691819854095295,39.6670365596073,0.4098130313582595,25.334527578150762,0.6367422633004536,0.5695162860164749,262.9742701684138,89.45534164117349,0.24498026485071656,56184.35655760691,2.6565298690959223,76.71351457803193,1089.549862218423,159.1990839086203,254.0906057746737,18.541912534448855,0.16952970836543985,0.1946002866748749,2.8201778583042856,26.358335888410586,3.376321361497436,7.724648383244663,0.00016121019860132656,0.758683908759522,0.12734555859072327,2.1636556016062043,15.102191214376983,0.9401086173337485,17.4797835696743,1.6033010066721712e-07,0.0001132097967789073,0.20457397599048682,2.8218838799520043,25.148554562708412,0.3624422392936429,6.821329572312802,0.0,0.00014063033626880034,0.3296785780696078,6.63797176409509,16.151510106482025,14.661914223721269,55.362303324741994,1.9907974977412392e-07,0.0,0.17283433707103193,4.637388315829564,32.952211871362564,8.858633886403172,50.54668385499719,0.00013499315023150082,0.0,96.5740164150233 +0.8429758500954883,0.10991881541829909,0.40111969701652195,220.92510823753494,92.40379056282143,323483.76226756,5.402733380002528,93.57577161622447,3.8925200761073744,22.711946500208754,4.439951151465504,17.621064441529626,0.32040576879765925,0.7887429982024025,225.39158047906852,72.79479930264036,0.19799933999370906,292607.0311915325,2.107778512253859,76.589574291873,4782.1135882821845,75.1363350442633,330.0835225444627,22.09774723691249,0.24144119870609587,0.19767948827892529,4.02104314022575,23.35655292201669,3.5189465546298457,3.6812646906324606,0.0,0.7867373164271326,0.1380180679023645,2.415350435390567,15.755953481589996,0.42682829269472883,4.219038278951825,1.6033010066721712e-07,0.0001132097967789073,0.20904414269077964,3.3164023521742108,22.411466633317406,0.2844075310473068,2.6852416867215094,0.0,0.00014063033626880034,0.2830875604599403,70.64896598441841,45.51714054226849,3.5870852422978348,7.138888420354244,1.9907974977412392e-07,0.0,0.21329373174054006,0.5764343424423711,20.04939702525967,5.381046176776107,6.014729100506215,0.0,0.0,94.73895341897848 +0.8118641880712609,0.16385649308702185,0.35400214378832084,90.41117298256223,50.1506791563544,117064.91639079015,6.558001872132227,29.710820546268863,2.052132637667567,13.634691101391482,2.368785571160898,16.932998666150134,0.7101881030722209,0.5830180822465797,223.4256384943792,19.0050639217254,0.05637486234491423,81861.34847035588,2.7488946857768473,73.98560945637311,882.5670145672054,117.71536719253257,261.115135348505,24.42645201979619,0.30359914724603704,0.20134114050266738,6.093923696363649,21.780543431334575,3.583423857323069,5.735841948923621,0.00016147360554553172,3.1508015976453168,0.14234029664708353,1.495848056945984,14.55257218400054,1.0375526586645654,11.391391105371012,1.6033010066721712e-07,0.0001132097967789073,0.2136923492294783,1.5433159320175143,23.538544172595113,0.39913029323579763,3.5353681071842837,3.870599288087787e-05,0.00014063033626880034,0.3131300489295476,14.843610531252597,17.987106398748015,6.724213369429507,42.98222717879703,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9329722755270896,0.12680624985911848,0.3404578699813411,27.21479926889269,117.4946514356421,289468.749922534,1.6333076048137234,17.365604434848464,2.7351627750936514,6.812202137877264,0.8354690167867964,20.538257817231937,0.44146272774637413,0.6193727340213132,649.1719623740428,27.891877451376068,0.2143829288695123,63892.31666214873,1.0034263894013589,82.08581298233385,3148.8741265925646,99.53145958198402,312.8866890285819,51.994555609597995,0.16855670224941322,0.19692708352201152,2.572069460554556,23.609715352053104,2.5917831798256032,45.162464984468734,0.0,1.2298691279551628,0.136417129986243,4.089387846767565,18.374012017278208,0.4967995101041061,6.08702612278356,1.6033010066721712e-07,0.0001132097967789073,0.2106030553961901,3.8608462054351107,24.626854080841923,0.24325931127676342,43.44258423920177,0.0,0.00014063033626880034,0.13604245664524942,12.944886048340209,22.86879869799555,3.99391261479339,15.856819677202022,1.0435757758511382e-05,0.0,0.2124678192582205,0.490876883095588,21.056596660886978,2.997582472461926,13.742916358585095,0.00011054676941319693,0.0,84.33164180491008 +0.9459273265698108,0.14421596289077301,0.3325509362512222,179.44004829203277,84.33683063614478,109818.88137558027,6.109803345072434,62.153510674636145,4.786478927256415,90.29392380001792,3.0142476982341586,28.014090947942766,0.3255331831208355,0.9920264279892193,642.7944933626895,15.370660675150184,0.2377780934387958,62893.08293288422,2.8720059609134245,97.11548834187934,2590.7749938477737,110.57835635680738,330.1280508218193,54.83389087692153,0.18342544959219728,0.1852354961649711,18.05805877323295,45.31216367178409,3.5669726767560204,18.82780191993322,0.0,0.7344155036244633,0.08214069657063425,26.75464247558494,53.10336898547074,1.3282690994534192,14.791989133461831,1.6033010066721712e-07,0.0001132097967789073,0.19553056464082014,21.48703565581362,50.2159143477782,0.4356167665827402,13.190431718087924,0.0,0.00014063033626880034,0.2903380929750432,79.91254719310332,57.4616930010395,4.629457187790469,21.526266325867926,1.9907974977412392e-07,0.0,0.12096699896804838,44.101134352935915,81.62524829637657,5.9465685216154895,11.316226175217693,0.0,0.0,169.1293878902706 +0.9804478946676091,0.22362862024429533,0.34160962430434033,215.3003261840603,236.811169609206,302672.2095852697,4.927478843964152,70.87282934642882,1.4989963780147562,72.35055381227659,4.5177539295053,21.833754292289598,0.4430740164101238,0.7915450167074931,614.694010039549,4.702127069175411,0.23972617932815177,202806.7235811446,2.846868378370633,92.10592972930745,4709.00646555919,134.30514704463562,338.2751988357346,32.7299344287189,0.1812973540347197,0.19518503436954907,14.948391645814727,33.21466336719627,4.303572151709112,7.481244820554257,0.0,0.7183285068874032,0.1351484030953524,13.258049556111297,32.61895379937996,0.6623826671342922,7.469465134154912,1.6033010066721712e-07,0.0001132097967789073,0.2077060784723254,17.65990876465081,34.254625357859666,0.310103294584006,5.629062774567766,0.0,0.00014063033626880034,0.12012359235295732,94.08742382440626,70.13331121463679,4.101708308442658,6.6258974273348965,1.9907974977412392e-07,0.0,0.2112370989046192,22.552972407958528,51.79472325613254,6.64386737923218,7.340434735455158,0.00010078484036786418,0.0,146.06873240199192 +0.881141362113708,0.20708807879641455,0.37664872165319924,182.99237820671797,247.07325308374428,280035.0404306275,4.050142694721793,91.29540853299167,3.6867740167830583,17.489854289910205,2.6356844114924263,11.273047857456318,0.7587916664536328,0.6560217194416202,728.438078836097,83.95107229615223,0.1805578102742069,81646.0888406351,2.786122414834018,82.88533476511898,1298.8370585358389,181.23565856268627,349.65830500839775,47.38362500703401,0.3290014045682811,0.19888614277329836,19.77622791968114,36.26117056568906,2.822677582956522,22.741802463780672,8.301116027680953e-05,0.6320214307151643,0.10954741557258744,17.02178198454698,35.923260002036564,0.5384921764091266,22.10533366310418,1.6033010066721712e-07,0.0001132097967789073,0.208824953428229,22.286459957994726,38.725096260604744,0.289448732528334,19.357054391430516,0.0,0.00014063033626880034,0.25297766052127646,51.02454009552768,36.41127390070528,3.7339455650803832,15.603758944755695,1.9907974977412392e-07,0.0,0.2074753773514238,15.721624440258605,57.11096516339353,4.686480716241786,27.40223723848326,0.0002926949204350225,0.0,123.04620387868492 +0.9276520274927065,0.13076501717253827,0.33438596801181386,220.0961429632789,209.77311800316244,281831.6741068729,1.7766535246999053,59.6286902127599,2.7201362075068958,5.247078785237404,0.9322139199692484,20.91270710958827,0.4280370509051365,0.6997040509409145,603.2042182704025,27.760215614039712,0.21893839535822535,62733.48024627908,0.9895956829515742,63.0131480934033,48.84881637815829,99.53145958198402,313.811297187419,56.67427909585585,0.16636782066842654,0.19623348284187964,4.376136407534855,24.622673617610577,2.731174233256745,52.479033603906714,0.0,1.0135291650595761,0.13630984968437743,4.594161161706347,18.986842899027828,0.2519294405573807,6.267162289922847,3.2438740413761007e-05,0.0001132097967789073,0.21004584854707448,4.886666371045509,24.945788598284786,0.236698690693289,48.1051885129507,0.0,0.00014063033626880034,0.12319360809699062,20.278145333154598,28.791930432565433,3.918528589816234,15.786474903482572,1.9907974977412392e-07,0.0,0.21737687151663426,4.377406950635241,27.39615742750883,4.427038200487803,20.49870000592123,0.00022012199349503558,0.0,97.3840990943286 +0.9282855934106663,0.12595354849029225,0.39164488445139,172.56110564443742,113.35682484679253,282426.1966436716,6.551697018921481,33.270792696851174,4.46691921155337,8.738435884169704,4.235939460455558,22.626533259196034,0.3158121206845636,0.9455593028522342,30.189497988651624,1.4136957984561267,0.25962567646357776,68044.47867374864,0.586874680620429,34.95416390464952,2749.94057538975,195.02614331196955,339.2058261432957,22.873680107372028,0.2498508449181422,0.18981339314306908,2.313490146201389,24.883234864055826,7.7610508260437,44.631647375763826,0.0,1.281066668473829,0.12123358135167395,2.607000309615153,17.658952444661644,0.6685908006505721,5.177943905492971,1.6033010066721712e-07,0.0001132097967789073,0.20149777789240025,1.0520745134818288,23.470716735958327,0.32556941856172994,41.7865745019551,0.0,0.00014063033626880034,0.0874572209326048,19.73494426953575,30.33148184471223,6.439475825433136,12.915488392769912,1.9907974977412392e-07,0.0,0.19043535827342128,1.6297066129556952,24.269011768039196,12.303096509360408,12.549956668988019,8.660142981885632e-05,0.0,87.9822266193389 +0.9423260127515771,0.20571602261698482,0.4070927702731407,208.9668789110088,207.5981961883898,200128.14475300425,5.513537626862614,27.848390224473736,4.664767564816835,89.70850813311527,4.634158785544477,28.754704300146678,0.3818446906849524,0.9990872277910536,957.8244163458749,79.87506991913553,0.20302147261521888,179592.80680717458,2.904486392157279,54.22385008827247,4754.863246205457,187.42690309847512,348.26859359655094,55.514795470568075,0.2757866899301543,0.19143436762309884,26.36382504771507,47.931486857773386,2.737978224442327,17.288750568412386,0.0,0.7264565452274239,0.12436137730588297,18.327724736751367,39.70936817476558,1.0506093898966864,7.93743323361891,1.6033010066721712e-07,0.0001132097967789073,0.2001128448984176,28.089252162991755,50.33419520727095,0.3817005586659574,13.901086222358886,0.0,0.00014063033626880034,0.333433042954168,57.86628902843973,37.86966557934462,3.942213307026374,20.325468687294148,1.9907974977412392e-07,0.0,0.1770935321994,35.28475422172559,70.11207451872131,5.672187129997361,9.688710353812397,4.2168511081879854e-05,0.0,142.44456528595043 +0.920211722699565,0.10604015304769022,0.3211903501979259,14.569202606292421,10.520537201247322,284921.38419725304,6.2332281586664715,5.854417592948538,4.720409110621637,92.24618833372568,0.7006426356742634,10.163344977208972,0.44948272300005815,0.6256417346764297,616.7861667551838,90.16016637892548,0.10847668724562601,53792.165180128635,0.7231764476765272,81.92333826519867,3981.840117082344,291.77126388445726,331.50258387374924,35.474893806500106,0.18120855193063118,0.19991357015828198,4.804385102976858,23.892672303644744,2.6299964744010977,68.55219751580259,0.00015973756154961244,0.8411829180488348,0.14213029642612096,4.243569179425763,19.059585109541587,0.32605217971064643,8.541716587978856,1.6033010066721712e-07,0.0001132097967789073,0.21294063509336647,3.1649172744710534,24.71484156192436,0.23870465402290456,58.594332171994296,0.0,0.00014063033626880034,0.15711044276429692,15.172066223976834,23.16243729493333,3.9675580158223505,18.981891142691957,1.9907974977412392e-07,0.0,0.22609469302999902,0.549941879199445,19.211108170839353,3.00133786990994,20.128643067227113,0.00011381811865835971,0.0,108.33268400460443 +0.9712039778249641,0.15584224840922184,0.39037483148733193,192.56368171969063,229.68859539769767,319780.2291863938,5.487314667098194,36.28116432728699,0.37964754657202315,16.863156466168732,1.8492012186443783,28.61293086267976,0.3860295217627588,0.8067102265707375,355.34966910681123,27.752289936967465,0.19102596462417973,66881.81208983928,0.4707275192573084,87.59710458684249,4412.248117288762,251.12398821039312,334.65001809457124,54.91695390433925,0.22561019779115024,0.19329073773513378,5.156499098388629,25.399978960599757,3.617899753830088,62.96385268511745,0.0,0.7634226971880225,0.12787852547225642,6.022605691081524,22.62644467641305,0.6599829654728321,7.506164190326414,1.6033010066721712e-07,0.0001132097967789073,0.20504630828190717,4.147464729653341,27.938493642485813,0.3111344356004264,56.6982677112615,0.0,0.00014063033626880034,0.11062294188754758,31.216318007746466,36.56459213587943,4.231152610231987,14.656853983786222,1.9907974977412392e-07,0.0,0.19372040486135053,9.809659000514229,34.48647435249676,6.765285791434352,18.088966463692337,0.0,0.0,116.06140555783516 +0.9218255461215535,0.21862516822430622,0.3421421550946436,145.1388015408302,171.3114861581888,246474.32785104995,5.449147359183739,16.164283248637005,1.4901002257316653,38.8277161126442,4.387328845157294,21.249375657500767,0.46877293588094,0.9626688079155864,280.2393232634219,32.50534751909353,0.3320837764557813,203467.11679913205,2.887121313614725,77.6055861606501,952.3704636956414,248.67674567550876,347.0567760428047,53.84425222699869,0.20311700203468655,0.19290167798462549,31.46427800574701,55.18859083523315,3.3664945574418987,19.068787168283112,0.0,0.9267144772688825,0.1255534316931416,31.394628560696283,58.20449090971652,0.6983431302663807,12.828886910978584,1.6033010066721712e-07,0.0001132097967789073,0.20378901944504968,36.595775817531084,63.45180777643612,0.32633601105516563,17.35885115642654,2.5250286128642546e-05,0.00014063033626880034,0.10303089418654707,85.37747917382119,65.64888730190256,3.0834988098249676,7.3697667142933065,1.9907974977412392e-07,0.0,0.1900601835128079,58.28902506274788,103.22267848770028,6.225912537992688,14.884491075684009,0.0,0.0,201.4764486819019 +0.8244962147508241,0.1149320899994074,0.3353743935808447,180.1324348032669,128.6318883107769,199592.60052593815,3.913506363423135,99.00234188362379,1.1564868976352678,17.741412847848594,0.9044996975316766,22.073843077932473,0.3513062110756524,0.8302393331316602,226.34525150955093,49.835487719524366,0.29041351582890945,154426.4176690823,1.1329173890586963,76.15139977538372,791.9578457927556,189.1450157678296,346.12288623478514,58.79258886721404,0.3055977536164867,0.1952884494930852,19.26708538739165,33.85682943442325,2.942213522651922,40.486448034899084,0.0,0.9678332280532648,0.1331872589036216,21.22028096362905,41.556513944507024,0.5922329529294674,5.897038957576165,1.6033010066721712e-07,0.0001132097967789073,0.20690049498216673,21.045307710786307,34.776954927755234,0.3114248468557548,41.06110679983064,0.0,0.00014063033626880034,0.10532378252681177,41.38739046117351,40.379503307393584,3.385765012268185,11.019441239789002,1.9907974977412392e-07,0.0,0.20732544978640688,13.52789149944962,41.53032290035101,4.249895674592594,14.836936518244103,0.0,0.0,119.74767973133903 +0.957047925685884,0.16399252280369908,0.42747748664078244,237.332606295374,245.3014404054225,319018.15612004924,6.239052577512485,67.24476648273426,2.539701994821009,94.6711909962868,1.9527302752565503,28.43238107031958,0.7598036816627919,0.9577966541484811,605.821854371846,28.370946952994036,0.3096161730578839,190163.53179579994,2.815243021429219,97.8237883404303,1580.090944650015,254.43056224121315,343.64776113823723,55.327277437084646,0.34213938465317434,0.18783560102120614,20.55757377759678,47.48913279215254,3.5157874423467748,14.063288133889815,4.990757398729114e-05,0.7027134810226889,0.08398671395672862,14.477637377044974,32.04113897046541,0.8468134627786932,19.70702746888675,2.8321803727313753e-05,0.0001132097967789073,0.1932860869986093,22.59401472964494,48.08517752689036,0.34122974164929987,13.282990937909428,0.0,0.00014063033626880034,0.35562724676247864,38.48890209813083,24.49158342512948,9.291893527191714,44.68076212283315,1.9907974977412392e-07,0.0,0.16002118591997258,24.26793467932052,59.61982069473829,7.482117635953638,19.013801473959106,5.297046620661734e-05,0.0,127.42899239984368 +0.9279216460123452,0.11681138033253816,0.43973357351613834,200.32960857722873,215.51175640484894,288193.1477887359,6.22574510204149,83.19952296736592,2.6592481724773593,64.4184172731617,1.2262129459827855,16.784789724541497,0.7494033001277602,0.8785783236127336,175.9539938223205,63.91551697403018,0.3420197520354577,60774.37762475341,2.3870840902340045,62.059033676978785,2936.0347695883656,96.20189565822444,221.1390620554871,10.14327259873659,0.23614904876068055,0.19468506726040458,6.720618147589605,23.839003245731107,3.5815962010657825,4.3577132434711245,0.00011051614056740228,0.8311115505924698,0.1340447214923452,3.3130031598437433,12.848588881405592,0.8364732529854171,13.925437674371233,1.6033010066721712e-07,0.0001132097967789073,0.2074693324018084,5.276123437448071,23.527964151006387,0.3434152140618287,3.221002499171711,9.216425991399707e-06,0.00014063033626880034,0.35318518188010956,7.123007880402282,13.938523130970887,19.312125220464317,60.278997292652,1.9907974977412392e-07,0.0,0.11345563274364329,5.720195492664186,35.0994304700948,9.347565098814208,52.62226473843028,0.0,0.0,99.90740906397262 +0.919234660093328,0.1518749703010433,0.37526710498577803,234.977448191685,244.77321279312469,222425.1841475987,6.785168786656762,47.88227641430356,4.078915500641879,87.21236662132702,3.809607641925556,26.902780781886047,0.5270481747840947,0.9809342344130373,430.92906983131275,46.60722280789889,0.09068133181371216,209449.96747936084,2.9988981081945347,93.51257115891858,2511.842496175099,234.2224478864704,345.28361266732054,55.251582539975345,0.2922139656044962,0.19323564979974692,38.29975083559153,58.102137954023505,3.336288741532118,19.971643466216925,0.00013915429643702895,2.4991714158172376,0.10289044171338176,19.065370946861144,37.06536426457885,1.2356382932990793,14.302078320918463,1.6033010066721712e-07,0.0001132097967789073,0.19586334403897088,31.2089984334636,59.40300324396815,0.41191387095954335,13.998792516696204,7.974311493987783e-05,0.00014063033626880034,0.3550326544081145,63.26262459704632,35.651041727727375,7.116010646055331,29.83709747063569,1.9907974977412392e-07,0.0,0.14760114131841587,41.69784697819741,88.6204779112353,8.45851896954285,19.507999738895027,0.0009299670561744686,0.0,167.80918141549242 +0.936067724308893,0.14333070834275063,0.37999952475169574,54.58865414545333,124.40983176189279,230189.55337425118,5.131998300195044,54.04065684525824,1.9453282620891397,45.008244376546116,0.7320518147756754,8.582034695690211,0.30398683864881915,0.8208350542062017,670.0337926836245,62.31911168234134,0.1724249872445134,192664.7700502302,1.0920741141987644,36.77274527840002,301.5601644930547,263.131853779037,282.8527993316752,21.111112032963817,0.15948427709718216,0.1986906190075411,3.1374793895332824,24.12509723574392,2.6690485773389585,6.779624318172964,0.0,0.6731768453758415,0.1401565254976601,2.5285379048160888,12.462653280629826,0.37638217201861357,3.347438273912198,1.6033010066721712e-07,0.0001132097967789073,0.2113682542289621,2.9169758793298546,22.573988026861358,0.27879902603033785,6.464879305038161,0.0,0.00014063033626880034,0.349656240407411,21.85113735808021,18.14650026404888,4.026373754596031,29.26287440885234,1.9907974977412392e-07,0.0,0.20973155674791272,6.111381290294081,22.557726713508874,3.4419335850004096,9.90803703439349,0.0,0.0,60.94431923255619 +0.8225613916594711,0.20899844479283752,0.32397723881444607,192.7323085012723,210.69100786126108,115596.8476940377,3.877882221433584,61.4706305910632,3.8668373499775934,23.242886972205973,4.391711299799327,28.47013980931785,0.33152392324073754,0.9929750837159164,387.61322317225955,2.950586343951123,0.10520692992604032,178104.12714780818,2.483653158052656,84.7181770619503,3567.1148967132053,133.2719633227655,343.37053176291454,36.93213468154889,0.28345264045204915,0.19413411662122954,24.962827397038403,42.41360177374947,4.42361677176696,19.8929470896135,0.0,0.7499496924577744,0.12839565495501043,25.415602553420094,45.90525775056367,1.2059941396667264,7.4428522249333025,1.6033010066721712e-07,0.0001132097967789073,0.20196182079068106,24.382889924151407,41.68654972848174,0.4105647512717931,16.10589714668868,0.0,0.00014063033626880034,0.1476126338583566,79.43719031805881,58.90145129017154,5.094099434053482,10.356840829743959,1.9907974977412392e-07,0.0,0.1740202152228352,23.794740422293632,66.5957126775362,7.912929516365266,8.953173254859273,0.0,0.0,152.63301202208268 +0.90164515934132,0.18936074517939716,0.3936563079268216,212.78183806041153,231.9265839261917,297166.11509799917,6.852224942399919,79.32324576025766,4.181995492362887,86.26056820941646,1.3788046199020316,27.32592191396029,0.4161837569121226,0.8756184294038095,762.2331750196633,2.650451885903248,0.23405663774594807,224334.0902077565,2.66455044839095,99.66037293997057,4936.9737277714075,259.10511648590034,340.72840413973273,57.84816352887748,0.3383728942343615,0.19217302697589542,24.27684663981982,43.68303852827652,4.878540081133822,15.101200291472328,0.0,0.6351480495331093,0.11862663691459521,14.303247268203766,31.697082068747875,0.9323275809790791,11.820910911841848,1.6033010066721712e-07,0.0001132097967789073,0.20080865512556054,25.82680713736752,48.58965784672871,0.35835012100896085,13.271065555149846,0.0,0.00014063033626880034,0.3491751409762191,48.18883038586373,28.113283544613086,7.833936845141485,40.2054549262959,1.9907974977412392e-07,0.0,0.15542727132934506,30.752705514388012,67.41017894119643,8.625253527506624,19.42681632858576,0.00012194658034120432,0.0,134.29894418267045 +0.9106543174283045,0.23470067361368852,0.3469470212185649,39.89153123713299,249.89921421975015,279800.67627849756,4.692648060904098,97.18673397327272,3.112757936897684,67.0447270479788,4.856017053822534,20.721148415851555,0.46029108627086085,0.9197553702186,322.71994181032005,95.17803047642089,0.34473151851792666,72453.95965873374,0.9305034286638596,43.06854935917737,2994.410824469632,258.6782412882849,346.40604396585115,59.04436980013923,0.17842659425712848,0.19400871918907406,11.118962871204495,29.25694396452011,2.8535259099592802,68.27607753644918,0.0,1.1735935998868798,0.13398216658014767,21.109928833734816,42.82836302525606,0.20679400176699486,10.125548003766047,1.6033010066721712e-07,0.0001132097967789073,0.20653881123476628,13.153535249498713,30.63508705107611,0.2489717984768704,68.68676226280813,0.0,0.00014063033626880034,0.14529312039127695,57.24047001624231,49.49188968994027,3.7687952561618627,24.960867468648676,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9551857032185314,0.15850924273749178,0.39483933533871396,135.5572677822174,124.69229700568414,133525.63380947168,5.999746347153163,79.56245354078226,2.723612187178829,82.38130611328859,0.3202177255547347,29.623603917257345,0.432221292845354,0.8086115294653083,525.2836993856336,94.8100014714426,0.12092304770082832,294501.8035828687,2.899180581052989,93.04236549112173,4262.492762830967,259.9153817067591,347.94352693631026,54.926525057536196,0.16179338422930276,0.1952634714330999,36.725041392185034,53.60007804176815,2.8348206609915185,15.42340324146053,0.0,1.3463961073948678,0.1201133074023442,29.024596612200643,51.54799765648118,1.1960748767870355,13.636334082379202,1.6033010066721712e-07,0.0001132097967789073,0.20379870574354647,35.60912351595191,61.317758730406375,0.41396809505537435,11.830728838780537,0.0,0.00014063033626880034,0.19531073001830565,98.29896618613891,64.21837043414978,3.532851241989535,6.236883644800725,1.9907974977412392e-07,0.0,0.1748034403465104,63.437811831320225,105.27482946292832,5.14109698849843,13.943040452529841,0.0,0.0,206.13262462713575 +0.9636973281152622,0.14905510780862485,0.37632051293384583,136.02729404852042,245.24352604876833,211066.94400288758,2.3477481901389368,64.88463746080163,2.261567639521493,60.103696117004,2.79497681245321,23.907585177976973,0.4271114464506466,0.6688089939495069,826.2491414494992,93.00039762378891,0.34950928548178484,89817.72068564687,2.079743638601216,85.67339652529576,4767.934937635344,275.1419931915562,348.3501926611067,48.282134559209396,0.16309271528966157,0.19411215007612537,13.24993247039918,34.08855566605608,2.43334613413258,27.48282641238217,0.0,1.286275925809512,0.11729175969906523,23.28272802328143,48.95007309283173,0.28763623466926447,15.188130493529254,1.6033010066721712e-07,0.0001132097967789073,0.20926502853629073,16.98825453227119,37.266060393308784,0.2540051154023562,25.62417852342939,0.0,0.00014063033626880034,0.10437981004158632,70.07637282083294,58.081591815652125,4.349622533200091,14.506632076945364,1.9907974977412392e-07,0.0,0.20879007502434657,34.33807600799667,66.18786169362589,4.109753764597819,19.989760014859296,0.0002576645262619476,0.0,148.63899119755936 +0.9888485654207935,0.172499093363307,0.4485823441622493,139.91946313141847,242.54446651471991,243679.48816974778,6.557740468446734,90.83101521203577,1.8049472038633403,66.0015944223478,4.794433175348583,22.802475364051265,0.38189547282956965,0.7870874040174684,315.41489110682613,55.80989809139207,0.21973491276537604,263702.0986971341,2.235532282636423,77.75961981189131,1186.4971954309894,23.44255763490149,349.5998258456324,28.38094450559999,0.22068351497393915,0.19476498497054553,12.882160178253438,30.060973780361657,3.2861406478190527,8.643802421804295,0.0,0.8057008047030586,0.13330609574339958,11.384114643721459,28.27749355891631,0.9224922843501216,3.6850908631112693,1.6033010066721712e-07,0.0001132097967789073,0.2059075232713625,13.353592675124624,30.572938932935767,0.36146397384442036,7.081139769220949,0.0,0.00014063033626880034,0.3419412172961978,65.97317708406797,39.4232457932187,4.45067494542177,14.06568537183394,1.9907974977412392e-07,0.0,0.2048753579376622,18.687590614773892,39.65957314669417,7.005577721929468,4.755543959291173,0.0001236383164525714,0.0,106.6821434541663 +0.976876195767662,0.20315782174927707,0.39677284539846874,230.30043111902083,19.258588701852275,260422.87749613216,4.390545536572127,62.33574880473019,4.673200066246518,80.62110303454138,1.2528689280561622,23.60104343312063,0.44492813390538544,0.8549515580508777,758.6856477591707,92.17144525584253,0.3273871747330024,60473.072186893456,0.867123264228031,87.79864721406733,3210.1971324749857,176.49673025131273,343.0315936071632,47.87983777188571,0.24238874495671645,0.19276721192088508,3.411588118932939,25.914235280564135,2.7665996531380435,55.043097832567874,0.0,0.9148037847405766,0.12967464649476512,9.775299213332744,27.678093369193782,0.17879328873777786,8.485314659332298,1.6033010066721712e-07,0.0001132097967789073,0.2046037505900059,5.036662316490945,28.869718463538238,0.26149698901929885,54.201920528999196,0.0,0.00014063033626880034,0.1346222183498167,25.951336739154158,34.39871624227495,4.001620798917979,18.45418091590221,1.9907974977412392e-07,0.0,0.21086297006723898,11.312582893045748,35.839275933381415,4.314249693806513,21.26088454487107,4.906984267590548e-05,0.0,112.0195030320269 +0.8517325879413178,0.18433929307235022,0.35611400024974477,166.55110829749032,39.55620119522672,273227.06954612874,4.120797339072819,87.93836494370613,2.9794435559949486,63.24327700202615,2.650585865270225,26.626417951685298,0.3455460640154072,0.9571950306315625,758.2122076316634,61.897539478201296,0.20587497016625586,205690.99849220336,2.873126798397978,92.72945328171582,2269.474547907658,111.33702665236154,334.68804226317786,43.894345849773714,0.17880965995752837,0.19121873946287993,21.063672295762668,39.14908351778199,2.8140666986220944,10.517298758180988,0.0,0.6222115293578818,0.13389031140590588,16.940841903012863,36.26580043196964,0.19556012112747456,7.107492789724218,1.6033010066721712e-07,0.0001132097967789073,0.2037583942991689,22.868718284129613,44.124520485816014,0.2569602595517018,7.473127746789626,0.0,0.00014063033626880034,0.09934772741171298,86.97820153767327,61.503012875074965,3.886531364684553,10.056938370451846,1.9907974977412392e-07,0.0,0.2036204095215356,28.926507247366672,58.02753502363499,4.448956601912522,6.244956572118424,0.00022222166328034028,0.0,148.32674076923303 +0.9222311538734558,0.12807294588840504,0.3368460972526856,113.98351927780746,98.8714361926287,151644.78492394305,4.015624265500021,40.44201068210076,2.219410530089272,38.865864204044506,2.303307996042323,28.67816905664616,0.34598915614623443,0.7225895855257901,481.1033491082495,46.78804417484597,0.19844602979619105,80064.10989640268,1.145646325036585,62.924356354216684,733.6603004786651,82.75369043412967,339.9337324566323,55.40443904845108,0.18872200180831314,0.1946044308349229,9.835750951843583,26.80308664116599,2.7515537856885026,53.28804287943219,0.0,0.7632134079983421,0.1300042826838002,12.796084774927296,29.140469659011725,0.6479459753220319,7.703222955212407,1.6033010066721712e-07,0.0001132097967789073,0.20722755472807838,10.511457027833496,28.534247872153934,0.32965350498431867,50.89775362111639,0.0,0.00014063033626880034,0.1240323222142018,37.21522518646612,38.64702940609392,4.701496516113826,22.012570916263655,1.9907974977412392e-07,0.0,0.20582713913920345,17.506936663609387,40.899255434235535,4.643941099645847,22.991511013857895,0.00019248021570970251,0.0,119.02001151810234 +0.9703159358822221,0.15440362208714364,0.3463129669298651,241.80806372620492,64.1133534169592,295437.61660472956,4.424144092405961,31.310388205795228,1.6716892975967377,54.047856652867736,4.664347708477532,28.55546130284481,0.4001901443329391,0.6281239417157615,463.4046409513421,47.99146266280319,0.3105262712832976,61035.75185544432,2.7360417906372394,61.53426940470287,1097.0374243582964,240.82151324628578,332.9088661813541,45.738917714191885,0.223009738185053,0.19265429738451312,13.203786703118883,33.29683264036922,3.130789447648239,16.815941187557346,0.0,0.8670256438578269,0.09525748087718612,16.34612533402536,39.97407738867485,0.2845207616361424,17.001096471647717,1.6033010066721712e-07,0.0001132097967789073,0.20353891606785263,17.234188193475696,36.0324133385334,0.26649163658144165,12.988677885158372,0.0,0.00014063033626880034,0.1045856817509039,49.24685507583957,46.62524806494503,3.5808458335490774,11.627826072803694,1.9907974977412392e-07,0.0,0.19895884335981892,21.881826902848438,52.997912597751935,4.86473746878343,11.403824283077212,0.00012907999413796633,0.0,116.97588482936723 +0.8739715579432479,0.2069384428317487,0.36764683469675485,161.75270735241634,39.21524265955928,273439.70594977017,4.790523136807984,78.30740195855087,1.51502195665703,66.25433138047224,0.9013198640751352,28.93112531543392,0.3263395362552301,0.6592425397138935,619.2665195947318,39.14271057129682,0.08544941632783225,75919.94613145787,0.869624805177926,50.735593398348236,4233.969958408944,115.68808689891249,303.68565218207857,43.51424533827704,0.17676248039770287,0.19976513316047806,6.666828246098795,24.883297848686773,3.0403808101003738,46.11081208743211,0.0,1.8760909979893297,0.13408394471958493,3.5827108929216425,16.438332652181295,0.2478445856031677,4.297412509584833,1.6033010066721712e-07,0.0001132097967789073,0.21026254882314444,2.420211744282135,24.959035775187015,0.26812125153991545,33.338993495575025,0.0,0.00014063033626880034,0.07002070641144044,19.30256600799674,23.15637502554531,3.89355195252672,7.275052833446124,1.9907974977412392e-07,0.0,0.21242381786780629,0.6434349232870389,24.880286299790832,3.93823007206553,6.22680674726997,3.928206747133795e-05,0.0,80.59355579859113 +0.9311506135537331,0.23089575402717388,0.322853020205095,227.13929478166358,237.15871667974136,287166.0129222476,5.539742810835175,87.45972031177995,4.317437743959117,92.46660610598217,2.8522452745862092,28.461792035640013,0.4400158278749963,0.9846278275736196,973.6675294126704,97.46608865504176,0.20155459782043897,250736.9363377826,2.697965647371831,85.63025092385524,4934.160665705993,294.33972997527036,346.44211573046056,39.069183797005856,0.2506777139933097,0.19225123545108735,31.516735946040015,52.90858368883509,2.935148192078157,16.40175466164831,0.0,0.6844861299552408,0.1177417104454922,26.747179431431928,49.64610555288992,0.8122358546424729,13.527812504316495,1.6033010066721712e-07,0.0001132097967789073,0.20189479546090955,32.08668322533969,58.37897353450006,0.33653977222137377,13.427008586341454,0.0,0.00014063033626880034,0.25634737029897076,92.07717930160933,60.15319981069557,3.850821819650062,8.179558169735778,1.9907974977412392e-07,0.0,0.16735525887614083,56.161022626280165,101.12619841650455,5.867690536871074,13.774646148990618,0.00017084002444718398,0.0,194.51442963846173 +0.8125663491610761,0.1011225395365874,0.32073646520703175,24.50289621297778,86.45227271176363,333306.32624797197,6.105266151882436,17.431420897072975,0.7683878724130293,58.739506179390176,2.969019356981157,16.187704133326715,0.317783313320425,0.9599017047635061,608.830027097847,50.43862774319799,0.2301104027635728,67940.87363154971,1.316991098765412,99.94693860180071,3713.663800803701,289.8761714616967,347.4946987327097,55.769135719538326,0.2957936466957683,0.19594734079626797,15.09837955229868,33.05047398672112,2.9204659650539293,66.60440137142837,0.0,0.8337817753402675,0.12561603982603767,22.405110580648838,43.69037475045501,0.2376763650094351,15.34059673149414,1.6033010066721712e-07,0.0001132097967789073,0.2078205678846366,16.952968376303044,36.55418433844918,0.24264665979581582,61.99589099308841,0.0,0.00014063033626880034,0.107039644740325,47.38073741389382,46.88278233915853,3.6230497822106034,16.162462778943564,1.9907974977412392e-07,0.0,0.20233979053330398,28.436459602092476,54.84890695978456,4.3335444735611865,31.60601152523353,0.00014978078787111765,0.0,153.07266260697028 +0.973026515238799,0.1063363160380643,0.4488779056203597,211.81921304068035,207.99163450265337,136019.66130501206,4.392855632533293,80.45566858952927,4.836426287403067,62.55545318151509,1.6869163376874754,25.00454323895417,0.3614198088069057,0.9521557391843277,908.9263840592907,94.1044518421933,0.3142351467561423,111963.46359868659,2.643073318658167,84.38554163150172,2112.8287407799735,242.10105991254594,347.4604277710321,36.62344774271025,0.21905700518965154,0.18202102727820202,13.357511834420029,40.209095634019974,2.743709177617504,12.589780204330586,0.0,0.9474041010118035,0.09815794947741235,16.323487057703833,33.222138481937584,1.200227226852791,17.445744693479952,1.6033010066721712e-07,0.0001132097967789073,0.1928814442341074,17.53491719435237,42.6128608640332,0.4086128005524959,11.554798859973257,0.0,0.00014063033626880034,0.27966638547035827,54.45593594363565,43.58189981822622,4.214367599737592,15.925848803213778,1.9907974977412392e-07,0.0,0.13705293740487354,33.445456933854196,72.87928234016336,5.097807427609701,13.194095057448202,0.0,0.0,132.89678347126804 +0.8832497064744593,0.14786819583935348,0.3833529853213513,214.64106673418928,228.54365206732973,193016.9024142382,6.323220122493019,15.988116350515984,2.1607698590262183,64.47490348559585,3.9994637945871334,26.641643683049058,0.44824218987379416,0.9115032460228152,812.8911998132183,28.31179316802472,0.22197449629722288,158575.84368838323,2.8962843059388974,88.38179317249808,1639.2804215743017,240.54272923607596,344.28256236920896,55.057435289550405,0.20352541639019933,0.19038576006812116,28.55020618091781,51.001967215088754,3.201580666096299,18.305133682140976,0.0,0.7198019455864018,0.10204331576374674,27.75819510564077,51.73879099009471,1.2465282646065532,15.878433953623263,1.6033010066721712e-07,0.0001132097967789073,0.1984058901599782,31.509039886552557,58.416440171909805,0.415289499475217,15.630265750418953,0.0,0.00014063033626880034,0.20761394747662582,89.06038664075606,66.83401433453726,4.661070647727618,9.477089350938897,1.9907974977412392e-07,0.0,0.16357078177865303,54.013947699186176,100.0915269476366,6.6819547281626495,17.555060987255942,0.0,0.0,194.70983756785003 +0.9743730034340843,0.21142337861016164,0.4317135451330853,237.2326555192936,172.31456450738904,305415.9704025359,6.65353461835579,72.44411579459268,3.326784134817188,92.49567135938284,4.531377669118436,27.979917236997327,0.7777475201594153,0.9726475187082717,825.5018256243568,60.63299217148116,0.2695025418449831,244312.94035836635,2.885352691869335,90.58538480896449,4963.374985845211,266.1462163193806,342.54019614101844,58.02463383447559,0.15824387832710857,0.1887140012975711,27.865573806875503,54.993221008580825,3.243620729930844,12.180844581429279,8.982320246381436e-05,0.6735025758510962,0.1140700648514459,25.269712128004603,48.508829087353256,0.8212993652742471,12.999138978489563,1.6033010066721712e-07,0.0001132097967789073,0.20075537746165986,30.09098157214581,57.038569552220466,0.3422351758611538,10.42835388684283,5.4664267491083236e-05,0.00014063033626880034,0.23108802942157522,101.19259849930818,68.93566445707636,4.5758312265601235,8.726205340362926,1.9907974977412392e-07,0.0,0.16105668700678688,46.27480749666351,96.90790645065096,6.631612409256241,11.416062882571518,8.335001571345806e-05,0.0,195.41051249402187 +0.9699450701232072,0.208801479876994,0.44670026660677675,104.16834665448458,243.00883468766037,330732.5930792956,4.680315836538896,78.74742581141845,3.536852327177959,44.39962681627883,1.8121780191745671,29.110461043072625,0.7643074709877801,0.9707631783524614,987.6849517820423,74.5165990443891,0.08084338488401863,56496.43079792619,2.6446327441229265,72.0577045727696,318.56637930851764,119.66249783358418,225.24089691983067,25.88504793344811,0.2384144257739579,0.18837585129396053,1.0241441742758817,26.68073892479775,2.94068080284277,7.25663889222092,1.4938764682032067e-05,1.9899578361569579,0.11495382692819334,2.2014820888204167,16.832502227905604,0.35543925030434737,19.18045322331965,1.6033010066721712e-07,0.0001132097967789073,0.20149015384008645,4.712182770562764,24.385497108590645,0.2641719228567364,3.3037866685307615,1.977651069234164e-05,0.00014063033626880034,0.3551114446877479,3.444206766489299,13.82769146220071,16.17484142503483,57.17030570559206,1.9907974977412392e-07,0.0,0.13913767359233764,3.926680413431804,32.644374985382996,5.02791650885666,49.97883872263283,0.0,0.0,96.95269349224644 +0.9842987382222195,0.1953087673272584,0.36846977350412624,111.55996562524092,140.79479502309053,209283.5840806448,2.959111297412689,35.427586960216544,3.440738378022841,88.36310074898518,0.696152626357037,6.938699794498081,0.48970347987408924,0.9153530708330728,788.022296644136,91.39358637171608,0.30282476839882944,125589.84194193344,2.60475947083322,90.64740684221638,1252.2394521667716,248.56468111137494,344.38215483086265,53.53364874946951,0.2247155647269947,0.19585545712182253,20.113603815394544,47.304632411178666,2.4668266807472983,19.980688084185388,9.03288375375256e-06,1.1427724316999157,0.11300283056360293,19.644474108218795,41.46292845810412,0.2995084253931947,19.61054436470048,1.6033010066721712e-07,0.0001132097967789073,0.20751796414044527,24.396935902827106,50.59927627385042,0.2614011998897843,18.064718530549012,0.0,0.00014063033626880034,0.11765279424889183,57.97718047753836,51.97099574391147,4.2875233062251175,6.390820800377372,1.9907974977412392e-07,0.0,0.1848207459392126,30.788834236886064,66.40673417952604,4.177759846708177,18.622874127378502,2.9779802012116564e-05,0.0,144.44488297649764 +0.9754051557709689,0.23129565408787356,0.3365598907766127,243.0270708779742,248.75669368997893,310904.544322,2.757628884120201,87.9680740479496,3.760698652192837,79.34203321968872,3.4394072791215367,19.75411476242834,0.5981932889927909,0.9568452818988276,749.2802175145838,89.54193351182613,0.25451738060256135,265123.5368482,2.853019399449356,88.76198352070091,1290.661879528324,252.64015551449083,349.9717561487374,56.7299843040152,0.22364721662701872,0.19287770118922287,36.598129441157795,60.70245976448603,2.7767835471671636,19.230436786266818,8.85452553405578e-06,0.880725879218014,0.13053757395802573,27.709499987855978,51.76569269501152,0.3043156199300787,13.907925707220004,1.6033010066721712e-07,0.0001132097967789073,0.20587548747529616,39.104684604647005,64.14675076060884,0.25095888361760155,17.204903097263387,0.0,0.00014063033626880034,0.2314913719766694,88.24103691816163,59.5949034903537,2.9728860626666482,7.565251102484131,1.9907974977412392e-07,0.0,0.19647949407384044,47.25762203805474,86.76112711780064,4.547206883955188,14.679832894561304,7.860216677757849e-05,0.0,190.74808313144243 +0.9178202491746751,0.2262734502021041,0.39076698266682314,195.88035133519915,243.38146777715008,275736.77877642575,6.119253559471659,71.20255827185719,4.213445818490481,75.70414427737752,4.963123010772852,22.486567958337012,0.521047163464131,0.9743470423046243,184.77246442788356,59.014789362484294,0.24664164989444798,82275.71607608581,2.764674609538309,93.09604124945072,2271.1761903647985,256.00647738773483,341.8577519610613,53.81239505272304,0.3481783345387333,0.18670772820135575,20.09871103794706,43.80722663374351,3.519646304349235,24.803752536253178,3.651432819643927e-05,0.7751721721263825,0.1032642158746331,17.445539028985714,33.83368015226499,0.886081713957776,22.11074182596229,1.6033010066721712e-07,0.0001132097967789073,0.1903204722981701,23.374854339635426,49.3607147983495,0.35093160814909263,23.00701676983731,0.0,0.00014063033626880034,0.30931603433182703,46.69263622589093,34.77421050864744,8.10910345886471,29.48236554790688,1.9907974977412392e-07,0.0,0.15325438113891887,27.557194345230663,63.82333264570401,9.023792463575267,21.815669291992318,0.0,0.0,134.599689166855 +0.8837929362932115,0.20734302427506124,0.37695580112827226,139.51214718849417,184.55385032346035,210366.7647064152,3.989885574858686,24.071045411168246,2.89933091637815,98.25603206129028,4.567287043334408,28.471786357078972,0.3970382305670539,0.919221001698024,849.0043621173264,80.20583631440239,0.1289686871757167,96536.50907065236,1.0761211308022272,87.26297344685352,2724.736426148153,152.47377209297275,346.9415441726088,55.17499779955205,0.29645370224439926,0.1940529095282664,15.127293586424933,30.585191978918132,2.5866160224968353,54.4797971470816,0.0,0.8831314119778864,0.13027916839656986,17.74668227270809,38.51561332462034,0.5902380234768737,7.792053717537813,1.6033010066721712e-07,0.0001132097967789073,0.20323696732812105,13.621099950694575,30.69091551941416,0.30725198365943107,48.49340287040123,0.0,0.00014063033626880034,0.11139931408042952,41.34263059516241,43.43896647610334,3.6545806449233607,15.3811720837925,1.9907974977412392e-07,0.0,0.20324801973079396,22.513407354036868,48.667311334444875,4.463475408278999,21.218607514165058,0.00011281737942579543,0.0,129.11311417182444 +0.9361180265650699,0.16795201233109225,0.41184422227074635,45.53849382096443,50.186823023282415,190206.65435861255,2.3808280955415433,7.039526076545059,0.43955561778889285,43.47101901509517,0.2882620751873184,19.11199996565248,0.36922655351588873,0.6729856862150279,311.78332396607385,77.16165363798237,0.2813400648139899,117681.50151260376,2.523877416628968,99.15532672957718,1063.8769687834958,275.30278870781046,344.18215211327333,34.18431258795015,0.1821373906466291,0.19307010006197006,12.91805341434226,34.89590526038169,2.441926672710593,12.6790410268513,0.0,1.3185563985242317,0.1153021344987065,19.67969328001034,40.25769649095466,0.28698751043999227,14.933535144139597,1.6033010066721712e-07,0.0001132097967789073,0.20468929481646891,17.625797691411897,37.445672640108356,0.24009658037756357,11.935585713577831,0.0,0.00014063033626880034,0.1221092092423092,56.276097486437315,47.90368305720539,4.413799686252596,9.94805847000358,1.9907974977412392e-07,0.0,0.1931294310087693,27.36517962596234,61.08474999586841,3.972684425178845,18.804203437040243,0.00010994838965527509,0.0,126.76521789873954 +0.8821881171099185,0.16307974018961635,0.405326722903839,133.54274901031954,77.20821848857037,243818.83840752274,6.837377488259527,88.26246378413613,4.900934064979349,97.96119245983348,0.8659203013939123,19.247530829437512,0.3440423806374127,0.8112246163484964,880.7753551326866,62.03963703707399,0.308843687755079,128309.4142134992,1.342082819525017,89.07919123130931,4649.133323462594,296.59834765386285,340.809493066682,50.53078112626605,0.17655535389737267,0.1960112289382807,11.651449872678104,28.091588336994292,2.963503552968393,30.040790976926168,0.0,0.75065474243376,0.1355623161159439,16.58369080963999,37.338492270253504,0.6573215598695274,6.739145901486802,1.6033010066721712e-07,0.0001132097967789073,0.20905267218279316,11.267066435315831,30.19988463155473,0.33225628996840095,27.353948122021823,0.0,0.00014063033626880034,0.12295037244091253,57.43743038889569,48.27865598760456,3.3637912393502454,14.152825786292858,1.9907974977412392e-07,0.0,0.21840682482979018,22.13913183659098,44.65932749242579,5.032508822020728,12.080109303517974,0.0,0.0,117.62893789762619 +0.8621029480777668,0.11268660340422254,0.37625615652780386,230.11028150923408,227.30015361218372,345220.611194393,5.587805250743606,48.04564520042452,2.224113220136713,33.00781987842222,1.2505414187628006,28.679579218607085,0.3920061722225836,0.7762541010490209,615.0554477521582,3.0990793842465436,0.1937966216790989,254173.94339145673,2.862228177676412,93.00730794231752,4410.224229980001,22.7943246873957,336.102203315805,54.39562027190999,0.31979991885895515,0.19507789316647983,22.289772118448987,36.88758916195705,4.720478578441143,10.430122156564902,0.0,0.7155213231833861,0.1334967364793549,14.436721957036578,32.093711110930805,0.6655181155980407,4.273444389290758,1.6033010066721712e-07,0.0001132097967789073,0.20663332453335048,23.149489241921806,40.97789120123885,0.30990069010178256,7.618760625360599,0.0,0.00014063033626880034,0.34463341288434796,54.67991678320154,31.026343109816576,5.919571828215472,36.915585536218785,1.9907974977412392e-07,0.0,0.209879566127954,25.486925575183072,50.27259917407873,7.834627311109579,6.426085967570417,0.0002752505795312875,0.0,118.95231387300544 +0.9744774771848157,0.22743162764257008,0.41081766255205054,184.0776973345842,213.52305136401517,319324.4314764971,5.254973338280077,79.43404796555787,3.669029005803755,81.78427361342027,3.4827033140443855,28.083796948867413,0.3669983020205731,0.575422277536477,971.7000168705465,24.684283242953907,0.24310114743233285,133363.9272391471,2.843932596132336,69.6184421650258,4296.977051977202,247.14322405725352,347.6368069073788,41.71089874892693,0.18665857295655303,0.19677528978919434,19.29996588433161,36.45052253804645,3.254555343092542,13.931704360527341,0.0,0.6486972747029975,0.11089540630407801,20.69574405637837,38.87720352173229,0.5985665273880716,14.267756711381198,1.6033010066721712e-07,0.0001132097967789073,0.2079274174709497,22.732901722845185,40.35223076982237,0.3016270239994141,11.458517952299744,0.0,0.00014063033626880034,0.15097590461675459,73.87638551406336,55.2807362299259,3.211706413896671,5.836398979308647,1.9907974977412392e-07,0.0,0.20656753140790868,35.9630731995672,67.30848944303095,5.773537355093994,14.211912415695107,9.097022903870088e-05,0.0,144.71936476184695 +0.983659296845099,0.10747023967596928,0.4090236694585896,245.00549840458618,195.95893231354415,266773.39674806426,6.920389638208201,41.53415891091791,2.100354225814329,32.67970116737849,1.7223288128848673,25.95888783301462,0.4380578507225361,0.5022346567962677,689.8351170165324,58.614528119010174,0.31522340215813077,291275.4975887636,2.2217471540009575,70.66841978560107,243.20071222401293,88.08089382124055,333.41234973049075,54.579802917219524,0.3415774827354278,0.19809094814572342,13.026492561129922,28.297953416655744,3.2151192166696947,8.766358336303728,0.0,0.7391132159073709,0.1362613442821834,7.077363471215797,22.050048585223532,1.0246580082811962,3.7390812899514336,1.6033010066721712e-07,0.0001132097967789073,0.21143252037885837,13.112312854595924,29.63534645169247,0.37560456461407066,7.076297302152074,0.0,0.00014063033626880034,0.32279962856778044,34.60707146075328,22.65421775715398,7.9389535239642814,47.90414600099815,1.9907974977412392e-07,0.0,0.22020763818221634,13.481763798559005,36.155503057671694,7.462145148440616,5.010536542774897,0.0002079644261136736,0.0,91.37090205963248 +0.8972096209130687,0.21075182865625125,0.3694201863142189,229.00126965895848,210.04089391309554,287261.7855033481,2.0963043372963734,87.49957563001237,4.858770667856545,53.56659629523851,3.124482613166916,29.082950188555714,0.4396295942076466,0.9850525684792061,414.89128725582015,48.47977062376645,0.2295661524684759,256133.98976824054,2.9712236272325545,93.50750941502713,3228.049333454508,177.25293730769764,342.3365992565425,54.84282136342848,0.1703881485417838,0.190708959666947,30.865867110397684,52.39102161092195,2.8254197633125195,13.733805710768312,0.0,0.9698002881014481,0.12492501677859409,32.054179752069885,55.815470613192396,0.22382922657216828,9.927193502190939,1.6033010066721712e-07,0.0001132097967789073,0.2018598565516576,34.40581506990324,58.93552352945448,0.24072876904854032,11.849283080612793,0.0,0.00014063033626880034,0.10770916683869994,99.97513475685865,71.40353771654263,3.60125144204657,9.544471677529117,1.9907974977412392e-07,0.0,0.19254306318413697,58.69984000641087,101.06598697940014,4.517945315333342,10.170295680802486,0.00010580121424607113,0.0,204.73316683647133 +0.8182635507652057,0.15572076860303008,0.3895497260841243,163.40097535297957,146.2314092227527,212348.33544105012,6.490970041802187,98.42502537684948,2.13044199463648,18.846625294179724,2.1402967646220703,18.34885317878856,0.3643637918862129,0.7730589515894415,701.9611979389218,2.53030878707985,0.08038956748552566,55886.85363347062,0.6261324746014106,71.02001523198035,2131.7763971255335,261.7937417810357,308.4182890479238,56.226139251395416,0.26491459934697814,0.20060044221672085,6.856898304648597,23.486819638736666,4.538405896204926,70.10572690416106,0.0,1.939695417179476,0.13908001618667454,5.097489243846439,20.734787406104093,0.9546491712487807,6.726875450211442,1.6033010066721712e-07,0.0001132097967789073,0.2100600898357608,2.981697107243473,23.38173113733824,0.37139359669405586,55.134865971193555,0.0,0.00014063033626880034,0.09380025919588902,27.218988811236247,32.817701398512895,4.287083505256742,7.480600074727424,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.815154063616109,0.11093882822805023,0.3761669405452114,224.57905202988263,222.18728482050176,271689.55402691534,6.223433707451154,43.249252982314,0.4683735832696727,83.4570766882435,3.57421736671638,26.09535560039646,0.40859596425131395,0.786295993062264,55.92892137677061,80.47024166578015,0.19819808389850058,102968.27544689467,2.373737667224681,94.23735403076974,1893.7301415806323,290.52066868122097,340.0801564893427,50.8404448195795,0.20378752490727045,0.19414828863534125,20.988946978801163,40.26728072822584,3.6735813959997494,25.255953591469044,0.0,0.8937574552221087,0.0989430843832602,32.84000757834993,58.32115743647899,0.932596650657788,18.730281327681666,1.6033010066721712e-07,0.0001132097967789073,0.20197765500775294,22.63688004688422,41.12489154177368,0.35878329307069307,21.071878714133927,0.0,0.00014063033626880034,0.13310744937134794,76.34242821247399,61.67536296098741,8.611752444458707,12.156673647383181,1.9907974977412392e-07,0.0,0.19748334162388795,43.513209829582244,79.55643532049045,10.243372697749232,21.879199647692957,4.84435076297615e-05,0.0,169.8642461757245 +0.8982147868550487,0.14814200176913517,0.3281683937840277,113.13005439200379,51.83658765596939,286236.35307113477,6.877485237395909,34.828227893758545,3.1783456372973946,82.64066047303145,4.389694905149423,23.791811759272584,0.7949256845947489,0.8729860596003356,927.7765146701021,4.4222083965055115,0.17185183407413265,283482.1966346804,2.542974020132611,95.39334230150229,2675.937728985982,268.1264619390953,347.9759017741098,56.872048474158646,0.1861020419092585,0.1809409174922209,26.81376604870532,61.944754272536485,3.723079959541287,20.37635051608288,0.00015159326374311412,0.6234357786520764,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2058445683656594,37.9120144137269,60.073508413268996,0.29924013195195187,18.881398718118668,8.105640777376051e-05,0.00014063033626880034,0.1045198950043799,92.23085587135277,67.22100300333982,4.361081115769147,7.479874338859782,1.9907974977412392e-07,0.0,0.21009259909492967,33.643905898179256,95.79737966699234,6.193757670098085,12.409533017982614,3.917503341242946e-05,0.0,2698666337285.8823 +0.9575242223462153,0.22884173118545711,0.44400282351831855,126.1442645242885,221.67631374383515,329762.7224151306,6.897782767887678,97.6299391420907,3.939493567625303,83.26867000008998,4.3528812400531995,29.19819708524342,0.3282785446848675,0.9275840219231845,987.507385404004,79.15243376720761,0.2795869740185951,168766.38155672615,1.9379532402636046,85.89961647222268,2770.9414346858853,253.61615145423144,343.1243167416647,55.485016683048016,0.3100754184577713,0.19021880266393476,16.02623411551585,34.51955136438921,3.159811958681946,20.010776588064033,0.0,0.6589168185339455,0.11704930394404045,13.030773914275283,31.664725744294653,0.6615384877503286,11.768472183792975,1.6033010066721712e-07,0.0001132097967789073,0.19986855503636874,16.003465910291546,36.53290414231071,0.31670824161537225,18.277078810888383,0.0,0.00014063033626880034,0.35238648697960046,45.30019483298965,27.217383020547278,4.631879133259082,29.894266684077397,1.9907974977412392e-07,0.0,0.17588349046455695,23.483722256670365,46.415032489734266,5.844671388991093,9.977657445538375,0.0,0.0,107.90463422229855 +0.8634932362388598,0.13321274483407103,0.3752055145615392,87.25095483776093,244.60917253341762,261356.06440349785,6.347313957755722,15.917928839565015,4.723898219624798,24.12218515206157,3.1377420843258084,23.34368823836123,0.6314691143041468,0.7375857589655576,847.5984913399519,73.68410964357307,0.20210381271896408,285786.04482830304,2.003061523828574,32.08673270661423,3869.4323066050574,130.2759467302778,344.84145151515406,53.7490327176255,0.16451513420301567,0.19733018280355336,26.568896900056952,39.4484919210367,2.88644898779464,19.077027079975128,0.0,0.6262751545448353,0.135267529611279,21.84031366766883,41.58313326089854,0.6562246570392706,3.7872078494229493,9.759420137081049e-06,0.0001132097967789073,0.21076970346822402,25.089339445295195,39.713126656943906,0.32034854111180894,17.144259068931564,0.0,0.00014063033626880034,0.10946558446813755,53.70324804499673,52.22629728902186,2.0763453418187074,9.712978227941784,3.092715030179917e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9419751243637252,0.13481241663126248,0.36243354564693525,180.22583263957972,231.45071350175132,258846.12830317445,2.9152796501872533,8.855314602715367,3.5917293314058334,26.736021654842645,2.637533303457425,23.157242344661835,0.44776906478198963,0.7461859034508601,593.8808979808907,63.74911346436635,0.20598496210227435,91794.93197096085,0.947739258197887,79.76925658222235,1186.1588181085474,285.5138930093449,342.52327607320484,59.67819471890003,0.1903485896100502,0.19471575173726108,10.551410249415481,28.884350910816362,2.7020555335882723,51.993009217130506,0.0,0.7395107529248532,0.13431111371688073,14.766044499286549,33.23913463724814,0.35855917465481235,7.870923535310369,1.6033010066721712e-07,0.0001132097967789073,0.20747399244349754,10.76367895523075,30.108789246053586,0.2608063540057713,48.906751165362095,0.0,0.00014063033626880034,0.13167510468556964,45.31722816190199,44.09676118655941,3.425951818012251,17.554490813209696,9.009390188848472e-06,0.0,0.2163764387764145,21.37344050870055,46.16887477177022,4.6119791409844115,23.21022662835454,0.0,0.0,126.18502016870686 +0.8168821631138141,0.18310005216353725,0.35111056394016477,215.7860992351272,210.54637353398232,156329.82938608687,6.10805104483871,68.11043573926436,1.3375274680396334,37.64310502036868,4.416334273893691,28.603578167144182,0.7940222933832722,0.9560093744928805,55.9777808065997,93.16994438534749,0.27930548797328103,58824.38253178823,2.630374034023911,79.3104030818072,3448.577330465462,165.14621417965597,338.7018658930916,49.78118829490696,0.33859476673218014,0.1918596680171816,18.93968418073857,38.55393716449898,3.119888775056295,27.307841156343112,0.0,0.8527462854020772,0.1025166809829763,23.88532944924001,44.63247146989029,1.3834179706813865,17.499553001034673,1.6033010066721712e-07,0.0001132097967789073,0.19953149723666994,22.587037125600496,45.42702891534735,0.441149452738454,22.36991728382794,0.0,0.00014063033626880034,0.23451212114818276,58.37722762012463,51.29411004906064,6.79973891232709,13.037299158389077,1.9907974977412392e-07,0.0,0.18760948049062004,34.88775766558978,71.30050965654543,9.663142584691355,22.175631066138173,0.00029336785421477975,0.0,147.26789565538803 +0.9147482626640001,0.19685848624982932,0.3480087140243961,82.75463422290235,73.06150968142914,338315.06986689713,1.7734530123930567,70.73654323914589,4.477755595846758,53.690733052793746,3.0426437253037886,26.086723089767485,0.39246285350135535,0.9247116648745051,930.6199657035345,54.78259465938747,0.06902011452266217,90067.79573240248,1.4117272551138949,91.6502244605554,1818.5400668824777,292.8998349419346,337.0048906058253,58.93594083241822,0.24658778913447768,0.19485305451342633,18.62395938954105,33.03651723181446,2.7352583261863894,53.309179696871254,0.0,1.250802604929958,0.1135241115204437,18.8431740488865,39.11917718947602,0.4414126463437456,9.996739255056431,1.6033010066721712e-07,0.0001132097967789073,0.20110473756114292,15.43871074985132,36.97837136288161,0.23696171875136987,41.57350618213798,0.0,0.00014063033626880034,0.11370926779396326,44.69435251803594,44.922116431760905,3.674373813570742,15.422127537941973,1.9907974977412392e-07,0.0,0.1981190869104903,29.704676396686004,58.26084797606518,3.999857616203409,19.293958830516747,0.0006609389469969657,0.0,136.16485385480487 +0.9106543174283045,0.2304890876019612,0.39066685255534284,88.57975879702644,249.42363249375498,319960.69684130145,4.717632341470834,19.253393869392433,3.148032082760621,52.53261547304,4.856017053822534,20.7649781160903,0.42525215854755916,0.809037165371135,325.2190723199562,93.69220319881502,0.3335742929301451,71501.53158184804,0.6631383427999669,81.5904278877614,1352.7625252671317,262.1436495120272,344.8437162476138,50.95844988955489,0.2608010592261154,0.19587057137364122,6.094833962072827,26.577707238077856,3.127951744513423,59.92612002731755,0.0,0.9757869816750209,0.1358654688217218,13.98318266970921,32.80571740173288,0.33497220076777684,9.018520244774429,1.6033010066721712e-07,0.0001132097967789073,0.20923315637481493,7.011208690431434,27.48572658439015,0.2625042488870624,58.3397745816375,0.0,0.00014063033626880034,0.13124173088663116,36.32136043219804,38.28668743472746,3.103016589947854,16.591548042445986,1.9907974977412392e-07,0.0,0.20206413637144405,6.726781212838737,34.20934503936727,4.311032483715336,19.21618953240638,0.0,0.0,120.74917292256929 +0.988920432008741,0.10430941790545019,0.3319665458876738,162.6840486121468,155.4646830770883,324367.96856469597,3.9730620964537504,35.98471194869589,0.47813816875000925,40.0193539855258,1.3976093064661819,27.253004950639337,0.38176949786109804,0.9318815649899748,489.2467047500191,46.496689622415424,0.05022932433189487,141429.64571984057,1.3576941140561414,57.36249595439692,2448.667110575301,242.0946865161493,338.11413054709163,56.121338479002425,0.337814545648025,0.1950065582712614,27.51194520041069,38.87075883136758,3.271103266949674,47.26169391818776,0.0,3.6433188859052,0.12397175107997568,10.397327451972618,28.721851175013047,0.31315435220377313,6.016056575282175,1.6033010066721712e-07,0.0001132097967789073,0.19788013985041059,14.674251801189381,34.84299874537829,0.25876249316329203,30.96890360913344,0.0,0.00014063033626880034,0.25146538334462365,38.26245563809175,33.67413261679005,3.1079792900797782,6.18946730054011,1.9907974977412392e-07,0.0,0.17355524553158855,22.042638523569725,49.15006505776546,4.875467962653826,11.498405251078598,0.00012346747721028349,0.0,116.56346315280337 +0.882447497762195,0.21124388297455177,0.3718413684043654,139.22419942479561,230.97968291394847,288800.6727240113,3.327566834366362,81.55956423423135,1.9780153221305294,17.723816607305473,4.565311437836606,20.939638958054513,0.3471366366797592,0.8008437351840302,991.5413187410214,61.008914527098696,0.20605385457780612,66004.41677229766,1.433381311788535,50.553208339136006,4387.513008115895,291.54616925703385,344.7128658992518,58.26555294429325,0.26233462687079045,0.1967635090840307,11.284354437643193,28.373406652758558,2.7280186486956786,54.02387657171237,0.0,0.6722147737635332,0.13708359282615795,18.402238384926633,37.839064945858084,0.3086896159342949,13.540431046726887,1.6033010066721712e-07,0.0001132097967789073,0.20892028841954868,11.508100812947253,28.938898573948386,0.25608979457317693,48.95556076837402,0.0,0.00014063033626880034,0.11263624289529144,44.55641169727762,43.52969375469119,3.469068721106816,14.852411635907071,1.9907974977412392e-07,0.0,0.21737066983274228,22.379165717542662,49.029667292877825,4.508404626162411,23.636171092997902,9.503480178852609e-05,0.0,129.5220905249792 +0.8406775309989315,0.22351264226562545,0.3286096600863755,65.04258996083968,184.62529100002396,340800.3717814698,6.340348012352475,6.9844743565038065,4.003091943061537,90.43146479357404,4.060333250536344,27.932876864258787,0.7384595459276333,0.9684403864424715,619.9034654061969,65.66638314854787,0.23949670140664514,208919.31962754953,2.5286620954593366,94.94918625184806,3906.234295123894,76.72475277381389,345.21016694988816,38.413973542793215,0.1706461978681821,0.19348942453533893,26.254475531199375,43.07176613887047,3.142016353477457,18.403147620347635,0.0,0.642966507546368,0.1341484911612471,30.48969567313284,53.432528469187076,0.3509407768594738,6.044136636195754,1.6033010066721712e-07,0.0001132097967789073,0.20506079715005365,27.406091316502124,49.74830259475472,0.26908014600925456,15.683661853333176,9.865689605204022e-05,0.00014063033626880034,0.13159757432999306,113.41502030173459,79.92660156821866,3.2715099035958635,15.327862744301322,1.9907974977412392e-07,0.0,0.21838242736563035,19.482950637104217,71.18049988704657,4.1124519375214375,8.007108795570227,0.00027655920289055224,0.0,187.64620067740898 +0.9362784287705709,0.20055223124574678,0.37256743581265717,206.9399348573626,219.9370996943043,341901.33326419047,6.241138773434598,33.37997229140656,3.3700881335090505,97.70853890002863,2.9964272288489653,20.380994915443924,0.3903920502536887,0.940334249464384,8.146153257451637,50.69900866361145,0.16183414497023038,125429.9140872035,1.7119057293684385,73.49818232087907,4425.047263419387,130.44641046684643,339.9654240605603,57.736305031516906,0.2611859582265257,0.19511111888238872,17.601379152965276,33.57259157224178,4.26364093432608,34.29356784327756,0.0,1.1468625964283565,0.13355727290454894,16.054112271182845,38.491311341108485,0.716643203594782,7.289246334270299,1.6033010066721712e-07,0.0001132097967789073,0.2074103782554934,15.743580489343316,33.72947190710488,0.32078465817048285,29.222911999671865,0.0,0.00014063033626880034,0.10771052884502419,43.772560010833985,46.21068785307105,9.851866903182742,8.91116588205524,1.9907974977412392e-07,0.0,0.20781228707671226,24.203626673724813,47.45886915604236,9.837170792255783,12.56679386013595,0.0,0.0,118.26238675777522 +0.8712396594506611,0.13164127881579307,0.4324028959389284,131.6926616747673,49.3762444656878,219610.8407607717,5.0433669675219175,29.971979722737835,0.5917018403703527,44.256939834568946,0.26801533382091947,11.75482448327963,0.5763204644018405,0.38721760238639846,569.8974053517984,53.99020785476083,0.21401322772005632,72101.82413965589,2.8829044919409115,95.57282166780514,419.41213328205026,116.41189141283148,267.9991558997848,25.69922021551415,0.3303376343674306,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11196911381684405,2.0057435169729088,16.839111703403944,0.41866929223890154,25.581902132251038,7.244313347663842e-05,0.0001132097967789073,0.21486524934455523,5.857143876543603,23.212034557979255,0.29888801409266025,4.166009377819698,0.0,0.00014063033626880034,0.2739885328278759,14.617872585390897,19.31539028909894,5.6674310626594835,46.78243303442946,1.9907974977412392e-07,0.0,0.21163392352645546,5.1819533012041195,28.831706581519313,3.6969865800804222,35.69763044802459,0.0,0.0,2698666337285.8823 +0.8365045165782129,0.10318079475453659,0.3252893449515315,21.40384035057589,49.84516688987759,166976.7558732306,6.20630657463787,18.265443415187953,4.395864276124778,79.33219805727201,0.32628536553569953,23.00340320508277,0.34705318165616933,0.9121031333330621,288.30629565361016,49.22950477641463,0.06318890843531857,72157.69301551067,1.4703615927300397,83.8366945808868,1518.7170710851874,288.9759213882102,335.91335912929935,51.68213772394121,0.1804176683339512,0.19652190184474203,17.320431987732988,30.846678422921908,2.604541299030069,58.07856520048087,0.0,1.536641006932247,0.12511034107964247,22.736999683843283,46.470142925845956,0.34487602676826695,12.202254562699993,1.6033010066721712e-07,0.0001132097967789073,0.20519707539160906,12.732387373380659,29.913949610514933,0.2788212850354451,46.18594533774791,0.0,0.00014063033626880034,0.11760106236577074,55.10888442242312,51.885591628174815,4.536951354933638,17.514595939959126,1.9907974977412392e-07,0.0,0.18369251665639175,35.98274662125216,72.70990141717562,4.321356234588859,23.3475786310033,0.0001405644672155668,0.0,154.43859718405722 +0.8286914892780503,0.15572795007548618,0.3541956675566268,193.66141307261395,245.1783946879128,205715.14638699507,3.65004343872301,7.7145754919179765,1.3104934420063608,85.36339470862312,3.169920427148463,19.789752794001963,0.7758195118390986,0.9592313898645233,576.8129272391619,92.02566800281627,0.28614263612839025,55317.8792386077,2.0757384185685828,96.41235073383686,4806.549632933356,266.47887215780605,232.45170626891363,59.41795610565052,0.3385112506681757,0.17863428111566218,4.867283343252075,27.700900918224615,2.589382671089017,19.204572990861024,0.0,0.9326305109816745,0.10189499670880352,6.668214839610984,21.177566093014807,0.7039064469992852,23.26573293283403,1.6033010066721712e-07,0.0001132097967789073,0.1905407937205738,6.196414967671331,29.97473044578847,0.3201743491535317,14.971342539761729,0.00011111340927221983,0.00014063033626880034,0.35113516859980703,16.602083515456442,16.944147600417693,7.06825694558998,42.337243246403744,1.9907974977412392e-07,0.0,0.164964175207794,4.391499908233649,38.71522229352818,4.790397765869677,18.607563255941066,0.000149993117211834,0.0,87.49855084546327 +0.9814567537817777,0.1471996769675397,0.4022441497285105,38.79831828318699,245.4315407726328,307879.7092987309,6.423542349589419,81.76839383589494,1.0718431721277901,61.238000681149174,0.31404278290921095,20.7649781160903,0.34454318829906133,0.8112593274201378,449.70039215972827,20.508776633015145,0.3242140382263155,61471.77180340994,2.0006005882355464,80.9457101333185,4430.062322303691,296.77003330595284,345.1389678033445,58.71851190470385,0.17534985333474457,0.19047354982421338,11.83059585112422,36.25880673841979,3.2878647744336584,33.82822041567207,0.0,1.009177334025879,0.09288390242770757,21.74673451069109,47.632859048822006,0.2793504881497064,20.66009484359475,1.6033010066721712e-07,0.0001132097967789073,0.20311695867263926,15.018577679177898,34.588225618411364,0.2599258542045456,30.35111979578955,0.0,0.00014063033626880034,0.16001377361790628,64.45892985526679,53.050966338977744,3.8046780351333553,15.172721844818039,1.9907974977412392e-07,0.0,0.17957879862465465,38.49507934091888,68.86338935073586,5.342022252704802,23.432765738445536,0.0003294985575821635,0.0,148.79041763672527 +0.9500530043635899,0.1728061880380194,0.34028830295415896,49.92111980206712,67.88639216403563,287507.5613609075,5.743922015267391,88.27524012942091,4.866052782073714,38.028949264722314,1.9429204581284085,27.4829076861011,0.7591736112313758,0.9537695039543783,653.2709001968041,57.12808617766832,0.2172640206587644,196553.6487106065,2.859700091325642,93.33686707693437,3181.740853518543,261.0212875459658,343.0928912666512,41.92955990654632,0.1688693212758074,0.18717065403555658,27.44509970284983,55.30462622065153,2.87859628796033,14.150128277553502,0.0,0.6576656478370706,0.102015261336378,28.420247933965804,52.70314805127474,0.24369191283667144,13.74809397039472,8.538759774518605e-05,0.0001132097967789073,0.19951568806161177,29.798772106344728,58.92409001446555,0.2595592487113822,11.87203436740309,0.0,0.00014063033626880034,0.11187318026663108,91.72247620125128,71.71679542086167,3.7839936845945297,10.517604153852208,1.9907974977412392e-07,0.0,0.16275505165873397,24.62545003621671,103.70238167476994,3.477359393337109,13.871909146561327,7.210625102456499e-05,0.0,193.75939356252158 +0.9501281735008335,0.16696903100184482,0.4492355819210805,242.31842237906127,206.5291725938331,322754.5196407751,5.753351169054267,77.45022298280199,4.325105923285131,57.53518796243533,2.5909349359979736,13.919123063983662,0.4381947780093725,0.43037751705549343,168.59697155812438,90.03465847531037,0.2570006677306495,121463.88338000012,2.500902731202179,86.92011625088364,4995.32112609823,218.83779762974197,236.8677522885175,47.40461113334623,0.3146564379903224,0.20056049590162808,6.375136203289864,24.330401147039655,3.633894731257645,7.042732291616107,1.334954463259495e-05,0.7813927191032947,0.1410418524345061,3.3005295012038265,13.589037950975252,0.7259059221823216,17.744629099298088,1.6033010066721712e-07,0.0001132097967789073,0.2140626985251919,5.791205991764383,23.459735105315655,0.32204179801799787,5.344716542466864,0.0,0.00014063033626880034,0.29747224774357334,6.86772344039422,17.396774935508233,15.039948091461564,55.93509448376796,1.9907974977412392e-07,0.0,0.2182916705212984,7.508011689271391,29.032605485423122,8.272606561044723,41.17070089349526,0.00029342210382038924,0.0,90.48349677239439 +0.9605599967817027,0.1633847340976185,0.3636071459394704,158.49437483006608,248.0651064320311,319021.3450015617,4.093586368983465,74.66825614898835,2.8238129216498353,93.6140963334767,4.613486769958005,28.55715466861731,0.5312670488869784,0.9533606376436229,957.7910888460801,66.50349150628017,0.34006880261746597,173794.20246203337,2.317132326749906,85.34372379537771,4930.115383761886,254.91332135955344,345.4552254048177,58.49514560145917,0.21876700434331361,0.1888251294417994,22.800447810815154,46.28466481759331,2.9174250123475898,23.419453937124146,0.0,0.9746889384520182,0.11811472553727212,22.393911376715455,45.411083171278705,0.4186349825187524,11.66462385425891,2.7124037681958912e-05,0.0001132097967789073,0.2035275521972675,25.806859381421912,48.50823996830452,0.2698294009039495,21.30583175117573,0.0,0.00014063033626880034,0.15487491423326202,69.94818206742757,53.10912093362876,2.935319909401757,7.220402738510882,1.9907974977412392e-07,0.0,0.18233552395647937,48.12931645414657,90.28225174091786,4.826206993427285,15.66303118092588,0.0002276082364074636,0.0,167.04243253613615 +0.8319232869090701,0.2086945224383454,0.44977088883002664,113.61649086851651,247.7371490524722,184162.83321182017,4.744857896163982,20.01413710135548,4.702832318381665,40.07633991788465,4.577446038094286,20.63816910667206,0.44050578348409974,0.5751768722786511,586.9562893006101,23.773346925842745,0.34639316377501206,74200.31044956067,2.8540815344152173,79.29042301339899,1368.3015535678956,258.8996762822895,342.80889497900694,56.555983478367224,0.2904071000744729,0.1956825292657903,15.69192723538482,32.00091661395929,2.9867864403922764,20.702198668066384,3.8776428993801375e-05,1.0656852886135781,0.09807609172377728,18.34921794908621,38.96610419259076,0.8103090156111928,32.318922568089356,1.6033010066721712e-07,0.0001132097967789073,0.20541523588953084,20.49293503434774,36.68320879081171,0.34575117440370606,20.629440889818124,0.0,0.00014063033626880034,0.20256434065714285,49.40166031489828,38.17601109690716,4.016771950074205,13.214224307950655,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9269319382923565,0.1283659556086873,0.36837296382336565,166.55561952240075,70.96768323805313,114122.64534546518,6.495591250533334,42.741441470231436,1.5733791700045952,56.58190428842249,4.874506223670851,11.48874134568204,0.3414090532589954,0.24412454339630393,839.8605999129039,39.31177081547028,0.08512428469946277,130634.85698556046,2.002450306490678,8.148423292277513,222.40660120403186,18.328278367029743,220.654499088026,15.982058816936092,0.17392335930058256,0.2022763750982778,1.7549160363551333,22.41110521801576,3.219812091992492,7.151179408673492,2.966672602406849e-05,2.2553797549106194,0.14584832697962327,3.1417188577310164,12.078286270261714,1.2721726624895278,2.898422037137381,1.6033010066721712e-07,0.0001132097967789073,0.21525421371701897,4.32664949529427,23.322096469234477,0.4280941919397171,2.1286431532985657,0.0,0.00014063033626880034,0.16236259228224229,7.923875475843505,18.197310147770477,14.717774563333144,55.44731451949098,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9035390427856961,0.15361310849392656,0.3724552215550011,245.93944875206836,86.24385698444407,248506.0522049535,4.998060457585557,96.2233049267257,2.3849555620941594,97.26274536516901,2.713529109630845,16.184718414507643,0.4573529466717282,0.993236254938564,550.1814455465252,50.436180015474804,0.23084657178965368,60586.27792147598,2.5473870037555653,64.80390800283753,2731.3588513651193,204.79520530557863,345.4527139605217,39.817830854124296,0.1541272282658555,0.19398823511543975,15.737745555932676,39.42344438232161,3.0239564633598204,22.583327416018545,3.5721321427674664e-05,0.7106068322125021,0.11811023359931482,32.953147869119235,62.276228764835345,0.5440236941333157,15.81402003583856,1.6033010066721712e-07,0.0001132097967789073,0.2060154321398934,18.95935600063901,44.838798304483106,0.3082874025038259,17.6603228432558,0.0,0.00014063033626880034,0.09971566075940017,82.77370656989358,69.46417961797248,3.3234354996658526,17.024290885843413,1.9907974977412392e-07,0.0,0.18232413819771504,37.8870600866993,79.87888193904061,5.113658309838341,13.159038690204035,3.560767342050228e-05,0.0,173.81386018147694 +0.9277509988481226,0.12660797108052868,0.32880667206566083,59.02719913934611,168.53602994620735,157432.14347244662,4.945553898338847,45.893951670304475,4.787823703314965,85.13440661672605,0.8788143045802279,12.827044853752021,0.5934430129920464,0.6676782618517816,30.112869422414178,50.014320120545406,0.05556505227898975,101217.78910105859,2.657148620550058,83.15601863061883,2103.9416289986125,249.81472748344876,346.4523918292846,36.74459689089887,0.17633068741033692,0.18512547916224467,17.36546869934373,45.03775818351434,2.538719692831131,24.186396796324722,0.00013423051823947149,2.566221356225901,0.12710624063932346,23.74796052962386,46.09828951086966,0.6642828042072715,16.273969361339915,1.6033010066721712e-07,0.0001132097967789073,0.20888737084274606,22.78977613505091,43.12038366072899,0.33041301121080074,16.159496361076247,8.962734114868763e-06,0.00014063033626880034,0.13500177287033163,75.28688574466183,64.21495111574829,3.967233504703383,11.367160404700378,1.9907974977412392e-07,0.0,0.2145163014702098,34.13003450107451,70.77626816384623,5.049241468827294,18.485028948686264,0.0005000015124887084,0.0,158.11504646275847 +0.9723126220594213,0.17079532995868074,0.37148867869327074,16.97483724286264,37.14744665438478,264881.320551684,5.028895864542495,16.77308189117396,1.3251340277864876,42.482760613906535,3.9047327417967246,12.551833838405216,0.3807651842554558,0.9814500534871742,105.52446201532743,1.1656230205068852,0.2581719357527217,113196.56614003194,2.7142824805550214,55.93556471130067,1126.9017626453945,118.70475688090924,330.0932727408732,54.21415902596075,0.1879424826226796,0.19439246461217488,11.327635933010828,34.862050353403255,5.7863466227719,11.409805392776809,0.0,1.3439479102338634,0.13509464196991935,10.314345986345348,29.423686208951082,0.3066471112766314,7.848232527594449,1.6033010066721712e-07,0.0001132097967789073,0.20853179109198705,16.180135328699414,39.03663133860097,0.2384968173743983,8.907902504847785,0.0,0.00014063033626880034,0.12712383447719622,42.90107908435857,44.41877097015178,4.417449254843296,13.192389373887114,1.9907974977412392e-07,0.0,0.20171955501185976,16.205175952119003,42.883153468079264,7.082020261874317,8.01900746457109,0.00018858113059865993,0.0,103.10825184599294 +0.9533735667075419,0.12721961175210156,0.4304210564215122,107.81200308508993,160.01076284593776,347574.4988535297,4.494598866280846,97.0391599101836,3.0303745659826493,65.45977630701715,0.9326058843497538,29.66699889212619,0.7317837749903382,0.9126889006199955,888.7990159923397,40.000891171166785,0.34965640634995293,144164.89884533908,2.193085147336089,86.52181099642333,1121.2691471467479,254.87266011449125,333.35041639268513,58.36048864471347,0.3445071011556269,0.18804159012600913,11.14988209224083,30.99655298798944,3.07555968881257,14.974669113708137,0.0,0.9925181177713063,0.115248064203677,8.78764054546152,25.961591207692653,0.265634589202189,14.648399096728122,1.6033010066721712e-07,0.0001132097967789073,0.20149486332430502,13.879783930124232,35.94462435222504,0.2544604613334943,13.277633881254205,0.0,0.00014063033626880034,0.35501311397036345,36.418390039443935,23.68177684610969,3.450438665900755,27.386365365379717,1.9907974977412392e-07,0.0,0.1473409803832352,17.966962800812315,51.6974892655175,4.841832103076271,13.18292646612919,4.048202928444183e-05,0.0,98.93758145049607 +0.9792483961241996,0.22849188212571508,0.3490423872067784,226.922440426242,246.4984145251682,301185.0033356421,3.5533630335153465,10.607785810823117,2.084791533535846,71.34722153471644,1.8512717363859592,24.530217605592732,0.6959406272125535,0.974005106494215,900.0876686641398,25.239479249266402,0.1129554381611096,261771.68862250404,2.9562614815241792,39.88464804300341,4769.309408596705,174.4618503482241,347.31341247009436,57.731203925191124,0.20576030242146243,0.19360951972470505,39.243319310731565,60.855840840553896,2.9997817620828124,19.624769986630604,7.995208902111204e-05,1.0388385587010072,0.1322694870558423,25.900087676616376,47.55111363693547,0.45991117587473884,6.4216501776400285,1.6033010066721712e-07,0.0001132097967789073,0.20291121311821214,35.99936328869682,61.36397043887984,0.27315673987174355,14.924123103644838,1.2067869693871915e-05,0.00014063033626880034,0.08663780328634209,73.88990641543177,55.91771586234973,2.9102934643802496,6.761505246629279,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9760932077959628,0.10604015304769022,0.40614869985278257,157.27485707295784,12.618632399552837,166517.92483905854,2.0279824877787083,5.854417592948538,4.720409110621637,52.70663490268017,3.400671604214834,15.25653726576316,0.44948272300005815,0.6414155190564742,325.30370479572264,91.26590384728779,0.10942971076278185,54989.398189851396,0.7442171593671241,52.27151437262048,1507.695625322988,165.3386427592178,329.314955951323,53.82039341159712,0.22846495597680683,0.1983700904641754,1.409309176261031,23.519936364597132,2.442584516755883,55.99934500343071,0.0,0.8371827718790762,0.13860079040941872,3.1454836053226733,18.60968884779824,0.30186606993921933,6.892109633309644,1.6033010066721712e-07,0.0001132097967789073,0.21058864786945145,1.7496063390063925,24.382963536945706,0.24398502222968202,50.84026416985226,0.0,0.00014063033626880034,0.15196607751787813,7.310329979263788,21.26237385380443,4.597797739243367,21.3556567588988,1.9907974977412392e-07,0.0,0.20957930954053378,1.3566306209398358,20.920477134093336,2.8375372834608226,16.653542218433998,0.00010179970501047118,0.0,94.8248823310839 +0.913226164134816,0.14905510780862485,0.37632051293384583,136.31573619053117,244.12181713718778,201595.13965674242,2.3477481901389368,64.88463746080163,2.261474051242452,53.54170388121557,3.862666306347472,29.486071427814174,0.4938883127548574,0.9694038319060201,761.1859623628665,93.4408546931669,0.2866001910549542,181669.3432006679,2.685105849263276,97.32127006596438,4767.934937635344,260.7193923852546,348.3501926611067,59.52581225257899,0.22205930706065602,0.18509021901217304,28.7766628227674,56.09084122094805,2.4303137912727766,20.59870908419466,6.576623499824502e-06,1.1840789620170977,0.08027266693673771,27.8260156708474,52.71718639021986,0.3120191055119093,16.171964737496697,1.6033010066721712e-07,0.0001132097967789073,0.2002700239825202,32.95266280946045,58.90556630322371,0.25712001227054626,19.592297473559306,0.0,0.00014063033626880034,0.15181955672544706,71.34610588557356,54.95205755155969,4.360342353829733,7.422900839305131,1.9907974977412392e-07,0.0,0.1311359903733768,63.390605647918385,113.1934422207303,4.12506038239662,22.18912199903047,0.0,0.0,196.68580726691715 +0.9880733865114382,0.2060137367222098,0.3302640366691041,125.2428019918851,200.61227889062874,286475.6697151761,3.9145530932472488,57.16517376483206,2.44104771093672,93.67287423174405,0.9961855005992601,19.169401563521497,0.38040796816138356,0.8817122443176357,646.5680963235616,97.0622751670909,0.29818052239208215,255684.3983906773,2.962311521533923,72.85480826915851,4711.612310770172,136.71773131201402,348.35241225531666,58.07331197298824,0.255675013547554,0.1929139541556291,33.519536707374456,56.515644624823786,2.785265259349894,17.58148559187528,0.0,0.929756184555801,0.1363233823841649,21.940979963133675,43.75523678580092,0.3602301162387141,7.691778010206617,1.6033010066721712e-07,0.0001132097967789073,0.2059101458756451,36.233162434532225,59.95274973107465,0.2653727831272984,15.48957871403279,0.0,0.00014063033626880034,0.291271507761047,75.98248556508042,50.564208714170576,3.1105062366902265,9.500039038474263,1.9907974977412392e-07,0.0,0.20004890597629582,40.054478698196014,72.3378526788547,4.577990070763391,10.206764038597965,0.0002498647784049683,0.0,166.22331091243703 +0.9105709480015948,0.1463926569047851,0.40480488371969026,21.435526969526933,178.7125648893137,328189.2261946589,4.753118828946957,63.821329820059205,1.5587903909086838,13.583463156830454,4.424424701976097,19.123632141279856,0.4141118954394441,0.8865127741134395,479.3767260510167,89.40344069327871,0.08041339373158136,159979.56362971116,2.3815456719871806,67.3900285154803,3375.5296446305947,124.7031617739382,262.1287292470368,22.882197462162573,0.26351140202231377,0.19612232687705586,0.8563862151883306,24.71105890281036,2.8253818341602104,3.9775725995879525,0.0,1.140336704128368,0.13443201747583416,2.114534392265745,14.070276054917409,0.31859634633078976,9.474826423975456,1.6033010066721712e-07,0.0001132097967789073,0.20691406676128393,2.877277597641182,23.75699938920941,0.2371442096713559,2.9113097130387757,0.0,0.00014063033626880034,0.35178801611363425,10.935897065486815,15.252315698420167,5.05980799172188,45.06201293675106,1.9907974977412392e-07,0.0,0.20102761494471494,7.72521671250114,27.69838615193807,4.128781869850446,14.72405063705287,0.0,0.0,70.56485507929075 +0.8970691770718177,0.14476519667225585,0.4375399917532093,208.55815368083876,238.02243853932123,329414.95554281166,6.9189456387123505,60.37966157671439,1.7452217033264494,31.321595523110304,3.2520115629468385,8.25542517208526,0.43414445209623714,0.8759054857665346,856.9075679339059,46.48173701130547,0.29726759942792863,158469.89021654928,1.7234007845090753,97.14516877159036,3491.1475991269285,113.87958596656838,220.3898350435889,13.917534994645145,0.2961474556301811,0.19846240165013884,5.572713255860456,24.661579103804666,3.3662898989581427,3.585356379952536,0.0,0.683691859413508,0.1412843686982208,3.1584872381562814,12.63702455087318,0.8533532050606646,8.726747815552264,1.6033010066721712e-07,0.0001132097967789073,0.2115585190376032,4.825892471803696,22.92460038900915,0.34401550773873085,2.944576520820426,0.0,0.00014063033626880034,0.350771901517906,5.992858900806562,13.93527816581818,19.824447208038936,60.79966819903841,1.9907974977412392e-07,0.0,0.1054841521282912,6.719992238225129,33.59630020644285,7.200163640549056,41.099477798148406,0.0,0.0,93.28936173288254 +0.9176361846125852,0.15583458120554508,0.34947804447040054,84.7502910327656,58.632349101412835,231558.6665629504,4.015398727170471,58.711073055747384,2.4008508249302607,23.157080856287113,2.7725338044592958,24.9354615657195,0.33500505563648186,0.8486251902945912,691.374359037686,66.32650509469897,0.08521291511550709,84191.62877761072,0.6754048330112661,55.81474817295368,3183.0925465638506,220.92573256731677,345.02028792380816,49.535747093177946,0.2971394442237917,0.19608357099814733,13.35063938125918,27.290786256305513,2.618923623362932,68.41778450220227,0.0,1.364695411594212,0.12530515600036496,13.618487405489462,31.901050781673842,0.24369005187523457,8.09442702639224,1.6033010066721712e-07,0.0001132097967789073,0.20434764705123679,10.021837487538816,30.922585517581748,0.2617083119438131,57.93322724475377,0.0,0.00014063033626880034,0.12315216508278956,28.52139479225265,33.467660772884784,4.1243879872509535,18.818057680520017,1.9907974977412392e-07,0.0,0.18119565111599292,7.980205771423045,35.340002301268974,3.2989709861089676,20.399332561680737,0.0,0.0,123.8502105948331 +0.9114202396339397,0.22392712861293748,0.3756363007688709,232.80868972862922,169.63682238894316,202237.48444591477,4.5833468961954535,15.279440893815632,3.1055530520034598,93.6475504275888,0.7714618342109671,29.166287521017107,0.6096444829315135,0.8888033971197845,827.656589790551,46.47704514087712,0.08739474403029063,233875.37406120007,2.8241209820584547,90.71758459044129,1165.0444254001952,224.07211299318593,347.9061192853088,57.880002344232345,0.17952128387885277,0.196766416011198,39.539459050004034,54.69470742531215,2.8010506571226306,22.194434956675938,6.929818930734088e-05,1.8003841990562153,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2044709767620814,36.53790784927035,61.19104126881923,0.3490425364540974,16.339700756482557,0.0,0.00014063033626880034,0.10500886901764628,94.49679023334504,68.92296611473517,3.248004374596504,6.9634981904606015,1.9907974977412392e-07,0.0,0.1965860539538151,64.48901485385423,106.92613298626534,5.284239057930754,15.368922350100023,0.00010261088936427852,0.0,2698666337285.8823 +0.8627264896711149,0.19212571053808958,0.3594070179688839,10.681242131843163,199.48578499824288,135548.54990535916,4.292967050836522,47.81879793408891,3.1141712507827157,93.7438372597774,0.6699313899486303,15.721723155134608,0.47213560567287294,0.9148137557337004,856.0171831493892,69.47580524835723,0.08580480288955156,252354.74761933833,2.7745318988497756,80.80836386133853,1817.9309995713068,258.51493784297713,348.86441487331234,51.371808284677805,0.196554482432417,0.19670801792987871,34.064778330607275,51.28874923292358,2.4810794172187185,18.113328614493174,0.0,1.1196486029465984,0.13778540267008554,33.598212039480714,60.108562951273676,0.22225147160599573,11.114184581179273,1.6033010066721712e-07,0.0001132097967789073,0.20916601656654815,36.368456405078,57.88757950908911,0.2441180251046134,16.241968783339214,0.0,0.00014063033626880034,0.1114628829995531,86.81046622527766,65.27333294879199,4.771157804912859,8.891150630042588,1.9907974977412392e-07,0.0,0.2254293800960356,47.370325156246025,85.20447741696516,3.756516464095046,14.178065278072367,0.000497774797125974,0.0,188.5389193838168 +0.9645475701107684,0.22617871216184116,0.37632051293384583,136.21227159984062,242.86173397166175,197819.99192200985,6.0188334228994185,64.88463746080163,3.4058321969695315,90.46090549460713,3.6722997530705115,29.722610919169504,0.6079501834384051,0.985649845683275,756.9605403065318,93.00039762378891,0.2861362789990179,218474.9915634137,2.7153500299389237,97.32127006596438,4731.87105952948,273.31232915993473,348.48680523764466,58.892383100442885,0.34570511733938947,0.18814114817344618,28.081364138345407,53.39033025929945,2.748235194941617,17.636397133212466,0.0,0.774113835045786,0.09024839170238037,16.047702464323564,34.037894896676754,1.0202587811319905,16.54887221660169,1.6033010066721712e-07,0.0001132097967789073,0.19756500166855503,29.832518182605515,56.817158121203555,0.37910734144280483,16.18952449045261,0.0,0.00014063033626880034,0.35487421775887734,49.047471913908055,28.783219643591107,5.078967514283381,34.35396994282176,1.9907974977412392e-07,0.0,0.15133208817220622,33.69378380669686,78.8056015139014,5.5908722839613185,19.61140291439149,0.0001088142287348265,0.0,149.1023835418183 +0.9265644063247254,0.12736291897701033,0.3247093875515848,131.53124998232994,209.45372887865707,226516.57964746567,6.538376521623224,78.79272976610277,1.381854821176477,49.391178846513796,3.8200282555986806,23.87829585135712,0.7097788563668936,0.9002253540238793,979.049899160693,71.43164293610945,0.07501820974455742,61147.07823518661,1.0168175942219644,80.68492391662616,3910.820336877844,163.6742023825185,346.8618518512872,35.86034177228108,0.19612337828156812,0.17703525695219163,7.632408050035994,29.12580025382144,2.259911511428894,82.20286140226233,6.325533154167229e-05,3.223743840974316,0.12991878456821812,12.469752372787642,30.325228606311185,0.9266004133520527,9.37879735626958,1.6033010066721712e-07,0.0001132097967789073,0.20462771185778866,7.375055070207384,29.62697159398525,0.36447290195489707,56.34937862429898,1.7573087601904595e-05,0.00014063033626880034,0.1252788413106521,52.84800353439036,51.378036942342916,3.007876231469876,18.201929275978344,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8938873222480924,0.19577808293962629,0.3968777622820688,197.0614699704993,200.06598115620972,331607.4170035302,6.656973059648377,64.31157277198042,1.8609022048233859,30.163167688183204,1.9857967540743142,16.275708045099194,0.7141036002413053,0.47757243363005314,820.4911583959209,55.797399932489114,0.15600306728926178,65572.39269550372,2.900704224669222,99.50540838862842,4453.123601320123,115.87277669542372,236.57929360657798,44.16739741809839,0.22440165193012407,0.2014964246915578,1.5637316343700036,23.72061340175523,3.306447966179047,5.503730621867167,6.452740684314845e-05,1.0785596086086826,0.12025916110595433,1.8653367207754181,18.660412912980163,0.7499383840020146,23.456024908809084,1.6033010066721712e-07,0.0001132097967789073,0.21369524045355323,3.4695122084771524,23.381960263831473,0.32874711999910894,4.585371001811873,1.573959905111606e-05,0.00014063033626880034,0.29807272184100075,11.584325835704249,18.162191733684445,14.245973103900715,55.167273994465354,1.9907974977412392e-07,0.0,0.20973975651369983,3.384553713773357,31.64002697545632,6.284305770267613,46.71965009679533,6.980926707496881e-05,0.0,95.05398964608017 +0.9041057637537332,0.1117416236162989,0.3256322216958103,54.91270786422295,217.8582653934919,305722.16268229694,3.7482911551990363,96.20761680448449,2.4263471192082924,96.37939461106501,4.6798794526186,20.774992957982864,0.6655542437865034,0.8530350756855206,326.0409613641109,93.2271520594393,0.23035406599571245,60918.20650930577,0.9624206661490085,58.85864752375488,1475.3630317079953,136.82453398638506,344.13211154097735,51.37720617403734,0.17923186974766575,0.19380160382278652,8.880824504328741,28.129799420493384,2.924066319435125,71.13206675677894,0.0,0.8771583496564336,0.1342219741910753,13.435581079708964,34.09334077609864,0.22156639618205293,11.008216427725406,1.6033010066721712e-07,0.0001132097967789073,0.2058900289298054,9.896636740211216,28.292858572980276,0.2430358190159008,68.40378738594312,2.4509339890440993e-05,0.00014063033626880034,0.13830300909140922,42.97549435266212,43.78499890856631,3.635992871626352,24.75083546688112,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9432741641123317,0.13940490930128036,0.35413255193378845,181.0275535914004,209.38459547099873,285285.91552325245,6.594241673138015,79.2195263301975,1.5410187495404066,17.071288929168198,3.0010924700173573,22.498554402013564,0.39528085712496014,0.5552323242523943,22.724681668197604,1.4358150261857432,0.16103517062473272,67581.77546832818,2.334499233830143,93.06809965289658,4940.84640646958,188.1487579747892,250.83443617393988,38.09123566762564,0.2185054536619363,0.19662695002716474,2.307569413547044,25.859599576065843,7.762240478655599,10.398103540467424,0.0,1.3373522963686906,0.1354926555199349,1.4454387193087712,15.005451202696253,0.8510054971369984,12.452342678109288,1.6033010066721712e-07,0.0001132097967789073,0.2046833137764545,1.6083923716801887,25.038585719730875,0.34738576690224016,7.763530603403052,0.0,0.00014063033626880034,0.3251024227930616,12.623936040270362,17.873802555861946,12.80770745278338,47.7718118836649,1.9907974977412392e-07,0.0,0.2151850921748673,4.78166873236397,28.44863115078621,13.447393718995627,22.320225990900372,6.0080988910047296e-05,0.0,79.7097147976739 +0.9405802707513247,0.1192135132206025,0.44049520951308135,179.91485316500436,236.47825101312625,136095.8918081063,5.254047708437015,80.35897366236091,3.3334232234350822,15.730133880192032,1.6141214352070137,19.681352864321056,0.757714225478483,0.980466705934282,879.4855890380168,63.68312913616367,0.15629270609092588,69008.54305608096,2.20020908881233,93.37256431912398,4919.584384588111,237.6841878101792,344.3948526496276,58.08066536628042,0.2110971906651646,0.19001637237757685,14.936110787084264,37.26590225250719,2.886870238878289,29.176856269762176,1.974901110581916e-05,0.912969614022956,0.10091830062570865,16.658244394208456,36.98463737415138,1.3434260886983316,17.148028084711274,1.6033010066721712e-07,0.0001132097967789073,0.20045604975740045,16.300295521466847,40.69083819690027,0.4345205659882384,24.225289613151524,0.0,0.00014063033626880034,0.2093808766812661,54.139596036143985,50.13965267378707,3.9828200739073014,12.802535803735925,1.9907974977412392e-07,0.0,0.16978911196143479,26.273877509522098,60.07141132813041,5.7562375642216725,19.36437636519874,0.00015388864858857562,0.0,131.35456186817692 +0.9761008264403533,0.1301937260378309,0.3771818894372796,245.41192858388487,183.0296544637389,269585.95313800615,6.307972084839312,15.988116350515984,4.173989858452518,63.775687918509945,4.528449691680728,26.814630803378666,0.3569302079421408,0.9096152854905629,796.4506139443547,89.4537542777881,0.22261025087017072,151085.1766305111,2.9119129467779548,81.55625365726353,1639.2804215743017,298.81593899639466,348.9499312469295,55.08661108368942,0.21187627207607268,0.18778109507885296,29.941792394362395,57.16071369316764,3.0289290938443867,20.993044261540927,0.0,0.7130700289795502,0.08229298122454695,25.282830868024103,49.71046707207723,0.9121882933695286,19.56405796438527,1.6033010066721712e-07,0.0001132097967789073,0.19367234825482046,31.530594863656944,60.49135052209411,0.35717457908628175,18.23340575854757,0.0,0.00014063033626880034,0.2674522026104459,77.28357575316882,55.000964142427634,4.406336485338785,14.644895804141587,1.9907974977412392e-07,0.0,0.12575586299494573,59.78890902003063,101.47736434714118,7.316048533208292,25.53838727844962,0.00012220953069454148,0.0,192.10457491071756 +0.9345487743591046,0.13160076218219188,0.4295835512951425,210.1744140634051,173.9399723532664,290293.77483897586,6.53669765467837,87.41069419475777,2.606410050881159,74.63657144167932,4.891505312582296,20.915164404043363,0.3866062774747413,0.936221558359724,517.8375677612186,60.63299217148116,0.20655647553263123,247361.71988724382,2.7555122886535304,83.21944940922783,960.8941271355993,226.14794262239906,340.7960777562721,57.55019209639824,0.15353727945704143,0.19390713200833853,24.364875687540962,43.264260622970504,3.2518495219539627,11.804301491507529,0.0,0.7642592605396555,0.13042608282951842,20.9806208419526,42.09714364041246,0.819846442683458,7.515058192645069,1.6033010066721712e-07,0.0001132097967789073,0.20550289929540008,25.542350245833383,48.397995401668226,0.34310066958915086,9.331298765068208,0.0,0.00014063033626880034,0.17655721973666363,95.07362131661634,68.0019473799019,4.4260682231657595,6.123045490510005,1.9907974977412392e-07,0.0,0.19165698792764527,35.10052638303962,68.2474156513103,7.069481303032029,8.31897432274275,0.0001198311847553975,0.0,166.42373827969035 +0.9177078342289954,0.14553311681667794,0.37632051293384583,140.7733014225128,112.743650820261,203989.30046227988,2.3477481901389368,57.997317777641776,2.261567639521493,54.323452499561625,0.5020995470275547,18.73078240954301,0.4271114464506466,0.8121124591805268,789.0712230089943,69.56460756708488,0.2834364354508895,61765.211342141374,2.6174617352033107,16.58573847721788,4891.795851299562,274.787306582181,345.81984209105514,59.55520943845013,0.1593913154183017,0.1949671120632953,15.462686408896644,33.71477216658178,2.4497583285006996,26.213642146220995,0.0,1.1795005344798377,0.1326724726651385,21.519538683970012,47.62314018826214,0.2173288191625445,14.411281074065043,4.50453484185507e-06,0.0001132097967789073,0.20841200382341168,19.491219583480287,37.7450419875398,0.24975172513265856,22.219434501690404,0.0,0.00014063033626880034,0.1343325586716202,55.91993876588442,52.028171334530796,4.334190970019511,19.604553173244135,1.9907974977412392e-07,0.0,0.1968811532234086,15.919660752182619,57.27005528554357,3.130657203942515,12.6102384612548,0.00015132798948842147,0.0,131.3272232398009 +0.8497452109434631,0.16322712750540969,0.40327167009492654,186.47646022961226,145.7830708264426,215065.4721001916,5.877903895897705,16.252458223929583,1.7273584569641183,88.93033410546934,4.692378616776289,25.107832168710413,0.3224995573368095,0.9245528852006913,675.7893225239641,61.04706281047515,0.2728388515679418,245225.4535985205,2.809303608510458,88.2052457869511,4430.812915465721,112.24181435837968,346.38037950331534,59.84223845128812,0.15855900107587273,0.19332950748609729,31.44199697291681,51.21895455551905,2.9289323497770337,17.190635621125878,0.0,0.7390238962589938,0.12662696749224236,33.698916814292595,58.62213754438954,0.8956884859159467,7.795375794349324,1.6033010066721712e-07,0.0001132097967789073,0.20407301176579395,33.61505430907015,54.456176890229095,0.36076747927179986,14.432377867232393,0.0,0.00014063033626880034,0.10160420894344777,102.8150469741664,69.2763121857865,3.0669626745867333,8.629312722380163,1.9907974977412392e-07,0.0,0.2033827674453844,53.94172138246991,90.68552504561707,5.622468581985123,9.734636022449862,0.00022293095110397507,0.0,198.91793420550974 +0.8627264896711149,0.23436171610097367,0.3594070179688839,11.259430611804643,199.48578499824288,133511.20898333506,4.085233607680081,57.77027995794586,3.1141712507827157,93.7438372597774,0.6699313899486303,15.798786312119786,0.47213560567287294,0.9148137557337004,854.8120351644131,69.47580524835723,0.2455706290233889,296826.68574858893,2.7745318988497756,80.80836386133853,4952.2654688745915,258.51493784297713,348.86441487331234,51.371808284677805,0.2061726699665725,0.19614500911530625,33.11483084859717,51.83171245094234,2.4877273887771003,15.812536585473772,0.0,1.3965885990309423,0.1388811804005122,36.34019488340014,64.37574629064181,0.22161591189831173,9.634092981816167,1.6033010066721712e-07,0.0001132097967789073,0.20457704706584312,34.89133947891223,62.01521632668345,0.257480990892221,14.651222952374066,0.0,0.00013700696825329255,0.10834482483448565,60.057811884931475,63.231062042903574,5.105697413589407,7.6874380943165574,2.7581264978416273e-07,0.0,0.21843872150629953,20.85681380086888,64.45750074801434,2.6217072853523753,12.929607304448995,0.00016942834410324086,0.0,165.32174286146062 +0.9723764485165542,0.24218023045913606,0.42049715423511563,209.24919107163512,113.67425114362462,340038.92865704116,6.806332513240805,92.54089853847523,1.9002898653980689,29.974646400696884,3.8382918901652427,26.245146700223316,0.30943380194439607,0.995818795961196,145.40392593855933,30.43984845552581,0.058612288918010055,227023.59416100744,1.856057882426055,96.17420891290197,3804.4539872977102,143.7026853785992,342.3424335992679,48.80528396224318,0.34465462797444996,0.19773554873550062,28.98463876288959,43.792522403873036,4.223369931442097,24.10787060746687,0.0,4.2834379796713264,0.11637282441634333,12.069517966280852,31.76376464293582,0.5965488582451659,5.580319564057214,1.6033010066721712e-07,0.0001132097967789073,0.20217375110380112,15.902526418706769,36.3077742964137,0.3107204771428078,14.186874958986419,0.0,0.00014063033626880034,0.35495087392168045,41.26826899290181,25.54650582357085,6.2163465432983145,33.375049638024514,1.9907974977412392e-07,0.0,0.18060657471290908,19.113375805224116,40.34913301333601,8.459342804514197,7.014651359798175,2.1625148727074388e-05,0.0,109.3458072083819 +0.9444445238718536,0.19809914511405394,0.38179693775023826,25.20062362141841,230.53822199924969,291083.80003810104,4.736027422617815,83.0859977646902,2.2118261592597315,65.99668926674191,4.4910350890970365,25.952695799422273,0.5561095188309557,0.911936304770703,93.87772891115482,93.86697310218285,0.2373122117530766,51458.66553174985,0.7072943144478964,66.22261342554944,2010.7642371757797,280.54967755879693,347.33803492864376,48.124941234272306,0.23486640574109674,0.1912697388547202,4.427526513878267,27.10014618113717,3.0472693315373656,73.23357578132273,0.0,1.0095399982984543,0.1318160177269455,12.507824049973067,31.370043042380015,0.2507509291360369,11.123061812626815,1.6033010066721712e-07,0.0001132097967789073,0.20535109534960466,5.508565640295362,26.88562236366894,0.24076712106001288,72.59316232843237,0.0,0.00014063033626880034,0.1323587685561956,31.994409500726558,37.959885717846795,3.572606914014657,22.97383666057127,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.982298250861083,0.12393222802849505,0.42077136293090334,174.49007086151943,203.82210182714755,220780.57093931717,6.973736943314729,68.39436930498408,1.8420640440713596,93.36682744338725,2.2702289892527396,28.155770788744956,0.45040263081655935,0.8830331236240463,919.0257964790874,64.32673431882225,0.24897601525389162,247477.2177267658,2.401793143243247,81.2926714326063,912.1376414085283,287.38617583346996,331.0675530535915,57.7830959056959,0.2408810260126588,0.19055050332137158,15.187436960137976,35.056039601205086,2.9793885779724905,9.295875471258437,4.149124893061423e-05,0.7021078073073646,0.12916903475804312,10.817831745786219,28.336961340680595,1.1021702081646807,10.135804199204337,1.6033010066721712e-07,0.0001132097967789073,0.20355677084423948,15.693242986060907,34.92203341238319,0.3917693767105835,7.810584213290046,0.0,0.00014063033626880034,0.35448333434955737,64.80665533245556,36.84904667593868,4.1101445690597345,21.100165194591924,1.9907974977412392e-07,0.0,0.18215349856084764,21.098053587632556,51.27641209500323,6.522904743864599,9.225619611407497,6.503308752984017e-05,0.0,115.44906810328621 +0.9749604877188305,0.18141140256366473,0.4023555131446109,38.637916008713546,80.4990196081159,328000.4391124804,3.187291362686352,58.307388046443265,0.6485221406154202,31.945662482803957,0.48580280489172833,28.126994467576488,0.5024285548737101,0.9389223465799692,803.1686410694608,17.321041282671565,0.18886512522982402,55373.732972530015,0.6845916982151342,33.22974105180867,4454.570618786744,286.99184317576237,333.7966327982235,48.20408273252881,0.28645253147473376,0.18938324928399655,2.506852084631851,26.496925869937073,2.8500145284171383,60.43966539077694,0.0,0.8925896520475145,0.12406669907508032,5.138024911154755,21.44833717051422,0.35783636003667507,7.852846037904099,1.6033010066721712e-07,0.0001132097967789073,0.20120430887378968,2.683146115315999,25.236208607080027,0.23596707889118018,54.99013104205772,0.0,0.00014063033626880034,0.11767772804776323,11.465910163863308,27.88664247073307,3.5725122378526715,18.57297930508879,2.7615343999459633e-07,0.0,0.19822949841462953,1.9015498825643993,32.32135848775841,3.5451821371762375,15.11457243664622,0.0001737245589075501,0.0,105.55948640844551 +0.9412091661209638,0.14430101870425435,0.43609247341706026,208.55815368083876,53.07654710014951,344087.89861544356,6.9189456387123505,76.76452801026599,1.7452217033264494,31.450308410478186,3.2520115629468385,3.127740979560354,0.43414445209623714,0.8759054857665346,856.9075679339059,46.48173701130547,0.29832993522965645,62683.49375452708,1.7234007845090753,97.14516877159036,3491.1475991269285,277.7316666572347,220.3898350435889,13.917534994645145,0.2961474556301811,0.1824024544545392,6.032934514322331,25.37500335773167,3.3744513560570546,13.012114248042812,0.0,0.6788997609671215,0.14402023475157966,3.772860132513716,11.751608517072167,0.3906914539520699,10.702057253116905,1.6033010066721712e-07,0.0001132097967789073,0.2066589823741282,5.470570536587533,24.318768453842814,0.2898201948331253,7.448475504427218,0.0,0.00014063033626880034,0.3526011830548384,6.438286105064595,13.95457133737691,17.24387963076613,58.223968489832075,1.9907974977412392e-07,0.0,0.11267585622209662,5.317835271885373,34.88296021907736,6.405366029755012,54.83313327558682,0.0,0.0,100.10975795092497 +0.9069292451822459,0.15894118098141452,0.4040012243357314,102.03461310370594,102.3145155413256,335935.4362545074,6.585004784612631,78.89189470647302,3.5997395939826955,99.87511222088638,1.7737358103340097,25.629570250026834,0.6936785036716262,0.9945498186349817,632.3899038309031,64.53384223497042,0.28812376053477834,69023.53095817464,0.7839881551398127,69.09311347476678,4666.574247087816,236.77788685745935,349.53507306953776,57.83967707729173,0.32161852568613747,0.1915733072687185,8.321406827350701,29.517658063694807,3.228151971393441,64.75686121299866,0.0,0.6886689749639018,0.1289856150370252,11.933486206312123,31.332810333557262,0.4198037733271567,9.476830070573794,1.6033010066721712e-07,0.0001132097967789073,0.2018953891981494,8.84289761905076,29.081578512455472,0.2844903085793459,61.894375726615706,0.0,0.00014063033626880034,0.07726784570140409,30.76327689590317,35.2728351032352,3.2911435411631476,10.57273287027466,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.888218792627215,0.22290571068075998,0.4247161367543574,234.91145155341718,170.01097618200265,203392.2390250269,5.399967646666844,56.25253758494617,4.686920546744059,88.60388489827898,0.40893238792885,28.292519647817038,0.6297815625357912,0.9118195577683744,515.9904005358445,89.62252099670675,0.22459385238343918,149305.27981228713,2.9895546894285725,99.61996237939965,1118.3919696673202,258.71384056694984,347.73452104254886,49.88221382456115,0.18172624572892174,0.19321162239014614,29.228368127202085,53.89160989725755,2.8256115877138464,17.464176989870282,0.0,0.7573659574529503,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19484971909678483,33.42552807685409,59.62700170090013,0.3721084675888278,16.328155112203994,0.0,0.00014063033626880034,0.19050892441944828,96.26979136816091,70.73746372568323,3.2742601615282276,8.265825249639976,1.9907974977412392e-07,0.0,0.18073429843720795,56.95502109661918,103.61993793376892,6.352314368541517,23.702774996426133,0.0,0.0,2698666337285.8823 +0.8505726542589409,0.20140992561862364,0.35111140235005966,226.61878535837008,122.02907268473214,220998.81877672012,2.6016273669221763,68.87302245195244,2.756626818601309,22.875152319616696,1.5857678693436668,28.434282655799947,0.7942236007663654,0.73325858351236,932.3713488819842,92.48115247106347,0.14305120424534576,62765.57394836437,2.8076554984402686,76.9063680067097,4623.123096815041,168.91910008314034,331.4334540735554,56.84239965508582,0.17492901563808952,0.19660950220923223,19.71685863876262,35.325367854758476,2.4758543020574586,21.634512273443477,2.3970199770763613e-06,0.727383250129359,0.12381406701650237,30.169888324643253,55.29356809576479,0.2907620350420034,16.13245603852885,1.6033010066721712e-07,0.0001132097967789073,0.2067110313438067,22.68592717603446,42.23448854141078,0.2581256853893101,15.868664405058215,0.0,0.00014063033626880034,0.12444964388246832,79.96297624989211,64.33688067717624,4.290407157536432,16.886373338754463,1.9907974977412392e-07,0.0,0.21590228902722433,12.922854498962513,59.334064578578584,3.1118695823634805,12.350634105569693,7.338049728949928e-05,0.0,153.54593528286142 +0.9755651913476491,0.20631239757249145,0.3726392799243657,222.45437268262978,71.00724710704087,344081.7445109468,2.4641662372952537,42.2855839803098,0.7065229800413684,99.9580067861607,4.773221265242805,24.383962869843447,0.36904801348057986,0.9421278684005696,943.5019090669703,82.79270802197566,0.06926604990990239,252746.14846916497,2.8736680306016984,96.17169484326232,4484.004243903208,291.6996210215623,347.2892092357677,52.313477663137256,0.3490835779346602,0.19285150853753455,36.297272769429966,55.65570833532963,2.833754881412003,18.014559797955787,0.0,1.710752628490598,0.09499330877448733,16.023091970946773,32.639657361363824,0.3106382839456591,19.881809753113256,1.6033010066721712e-07,0.0001132097967789073,0.19342035520471804,29.060972671634133,55.39903219272873,0.23625960332114176,13.582910671041219,0.0,0.00014063033626880034,0.3543997461779856,47.79187167741135,28.319608097510965,3.359914091688933,27.539064376941518,1.9907974977412392e-07,0.0,0.14608533154132036,30.692766884266568,70.07101533122385,4.185184339375017,19.065343075622014,5.435274794111623e-05,0.0,143.71890583076845 +0.8985367829988842,0.21270464713353546,0.4026159449065502,163.11379794755481,39.21524265955928,269392.09063587827,4.367875450045332,83.77889734968653,1.016251469059944,63.11892002883492,3.7115572434718294,26.435326001515808,0.3666750436701987,0.9016840922310041,881.2814444215987,92.43156871529914,0.12163757027644272,81815.05771750468,2.8384196806990754,95.00973617428399,3057.8151561486106,154.1653634286121,349.3407613891145,55.4918791737278,0.2729974626926236,0.191929323493537,25.98000823888459,44.578615288036964,2.74446610268241,26.852896922202273,0.0,1.0543211269068238,0.08442611379318612,21.63277388182651,42.373288421517,0.21626523113696058,18.304873651346345,1.6033010066721712e-07,0.0001132097967789073,0.1984807536072442,26.63561896105215,49.16748334891791,0.26182333277275854,21.052220266724266,0.0,0.00014063033626880034,0.20783447759973023,58.25063216267604,46.619718309695465,3.6850070495041445,13.84353864940804,1.9907974977412392e-07,0.0,0.15269949976166058,40.62577216460386,77.93149074848561,4.43034193877878,25.442424144195634,6.55788221766455e-05,0.0,154.02372481750126 +0.9784319040879824,0.1952191226257495,0.33099373231846846,209.41310680873562,240.03326451359638,232650.4921915876,4.629979227796078,70.37774178046101,2.74099281302872,91.01804291134953,2.533431045950524,20.216963787228266,0.3968598282713351,0.9230326052840938,819.713594996655,67.10899232228097,0.06477936113903417,102286.53746540152,1.4073773985233275,56.77010235366213,4686.12347478197,88.66000260475039,349.6040927492532,35.56621962801151,0.25985982163254495,0.19758256500294938,20.32575978687468,32.45510877259922,2.808770829711734,51.73073434843467,0.0,2.928699098515322,0.13210880331432018,13.961586521267995,34.28065139259854,0.8158779767189202,6.528979390777528,1.6033010066721712e-07,0.0001132097967789073,0.20634828626702917,11.64734248435843,31.44685171028164,0.3388598724321639,35.809408742218594,0.0,0.00014063033626880034,0.11118787678633431,42.705843671923226,44.24169802454695,2.92608809079509,14.115983037853274,1.9907974977412392e-07,0.0,0.20525160971596285,20.28035835480228,45.370018908926944,5.395093020502113,15.904103186684175,8.671157650014607e-05,0.0,121.32705517606558 +0.941477742795783,0.17518854021756108,0.4014999585889291,106.10698358050061,221.9221968409501,323779.78717341356,6.438461212014894,81.54632957503486,3.6085450577041183,99.89297335317093,4.326147902143192,25.629570250026834,0.33839450076778477,0.947880286986016,814.8217167790496,64.53384223497042,0.3404238571145944,68299.79785583781,0.7839881551398127,69.57896902248032,4666.574247087816,236.77788685745935,349.53561875985696,57.9378953512916,0.18940157446090633,0.1890034631020034,7.769061401168518,29.877623049719816,3.1376400152504,65.14991761319313,0.0,0.8128644791989842,0.13222557831872686,14.820879699762555,32.86308082069088,0.5671899644942646,11.157221370710932,1.6033010066721712e-07,0.0001132097967789073,0.20168433259950166,8.531815370299375,30.29989000881318,0.3018335777479602,64.4635504626429,0.0,0.00014063033626880034,0.08725461761879819,46.871366086404315,44.04489684187791,3.1302997799186576,18.954192781997033,1.9907974977412392e-07,0.0,0.19109094577480398,21.405341302816247,45.101504775367694,5.474451590167955,24.844301384030985,0.00028808476116475604,0.0,139.37226726149044 +0.9074769911163217,0.15356749074408813,0.37772365009617953,198.4023151332325,236.00155700593479,328357.1608208437,3.311994516584143,90.86748238416189,2.347778925032773,99.99830245931575,3.3201403761089714,24.123546005224984,0.39928372633902004,0.9596151650255214,635.4970580265112,58.32639063459651,0.24084772877161892,68256.12675119178,2.897609231852645,37.80019792269179,857.5801985167479,228.8960251171489,348.12946207092193,57.70434852653294,0.17614536011323761,0.18911848267475725,22.47742824326393,46.86214988524339,2.951686557709348,24.023570124659404,3.7395170314950196e-05,0.7476684801315462,0.10826898121780214,29.77662590932317,60.80051329887675,0.322287533679115,17.502898986556048,1.6033010066721712e-07,0.0001132097967789073,0.20260615413946284,26.958392837405157,52.41311526632465,0.2546745270833654,20.21756685989007,0.0,0.00014063033626880034,0.1762150931330161,88.46745870816862,73.99500767047618,2.9458269826414045,16.397646012310684,1.9907974977412392e-07,0.0,0.16295473245936407,53.85936284015144,101.4465003226525,4.95394476088395,18.19546442931379,1.554456326043435e-05,0.0,197.95834931524868 +0.9839281439222833,0.2337937375350218,0.41119362273566473,134.75154067508737,130.69563517561548,279671.28500639804,5.218740263262895,45.62991777048553,4.725098875296786,20.38317378042367,0.26801533382091947,11.960591262740284,0.4507551239788113,0.4096106379034238,611.3655944319593,25.82227674931393,0.055909937121492836,70252.5180273501,2.8829044919409115,95.4701268524335,3557.136945324398,117.12636767456435,270.28575614335375,20.763100155429484,0.2347685889988444,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11083328006309243,2.076144601898074,17.28356290629132,0.49769851312299296,25.541785293402164,1.897605944913841e-05,0.0001132097967789073,0.21451554489157904,5.5516019631886255,23.43147202437913,0.294399855045493,4.219143188540446,0.0,0.00014063033626880034,0.28867693633417263,17.592798926759865,19.82179241340806,7.934044424109463,48.478953572980636,1.9907974977412392e-07,0.0,0.2164636329405785,5.70365659222575,30.32933513535748,5.81817133822943,47.3537907311009,0.0003680550266538154,0.0,2698666337285.8823 +0.925012641439655,0.1455153168039142,0.3805494042466733,137.66392329754396,249.78782128319926,219376.48922746998,4.003495812867435,7.757410114374842,3.9381799310879195,74.75965600154409,3.9333670791597295,28.21283926172188,0.3784771504051368,0.9934294638546486,463.10384932747263,48.51614651171238,0.18323657495634613,76852.57660618654,2.6287179396332556,93.01916934450945,3095.3210589993355,147.4701414648577,340.9738038250478,50.734522721765856,0.16273242845908237,0.18852456936165748,18.12233710528325,41.629815880256245,2.818862616499404,21.382799161496795,0.0,0.6758277619711727,0.10321919335457226,30.54814504754783,72.84483092791342,0.615729762533887,16.56588637139306,1.6033010066721712e-07,0.0001132097967789073,0.1964291653384017,21.249120197426947,46.1587002673787,0.3080650693510671,16.844292479315804,0.0,0.00014063033626880034,0.2300948103298957,90.57774339972823,67.20633766096836,3.4099608600030518,18.223736429171833,1.9907974977412392e-07,0.0,0.15463353625480253,51.27534714680238,100.261100735405,5.192585594157033,16.52368757541396,0.00018669893171135898,0.0,194.8173190167961 +0.9449865239680376,0.17183588204638917,0.4213444277681576,181.5052358744432,209.71161355824245,285343.2071371969,6.0356089113624485,33.17570564893198,4.589055747521769,9.381343313930914,2.813764792320798,17.27207938099961,0.31230495505975037,0.9755141717849375,17.006734855764904,1.3288034458772913,0.3201428497030497,147387.27019948183,2.660066900439957,87.1252025664519,4940.84640646958,188.1487579747892,336.7654492849656,58.55963431655857,0.21797023914983002,0.1907911114318102,15.706901915974372,40.194530309874885,7.79620909686587,12.79828557472501,0.0,1.3217717594590292,0.11681056318156212,16.602026058637787,37.23198256824475,0.7805323185867377,13.836586911176754,1.6033010066721712e-07,0.0001132097967789073,0.20361004401215016,20.994691357670536,44.38885784939398,0.33507207089376095,11.404937481581854,0.0,0.00014063033626880034,0.2234752135647492,65.65609759363129,53.27583454135111,8.8049642715598,10.759863544926857,1.9907974977412392e-07,0.0,0.15917290578859206,29.747136654269156,62.14248757796548,13.13543633440249,11.647229046976928,5.535183167957458e-05,0.0,137.4087223489547 +0.9582372958457299,0.10732277476271823,0.3484462145306989,159.83291648757896,189.8287655401567,190888.6947439874,4.32948616140065,69.0361079616548,2.0590534324001455,20.046637841700324,1.360928444088754,24.750572763954555,0.3879932255795203,0.5466674835976603,11.889088595121962,1.556152789245834,0.059507032163274465,126355.8481959435,1.9816227056680358,18.642901936726844,2178.0458615266675,106.55215820517688,230.2530152520149,59.06017786598304,0.1818270582041749,0.19836253764272915,3.5083162083925177,24.352529467399343,6.986105009548583,8.436476119838705,2.8607123007967624e-05,1.8547429735923102,0.1369644313341621,1.4538988073111725,14.26366217751561,0.7734684027512706,3.3257410287555675,1.6033010066721712e-07,0.0001132097967789073,0.21161506153979096,1.5726750779974534,23.840549869257877,0.338375755299129,3.4237727724047233,0.0,0.00014063033626880034,0.32726957880762897,10.817346853146764,16.69246015484876,6.328299978239133,38.323953619089586,1.9907974977412392e-07,0.0,0.19757152633044678,4.561424079886597,23.576764587666567,10.960785392374419,3.7854210981137992,8.565407230610322e-05,0.0,64.37774510023253 +0.9103043322779469,0.12349658010986894,0.44455414784062125,161.1194952206368,103.2830791479815,220068.45798598358,6.772501476743011,83.71901708639167,4.563097194493044,36.66942766737177,0.7413496061925162,3.1421791304363467,0.3518209198694556,0.5040793267901497,240.27396281741161,14.153661294167604,0.057052203970278575,72775.18414840527,0.5428967763926007,99.21312452597341,1692.9441261330583,173.25802441209294,261.3961364765529,40.015541858330934,0.1969903579823264,0.1870054321336418,1.5557356579423194,23.6127188951202,3.563499510017415,27.796074515724438,1.9611134485901045e-05,3.76122440249993,0.14590708873567845,3.667728471606315,11.668595130181139,0.8497924571794032,3.3006160994762683,1.6033010066721712e-07,0.0001132097967789073,0.2149849838570997,5.977271143342501,23.30802061812749,0.3591213399077344,19.919244063285223,0.0,0.00014063033626880034,0.3145718962225434,14.388333750711803,18.02274988912075,6.1327606591349815,44.930919297249815,1.9907974977412392e-07,0.0,0.21678541243668106,7.04557743565658,29.17041187660338,6.9832750418026786,27.424676802171597,2.87393153747172e-05,0.0,82.38016619000038 +0.8956604969727848,0.23598515147130122,0.3891859771412572,234.13597386140154,222.9035194300581,301421.0682201935,6.0918634351300955,93.8306979221264,3.6719223479352907,53.251367552516,4.3102662574708495,18.964849077578624,0.7626843522230329,0.9807259961236289,941.1027280196088,83.38315186659399,0.19718718112693095,142705.38783038507,2.882439566935623,97.24169084273036,4838.873590426846,32.91407613280431,338.3835334113048,57.975381163565906,0.17728807580580638,0.19635228123634715,24.026163899973085,42.39744055729779,3.060331398649582,17.634131546980456,3.4424840130934265e-06,0.7489629178186671,0.13489840097550035,20.53610457187744,41.76498666244972,0.8405119890611263,7.27370736830221,1.6033010066721712e-07,0.0001132097967789073,0.1927877594038245,16.384301794612636,48.61629232986752,0.312136664446095,10.865217337116164,2.9160540075872962e-05,0.00014414060373783881,0.12279987642783036,99.03752052433987,76.4765422991081,4.594231355496542,8.470999292283807,1.9907974977412392e-07,0.0,0.23369967960844895,34.302758495702484,66.48435459488485,6.474055715931165,7.350772687754901,0.0003365431076458914,0.0,170.61185061947756 +0.8936434066468152,0.24088560452414978,0.44900177473214453,195.15266738252046,242.35577835157648,104219.8065280418,6.677732257490489,46.36551278807096,2.4336489484963346,80.53456262360959,4.325803946692418,5.322752555008837,0.3349782593515258,0.7670434847684722,499.1831608272736,85.83093902444844,0.2708434252617236,76547.48118263266,2.9318597438230034,25.394086839465405,2887.405538696923,130.69049695404283,327.9423945346007,22.949302351061576,0.20380949686466843,0.18743714326543273,1.686259895437228,22.899335639642803,2.8373554325199506,2.6925942375203014,0.0,0.855128586796374,0.145041224012729,1.2904432189237935,13.621042894485138,1.8310532792473324,5.0169306133056635,1.6033010066721712e-07,0.0001132097967789073,0.21421854510136032,1.6225741107603524,23.71720849615052,0.5187583750471637,2.055884938667965,0.0,0.00014063033626880034,0.13842451918014287,45.12815213946881,44.36194071262197,5.645602683884805,6.27953655250768,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8073318994101004,0.2108559348618294,0.345144263136601,174.58059268145192,77.53888608551127,291259.4075240103,6.251614662273152,50.12531332866054,1.7086553312189323,35.90650031359625,2.113607609118266,29.78457858837238,0.39160259417749854,0.777046147155203,856.2615011438954,65.06425859095334,0.17405479596538886,147926.15435382954,2.7190933062370077,43.53730872653907,4336.11880140555,281.57551653113654,344.95129257261067,48.79157645488508,0.22298399511070305,0.19890537226630972,27.100143171668922,38.309529205238974,3.0912746906575093,23.068489214197502,0.0,0.8341237757860156,0.1286539992536064,35.85281827492603,57.67528046032421,0.5117204042818306,11.028946707412421,1.6033010066721712e-07,0.0001132097967789073,0.20825295392712406,28.15034561257648,43.58358745695043,0.3049700662364837,17.950317852242005,0.0,0.00014063033626880034,0.1227974582263508,84.57018884053404,64.45840012556059,3.17044939942786,11.23677330628969,1.9907974977412392e-07,0.0,0.20667396170464222,25.65319263782187,71.9873670372307,4.451777379755248,11.194621312314842,0.00010348553938449455,0.0,167.09687679850836 +0.9774162707176207,0.19410027625559376,0.3466677425796417,215.78301480157785,243.19855290597027,232658.9901430701,5.184623217155855,85.20263197455758,3.536223510100775,92.59848723307998,2.390928609219008,27.781864246289075,0.4788193340613478,0.9267410404657773,713.5074187538064,40.410294026710204,0.13560209159073636,102400.65497493953,1.8743265398474016,75.85125084422017,4659.646438747795,196.11077986532516,343.4615273612608,55.10933216545504,0.3228884850824864,0.193603678250499,18.44133148558333,33.902497840504424,3.0246177405121806,38.70240662907836,0.0,1.072977898361254,0.12654265419035032,14.576804841644545,35.15455011170159,0.9249273255203586,10.88403487549946,1.6033010066721712e-07,0.0001132097967789073,0.20308570729742922,17.033756602486907,38.79460560556374,0.3573727116579418,31.171168660340026,0.0,0.00014063033626880034,0.23461220453451218,49.956608654789505,42.53940321909274,3.533129460734446,11.03026844994339,1.9907974977412392e-07,0.0,0.20983847570800462,25.96816628818165,55.886902341200916,6.011796015282637,16.370505432746523,0.00023296833790510045,0.0,125.99069372489608 +0.9890796206172333,0.10514979179620415,0.4011827642709695,207.96406044143907,199.29882106981253,320755.09390207706,6.0096800091972185,53.82991271011426,4.264195930458099,42.19757379290731,2.3725915955624846,29.515418336475015,0.3756913149707122,0.8094232289464877,755.7889206621194,5.175003167920064,0.09741269561758598,103657.09170459304,1.3406083781731286,57.129953160076965,2397.462418068207,141.31250405809993,334.0139423851615,56.312743431393365,0.3448719464241391,0.1957039106268999,11.706069916189756,27.446007306581997,4.220787865714868,38.60864469855401,0.0,1.6543943111880808,0.1276878687407697,5.889714027830884,20.741610371457856,0.7115440733829411,5.586119689034043,1.6033010066721712e-07,0.0001132097967789073,0.20335869350594138,7.359851725340366,28.463769867519016,0.3216088693557669,28.70273573911906,0.0,0.00014063033626880034,0.3464370430846336,34.1039173564307,25.801756882122632,5.38687993180535,22.52452332700433,1.9907974977412392e-07,0.0,0.18146958075193723,12.934091872719446,36.65487832470484,6.89945433422574,9.38956069990861,0.0,0.0,92.72798757939927 +0.8778461639817459,0.20864944162940352,0.40049779476203184,197.0614699704993,163.70443062518999,218509.937555011,4.516757276073787,86.92022750126111,2.0188351973167253,31.48449279007878,2.7317228143659045,27.579266852840703,0.3506231935842053,0.5516515491426456,965.6094915197936,88.982109314005,0.23017705305331337,68042.27528678146,2.9254823039874154,99.59553332126934,2299.138063606454,262.77903660717897,224.8773890358577,37.55426136646141,0.276216152315694,0.19231570453235625,3.38531864719971,25.641097817571875,2.6470762809501065,15.549913302733016,0.0,0.6731519948725372,0.11645895836186998,2.021732895393334,19.938315610643745,0.7195390111741079,23.557737854509902,1.6033010066721712e-07,0.0001132097967789073,0.19785736765777653,2.812058868470945,25.02589597669916,0.32855437747108274,13.983134509369407,0.0,0.00014063033626880034,0.31130760862538404,4.932839445874676,16.737763366995836,13.821777069753276,54.83204808238699,1.9907974977412392e-07,0.0,0.21207432435200227,4.201366412769955,31.549193308890967,5.615191419505464,48.12320224796553,0.00011747421013821143,0.0,97.81524539819776 +0.8832497064744593,0.22690653183598858,0.4164335425593515,122.75187978968837,201.28833804058033,133130.23088282274,3.3163422566822125,58.5701079278929,2.6262220596253405,92.72442448066894,0.3381357548917035,29.81327096312209,0.38924368049194213,0.7329176630322578,850.7577584708856,28.31179316802472,0.23695263786518717,112979.12932457666,2.908948726698777,85.84213341985358,1598.1299603911227,255.9476312141703,348.79532670751405,56.08543763406103,0.21486354427616558,0.1911110616467438,25.20110343118748,44.702761549423386,2.8035910312338044,21.27086721149536,0.0,0.9846959561829975,0.08558417929609372,28.225708885227913,50.67220187830176,0.7727417989881032,21.100633565411908,1.6033010066721712e-07,0.0001132097967789073,0.20047626735562393,29.830671277905104,50.54524355443652,0.3419151163419209,19.964669068986623,0.0,0.00014063033626880034,0.19130992528708612,77.32984177262206,54.0383368513078,4.526919503906229,13.545204003971405,1.9907974977412392e-07,0.0,0.19288572566389914,49.18065468772409,78.73789075839481,5.129313167312519,33.36588264226056,6.0689390781495096e-05,0.0,172.07689559245048 +0.9605378460047758,0.14688290803331214,0.3252556861025021,54.61140149643283,79.48400860611144,305663.14934902947,2.4625514991379696,23.097684433630064,1.9274802074298973,24.029117433527187,0.4413538182184915,13.620632892855632,0.3497809112591881,0.8581015903982424,91.50610504809039,19.432023999734817,0.25180814480012126,82226.46382239532,2.9306152434865576,72.54967097912105,774.7591007245159,48.79102567268751,343.22590059415785,51.78632812630105,0.16644575226693287,0.1954442832435855,18.968548042010017,40.040061061038884,3.307678830545459,20.086091775230276,0.0,1.1385573167105631,0.1370789149172817,20.29147036941125,44.58492507906365,0.3708591258335579,10.209863952424271,1.6033010066721712e-07,0.0001132097967789073,0.20890228552055845,23.459473167850636,44.442855815133335,0.2354894541259535,16.152864568453868,0.0,0.00014063033626880034,0.1298199294936364,68.94052863906214,60.69481724457282,3.605998668640523,15.620948139395203,1.9907974977412392e-07,0.0,0.20772994808659845,33.21962928987762,62.571240212011226,4.633470643771295,11.843523576429549,5.33508156060496e-05,0.0,146.7767031881716 +0.8860413393670541,0.1468693801558531,0.327557312183009,98.16721843887025,247.80802111925368,225644.86117540044,6.2141535484313595,12.152435940807877,1.3317475286565417,89.9211270732123,4.312201064535084,12.903680494914104,0.31855270625379817,0.7464641680935985,903.9365585066515,66.47305830109411,0.15119611984628786,176191.350271897,2.4587557600547325,87.2994693599157,1548.8017991902434,216.58413060773012,340.7335403397384,47.287626426638006,0.24795588130233065,0.19965174679564612,23.590164514045135,36.18566111712156,2.8034382515680276,20.57644782493171,0.0,0.9274982475592531,0.139076739811686,20.314719945909225,39.65884175177847,0.8030350529025176,10.4969133104107,1.6033010066721712e-07,0.0001132097967789073,0.21127570360751938,23.218239161033694,39.64042337019515,0.34534780225053907,15.764171246434708,0.0,0.00014063033626880034,0.11346346319436694,73.52725530137023,56.427108816966516,3.0886443901590708,5.045111023938419,1.9907974977412392e-07,0.0,0.2214953923638617,31.084921519998037,56.00729003536555,5.172528042248588,12.700888692437802,0.00036762011618619395,0.0,140.2498430304953 +0.9697133710254049,0.14445404764319197,0.3793711085952574,137.7582342082689,205.28877696862338,266756.5713386375,3.3163422566822125,59.10200764030592,2.5911645234074374,96.25899817540657,4.489965952273319,21.017550941543114,0.47118289427527504,0.9410331581690782,695.4510983428652,28.31179316802472,0.23503338713679575,130574.48435647893,2.886231041126931,96.14482948558326,1599.8214961681072,254.02377501193072,347.2093133431118,42.046156956389545,0.19960835222972959,0.1853688707455941,22.848710572016113,52.59389030576271,2.8550072862694513,16.30241608655051,5.321343048933389e-06,0.8349122821606016,0.08500963048686139,23.589387647747753,42.754144423213155,0.3316289481634917,17.800098677038598,1.6033010066721712e-07,0.0001132097967789073,0.19715691040876773,26.77386602801918,56.743828405650184,0.26034141273918304,14.658720618722203,0.0,0.00014063033626880034,0.18374175670847726,73.71107920750642,57.76104621354772,3.588585002219792,10.990902477754043,1.9907974977412392e-07,0.0,0.138540202991557,48.1517998002873,100.9637100326681,4.746947311134703,22.873141387672764,7.005357395897818e-05,0.0,179.93673557506546 +0.9588210526412692,0.1517331123294443,0.39275751547972754,213.8277185635296,171.18990853139863,281525.7069471255,6.923682318513629,95.58472002251641,2.3770783747780966,72.61145211284314,4.444189250813638,17.984659695958747,0.35198871403664816,0.8395728734320452,355.78871900587694,1.4105101906638764,0.18417700358208286,183094.5634948841,2.1016284152179794,50.471602705478894,3617.8675420250593,41.53127319757457,259.62422892638705,47.29688409003154,0.21432658391465564,0.19535054671919536,2.214373731760498,24.008961331456234,6.506999430061941,3.4294760042695858,0.0,1.0310114363519978,0.13477158132350694,1.6334761552843953,13.287571148880154,0.8925396655240263,4.42946032370644,1.6033010066721712e-07,0.0001132097967789073,0.20801817082617566,1.6343641481312832,23.560444312425634,0.35572754169076143,2.3504085631034086,0.0,0.00014063033626880034,0.3512450252322912,25.875193723686717,20.44888940664114,8.41629082259741,45.74955531263973,1.9907974977412392e-07,0.0,0.18796873872062472,5.135948085927443,25.017161906357188,11.313970249400578,7.452534651735535,0.0,0.0,74.07522885623031 +0.922093905151268,0.1630379825552369,0.4004333769397673,202.01366833613173,216.39860747559462,249677.80856940013,6.356704850457577,15.909032437518862,3.32791738704732,67.16010834772435,2.936314057887313,24.302436053505907,0.31696789601155734,0.9080857397117534,973.5724139561934,60.63067084678422,0.09147297682416806,299797.0369243695,2.981045322108798,77.47976724240888,4646.056071207641,218.19879757513448,349.69247386184713,20.5476918200267,0.3122361534888114,0.19784319484103222,24.518623777728784,37.43686345563608,3.0022032620625767,6.545048900129419,0.0,2.4401250967038672,0.12161613010408381,13.866596011526303,31.684414166873644,0.9808970355795771,7.912255583867401,1.6033010066721712e-07,0.0001132097967789073,0.20209268314720874,19.64442037641243,39.37991795656804,0.36879948404474355,5.122958598696962,0.0,0.00014063033626880034,0.35261867452132734,51.7084178086594,29.902703220974157,5.932803533556455,39.838047883081025,1.9907974977412392e-07,0.0,0.19500023394896768,21.97417428075235,45.660759873746294,6.358373352935419,8.062642837165495,0.0,0.0,114.66019856815682 +0.939926989099076,0.16238988413445504,0.3889843001541089,208.6330122183448,96.86960015826094,152289.10121600176,1.849929115723877,76.36123026409292,2.4550122422280762,39.31033482751475,3.1786150332642658,24.877913592009662,0.392790736396235,0.5634895923127407,658.3538068086236,73.24298424261897,0.32345652800336155,71519.48948989132,2.237938681098199,66.77931615809625,2552.0868533247767,273.8265502106804,343.7687752778193,40.05737306382703,0.33780420577162634,0.19540319819512605,7.899727432800649,28.885869830276953,2.48684913203925,19.817089719513874,0.0,1.342261058712388,0.10203281218718398,10.85445732695912,26.73229803672779,0.24352172669623653,19.24890220894266,1.6033010066721712e-07,0.0001132097967789073,0.20743181756437937,11.682034650256709,30.520360977807584,0.2553958329151699,18.266995857601433,0.0,0.00014063033626880034,0.10337967594868415,24.580823809025926,29.69688832089026,4.576755621565663,5.587865782281331,1.9907974977412392e-07,0.0,0.20717875065190414,14.184137020773631,38.94703515612247,4.040073838452941,23.281402391106276,4.9052844884507954e-05,0.0,87.84687244515464 +0.9847886091770529,0.1503668428622395,0.4464869560664376,205.1077195051576,234.42164095862154,213054.58447977342,6.872510763457018,96.83488606783108,1.1181511062843732,94.5671075733389,4.514740303847565,17.528709666013505,0.48172104225321755,0.91455197915704,592.6980116126123,88.88757197074725,0.309562832164589,272542.92073213775,2.316781022379497,80.66954370269568,4870.709358124288,212.01466850393788,347.7843769160996,29.7524420490243,0.29411836974530264,0.19412263901227647,12.11463516389087,31.468941523629987,2.973020141817837,7.401283842070469,4.0191409845746305e-05,0.7282784506888846,0.13495700897681967,9.440431305611812,27.888104134053073,1.2227360840538253,7.916250225929274,1.6033010066721712e-07,0.0001132097967789073,0.20588089112944483,14.051494968742123,33.466796253113294,0.41083347312160595,6.390634161237348,0.0,0.00014063033626880034,0.35537777764512835,44.670710971510275,27.130548064468684,6.731990670132509,40.25415410124949,1.9907974977412392e-07,0.0,0.21188508657695954,16.484109422617106,42.61620313283757,7.390670468049392,9.902271706045303,0.0005171031178414855,0.0,100.64186918504278 +0.8863532213782781,0.15523392058024932,0.34881297868403555,204.39326805861606,121.48360139992892,309266.62243853346,1.762113598336473,90.34971158044694,4.201973478263418,87.55386710183802,4.450200563582007,19.790083497885103,0.6063417564771733,0.9443494540591488,695.6278489494408,2.2721368536780417,0.1915745135440717,55886.85363347062,0.6261324746014106,71.35238825342788,990.8866164273131,257.58624741182626,333.3570715028499,46.6151022927392,0.22523815614801648,0.19335466305987772,5.400151985573475,25.09404743704897,3.639834642193383,71.42024299383098,7.231900945301093e-05,0.9743848322323261,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20713770383567018,6.262702623258991,27.274128846269015,0.2344956296527888,70.44973271785219,0.0,0.00014063033626880034,0.14454570465499975,25.259560080703697,31.190896490229413,3.9288436154126902,22.64320766276309,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9244278464318396,0.10348460098493596,0.35691229704614086,135.53293283072202,239.7676127868046,294186.643805388,3.556522858928103,43.95635908744523,1.0362382792434428,27.93723209599619,3.0506770746262006,29.385208143945327,0.3842631927728126,0.6865821940460078,432.11424347082686,42.24043932576271,0.05528585025956294,58106.83242010484,1.2953109667781328,80.76201898604846,1994.5577410298552,157.3181633667687,335.24350873631244,58.27447199256197,0.28570486858252436,0.19939165732041592,15.124022931503053,29.591317545126934,3.0637333288976087,71.55514308361457,1.679046501819041e-05,2.802712366763559,0.12966659420215249,10.389571423204803,27.919142945691014,0.33453550217872996,11.34938643117311,1.6033010066721712e-07,0.0001132097967789073,0.20660223230423813,7.6310097641075805,26.942998356255398,0.2592984033352229,48.19369330634989,0.0,0.00014063033626880034,0.09815367990929288,31.160204190485082,34.009533796745224,3.050287981287249,13.152320119744225,1.9907974977412392e-07,0.0,0.19962857254587352,18.77016890444725,45.31081686465682,4.966387055288253,20.742620928896468,9.21057381705132e-05,0.0,124.64074467594277 +0.9603866831087412,0.14525579461497945,0.3440560604388165,158.49437483006608,248.0651064320311,321923.0700305019,4.251055815078688,74.66825614898835,2.8238129216498353,94.05803723207612,4.613486769958005,28.55715466861731,0.5324494909777076,0.9151080994242213,948.3317116779107,55.93133121345167,0.34006880261746597,89562.07159336894,2.317132326749906,45.11804370495801,1605.9880015946,254.91332135955344,345.4629896713299,58.267473216991476,0.21876700434331361,0.19051365209201057,17.11231030747105,39.45632902936433,2.9678087128641293,31.88060188809863,0.0,0.950339916269379,0.10824479912838196,22.197286244323326,47.488663754870124,0.4368102072711965,11.702347017478692,1.6033010066721712e-07,0.0001132097967789073,0.20149749117818067,20.230713542189417,40.926315077567,0.27278221137681896,27.614114615443057,0.0,0.00014063033626880034,0.10074532942999714,60.30333409100999,53.857527963945806,2.986242927487804,13.879849551088022,1.9907974977412392e-07,0.0,0.1762148680460333,40.20404235232628,80.91905708501855,4.981880827609187,15.451358092338442,3.9859459033090157e-05,0.0,154.18900612425549 +0.982663781116616,0.2608841876389727,0.3746485194143206,211.16138218254522,101.15932915822984,308139.8901465454,2.1173699480621027,91.13337246210747,1.837666913420528,52.27916282302404,1.6256636989717683,12.088471323093502,0.43883117628300916,0.6199819229268156,244.61006829310276,67.8805255325913,0.2206258092572343,94931.11370582203,2.435544497530551,89.18347878892912,4681.294401998369,232.09555486738276,348.0341765627593,44.59012911628057,0.3148268405217718,0.19700058602391265,14.99447169070647,34.109134039286054,2.988317293628001,22.309616002715913,0.0,0.9304103172496349,0.1085413187823472,15.067777827431525,33.219058799097276,0.29001497744780114,21.357963259144327,1.6033010066721712e-07,0.0001132097967789073,0.20836879027282626,17.991418903706325,35.32459590040551,0.2361823777728815,20.193997317369917,0.0,0.00014063033626880034,0.16473026366675117,43.8963675796251,36.431996182081505,3.526521030850845,7.1884895938275015,1.9907974977412392e-07,0.0,0.21105033508567458,20.677668448227845,45.31800982833717,4.423414237951355,25.761525756837294,0.00019987769299287123,0.0,110.20395889924616 +0.9128036955965688,0.278967815840341,0.33447428301516735,14.601712919939033,247.2814219717933,102086.69366322791,4.717143272959106,60.377175670594184,2.130818607613546,82.57866976257262,2.6585087037722355,19.409690716260652,0.3370125678072414,0.9714009491830681,871.0553251367688,53.13069772161875,0.2579172475866073,293079.1550224968,1.4264963488951825,80.49494258932734,4243.679049989223,269.6564770791279,342.91074057292116,53.277555748534304,0.1699233083353101,0.1935390656089199,26.13547794024292,44.03882307002204,2.637250318305803,22.27776561227109,0.0,1.3677519969897984,0.13416437521781713,26.237527275952175,48.52613055961977,0.3914512538729939,4.799895678243754,1.6033010066721712e-07,0.0001132097967789073,0.20603948196662464,28.705147808419966,46.8126081547023,0.28236947307523236,23.33472967358416,0.0,0.00014063033626880034,0.13499367349990735,78.8286525465223,56.496042258543014,4.940231275207858,19.085855074841422,1.9907974977412392e-07,0.0,0.19723380880261573,23.699283797795648,64.27094782186992,3.1649908926845916,9.251730281917713,0.0002528688432204872,0.0,156.00191945973035 +0.8874672912848827,0.10541146641726248,0.3884726872903379,166.04260550112787,145.9567101777547,298298.5235910012,2.8471806212032473,53.856771810126205,4.670134337550491,21.981892542359503,1.4695710012542185,26.851341340307005,0.3063480506923061,0.7812485582255426,308.53060525747844,1.089920256181215,0.22790638364782148,293388.6759165203,1.4212604634903365,57.91931831768283,2999.5936490077493,263.6519463950805,340.60931468054775,56.28074751497948,0.208547868597198,0.19184548883073826,18.654082198652105,36.468855396441306,5.674949377635112,16.780038419827353,0.0,1.1463203533998434,0.12400587618129746,17.1953043066265,35.94709329638304,0.21459463602119563,3.7472016842327736,1.6033010066721712e-07,0.0001132097967789073,0.20469793832575914,19.709101846099955,35.0503753215271,0.24501335381888992,17.241939493986276,0.0,0.00014063033626880034,0.0921575770872408,53.706066346579966,41.61592597766073,3.9174007924019913,9.783267812769814,1.9907974977412392e-07,0.0,0.18498990539671312,13.815419940392188,45.0190429906483,8.321780880139135,7.436983956460485,0.0,0.0,112.15563035373472 +0.9744520031547457,0.15278670927639582,0.36793716464297066,82.10740110901857,74.49651532045336,301802.62243643845,1.5632738871475627,72.27922185377196,0.8431441327947775,88.4383394344039,4.918052712365822,26.029152126952553,0.43132405586301226,0.9333840098195934,212.7447543294527,46.098504197775696,0.24246618401705258,84194.42378326584,1.1788713763404672,94.37471577705759,2048.96474391172,209.26350882793406,345.2139243176668,48.31056923528484,0.17804443985180501,0.18957485153597736,8.034415678277327,30.44826516835362,2.920837461338727,44.93320068007591,0.0,1.186626250673691,0.12593235696746816,12.282344928423262,32.16073928297448,0.4453241335479307,11.444437462629267,1.6033010066721712e-07,0.0001132097967789073,0.20136253447244287,9.246291036633133,29.420183067429015,0.2370948541121439,42.054415464896636,0.0,0.00014063033626880034,0.11264816432021618,44.518683162723725,45.28727439514515,3.657217873046841,17.679595157207654,1.9907974977412392e-07,0.0,0.1861817336915057,24.97605369593844,54.34837140461774,4.1373197419027665,20.157844055949532,0.00013599719415088044,0.0,124.16333017508724 +0.8957963055908138,0.16984094902898647,0.34812750776000884,16.97483724286264,35.6421413236324,262435.8299141813,6.99801456006167,88.09068164800097,2.158933471518499,42.44449485358975,3.917087119283548,21.196222973497484,0.3827528236053411,0.9819133323059881,105.52446201532743,1.1656230205068852,0.22438302675127184,111560.959105353,0.8389941951288319,92.7701715633332,1126.9017626453945,118.70475688090924,330.0932727408732,58.45770757192942,0.15249015764616314,0.19092142318352753,10.424996452272493,30.267779145273835,6.183822490427765,42.42270746591022,0.0,1.2698913142938708,0.1323288786005661,11.206752943940472,28.57445181956512,0.21001412334252945,6.0177746311005045,1.6033010066721712e-07,0.0001132097967789073,0.20311067273552005,12.281353032571433,28.5356624720245,0.24659282223019563,43.634305260426565,0.0,0.00014063033626880034,0.14478578084557275,33.90013850339017,37.846029792406654,4.629290982169475,22.764095307218458,1.9907974977412392e-07,0.0,0.20472926255825744,12.56058680133595,32.801551869403326,7.613212597407177,20.362828016984245,0.0,0.0,107.42199278763009 +0.9352433008949685,0.23152406416959917,0.3260010541088404,161.75270735241634,58.30044366364886,273439.70594977017,5.84871678556755,79.61510002416821,2.9735487456013345,74.6096676235432,2.8579997394898706,24.520586918402635,0.3422185978869321,0.9852796924859915,597.8790378446178,38.28522210861175,0.09584194576961882,77768.92721824149,2.438301037971591,92.33165179728395,2812.808015914805,250.67218320368076,339.7520040438068,43.59784511591706,0.26149022350383255,0.19312823961113482,25.821627129976093,45.79747901920714,3.2013332006995663,34.28456798051398,0.0,1.9294696782749714,0.10302240937526307,27.315143033396225,53.73590975248094,0.43087718613977705,19.700397346118468,1.6033010066721712e-07,0.0001132097967789073,0.1973803723202547,22.166270363040795,45.9503114877215,0.29667029775774867,23.527236484071032,0.0,0.00014063033626880034,0.17804256886627548,68.11164614306857,53.377777543246545,3.693765603134396,13.155586601384998,1.9907974977412392e-07,0.0,0.15157057271162944,36.69408734314799,72.7400938356701,4.945479030744479,15.751688063332901,0.0003248999548280057,0.0,160.36616695926983 +0.9706789810297014,0.12569640495846882,0.4154531736456709,196.22750169274627,168.73106064472904,105094.53199420325,3.9757922404738495,31.61405428689473,0.8208877555611562,15.880434843217714,1.1525346252772786,18.791364610656156,0.43690178571792554,0.30543996328112955,797.1990871914358,28.495094685756122,0.10485580979232859,58376.556509165544,2.8900534895765375,96.51602205270909,1144.3574740251277,288.633520711024,226.35759146531805,27.703618808652863,0.15337418287740698,0.200485536036889,4.879825799774778,23.743631023020768,3.086192182126204,12.698240401703382,0.0,1.0401343196266417,0.09993137475298912,2.1884272966791887,15.77870318767001,1.249291806962921,28.434732524567856,1.6033010066721712e-07,0.0001132097967789073,0.2127485352933957,5.834847849374353,23.926063224896694,0.4194922093634022,8.3163340509766,0.0,0.00014063033626880034,0.2594211583428942,6.066495278127066,17.095574768035668,15.969116086692042,56.77830744161354,1.9907974977412392e-07,0.0,0.19966868974201435,6.512926886000387,28.625013595532184,4.649943007507048,39.80531200870562,8.196202528111754e-05,0.0,93.67530209935047 +0.8903685336253098,0.1419678812441776,0.3487426307520842,226.86503332802076,148.67640904409947,272764.3610629283,5.691899341194945,57.67738639675363,3.2978934894713547,91.06381073210636,0.9081915901357911,29.741446672956567,0.4421712455204102,0.9351799738033955,884.8957024317963,42.85634705752917,0.14513465731115469,156397.53572285443,1.3977738656304093,47.24049961287261,1980.1047041735142,128.38998716626298,341.2422053225664,28.667607128957496,0.2589406641127652,0.19312750335009873,12.39710583656342,28.97093809186866,3.1154157746529427,24.100353764217804,7.905826453984671e-06,1.0649572606884645,0.12726825061707073,9.013416702045577,25.348650005169343,0.7295646146153214,4.093199468288865,1.6033010066721712e-07,0.0001132097967789073,0.20199580522380203,9.886113714739633,29.99238586485636,0.3297031789008657,20.32510930153209,0.0,0.00014063033626880034,0.09501615357651585,49.65402727396403,45.43046414236072,2.948282113155898,10.773186090674653,1.9907974977412392e-07,0.0,0.18167892119285645,8.068728414908408,39.22490611564877,5.080139077443462,6.046285663031908,0.0,0.0,100.28286371984713 +0.9532136272186429,0.2368052718551213,0.35991328566377806,108.4412243006352,171.9710613419369,306208.37501225044,2.2537274953889526,7.450083291423329,2.0932953882222933,90.09082758148169,4.140534712459639,27.196190482357764,0.4750623420071517,0.932654532962358,892.3883311472971,64.66607350361467,0.12526634860081326,282350.4743337784,2.9078035492005534,95.58708525823933,456.59264848635826,170.44388260083574,349.4706287103758,55.180865410743145,0.2672947521206456,0.19300618840765055,36.429487911849584,56.79995271703089,2.6717342436326263,17.22901452801855,0.0,0.8004476509330537,0.13249370330734153,22.139749636787244,41.39139497995892,0.2832670154916201,11.49419606503578,1.6033010066721712e-07,0.0001132097967789073,0.2050990926570021,36.103854498034735,60.778545014166234,0.23629398364354606,14.256100151847482,0.0,0.00014063033626880034,0.32325107360829075,74.1486753234782,46.11914501686824,3.6030705654414796,11.637010922990207,1.9907974977412392e-07,0.0,0.2013312797733039,39.73947349733562,75.3485567362272,4.1309640273513715,11.919142846102947,1.5567476734375503e-05,0.0,166.08369034664358 +0.9269319382923565,0.1283659556086873,0.44085891339143823,169.14206574617222,242.1103658680185,113730.17192141007,6.495591250533334,42.741441470231436,1.5733791700045952,94.70485326902322,4.874506223670851,23.747215064847754,0.3418927474296407,0.9344296311715767,869.0458620498799,39.31177081547028,0.0861936217657159,268179.0133343592,2.002450306490678,8.148423292277513,222.40660120403186,21.12344251293932,340.44115697935854,36.96041775921883,0.17392335930058256,0.1960440419833706,15.249952093376903,27.98900255476615,3.2942810872749733,17.368604839099334,0.0,2.242973466168784,0.12828670617468452,6.754731135116403,22.1116342929241,1.6786540277327462,2.905071262964096,1.6033010066721712e-07,0.0001132097967789073,0.2020360832402351,10.20945104015069,27.366951806896417,0.49319330520931576,10.20397317474264,0.0,0.00014063033626880034,0.08867103794583646,58.44531182560761,43.57037267947743,4.978793591456006,7.290418098300786,1.9907974977412392e-07,0.0,0.19295628496197642,12.285973293098403,30.06843097143907,6.351202375025889,3.7697820481398714,0.00022383206863429219,0.0,96.63730248524001 +0.8631772627830446,0.11553312879593096,0.3479586766288807,225.00005407391131,25.1797120071778,105187.82123618765,5.373799454441073,71.2764382092723,3.50372733931025,87.32090796000867,2.936924000143044,13.519363287943047,0.3800697440034535,0.7211019129685483,186.88631484855176,62.61351366497102,0.11402443609322152,62401.77421178514,0.9874592165182958,47.447515944285115,513.3071087285532,119.31143748266449,310.5031542592665,33.833388084317384,0.2505355746453254,0.19952658993486688,3.9324515935839655,23.344799042148,3.084087241798985,45.89976145279426,0.0,1.4059568977805754,0.13996121956814017,2.135595614220054,14.727754830100206,0.8844212827906598,4.714481620575392,1.6033010066721712e-07,0.0001132097967789073,0.2117832608589215,2.076599048707788,23.955050371354094,0.38582172926680675,35.80828230209973,0.0,0.00014063033626880034,0.12344886015459312,10.867984949270802,22.374376989242933,4.837340304738369,9.03175630317945,1.9907974977412392e-07,0.0,0.2198772371000334,1.7727147970869666,19.487117410468205,3.720723888136814,8.092664631053946,7.730846762208412e-05,0.0,77.2646515045569 +0.9879560039385646,0.23804671899348323,0.4491819517502645,224.60543603386319,51.636030188998475,334421.4593918062,6.170481632792803,88.37851333307283,4.5884599286154195,72.5317093013202,3.4772246319619375,23.33580441158264,0.7083719215934705,0.463643414816382,890.7688384073807,60.48898721076201,0.26033787967707367,84239.81239510924,1.360961588180647,75.6792451879075,1917.890503840792,264.6152771812504,287.14798810139166,10.652349931173195,0.30011065105595514,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.14047040543336137,3.612700688348408,13.074931874215,0.34101655015662674,6.624448879033121,1.6033010066721712e-07,0.0001132097967789073,0.21319519508638834,6.696479820678822,24.07399235320617,0.2811510594961394,5.661792541298317,0.0,0.00014063033626880034,0.30350220253786053,19.879466768978695,19.05060529761306,3.1686074594715428,40.64784009012204,1.9907974977412392e-07,0.0,0.21496801427177317,8.235189978500323,30.51546135836105,4.9912588544722505,44.8820977921569,0.00015720483409903307,0.0,2698666337285.8823 +0.9723527375162895,0.22847269733360845,0.3472772862927249,171.34695997335726,57.26409584866413,231088.14069680445,2.575779891745696,60.46265921878905,3.705320864895371,36.16859068695311,2.8468709982575353,27.92872128977154,0.3825634245636173,0.6864448242770544,690.3266682145606,30.830417875778892,0.3095593095994289,127998.46481664022,2.9362483438386717,94.9626943841241,2956.239052631689,267.114643853904,346.9893471104612,55.74053835986127,0.2114015241738358,0.18966768909632195,27.249753124021403,48.6799696000534,2.6480314077636598,22.19606072104279,0.0,1.1816304064963115,0.0737501220742992,30.103462990645266,53.70405401317769,0.2164862297384639,20.715814402064353,1.6033010066721712e-07,0.0001132097967789073,0.19906289930231388,32.95868992666733,54.76568848360207,0.24551231506716176,21.531101551612895,0.0,0.00014063033626880034,0.11642762916939473,71.90535274416551,57.02671994024369,4.174710493093939,9.098186834185583,1.9907974977412392e-07,0.0,0.1774386026337769,55.18362974511526,93.49557013410885,4.559536572464101,33.68064654190916,0.00010402410774761642,0.0,183.97469913406664 +0.8650577555710169,0.11010919078745633,0.35991738144951085,219.75579479154396,120.08071663149639,328688.8129971541,2.0932991768775473,8.63929135150208,2.0969447047480143,80.97745536746743,0.9016909182029986,26.12580948339198,0.502820382329781,0.9389223465799692,796.7575679061962,20.5476202186611,0.3050918269616936,53062.37380459785,0.9133502217679401,26.84735415609959,400.24823294765315,173.28216598066743,345.5890693759225,47.6376912698567,0.26765097592753156,0.19034348489142147,5.875976501051349,27.75793172981275,2.882938501013116,70.75624210862539,2.7700398564818013e-05,1.1536443077504899,0.12979012509464316,11.763656790603394,29.47783309583567,0.29204849944586736,11.629319501022819,1.6033010066721712e-07,0.0001132097967789073,0.20233399055462079,7.691430283784522,27.93109258908711,0.23557171832656004,69.57023579357103,0.0,0.00014063033626880034,0.1282989439386579,34.11414993869653,39.62540844919031,3.6689260883463626,24.03355324563118,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9412251895822624,0.16181601060974926,0.3896375027469971,230.04874911351436,190.97073446386895,349116.97576176847,5.925258442220139,91.22192118725901,4.288144651614029,70.70098450763491,3.211305242377867,24.91947827511583,0.31626905075634854,0.8049356624564741,951.7543187773465,40.40216965157197,0.320940548202634,211222.7834287172,2.776430907629799,71.50615978491892,3559.907973601524,273.8842952134643,338.95604843698277,54.28955978237031,0.3158897902036465,0.19518501806862154,20.103939584289517,37.67490444891369,3.3382557279098197,11.71852128729717,0.0,0.7249734248744228,0.11427979400143687,13.664743293898317,31.53248198755261,0.6509846926614946,11.988620710852192,1.6033010066721712e-07,0.0001132097967789073,0.20314025108196623,23.006170917184757,44.566899192291295,0.3100372731795125,10.573148403374125,0.0,0.00014063033626880034,0.3482635327585896,51.17530130755006,29.579228941870774,5.422162127867385,33.452993572378546,1.9907974977412392e-07,0.0,0.17826431321251682,26.161164909309782,52.52642570157799,5.9775902324218215,11.804051767991764,0.0,0.0,119.10584809478544 +0.9228610493158956,0.14388553848775454,0.44008267185640676,127.11784151278881,191.38778880628954,195299.1252098051,6.974794428930553,35.86573749158009,2.6676210010803567,44.080074443757326,0.5345912161763957,11.60765028629763,0.6977643837176808,0.6756194386962843,902.184017121525,9.67876707992136,0.21681709961677484,74385.97768194231,2.8836479835825717,97.71560003384297,617.2876370044276,91.52801882032813,226.10040029343796,32.45074940270263,0.17353875402298446,0.1808842571683521,4.984082830096529,24.39930696429328,3.0766046350014347,5.205635780513045,5.7545647685953913e-05,0.7172314574944916,0.13949778541507632,2.2852476413491307,19.673135462995155,1.0787014275551021,24.494965610031755,1.6033010066721712e-07,0.0001132097967789073,0.21209033411743575,5.504577867191743,23.556664880683467,0.39129289653902927,4.058462245485055,5.024262630614119e-05,0.00014063033626880034,0.3380516391361925,1.439133679940131,14.787327977815545,17.21112387534227,58.07571530476542,1.9907974977412392e-07,0.0,0.16302904038459126,6.549377646852245,33.26398234403099,8.824661364353622,56.932653356337305,0.00030208611679834977,0.0,103.01010950853845 +0.8976387411660469,0.23725944104099597,0.35975899398877864,221.95905297950844,144.04823131596785,349805.71179921576,6.520175755911135,37.59136035906543,3.901740750514238,53.93398099048048,2.0926795998813166,24.68046471222149,0.33084331419656765,0.977578119050669,663.3503790249432,10.273452028637553,0.1793345345981362,272908.3655549207,2.6135751135958243,82.68669571311845,2518.132124376317,287.2838579780584,342.2480759872086,39.88268243115307,0.3325505592853419,0.1946355339365006,26.334474487548324,43.93837186938645,3.975772221605532,12.72101111216315,0.0,0.8286631290005867,0.12378265054115807,18.460244282605096,37.40286240697602,0.6274688365311142,9.438987727854588,1.6033010066721712e-07,0.0001132097967789073,0.20386290968611015,25.908111581194486,48.46737045425892,0.3111201469834103,10.322426394160159,0.0,0.00014063033626880034,0.35155135989169595,60.132571156186685,33.26431294022231,4.875024571121907,30.935654133588145,1.9907974977412392e-07,0.0,0.16339052600854356,33.08928876591757,67.28586073913226,6.951137207229952,12.550747123071538,0.0002387901483298241,0.0,138.88918243527021 +0.8987577114920235,0.23725944104099597,0.35975899398877864,131.17416855643967,148.86619844592835,220730.61034169246,6.533334873852425,35.66288945829797,3.7731893158360004,87.24119932667244,4.386585450243123,18.603204021047038,0.7949256845947489,0.9641732096337007,913.4095315551615,4.970131612533393,0.17185183407413265,288079.0961215041,2.54255717795394,95.44125905260358,2338.8068369870125,268.1264619390953,342.1730548585428,28.246149428852018,0.1783107392253756,0.1964740017373637,20.39282683919687,37.25741744114016,3.9324525484845756,8.30459951617219,3.313954337142766e-05,0.6138888004745454,0.13571927252518648,20.173945797109152,42.48233410666001,0.8660634344802308,9.903133381950884,1.6033010066721712e-07,0.0001132097967789073,0.20832494386537695,21.365058016019095,43.04624892089875,0.3581958774747916,6.980861098515042,6.011324081925321e-05,0.00014063033626880034,0.10566416569166019,97.55402524121168,68.97471057337471,3.5976929776383373,7.194564307218178,1.9907974977412392e-07,0.0,0.21794982833864385,10.474188755584745,50.19753917892589,5.910895746951295,7.401699800326187,3.946148532330313e-05,0.0,153.67512175219855 +0.9880138402294242,0.25583156585759825,0.4318804979074616,129.61097867116735,123.51084330983338,304485.8070182672,6.3175525758707884,90.68799162646613,3.682592553956721,73.14161967628068,4.879109107892526,28.259465795696777,0.7190601841460604,0.8373780898205342,334.6994389603647,69.33437710381104,0.34565720846116976,157814.4764518906,2.894529326244993,88.54484355498103,4091.152993548866,298.7739285839799,347.1323392868122,58.28889099289259,0.33755128195158823,0.1812910336961476,21.245796378091125,46.348940788384894,3.3391587569016274,17.76538975694066,0.0,0.8212372628462782,0.08826767425019368,16.501256768634985,34.17552198345534,0.5470435369172351,21.321540161272075,6.309389015295409e-05,0.0001132097967789073,0.18653480645834947,25.01157158817995,50.97603975576987,0.30406024667776826,17.57234402611236,7.754799423711827e-05,0.00014063033626880034,0.34831991102038035,40.13064824124039,24.693503354168083,5.547406688428464,36.691869309697886,1.9907974977412392e-07,0.0,0.16072378360789777,24.29800915062101,60.446000347574376,5.993801671176271,23.624423236775982,0.0005127090522644625,0.0,129.57970798332485 +0.8637943816577225,0.17030988226180024,0.44132267095054584,48.23885336572008,21.762682392437213,113802.01907336511,4.157665508994866,32.21888814518502,3.916874046527849,35.32154671189583,2.8062903893440456,23.54887951253232,0.5342971670062803,0.9385805726888847,84.34300569020843,99.98335732628183,0.13463246729166345,91768.74900672666,2.966872825899466,86.09220211043392,4369.795509258596,120.65636172031208,347.94671917660156,55.0998915105333,0.17219673959220094,0.19241751887656192,22.940395296221375,44.12532655394744,2.593258206048154,18.542596861487798,8.735850596717999e-05,0.8193941954908474,0.112600530937385,33.81358676771741,64.15536418309325,0.44620620862645444,15.076002886576568,3.684473024352096e-05,0.0001132097967789073,0.20399773281917877,27.473615779732604,51.52089773925525,0.3148004962418609,15.286854701891176,0.00018423872186009466,0.00014063033626880034,0.11660629173096172,81.109956996184,65.48240799469485,4.69514343258455,13.249961241943826,1.9907974977412392e-07,0.0,0.20106309313481577,43.202865595722734,79.19587474831953,4.143576504565988,14.916298259789908,0.0,0.0,177.1918049852035 +0.9235631680411455,0.14948230934944723,0.37632051293384583,137.86449301389106,244.12181713718778,201595.13965674242,2.3477481901389368,64.88463746080163,2.261474051242452,68.0751520315426,3.862666306347472,29.486071427814174,0.4998102336035718,0.9694038319060201,761.1859623628665,93.4408546931669,0.30125764627853124,203504.92750794828,2.7380290282503945,97.31534347775256,4767.934937635344,260.7193923852546,348.49790898914006,59.52581225257899,0.22205930706065602,0.1842226260801661,29.872781867280246,58.761626618227794,2.431369288363638,18.98497837070411,0.0,1.2126828744619134,0.08167790357770773,27.510498089367115,52.39896766784816,0.31492645472697123,16.249471280611665,1.6033010066721712e-07,0.0001132097967789073,0.20007247889725782,34.1739098264131,60.114214968585564,0.25739802069110723,18.2238651559387,0.0,0.00014063033626880034,0.1879826401320961,73.06569949631864,53.45184583075758,4.349025129372396,7.948054612761983,1.9907974977412392e-07,0.0,0.1332919316910412,62.77876934215705,112.60662789542344,4.0984783941024165,21.472608526073245,4.017949303948774e-06,0.0,197.41000549567494 +0.9758686725552299,0.243128441068362,0.340325891750863,218.11047807230932,181.2513359252954,281525.7069471255,4.149277332341665,78.59800998614142,4.077479226805757,96.1635201340267,3.8773736238643317,24.46109761117866,0.3524829373006267,0.8850097583266736,385.15216876313013,7.014543156331641,0.20474168529038694,99385.40279383946,2.4945058573485235,46.41166308748283,2851.9252608831857,51.624489503106176,346.3363309101653,53.004895127790576,0.18981948859471162,0.19335110402449562,19.492083702242294,38.56432682478274,3.943289613816046,28.386443500445157,0.0,0.7345715877184371,0.13246886309265762,20.42229892741382,39.10692557047161,0.5242992775760603,7.835762821228092,1.6033010066721712e-07,0.0001132097967789073,0.20464426120314103,21.87680307709637,42.40185236799663,0.28971589516051127,23.607812743923763,0.0,0.00014063033626880034,0.1099727516554136,65.15865273379436,55.94930025934079,3.5659270197130435,16.87865075413639,1.9907974977412392e-07,0.0,0.19954645421517925,34.5741597563491,61.12899509226739,6.796211764542447,11.81626400729989,0.00012072187668423923,0.0,142.55776046458703 +0.9761397745405388,0.15997589032087522,0.43746084208188646,73.28480184945735,228.10168607719226,335880.2400805044,2.8010250427715437,82.20252647037613,3.3982000442303444,95.5128613142476,1.6074798107580992,7.086731880252747,0.32303522863297235,0.7234938922322915,29.69299781399934,98.25908096006658,0.27018586977650183,80291.85626779056,0.6286602677202059,93.26035871551622,2731.9587129055717,201.45284023632564,348.4325916258789,54.20811204840639,0.29339605976631405,0.1989177395527175,3.539824465389433,25.45051520276429,3.3333657656529296,48.79637903997096,0.0,1.0531883712761478,0.14234016885677353,6.9343311740314935,23.13266244984585,0.28162797650606,6.967288158142404,1.6033010066721712e-07,0.0001132097967789073,0.212192780112695,4.835945241209595,26.38805245482059,0.23675938804113508,49.12183819303611,0.0,0.00014063033626880034,0.0905359393878455,17.161466773548494,27.737125868882877,4.000382123375054,10.33358383346882,1.9907974977412392e-07,0.0,0.21416316485244394,2.0141729172903418,22.769911979609784,3.700980620702571,15.374789431377208,0.0,0.0,93.688508350068 +0.9883321713710423,0.2695917622684128,0.42622872641577686,170.84254258018672,245.77949525754698,252736.50346361057,5.945689112314614,74.01173206352411,2.1444336066028984,87.08474364194373,2.089306631890335,25.554831157380022,0.6872281399917001,0.43254063703204426,938.652323153151,77.90502722311885,0.16022911582659,80701.1936020623,2.924359260754337,99.22052393586644,1500.903304417044,70.37995089784617,256.6841860670464,12.663330716817038,0.28140257781072353,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11089153511816645,1.9465410231434555,17.728950879688938,0.888804798534776,26.262030013912995,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.29183137830551525,2.4208099164252905,16.581203007745497,17.264678168988866,58.193686280862735,1.9907974977412392e-07,0.0,0.2031328090768496,7.007421001308587,30.63398513165166,7.543987752266285,55.5528218898198,0.00033894876021269325,0.0,3816490534509.4204 +0.9670042267279931,0.1796873028999558,0.3673003435679496,50.52349815436611,76.14520253056378,344282.81583219004,2.581753687172323,69.8807648467612,0.5677361531834295,52.84924432109527,3.0946550975342593,28.429488768129726,0.794193887019101,0.6745111886981138,706.098362454871,53.762280034197644,0.21631354969745656,55472.25036645841,0.5531945588216438,92.19727838436646,1054.7241791111885,298.82720862086796,346.8284719187488,39.856320099480506,0.34284934000799405,0.19537307163389803,2.6631428765950003,24.29305223761317,2.805346737394591,66.4486956865465,0.0,0.9634453344301706,0.13347134075248565,7.794782367822776,22.70566283898319,0.3965133288579156,8.95525773650895,4.567352773185207e-05,0.0001132097967789073,0.20842776546773692,3.420171288285206,26.85016527866518,0.23581220358114194,64.4319583972689,0.0,0.00014063033626880034,0.11820808979692962,16.52769651139574,26.11948395025112,3.619161114670405,17.726806571564435,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9834445530148255,0.2231389017043567,0.3227636509488476,246.3510571571231,246.8331336216158,318407.1821863521,6.934566854813003,76.50677155617915,3.9475455850946095,40.60166312057062,2.1346536027218668,25.981174166680816,0.44321573187023594,0.9463662631551386,693.5752115236323,68.55316939521471,0.34649133154532485,206592.82085386012,2.8181568494379516,82.95081647441076,4825.79362405452,280.77094594473976,349.2307439680849,59.26507096303501,0.2928287733452095,0.191400745656024,33.706014000173354,59.7816427577534,3.309552747958336,22.220831003777167,0.0,0.714630784093287,0.11753053853456491,20.837558168162964,39.85503482664307,0.9519378335305623,12.490891428040133,1.6033010066721712e-07,0.0001132097967789073,0.20108761490339347,36.11647372286109,65.63338647323167,0.35928910466951375,19.749503092554345,0.0,0.00014063033626880034,0.34056057686063884,70.83764927904035,44.32536082658329,6.977208603844084,23.15672130530164,1.9907974977412392e-07,0.0,0.14213817510013754,50.30319857375373,100.77690750642341,8.02856570561079,16.281285370489588,0.00023017456818377418,0.0,184.33888903469054 +0.8833691361872258,0.1517686443354909,0.440346620122617,244.68293299198768,224.2724074329654,292958.7473460046,6.129835414756956,60.28794102921767,3.1905443091045647,92.61909423038293,4.336967275350669,22.846240134942246,0.5590473960262763,0.9243492176604019,860.3982386940495,92.57451489887654,0.3473557112784046,254194.26056788405,2.885424855023527,93.95672585993034,2944.7735375549764,296.7799879986545,349.92353031495946,49.98958127886544,0.3069152807898829,0.1934943172467022,25.224173955838996,49.58005023429483,3.0649197654651186,12.737272683613366,3.946175109971491e-05,0.7916282726116687,0.1131101111277165,15.212122823193786,31.972708419831335,0.8853749580808608,15.591326452509039,1.6033010066721712e-07,0.0001132097967789073,0.19799133199430963,28.16937884707671,54.17664829787403,0.34929695997028914,12.787339908233324,0.0,0.00014063033626880034,0.3521747934482353,46.87331757221369,27.719923423003742,7.733151777822455,42.446015054315495,1.9907974977412392e-07,0.0,0.16200295122894484,31.013404039220543,64.20413873992729,6.508815965504961,18.038332849931056,0.0001671758702636279,0.0,137.60615014239593 +0.9163295457143095,0.20890487139908012,0.32811941596805405,161.76266928616428,139.4783787379892,289753.08289436705,6.426288020062909,94.34217197994253,4.976791362890115,79.14563547315046,2.839277674161524,26.818069240292214,0.5661426763034437,0.7178812022329969,921.1552743982619,44.189229175789094,0.07348127112362164,110406.36749696724,2.993538286443007,86.03498320665176,4809.937967849061,176.30826088333123,340.60089232270707,58.83681167716598,0.25346364374852587,0.19977459696187397,37.440478020838974,54.11249976354063,3.1643645299512317,30.263180649406713,0.0001273988479409619,3.2307661692379224,0.10769811424313461,24.141176357286525,44.55100565537385,0.6770214138468743,17.216619663055305,3.730813525340247e-05,0.0001132097967789073,0.20496512395141264,29.943834301679345,49.824508450603204,0.32386936405908723,17.955420845896505,0.0,0.00014063033626880034,0.2139511653012948,81.17870021981152,59.5122423136757,3.0331448026370245,10.190742414661239,1.9907974977412392e-07,0.0,0.19758454645866844,45.22517841315444,80.09823247992358,5.576210274556632,19.675779777687644,0.00019489621744600826,0.0,175.94468120309594 +0.9600426883131712,0.2000877039429654,0.34572824999310486,245.6801751779588,134.345379091371,276759.9998185071,6.074704739894071,45.47377114724483,4.359738977110942,79.07775253247756,4.87269099704095,26.255661957907094,0.512836287356111,0.9958204339528379,739.6485254354208,29.928588000723273,0.21406521805081025,121615.8596345902,2.437966068474802,83.20435895500358,710.7847382759898,297.8984502407987,341.72723260721585,58.60330604316887,0.2699181125946558,0.19038397342369956,25.106816840300525,49.26475442461138,3.348464066004645,28.18639040352507,0.0,0.6778218225531094,0.0825897351330487,22.52555087165406,45.34210270512652,0.7516084448559727,16.32265455727907,1.6033010066721712e-07,0.0001132097967789073,0.20028069620339103,25.42546759365728,53.68343609285741,0.3347560207138628,23.047566623476094,4.3487554443303036e-05,0.00014063033626880034,0.2335191747647665,66.00817946243774,52.33305797011294,3.1090741445747554,12.489993668293446,1.9907974977412392e-07,0.0,0.12156519721076929,54.203240246229925,102.67491964536482,6.558986650977661,23.749605444214307,0.0,0.0,179.17121212493447 +0.9888213745694604,0.23282359356221705,0.43279835591263194,159.09326246251982,97.3708318843421,252107.74350457225,6.218134310801888,82.91457019099568,3.4996008459413956,75.15619187068003,1.6506595016375543,27.457688075648274,0.598708511116262,0.7013084893611329,78.46492155314888,67.07013496826524,0.18650541896584066,69002.17236741728,2.9374467258408026,76.03334828166253,1854.593432284255,163.2355377540627,244.96341899388233,26.85745077591441,0.24793550505812761,0.19389023173052214,4.974175833855935,25.800639794306147,3.487834788474308,7.848816515665849,0.00022213888410200434,0.8851953341099771,0.11591198393619039,2.0504935865912772,19.046646933743414,0.6571505160330156,21.963953950147115,3.3786387174348156e-05,0.0001132097967789073,0.20348229543004023,4.807795489937901,25.20229797007124,0.32731583222657173,6.949720429457469,2.059940405729402e-06,0.00014063033626880034,0.3398787647191464,2.723068983962374,14.815897049903446,14.495686251406687,55.3124646646929,1.9907974977412392e-07,0.0,0.1455022877053923,6.086457816687721,34.336811934449116,7.15576277407969,50.83598920432662,0.00014117536772211372,0.0,98.33505914576392 +0.9740598179484318,0.2089302023172426,0.4185913221241343,230.85764891115093,55.68339178546097,303871.9753985499,5.826105690574353,14.606452138508317,4.850595503846702,86.88023807429512,2.7977864314557572,24.39193162472131,0.5880333041633592,0.9949328921232282,986.3825158608634,35.31152239063948,0.25711116850990007,289954.16449399584,2.897954340246197,97.83010002836517,4836.427820740883,289.46456250915844,349.8919969071575,41.55597661556472,0.1812677146501282,0.18843354340703838,30.416073850646296,57.437942255742115,3.194944715312628,11.560679896303624,0.0,0.6529345364151682,0.11404825361109165,25.73828469520672,50.53331885105839,0.3844227172329623,15.071596935676357,1.6033010066721712e-07,0.0001132097967789073,0.19936641667967359,32.675461269858936,62.94426925605999,0.28826501819275446,10.79865049057322,2.9386369739914002e-05,0.00014063033626880034,0.297334115677874,92.2002063529753,58.51990679792782,3.569850214883477,10.022513785964696,1.9907974977412392e-07,0.0,0.14820312508248454,55.90106579966558,106.10188827354945,4.984110158229759,14.645764220477147,8.961722780667206e-05,0.0,199.0452352063508 +0.9379844336755875,0.19749688762353745,0.43996795459460153,125.79526877110405,191.97485410902004,217671.84692557954,6.804535672311372,35.86573749158009,4.68999157526349,65.18230495811949,4.690815415914649,11.60765028629763,0.6715817538378503,0.6756194386962843,929.9384130800312,54.46273853111944,0.12963049216919081,184121.95792933818,2.835145321405439,96.52913854486431,2930.5523521751634,105.96216559279516,224.2233040096842,35.88497392557973,0.3384250747790468,0.20073227066575913,3.5265113411867106,23.7359224885058,2.920473497686223,4.858764141232606,0.00011510873385497872,1.3719150409935832,0.13591341348731784,2.7329636051478463,15.71117603018721,0.9585539001143151,20.07087064582028,4.397244585741425e-05,0.0001132097967789073,0.21239722925311327,5.203705555798214,23.70869863638574,0.3711999390767164,3.7035438994857355,0.0,0.00014063033626880034,0.33595090944716605,1.2426269388434905,15.02452705139353,17.27256027327748,58.17794974982376,1.9907974977412392e-07,0.0,0.18576792635774445,7.544937737040066,32.25403894378217,5.590476019825939,41.93118785787235,0.00010878904857404368,0.0,93.10331359408647 +0.9393998773665724,0.11179406664071262,0.4013729341362605,241.21398630424812,32.181695456617234,253917.61492419065,6.309609998425406,49.17253554462776,4.083893301733706,67.60194015549912,2.6420650413869518,23.37446855574889,0.6130987697807485,0.3508317505579691,939.7589811566588,94.2783774187197,0.24379259103951617,101910.35412948427,2.9603682922764283,96.36035081570517,3647.910170136346,265.96106562211776,227.53383831038684,29.092489598397567,0.23252932077100918,0.1991404818702407,5.2362602417881385,25.177056444396566,2.896893866380637,11.228766340033161,8.776847698790511e-05,0.6893471712841525,0.10825454883509344,2.1534051065381297,16.447529746206516,0.4170160939094968,24.835554113759123,1.7877920103931686e-06,0.0001132097967789073,0.21137438452019072,4.9455905926395785,24.252501072350075,0.30752505113943684,9.397988167058324,1.2067869693871915e-05,0.00014063033626880034,0.27531361336429516,3.3068583451312445,16.879387362406586,15.213459566938095,56.78513806039016,1.9907974977412392e-07,0.0,0.20491298793124893,6.067580888525919,28.68188173017283,3.8322566853662114,39.2107195284565,3.5748835961776396e-05,0.0,92.4832318284485 +0.9429334974213396,0.10734047110390783,0.4411263146106201,113.0262773452545,244.21557890944777,195486.58181054128,5.61228841331051,14.936048283844606,1.3453279236319087,65.59160181545312,4.5019586205263264,4.555453376768568,0.6929138922683523,0.8174476801678071,784.6815037887087,35.80112510075202,0.134202719593178,51280.472487080275,2.5738868762308864,16.1931957262975,2765.484294576719,182.1941719402092,237.26553858152823,15.864111772228748,0.24640471437679312,0.18480075638901144,4.4819968058549176,23.73330827623335,2.444927660989591,2.8077189984900097,2.0397040406040935e-05,0.9978854193837258,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21300687518345782,6.225439938171661,23.448827805409262,0.36001153687763243,2.177095469059918,8.919525502127981e-05,0.00014063033626880034,0.3510706013456021,5.67124046935285,13.965314434333978,16.03091246046705,56.82270017894994,1.9907974977412392e-07,0.0,0.09488234102042344,6.801623485982511,35.11937023931724,5.468501794153026,47.12231551993722,0.0,0.0,2698666337285.8823 +0.9192846911816589,0.15680622213562714,0.35473809627256,141.71022641518687,92.19809481718481,205049.76870894321,3.003001213677656,9.029214241739602,3.327047362806452,85.00602248960905,0.4130148056286727,22.57018726138972,0.451003622234434,0.9559527883292229,870.7180340482637,44.60982284769463,0.10970578469440641,90220.39589208012,1.4895908095746369,36.46427329802318,2723.765197197226,78.56247536844837,342.60449129817385,59.23345209997755,0.3346555118524026,0.1921822751296815,15.757437043475287,33.146465912004345,2.56040192106214,49.804899713933786,0.0,0.8756571139436377,0.12942879653240644,13.881551663906977,33.23053098387132,0.2900585489350213,7.20047426454002,1.6033010066721712e-07,0.0001132097967789073,0.20312674528941735,14.519345349804892,32.59883188261631,0.26400569047178984,43.31135538964028,1.5802121907111845e-05,0.00014063033626880034,0.11258124189377787,28.228396899489525,36.149555213690476,4.311974326255769,15.609529064414682,6.781419957185004e-06,0.0,0.2094377611373647,17.327818509409223,40.867991653798676,4.3055130459206135,20.04709389804922,2.07520487831741e-05,0.0,114.41186454544031 +0.9554338161741901,0.13400790651628094,0.3706643535475201,133.83974831344528,188.9008089712633,142951.46056911876,6.712523075808318,65.18694260966514,2.2610334921696107,41.05570689214414,3.8427206509460845,26.869432277447522,0.43073190157292696,0.9000910860556339,761.1303829347835,65.86598968877489,0.3426867373932727,148319.4202863028,2.8110157790059747,96.53796628141014,2430.15912334713,299.74872533221645,339.3748935971663,46.819780965206206,0.22153546735677035,0.18527650011082775,21.3855239980852,49.371963800144265,2.93253769479424,14.904719593097253,0.0,0.85154790094838,0.09181306991210464,21.268993490362156,40.11587064788958,1.344621393297492,14.694237403295446,1.6033010066721712e-07,0.0001132097967789073,0.1966520507030581,24.752361288704712,53.57849154297301,0.43659283833855983,13.570337630690048,0.0,0.00014063033626880034,0.236116650452088,75.48588784679333,56.51227063896577,4.083488161313508,13.24637648792385,1.9907974977412392e-07,0.0,0.14274831382936432,43.3026809322566,89.08879978963712,6.150819414006808,19.30850028082048,0.00015087229546360224,0.0,168.46397161756855 +0.9749302868510799,0.12246996720118397,0.3844200419685456,223.07802222634837,231.66887315187302,272986.0395243897,6.160836038076916,42.54747954588283,1.4175059868457605,84.30627538195034,4.757901751132883,27.082959054528047,0.5040133478630273,0.9640670206056301,885.344357320167,61.083943689096564,0.3163962761807666,102327.80351211471,2.470268081919012,99.00492547832636,1812.5771359500447,277.78605619443977,347.43448591920327,56.471044631008084,0.33239172559638697,0.18227937742960965,18.9205578890584,48.523080087177824,3.088277272837705,26.149749788043984,0.0,0.7579886764379078,0.08603745095671883,15.984826645251413,31.96174770073536,0.9308070782530625,19.360171484744118,1.6033010066721712e-07,0.0001132097967789073,0.18699670965941037,21.28844065823946,48.575401441570015,0.35799445696861404,23.8916226521199,0.0,0.00014063033626880034,0.34808524971706994,43.73436692442888,30.55838770043423,6.647959555840213,32.517470681961804,1.9907974977412392e-07,0.0,0.14568124413363873,32.6487926109745,75.16904256082347,7.261540204136356,29.225900206592613,0.0,0.0,141.47217033277175 +0.8685829091121904,0.14786819583935348,0.3833529853213513,214.64106673418928,183.0296544637389,193016.9024142382,6.326985741654057,12.026478746891485,2.1607698590262183,63.56534391704067,3.9994637945871334,25.80546647513184,0.35844329291299526,0.92459958420172,796.4506139443547,28.31179316802472,0.2219265703330404,101939.74695964696,2.683890748992427,62.23772201958624,1639.2804215743017,251.91092419912442,344.28256236920896,55.15117148972965,0.19581340042932877,0.19093044017009075,23.43452345876777,44.204871612229354,3.1910366663908083,23.877762129610986,0.0,0.7141110753187223,0.1078557738309434,32.284652214318264,59.34188936348334,1.1718348214007173,14.252431689061325,1.6033010066721712e-07,0.0001132097967789073,0.2037512156720389,25.772422184665132,49.22253859792955,0.40366736603278797,19.281454604354863,0.0,0.00014063033626880034,0.11791283828374179,77.92607168416845,61.982316068985334,4.046127810107544,12.426358793921029,1.9907974977412392e-07,0.0,0.18516917337338135,44.11849277470002,80.55749670753175,6.648269492436256,14.038048378616711,0.0,0.0,173.41795269080004 +0.8278912106367528,0.11796873949338778,0.3701213817132097,39.44906292359701,157.6324680938815,169499.88363734007,3.5038839556988037,68.49175190748892,1.2731409439096097,24.76000739044851,2.409126547071803,13.038653272613965,0.38149332802060737,0.7193257314901796,260.4595029410594,15.58409045131145,0.08550640238298926,63888.24821057561,1.3378646347024445,74.3008641263619,4189.617752870498,184.30579446242788,319.96853856793217,42.73477205030087,0.24996272768063849,0.19929721349362164,4.726142067879556,23.32048903601394,2.8412520528898377,37.602845019583725,0.0,0.9864120080026516,0.14127747076757088,4.751930038236516,17.54815723669306,0.26474158786526075,7.704653091824867,1.6033010066721712e-07,0.0001132097967789073,0.21212136359289357,3.7796448824427356,24.961516337546605,0.2602967850595148,29.97104604230531,0.0,0.00014063033626880034,0.1352615597208249,18.534045276884477,24.885722977213803,4.4920781938198635,13.733262786371125,1.9907974977412392e-07,0.0,0.22773471382723223,1.046377912650628,23.394578025732866,3.86252127581218,12.34705090890832,0.00034141622075301,0.0,76.1733691910576 +0.9252318297004484,0.13070173178742567,0.3930197479003775,236.27390122634142,184.17568997048838,325586.97401108313,1.9417246992196313,30.88984342273759,3.322007668746818,18.947456105854673,0.45998893526756457,27.061745947359967,0.369632389259086,0.9868714847457748,664.3875997825917,65.84935741943524,0.27280428283874064,67851.21528074992,0.7989783242636623,34.67681356056755,670.6032815303008,181.63947799701216,346.70352063382444,58.44133577495688,0.19943161245805896,0.18933252217314123,6.240592734981669,27.844031872950367,2.7782902339961546,63.56470525792217,0.0,1.0860604620001808,0.1247449545685286,13.203410820902645,31.560302380601136,0.2661328283905735,10.067851559929965,1.6033010066721712e-07,0.0001132097967789073,0.19930330020337983,8.400997417944396,31.202966807353636,0.23570847640347342,64.6901380128614,0.0,0.00014063033626880034,0.11115270683179089,36.49617856932525,41.40912268174746,3.711568041760825,24.215805391936456,1.9907974977412392e-07,0.0,0.1833210446695165,16.339755086203596,40.52615657449756,4.271814545770687,29.87743826625559,0.0001111378173411974,0.0,133.53562495889682 +0.8252711725016084,0.22795306309805996,0.4311077984453376,195.88934943614476,242.81946286387645,289375.1432903171,5.667966149685865,69.70400968297827,2.469908837588901,10.776762791514875,2.6874865623119244,28.70069434168112,0.42567616144151915,0.9216055320911354,528.7615712162033,98.81117864467646,0.26709386600950114,88842.06516568981,2.546655580497881,99.89253390911985,4257.493448481462,293.8423973432204,326.036194984044,36.36054760711293,0.15569798567950113,0.1753643317431618,7.69112337838452,37.242462194267496,2.844871012938566,11.090271526407601,0.0,0.7789386906407051,0.1189616634138965,13.59656831878061,34.0566801063085,0.7825135652384502,13.578626819790921,1.6033010066721712e-07,0.0001132097967789073,0.20130123884801931,15.480962982580094,40.04691500329063,0.33257656307596467,8.224164479539624,0.0,0.00014063033626880034,0.22036313063904633,71.57469364679994,54.79541528786936,4.083493019575931,12.186872050822927,1.9907974977412392e-07,0.0,0.21086880218673965,11.935245830139149,35.38338938386658,6.526715509641628,6.2109583462491935,9.944495328292285e-05,0.0,121.59433818232841 +0.9324386584575395,0.23629217818940274,0.43130034887319574,239.4599395819166,172.31456450738904,225008.19524174475,6.73044954311624,87.38678445593489,3.8765609226903703,44.692001530968916,2.9620921690382476,27.992697604239012,0.7780049351943016,0.9726475187082717,825.5018256243568,60.51329894443134,0.10231393669488255,182228.69766348373,2.8784854051497315,90.94339402201082,3259.4755368339956,224.05899586859215,342.54019614101844,57.55019209639824,0.15730758671019107,0.18054389270492766,22.34998144195477,55.26409482679976,2.6289097666968995,17.18286503001392,0.0,2.1514644052534058,0.10550045809606885,29.592606583391962,55.47434934909269,1.0986008331781003,14.13936223341359,1.6033010066721712e-07,0.0001132097967789073,0.20136255353284066,28.968633589375457,56.265436405825845,0.3904805515912384,11.810104559453718,0.0,0.00014063033626880034,0.12456554733521508,100.01900826886315,76.35698583030478,4.31490707684831,8.733148938383943,1.9907974977412392e-07,0.0,0.17300675025646206,22.720436220931482,93.88775633630432,5.555195948099072,12.44791241052746,0.00021040392176144575,0.0,193.92123693669265 +0.9890525887550021,0.12653092598209806,0.4494797066324583,145.59673095841697,200.30993341149969,308885.63159963704,6.9032649940753,90.9098425941017,1.8939038618346191,29.6755687920084,3.665718730329273,28.597126011093756,0.3901475100436631,0.9318852482842563,265.89181132675697,65.60915071883795,0.12095181695757583,63321.01424098487,2.8306710979936356,99.8965675058976,4489.504686921906,201.2089334295242,263.76901014840735,31.175975974308226,0.33546677907686023,0.1631726193469581,1.9985080578313288,27.62229955529225,3.566439566508037,13.278883835650719,0.0,1.597259463174233,0.15647719184019637,2.3306351695138954,21.47463000169373,0.7401366163817256,23.351816638240567,1.6033010066721712e-07,0.0001132097967789073,0.18333202026166207,3.678947176623882,29.410555938196765,0.3305430793077951,13.328614288198134,0.0,0.00014063033626880034,0.3567815703068232,14.63253234706963,17.055202398492114,12.610603394598053,51.616953054187576,1.9907974977412392e-07,0.0,0.1582772844144844,1.617178185894298,30.63529461102804,8.349066297894309,45.456075061442434,0.0,0.0,97.12348699720265 +0.9677196515798456,0.2294437469606614,0.329959938480622,141.77860870802897,203.39502563340125,305727.1969066965,6.874249306831144,82.45044906632924,2.245736309953562,90.3342606354108,4.116127153808868,29.06694993533866,0.6633173318935308,0.9802797590578258,982.7750808186819,64.83158263832252,0.21546403852833415,92744.08212626776,2.733722171108631,99.21593314405327,4784.630601708488,94.09656293380444,343.4958785147369,59.98751318947053,0.23627893591940505,0.19111527084852745,25.29544070659852,47.038350587409894,3.141120862207019,29.98723538166547,0.0,0.6930457056631403,0.1125902855140863,25.082250865535762,54.96733130595487,0.7395819875676589,12.662131123952959,1.6033010066721712e-07,0.0001132097967789073,0.2004292655103765,27.339868721593344,53.13849432074865,0.33059965459118845,23.096664701088752,0.0,0.00014063033626880034,0.22583749798380837,86.14515095338052,67.2355421436128,3.521693925720585,14.24881801922261,1.9907974977412392e-07,0.0,0.15287038225334337,23.658299784993545,104.44948298841753,5.006728179537769,14.57527616812442,0.00034007444627881614,0.0,188.52665398766501 +0.9442647781608904,0.12247881469735053,0.3311132637478631,100.77868927574647,27.479167882687257,233026.25145206807,6.798893774665492,29.470176708571667,3.871314635872115,36.14266277414079,0.9386541047506642,21.78952736126928,0.35360254690068327,0.5022603330124937,343.03589757525504,35.1745819866276,0.056638699640739566,96633.41502658893,1.0052629171859446,83.353537098958,1979.1573011383698,178.08678706792824,299.1512963218423,41.220205440588245,0.31980909774968114,0.2017635706215429,12.079926718854871,25.628902771263736,3.297763945429985,42.52835795428289,0.0,3.909876587394678,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21204066365420013,2.358882488530329,23.960750087682765,0.30946755166554446,23.754940588792884,0.0,0.00014063033626880034,0.2352634073401913,23.04577446450896,22.764691158757458,4.05438682652146,5.156946466099808,1.9907974977412392e-07,0.0,0.21533601415615486,1.8749923799680739,21.183349643220698,4.403198992056651,6.588772805068794,7.310189592801436e-05,0.0,2698666337285.8823 +0.9578721407593991,0.15514610157580236,0.33812802009627907,230.69753692006532,102.64982270776133,256367.46268032727,4.012136918258116,58.531641674151764,4.569618343028814,77.34694500866036,3.761947129529687,24.977882689270647,0.3911639214669097,0.9888777542991812,690.470352615912,83.14555805214148,0.3175556936760741,101481.1867938753,2.9147353778252048,98.87216032089061,3943.1731692054423,126.89398881962174,348.90142195190515,58.1042518795472,0.24258478399184824,0.18580800491667876,26.42134457729313,55.73008206122701,2.756636995261811,24.9464435180292,0.0,0.9332290501999994,0.09152573269612206,25.93317229741841,51.32442999745212,0.4208445194566204,16.510072194561886,1.6033010066721712e-07,0.0001132097967789073,0.1996473498497499,30.385240388846427,59.874132482904415,0.28217971594080377,21.72181374948745,0.0,0.00014063033626880034,0.20778959945567652,71.19392648757751,57.99828963228654,3.488571000180068,14.330220090476312,1.9907974977412392e-07,0.0,0.1466704694132753,53.164025252200155,95.97951033234745,4.602886686726878,18.815618243809652,4.540993815961293e-05,0.0,184.5482203226468 +0.9828687006759951,0.15585218093309222,0.3681584599369502,234.3868882401901,132.1722821662155,319650.4329134395,6.554326971764954,33.98385339756803,4.589592176094908,71.70765804596385,1.995374673332556,26.33739845545896,0.5150821127638252,0.9041347643889545,374.6447763789412,45.661112695053596,0.25926553879960773,202692.7568299566,2.993567288557937,87.09820611162222,2442.9644308300367,250.93402993368602,337.30766782836577,25.85684582175519,0.22335173167258762,0.18969744671926508,13.618414288346921,37.000734397879754,3.608793287216206,6.172035732175593,0.0,0.7244555877932654,0.12838811094686642,10.453082419827222,30.554684917800092,0.6828827774187556,11.304357850195396,1.6033010066721712e-07,0.0001132097967789073,0.20217905646210516,12.791235494651794,37.568020694539356,0.322652192759392,4.0644108517314,0.0,0.00014063033626880034,0.3101955237841777,78.57930246048537,51.657589851598246,4.5434095950074695,15.950650519169328,1.9907974977412392e-07,0.0,0.20623825294861384,15.662500309802152,44.15947433939486,7.462283898235092,7.906627337192285,2.9272013097639933e-05,0.0,125.70182409288711 +0.9175616452316971,0.23023423985757985,0.34691030207700846,146.64483453909568,72.75255302386147,341473.9612490581,5.0051213238850325,71.54717716643411,2.33998483293005,88.43959673457975,4.922082411324209,26.029152126952553,0.5027595233079462,0.952609678613735,801.8308420875744,74.85499806099304,0.29505745116401183,86056.54588538314,1.214672609544968,94.07721452751525,4744.483880902718,259.63072624221763,349.6525081026656,56.38367740520486,0.22206431761819068,0.1917250775908803,15.189701168620054,33.520413004455314,3.060008766376272,58.78357660800595,0.0,0.7512296347551899,0.13032019576915815,25.43141333666365,50.47903150022879,0.25550849180577706,13.148165245651732,1.6033010066721712e-07,0.0001132097967789073,0.20346366609670447,16.516393403344857,34.57688655823251,0.2595173545759309,55.412611264502786,2.8499329079587852e-05,0.00014063033626880034,0.11532953558076481,61.36595225647183,57.399957806912944,3.508988833931102,17.64421799171702,1.9907974977412392e-07,0.0,0.18989135869557516,20.694179701459866,65.9634028653577,4.01620666681612,17.025186098815865,0.00014578985205122649,0.0,158.73344244522357 +0.9844131844347824,0.10537886699858742,0.38897489586056855,162.6840486121468,146.23952087780762,302658.48167314945,2.8116480450921855,32.081712516945295,0.8365369441228512,39.98171413084497,1.3528864294261522,27.262276289381028,0.3056690963296591,0.7639468363468644,480.3244332538153,6.660757475617771,0.2446674322013674,103657.09170459304,1.391549058785499,57.71344249305749,2049.832436097286,143.04246714570445,340.31543760164624,56.28074751497948,0.337814545648025,0.19134567060116267,8.201033446826036,31.167645888696082,3.5157359514487636,33.6704328357138,0.0,0.9774238382697631,0.11975922859997337,7.953782964071135,23.64147859103187,0.21352717664183155,6.747956277693637,1.6033010066721712e-07,0.0001132097967789073,0.2028744249183965,9.388162947565116,28.725209524501942,0.2439080073122293,31.23922605837147,0.0,0.00014063033626880034,0.23389061496465813,26.904516146552133,26.374107921085773,3.4960280162288018,6.633942444201717,1.9907974977412392e-07,0.0,0.1870747096098888,14.158644310187496,34.220055980950846,5.752248864240295,12.934478741210814,1.72341502921712e-05,0.0,88.26328744831685 +0.9157320806856024,0.14571184789826166,0.37632051293384583,135.02700468671813,242.86173397166175,204859.7675111156,2.344848880100591,64.88463746080163,2.261474051242452,52.18381165353628,3.862666306347472,29.53193920941501,0.49277170620909433,0.9858578499021269,757.3125647092713,93.10430834649323,0.2942772731862555,180475.05592822543,2.6968916950838424,95.27048843961141,4782.856915068058,259.721258857486,348.3501926611067,59.52581225257899,0.16211030922557726,0.18448590668389664,30.12314015222028,60.02006859869878,2.4321161614553617,20.681321949128925,0.0,1.199200065112016,0.09675883488558387,34.47093904896025,57.770010469363854,0.2995201771427726,13.438478374330185,1.6033010066721712e-07,0.0001132097967789073,0.19931978970212763,34.909583054506555,63.81594808625658,0.2556219735333553,19.814721978983656,5.466630315652586e-05,0.00014063033626880034,0.10751854759923282,90.33622253448827,70.40375119310768,4.368306000784271,11.592858114370783,1.9907974977412392e-07,0.0,0.15792492107081263,62.27937928801517,117.59432198187176,4.096790644872241,17.116220547133015,8.372231758568171e-05,0.0,215.92322524076513 +0.9855101076239343,0.10541146641726248,0.44540413647328975,49.21535347606314,146.2282400088664,238482.88797785187,5.809025355437569,53.932333612417644,1.8672092873273796,43.09108560778181,3.32577613796752,24.386692030283662,0.3047048160176804,0.8098353444127057,167.61169459149428,23.735104113182857,0.22099137505236574,102321.05864230082,2.202037045995979,92.22964122306504,1943.9746468283968,235.8205697984045,340.8022013437136,57.83010196079037,0.3423325239277224,0.1901906844340468,10.394843007019956,33.58642607389854,3.375959358036755,19.46271272862038,0.0,0.7690791286149419,0.09986409325465932,7.7225678920492395,22.018062915345013,0.41318947973744174,13.838823129506167,1.6033010066721712e-07,0.0001132097967789073,0.19534063195721768,12.721737970652267,32.188653169345784,0.2847435495579344,17.616520348054213,0.0,0.00014063033626880034,0.3506507380846944,30.629905809515126,23.045455184093193,3.625573604421929,20.485081213886442,1.9907974977412392e-07,0.0,0.13762235506461545,16.163243577041502,42.79209936063868,5.140411294323124,19.75736093865098,5.9974241738868444e-05,0.0,91.01023759584432 +0.8262226717115084,0.19067832075792363,0.3662356960923436,119.48709929863861,173.58461063608036,202667.78976983347,4.682233351106738,30.480689007290145,3.4567401247057616,43.3353108215851,3.0240299356889646,26.651801749064617,0.33783211176037997,0.8256160147754971,631.3766359580893,65.50907569068461,0.2995650012122979,95895.92680890775,2.8331011077400556,49.80719315763129,1098.8834234402666,253.3569633254202,347.3507374784801,54.247372994961516,0.30094214248593626,0.19363312267300806,23.468175260023777,40.56875853565607,2.699928384063272,23.73665540833727,0.0,0.9200673549363239,0.1090662679439734,24.93649177754231,42.69963980538342,0.6770591852380216,15.39866459455244,1.6033010066721712e-07,0.0001132097967789073,0.20404549758046464,27.920608521578174,46.06502927113448,0.3252177036303559,20.55124197826853,0.0,0.00014063033626880034,0.1493487555086094,58.86933029628116,49.4829434980714,3.5833401420428057,8.719756541159096,1.9907974977412392e-07,0.0,0.20229655329002805,37.04687726143534,67.45009889655375,4.898168242879477,18.242256064057177,3.210793377938645e-05,0.0,145.10948803753826 +0.9544421920478228,0.14921838988514924,0.347567989987939,77.01579323441531,135.9995986014888,133406.71064343533,2.2249167796772027,59.286407756854004,2.6238503006931344,37.95393814304161,2.5234177765521,24.05474136135215,0.47397303129261625,0.9969025313001021,675.9378633313585,96.98310224764369,0.28067728603852754,73856.36110078813,2.420928410653318,43.92682167130248,689.6182825706594,200.17686426563816,343.9168850837596,44.682488811632,0.21195232357638774,0.18793057725670842,12.411161479101654,34.77838562313362,2.5229895320559756,23.416362699966886,0.0,1.3112909005483808,0.11177411175760375,19.761211917134435,42.15611263007464,0.29868846024892,10.404715775055404,1.6033010066721712e-07,0.0001132097967789073,0.19658113885769182,8.509347828822863,42.89841313781457,0.31196037870910676,19.36279394879397,0.0,0.00014714508699577883,0.11900904070686091,52.699873100177456,51.85616124775604,4.763404603565914,15.505747610101643,1.9907974977412392e-07,0.0,0.18140522166575312,34.838019202632346,73.29049584690843,3.9083519529716515,13.220775510683026,0.0003169963503768463,0.0,137.79880615321653 +0.9883217968641552,0.10541146641726248,0.3884726872903379,31.6019179666673,146.23952087780762,332698.6950562965,1.8609018642672173,74.61316096023444,3.167574470529345,44.36485953581159,1.341133112847494,27.262276289381028,0.3047048160176804,0.8059359688934253,275.5629205613738,1.089920256181215,0.22445035742751485,103657.09170459304,1.391549058785499,56.16694113168965,486.3826036581372,210.8790066235266,340.60931468054775,56.28074751497948,0.33792749107596415,0.18867979064963122,7.5085546388573325,31.175728710932848,5.015381089893206,30.915084939408132,0.0,1.2546661404135329,0.11374561757465812,8.418191710630666,24.038027181534957,0.4827227012572754,7.892120023879071,1.6033010066721712e-07,0.0001132097967789073,0.20369006898169312,9.494166544041278,31.053660157568,0.24188474640179666,31.757961618380996,0.0,0.00014063033626880034,0.10609463065769299,17.825163289748843,25.222338299619494,3.794475925399833,8.658944231624291,1.9907974977412392e-07,0.0,0.17974582847952916,13.048991559590798,33.50474014889603,6.143996606224448,15.63095557918514,0.0001011709211304474,0.0,86.04308862131559 +0.9581877903077645,0.10764515862071872,0.4218011367866175,181.34555086526422,233.69386912950364,268137.8722267903,6.138238408656341,94.32055818493106,3.866777819136143,85.9529162410031,2.813764792320798,24.750572763954555,0.5298445327044683,0.773473974785388,6.674970084756893,2.636644831667713,0.31642810541148386,288262.29178333696,1.9290349391254016,23.97549306532545,1879.5532411461288,201.26331233598475,250.89359539461262,59.29250804728806,0.23290935297831053,0.19271552203069967,4.272865883596918,25.04141049252436,6.5601295739361865,3.5789372710597696,7.541316738743246e-05,1.0886618650138336,0.130967066319058,2.0620206478864174,13.438877425149538,0.874037309182443,3.9941587584978584,3.334187012504273e-05,0.0001132097967789073,0.20593152044538257,2.210895976891476,25.691060213605763,0.3502892818115728,2.486533827560964,0.0,0.00014063033626880034,0.3492509348705107,21.734945122656136,18.20175631021032,9.728636931399885,46.648323637565156,1.9907974977412392e-07,0.0,0.21906303742158362,7.1959680026945305,26.338085849396922,11.71844435981696,7.767145977476289,0.00034693512306671967,0.0,74.7861873406498 +0.9224622321857509,0.2369826212121468,0.35975899398877864,206.39065915579255,61.114371617052754,270528.28632625664,6.535116640096724,38.44559877070469,3.6416048774613787,85.70925836532818,2.5262001520020547,27.586393922890668,0.786449467546356,0.975718567807031,938.7865278502956,1.6818763896677353,0.214746678552625,267689.8976039013,2.8732797191625448,95.6757205026302,3698.4795127346297,196.7257597888651,342.21097307989317,54.73819264936778,0.1786030319559588,0.19236733122208485,32.02098891211879,52.797735865756664,4.848330298040703,14.561866353974397,0.0,0.6427533719065242,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2053629043901222,34.28270855692195,59.851050613306796,0.31631933939760837,12.43763672103767,7.468376064290285e-05,0.00014063033626880034,0.10187328435866115,101.60491274343372,71.26226551577054,4.108560746185844,7.282377917193629,1.9907974977412392e-07,0.0,0.18706450794885454,24.726361095489782,92.15830622247736,7.412201516160104,9.915477825121782,1.4541880757063865e-05,0.0,2698666337285.8823 +0.9588039545744192,0.19401890555583765,0.35445053122355596,246.18655488078875,246.30055289267057,343251.66257047135,4.07904314118664,82.46149283992095,4.622351842849286,38.25512895653721,2.0180472440529478,27.757357419671678,0.4760027631120941,0.8111050922031348,844.5616045838717,54.46845587733685,0.09151120265379586,256242.77226912318,2.942126735186845,93.30164036059466,1951.0666999462483,222.4069648985872,343.44408846680335,57.894935865333764,0.1965879854641065,0.19650302531531813,39.29860580496124,54.58321429602627,3.0710298043109887,18.720232354639997,9.068936521742154e-05,1.7687750711930774,0.12599796661375634,27.951654317924017,51.04341108071449,0.4858624578942946,13.605534517377475,1.6033010066721712e-07,0.0001132097967789073,0.20372386860644445,34.58745495535472,58.80252616533566,0.2761249963463518,12.556012246963189,0.0,0.00014063033626880034,0.23410663307375423,98.03968580744467,63.31560798858145,3.133883733498028,8.624314594418525,1.9907974977412392e-07,0.0,0.17815594936959694,55.461343774554145,95.66439622066615,5.244213236745266,12.485804171350024,0.0,0.0,198.4605956836707 +0.883783702994877,0.1276944244702532,0.3967135279108735,31.487696153555348,59.12516016462484,170897.59494340676,1.6708461173803042,36.25501019768706,2.6374307656075064,48.64593979806306,3.166274242890314,8.55615684315793,0.3388328630651626,0.8753196630313739,618.2114779526615,48.06170128349409,0.1132913829364326,253848.0912498856,2.5793810323344593,52.732374553291166,2946.546717062071,19.242236479035615,341.5857265350239,15.47762478743709,0.16529248525422555,0.19821487703243085,3.7359292409176788,22.976864826692868,2.3918040178030315,2.736060899962672,0.0,1.257044487904978,0.14127867491360943,2.9211731184934306,16.413181178644543,0.39464491661949025,3.738088210743808,1.6033010066721712e-07,0.0001132097967789073,0.2112571463553939,4.350921044096826,23.07319934200818,0.23602130275606006,2.1181778185286726,0.0,0.00014063033626880034,0.13033171429668,48.88537056228108,37.04263277608427,4.591148113879971,10.410982656138515,1.9907974977412392e-07,0.0,0.2169755156447082,0.37953362524754763,18.178040188590792,2.68694285089946,3.16999846606284,0.0,0.0,75.12659734180521 +0.9383173914097755,0.21124388297455177,0.3677807059035383,116.24747181993227,39.21524265955928,273439.70594977017,4.790523136807984,39.75361254334688,1.9780153221305294,63.078835368825516,0.6769892267163025,27.632024580754656,0.3430717281473894,0.9336283992505345,619.2665195947318,61.808015433256806,0.07160466655088557,79590.64524392449,1.4346250331316308,50.553208339136006,4233.969958408944,80.18200827760083,349.6040927492532,43.577369552333295,0.26021687718957315,0.19665687904014167,17.384905972401977,30.90001392255697,2.8876707605465506,56.401892652549655,0.0,2.3485449213593435,0.1316282226720396,14.290802133272043,31.08949917080116,0.22699457028095385,8.770044668276425,1.6033010066721712e-07,0.0001132097967789073,0.20299596972123934,10.849867736291415,30.242895854834543,0.26325471689005225,41.341189728638724,0.0,0.00014063033626880034,0.10195371731728056,35.80691416756968,36.67501168461161,3.859810690906349,18.205423281190324,1.9907974977412392e-07,0.0,0.19591587919141673,20.863363520040156,45.91976010742771,4.521013600666198,18.870950109878212,0.0,0.0,119.73081572420487 +0.985669725965679,0.2075255741405253,0.3203800545616054,125.52972509540723,248.7204339521387,304448.2677568913,4.185494827296799,90.942467277514,3.334137694025583,81.6314394435285,4.088645633447468,26.759832734326466,0.3711374884071045,0.8151334744943446,894.1048604381749,18.670576465952728,0.2816314371260512,161398.31695987782,2.3357656703733216,75.95316410873595,628.2683246842812,281.7219338428321,348.18032089401385,40.93941418910433,0.1570740773467717,0.19291443703152886,21.19210186684386,39.31269957825757,3.0880402860660925,22.467433127572313,0.0,0.8660042845814513,0.1253505990491121,27.739263519390402,52.538387077254995,0.3951959287814431,12.862405521247311,1.6033010066721712e-07,0.0001132097967789073,0.20444950223011502,24.048869636090746,42.76390151661015,0.2686674672617452,20.122001662206326,0.0,0.00014063033626880034,0.10110721585433824,85.21637804695426,64.49862279390894,3.2938334177657436,13.875502522558937,1.9907974977412392e-07,0.0,0.1894971404675638,54.062284940174834,98.73615704778747,5.072718830172818,13.74493260438618,0.0,0.0,183.1084823154937 +0.9523954319281965,0.21371208400881264,0.365023912293923,177.79354561512042,190.1637754443202,330856.4605041411,5.636492136922008,93.23137957992378,3.746958367227767,48.708366431795476,4.119274923634725,28.554488087283556,0.34922100135014683,0.9384416655901173,955.7104399875673,57.966136080545624,0.23887700652949703,296954.1952798007,2.90282210860967,91.95259214096515,3984.022520123409,221.36716004506033,349.22523018296874,57.74913324427804,0.266500176440304,0.18988732322015964,36.26693076928394,58.74610249107344,3.1417794969771737,16.709864520029946,0.0,0.6230129654005689,0.11562254397271034,22.284775505851858,43.917113110005715,0.5859119288189919,14.294477885260156,1.6033010066721712e-07,0.0001132097967789073,0.2034414828618524,36.786185657270366,61.5595489384541,0.30124807284876437,13.991226899834077,0.0,0.00014063033626880034,0.35322058531243966,75.87996310823385,40.76030151089493,3.7308650091077658,23.380624603221733,1.9907974977412392e-07,0.0,0.1678446214977982,44.860389061451556,85.67321667706646,5.574673152104685,11.974139354394213,0.00021974191228193513,0.0,174.73213415132474 +0.9464824030920475,0.15538197066562026,0.3580863546282096,10.88567037760464,232.2869570463374,329468.48316810373,3.37439594128314,73.21832205513047,1.7567598807034808,30.105303028985283,3.2322133075050163,26.581339579627436,0.5187305772941988,0.319196886888848,398.7516765496326,94.34900894663618,0.22521622322345863,65616.44349961098,1.9794429850365107,96.15139285221804,956.9104233887504,220.3558753857568,347.99214408972165,56.180192749492306,0.2374666578810369,0.19892196505040258,11.759213211191286,31.58631169143917,2.7886381360466883,36.7996811388816,7.3305577645059e-05,1.2042172203885038,0.13200823839336337,17.058584702255896,37.827866244290405,0.48750084022568485,22.255336825461566,1.6033010066721712e-07,0.0001132097967789073,0.2124823747746799,14.929691915290377,34.094557611412235,0.2439439053280196,33.92013968344735,0.0,0.00014063033626880034,0.1177008566007108,42.249642395325324,37.54609315717463,3.6992614938131343,12.340088013318903,1.9907974977412392e-07,0.0,0.21209456580328737,7.84656549391858,41.11549522764164,3.0051535534689022,28.51180828409067,0.00026129971874058354,0.0,114.83788195557173 +0.976155834589488,0.1092071770480707,0.3540928741675551,166.86697860323784,177.60262682375821,314014.7614165963,3.388387870075473,23.720422070252166,1.1509079063251093,77.04906550342943,0.5806536580057379,13.374653433034442,0.3767617532870579,0.7871332184578297,577.0629090886667,65.4349343085528,0.06290671974532572,69208.48967508881,0.576736816199303,80.34811460832292,531.699320703537,246.2241148002509,223.94460116535342,51.59570908109566,0.18726696787862523,0.19959857785807397,5.312390961274003,23.85452102285926,2.9351223326691196,49.45761468504468,0.0,2.3969957987949586,0.1383035804420029,2.3671915628047775,13.82739940422733,0.2741251810818209,3.79132389373301,1.6033010066721712e-07,0.0001132097967789073,0.20909161094775297,1.9010663148566733,23.169560402126113,0.252575174257379,32.10996962104003,0.0,0.00014063033626880034,0.350668146574435,8.664938184968358,14.786144639023433,5.286040204934885,44.94073921288264,1.9907974977412392e-07,0.0,0.2033040871585305,6.1012757151322,24.176265193333343,4.638070437693122,11.662320027288267,0.0005403803481934437,0.0,89.22618156853024 +0.9880404516243215,0.2104881532277593,0.42522282784515475,141.06225143500868,55.196817015328776,228413.69466026902,2.0311382146645376,34.39150015312759,2.7535729755125544,56.87035284869606,1.5954825865270617,10.332091995435064,0.40892682778683326,0.9388490025824916,361.09569223163936,28.012087185236023,0.10163960276463484,69141.42811691044,0.8513602407223746,89.95950663002401,3708.884524466039,250.89466213602424,344.73311072282377,49.74893120254619,0.27027997767926354,0.19723446267475137,5.68164995083673,27.46087291660442,2.720120969316155,53.675106505192645,0.0,0.8426227841076785,0.13954780769523856,8.044805705631191,26.824082519673727,0.29569471715738677,8.789368014838288,1.6033010066721712e-07,0.0001132097967789073,0.20934116573262226,4.899905575024858,27.592095851764054,0.23880850616519506,48.02172150537786,0.0,0.00014063033626880034,0.13658548896600903,18.977436075465743,30.5862672098475,4.19314662201225,15.163083056188281,1.9907974977412392e-07,0.0,0.1994813811547383,3.493497353755106,31.72568267373017,3.4530898751128096,16.595070565318174,0.00024896659023797513,0.0,102.36181825018481 +0.9329722755270896,0.12680624985911848,0.3404578699813411,35.244064296597,105.85121783566117,289468.749922534,1.6933105350347244,19.19437669253524,2.7351627750936514,47.029195569181496,4.894868099013338,28.0282970407287,0.4432837941859617,0.6193727340213132,648.8647562647558,2.4985998772641285,0.21122680175114913,63892.31666214873,0.9542353027672933,85.5803393465427,3567.8243012720127,99.82108276457751,312.8866890285819,51.994555609597995,0.16855670224941322,0.1956487185577006,2.6114280754175927,22.845116708206522,3.3335261617609016,45.83339199921819,0.0,1.204279694699803,0.1341366538508473,3.9781528216710966,17.985245654711278,0.4720198423004536,5.748027772848608,1.6033010066721712e-07,0.0001132097967789073,0.20859465134752925,4.049142131074344,24.96180660312672,0.24041102534192257,44.931193029245755,0.0,0.00014063033626880034,0.13215891544824937,13.272036509703353,22.47906277508609,3.9829177788682784,16.451521673967623,1.9907974977412392e-07,0.0,0.2020564403181486,0.6726224496387008,26.185823178630695,4.295223315856695,13.050495633068833,0.00011039897941504563,0.0,86.6945193333728 +0.8248311340886592,0.2091134303288925,0.3498345110816787,105.09898650918609,225.55833344586551,203396.65777705546,5.8669062460582975,86.29664068296415,3.4753417088438177,44.64962246835936,3.8390173874088607,18.06524154207922,0.3663574205518564,0.934201580484873,526.1639194352124,84.72611248200315,0.1922354157783722,83489.90727630469,0.9619892531777342,93.56782622501773,647.858673883947,165.38822804983118,331.11151154174127,54.96312459420548,0.1578074590090514,0.19695186972290754,11.85736102489986,26.93731414302512,2.7737935369907287,56.9970136743684,0.0,0.7319918002200808,0.13762408665593504,13.107542067945227,30.679202158686394,0.8546421239331934,7.926045032623253,1.6033010066721712e-07,0.0001132097967789073,0.20957355918866832,11.477142660035287,29.405458680790815,0.3545676412511165,51.85068220749129,0.0,0.00014063033626880034,0.135781467125787,46.42595392410266,44.12425689948958,3.2179174257080048,19.9670615476878,1.9907974977412392e-07,0.0,0.22647393656770737,15.257367131067276,35.076533582143306,5.360148409161485,19.44387241321103,0.00028986872931434577,0.0,123.96039156442316 +0.9284175399429743,0.12709733382016575,0.3916228272330087,172.56110564443742,114.79057290506879,332697.13228422875,6.551697018921481,93.09391944691151,4.46691921155337,62.68195051027602,4.235939460455558,22.626533259196034,0.31592993619727694,0.9455593028522342,803.3906164139919,25.386867298436346,0.26007102398995713,71885.10383461895,0.5748149188812115,34.95416390464952,2708.7408353324186,257.6127260346578,339.2058261432957,22.873680107372028,0.2498508449181422,0.19104307260494524,0.9346625160438188,23.13790501482306,3.486451563653297,43.32783117668121,0.0,0.6082573976410991,0.1214877903599818,2.698066463064935,17.858049190053453,0.5529241297276721,4.920838957405887,1.6033010066721712e-07,0.0001132097967789073,0.2013690966952302,1.235844525728485,23.76642795916089,0.30401085206511713,37.22878986753294,0.0,0.00014063033626880034,0.06281745412671776,32.059511568893484,34.20865747986843,3.4131365367398305,11.461267059923221,1.9907974977412392e-07,0.0,0.19053208884579398,2.972077626257854,23.527960113805133,5.682178733838757,7.662290428373067,0.00010091555525335888,0.0,87.88515653837321 +0.8443904929664551,0.14634420661515865,0.3524820253457958,234.12470120940557,227.48978268729218,248097.38462918944,4.6643851790775495,10.374489433520068,1.813929010606182,21.829786371248836,4.942968433894499,25.966284449904954,0.4045698760667139,0.9190161075227048,743.1087320371817,96.44714147748857,0.09137986078315588,60315.679375831314,1.4385219078033487,24.36507716301314,3801.167772955724,147.59883257452807,332.6147404287815,42.822341885747896,0.27288255928376687,0.19762988304247214,12.350391821058045,26.8952584522297,2.7842046066765587,55.30582828617193,0.0,1.9125685858812917,0.13283503046913736,8.647223271311418,24.855594273590167,0.789173711891387,7.0288386654796895,1.6033010066721712e-07,0.0001132097967789073,0.20452381593864224,8.468140601775858,29.134604603139632,0.3333856436228088,40.95782826075318,0.0,0.00014063033626880034,0.12047518435289879,36.25242457425936,38.00313179304696,2.894051633125968,16.30065682957825,1.9907974977412392e-07,0.0,0.206538236795352,12.736667321553174,34.07573678722269,5.483558443831029,13.162166123588507,0.0002805538760841758,0.0,108.84040071691769 +0.937647545723835,0.18292369179069126,0.4320472883668362,31.062482844995895,165.63589614858643,222716.27727551232,2.1461276294804383,47.79792463377811,0.6456912915567543,76.89777488763549,3.0026153282447607,28.17937529592409,0.43108873750036136,0.8135115606305976,160.48730379625886,14.58523240584599,0.3367842528889914,55286.27129455076,0.6991127726341817,94.08165038844149,916.2149931599147,221.76966124972645,337.9449915015917,53.745931814722084,0.23757738017013041,0.1924023973165803,1.3334985517758704,26.312457547903556,2.8518040042366133,55.067696076094386,0.0,1.4388114191598358,0.13255952476570965,7.431607138206015,23.8122339797447,0.37429574404429,8.44183630648824,1.6033010066721712e-07,0.0001132097967789073,0.206203223275574,3.03965600689449,26.375906228502124,0.23595700665759578,57.83946858797017,0.0,0.00014063033626880034,0.1368934615287355,19.268836094980063,30.31354975784161,4.035227183529287,21.554948698193147,1.9907974977412392e-07,0.0,0.17903634472229382,3.7872134301551426,33.87060927908438,3.541572292439351,18.640300867748078,0.0,0.0,108.50636983343628 +0.8164568969304284,0.11303215741097108,0.35105204749007857,15.783234619417101,167.6499212940346,248097.38462918944,4.6643851790775495,9.616669293212333,1.8045887351772136,44.214900302148514,3.800091622060689,25.958971129913028,0.40447082082382513,0.7363650153634046,58.717247089592945,96.44714147748857,0.09132673387661346,65051.61465993553,1.4134745426242434,24.70136097905864,3826.4671882993707,223.25343074439382,332.5599370964523,41.367558719824515,0.16040300317783068,0.19791734481813997,7.71610352444345,24.39288634475696,2.825982103774959,43.827264097104205,0.0,0.8452258580198537,0.1334191921953407,9.407042125089415,24.67937513189707,0.2984628690336412,6.268968937686861,1.6033010066721712e-07,0.0001132097967789073,0.2088181548013172,6.884644162428983,25.789018628312338,0.23814556135124296,36.71077920620173,0.0,0.00014063033626880034,0.14706980341550555,26.097723926909957,28.309647250372528,3.634003136303434,20.650891423264845,1.9907974977412392e-07,0.0,0.21286906850721643,3.5448259356216507,25.457715012564382,3.133880801247888,13.8677403052787,7.131524987847738e-05,0.0,90.36813768918672 +0.9789953526844495,0.24203819646354768,0.3693953500056513,148.00440457077275,18.028404282225196,305122.8160499721,6.08163410567057,35.71957429303975,4.220377058057641,84.92256962579127,3.8463530657531213,25.58287331753893,0.39243619679252706,0.939875324487339,97.97984222350087,99.46264520068077,0.05547591643351451,219941.83238452277,2.8623294006586146,43.95006033560986,700.1664534334113,282.6154930327156,342.9641305001117,53.989560979147946,0.18221571984663784,0.19906108663877078,41.43546823174531,57.13786624894357,3.6552009302262767,22.591215597215783,3.1593792703485165e-06,4.109684121050775,0.1317025519376121,23.61618882157033,49.04372333064391,0.2061488803750818,8.08686984725662,1.6033010066721712e-07,0.0001132097967789073,0.2026940628258805,28.684943033193143,51.776389054695635,0.26918382792780254,12.225370098298676,0.0,0.00014063033626880034,0.10605989696633238,66.1521501530601,55.05375813189617,3.9753552528112626,10.834615456479488,1.9907974977412392e-07,0.0,0.1953654221393944,43.39234601062815,81.6890311265933,5.201078266504874,7.925201832981225,1.622093175243406e-05,0.0,168.49352242957448 +0.950436018966605,0.23775252392082008,0.3278143167643526,119.07132557291199,39.25075929047148,273439.70594977017,2.4001554728133607,39.75361254334688,0.4315880405629786,63.23622399295391,0.6290542915860937,27.632024580754656,0.34371785743997285,0.935485560933873,610.3130966445461,57.095068238796316,0.07855233718529726,82235.25297843656,1.4317482911090924,25.247110001394397,4233.969958408944,67.6406421272351,349.5950793972702,43.577369552333295,0.2555808458492768,0.19339030153503137,16.418025565548188,31.232552474736625,2.6520661810707855,60.251146217978246,0.0,1.2000631589543986,0.13121640249892255,15.982655437582244,36.55773008204291,0.3335348122419209,9.727074227405224,1.6033010066721712e-07,0.0001132097967789073,0.2032342529271712,13.22240569033098,31.476918935517375,0.23737360070256552,47.13783729508698,0.0,0.00014063033626880034,0.1280999899229527,34.614090760132754,36.27562838767492,3.986796495835906,24.81587601698905,1.9907974977412392e-07,0.0,0.19687441174010256,20.648952118614066,44.02084917469322,4.1320376796147205,24.54917400694983,8.89799963517694e-05,0.0,126.8380015415692 +0.9835763813839203,0.2454539548972056,0.44887691121141204,198.0212601618622,124.45175085500165,338741.8348176637,5.886058200965746,89.20505169608592,1.121072999742558,98.28769317308243,4.712501769116165,13.524204459028798,0.4288367187754784,0.7856840035395692,49.46787432107482,30.236458497519955,0.28043538134784085,51200.24864981345,2.869211664353016,94.03430855248453,1142.0287596954067,118.56533634232507,284.922853145425,28.132529936093427,0.24004371396448745,0.1971922701002327,5.668015514509894,24.20036634134327,4.208386938410827,5.605189637615826,0.0,0.8755047716763538,0.1127417766786948,1.9610518804041908,20.725499249084702,0.515232570375717,23.331665043545456,1.6033010066721712e-07,0.0001132097967789073,0.2100317322638812,4.530009204613405,24.124712911094708,0.2947613316571048,4.50830731340872,0.0,0.00014063033626880034,0.34551291412433277,26.791095138842,22.897975262090522,8.43282965796246,39.46800926495908,1.9907974977412392e-07,0.0,0.09893763994176785,2.638130617133124,37.517598905981934,7.764130405102921,34.77897835937834,0.0,0.0,88.4543283500227 +0.9393674581686987,0.2357545086653519,0.3889843001541089,201.5528857320179,96.86960015826094,152289.10121600176,1.849929115723877,76.36123026409292,0.9467626627750397,38.766496360938646,3.1786150332642658,22.532216187259355,0.6264037935301822,0.5634895923127407,803.538535254308,73.07754793934613,0.19797281048438153,54408.951247819394,2.237938681098199,64.87099960586112,2552.0868533247767,273.8265502106804,343.7687752778193,40.05737306382703,0.33747012871771087,0.19626485409399821,8.232810746334051,28.442229327523375,2.4927143860683514,23.40624000895873,5.3427928904697446e-05,1.0891117815734634,0.11105619515807202,11.176700729192833,28.089074289164646,0.24070861998108709,21.190272880428324,1.6033010066721712e-07,0.0001132097967789073,0.20811463530850355,11.65137504663875,30.906451959957497,0.2550167625314922,20.981370929012293,0.00013011717307949314,0.00014063033626880034,0.10417040714211752,27.022375276469884,34.81842750614,4.649319531781333,9.482714427579172,1.9907974977412392e-07,0.0,0.22310206786348966,14.044551553989923,41.123943489193685,4.067548678903268,27.779613832936214,0.00035933012322677334,0.0,95.16902124046764 +0.9778686543184738,0.12822150149666012,0.32484125348458526,59.02719913934611,168.53602994620735,169889.66005447388,2.486416373337372,83.47348758262817,4.420159294950169,89.27175639190672,0.8788143045802279,29.239827296128087,0.5873914825810134,0.8765499358778318,30.112869422414178,50.014320120545406,0.2905742788471828,101217.78910105859,2.657148620550058,83.15601863061883,2103.9416289986125,249.782687336089,346.4523918292846,36.74459689089887,0.18913400124383906,0.18432294149737755,18.112045818213222,45.25653641333868,2.6431106740328705,18.70466132614206,0.0,1.316454400251715,0.09216529480940262,28.995198095105348,63.68471193257155,0.21276314209428762,17.558465670706347,1.6033010066721712e-07,0.0001132097967789073,0.20155143258535194,23.13037453029061,47.79667396776381,0.2504571514113615,16.504903587576866,0.0,0.00014063033626880034,0.14232053833228023,84.81055522331904,65.63900968170263,4.087330695454616,13.36964128343168,1.9907974977412392e-07,0.0,0.15988293173263382,47.903735742940725,96.4596589453565,4.325617755518757,21.595680149214783,3.279416004508908e-05,0.0,186.58192312219936 +0.9213903333176878,0.16187988659253094,0.4104904458534753,184.3590961263694,209.42398730366057,293251.38479122374,5.418791847594042,11.969177265352766,0.9563820655085997,86.28227328898856,1.193960514003808,7.7974566519665816,0.39346037258824346,0.4228640210540619,541.3641647182316,68.21070499708742,0.05049528572457662,79517.16572280186,1.0273318445600794,64.3132177480899,995.5134033713178,298.4498648667851,275.8420875957999,22.247525874952096,0.1850992032248281,0.1881434374692308,2.9108677490404165,24.409274769651365,3.1579409247925128,23.06197986058957,0.0,4.716101720693907,0.14547561982963653,3.3943383386185633,12.130923047178133,0.6801671294884226,4.99849842344632,1.1294610296838704e-05,0.0001132097967789073,0.21498665406657777,5.503278132613586,23.32358810722996,0.31698320250337025,11.41100206944803,0.0,0.00014063033626880034,0.29156744747972735,22.017012315942893,21.19869282195086,4.71241320164921,43.491881158283306,1.9907974977412392e-07,0.0,0.22317153613066903,6.726774381754413,29.16409037341616,6.067522797329746,33.04275479537918,9.492494783598823e-05,0.0,83.24436555168285 +0.9394392499302116,0.21911012638038724,0.36770283645767543,214.10674569272754,151.73056232339218,274655.8207783613,6.696175983309615,63.5333291506798,1.7810109894832724,75.78910141148177,3.7986833746884923,27.805215067880166,0.3557959537764468,0.9315496347125177,785.9585199324689,67.05334272714254,0.1880571299675777,269763.8373651083,1.861731731495985,53.481137264773224,4261.971937067793,128.11031088815872,348.3813548196093,52.76799323108871,0.26021687718957315,0.19351414412007806,29.13361865468689,45.23640719258017,3.1396192338663447,23.52397453196475,0.0,0.8125365829216508,0.13130185502136882,20.959927274963096,43.40898923271186,0.8459578611041887,4.452928403575918,1.6033010066721712e-07,0.0001132097967789073,0.20413667699217433,26.35316673137254,46.271056413932826,0.349779314117724,20.86827236132814,0.0,0.00014063033626880034,0.2741911807031032,70.00490225517721,47.75151825855611,3.6822381508197526,5.51727358021326,1.9907974977412392e-07,0.0,0.19683659295277786,35.79949305823154,66.91847049212379,6.304230833428823,8.845052698380542,6.499484370351778e-05,0.0,148.9196842911273 +0.9241363564433471,0.13532415015134985,0.4113754804826758,11.649901808110151,13.797529914325949,346463.26258714066,5.737718316683467,7.760884106386335,1.7535021426807453,36.34829723009368,4.035994000908033,15.962367088752282,0.42647074013195724,0.644428677875384,54.44561123198457,90.16016637892548,0.08690858200874811,58273.10529012319,0.6787886872234175,79.37644539134286,3957.082524275716,115.21354002196274,345.08981066921325,39.54051531526128,0.18016294379713774,0.19920833333767246,3.456143340118739,23.674208013991255,3.2707198371922597,59.79278453042826,5.401458557944445e-05,0.9708714740555634,0.13931257259110108,6.386186761860288,22.46424646624719,0.41863356687249575,7.929542175773899,1.6033010066721712e-07,0.0001132097967789073,0.21168326052991884,1.9432565267200026,24.820971498865084,0.2381786731155276,52.0488058381784,0.0,0.00014063033626880034,0.15479632493829482,20.510923928478828,27.109388670425098,3.7767718392983967,24.451505053941297,1.9907974977412392e-07,0.0,0.23210318435400495,3.6413968252964413,25.678867753371836,4.196834016899663,25.19629608962641,0.00012820122889083994,0.0,105.78171077728997 +0.8916076838331346,0.1816596454654679,0.35111140235005966,37.75056872278358,180.2357363050645,205927.12107912314,2.1345503189051094,68.3799562266556,3.2375540713252313,82.59555011492783,2.672971637436155,28.310507292207,0.7544647134649376,0.8164250029463564,929.4998417331715,15.154408155832973,0.21631354969745656,55472.25036645841,0.5531945588216438,99.43900223395576,3630.8547803708025,129.85948354398835,333.76596735936323,49.660879196580495,0.15612783873174566,0.19343255039503218,4.213080337658317,25.991405103224434,2.4482926996637078,73.84004364721888,0.0,1.2311558891411072,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20641966191145283,6.015897057697777,27.09599590571721,0.2364505213694001,73.23470456684441,0.0,0.00014063033626880034,0.1464838512199946,22.980820756628148,29.805082198517066,4.421029589486384,25.963390666069614,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8828298192192454,0.14270216698268812,0.3800485109465459,139.14653499689157,184.81925917511916,133495.91030868544,6.615340663261868,58.85411788141391,2.086057735931627,92.72442448066894,0.25821585204638214,20.822182666136086,0.47279329338271847,0.9701443130059753,283.0302739810217,28.31179316802472,0.22333327432243621,115328.69080243012,2.8821714820341526,43.07462027517181,4396.220435546151,252.29563368594594,349.4122839103077,55.39505805653946,0.15713268493920912,0.1936451601758441,25.81437701545588,45.79330585798281,3.465319026684552,22.901365680378486,2.609890321167574e-05,0.7925562503065153,0.12403357850391232,38.7663755367617,63.78251919797686,1.4032201171026606,12.447044569845561,1.6033010066721712e-07,0.0001132097967789073,0.20601383380665275,29.852783562821678,56.12152610081118,0.4465289724152945,18.85509887290079,0.0,0.00014063033626880034,0.10911955556111881,89.00149751454792,72.63672749889362,4.492338039547988,14.118636824097612,1.9907974977412392e-07,0.0,0.20114047691022682,54.21339395013921,93.17298677616887,7.218472459779349,13.706605792654134,8.075551146586416e-06,0.0,196.72896715801005 +0.9365532675672821,0.18951421182901887,0.34697649923283735,114.87135274508549,130.41713595152538,221011.8194078653,5.445987888924893,98.26921189574698,2.9677147047230354,31.037664635639526,3.566263447110887,18.492365386099276,0.37010414632331357,0.9288803349418626,821.7093778770502,57.21445615550424,0.2478468747909629,139770.6417888079,2.8696656075434634,94.4468740193668,4424.337040207236,224.8813411553582,343.6352684073666,54.59989978919631,0.1561505505458164,0.19298087068243105,28.847381154409216,55.15457344689848,2.7896095464680175,20.797887016497317,0.0,0.7142315753125452,0.09996617110040022,33.20959400343842,56.886456067044136,0.6547897804543125,15.432819017962982,1.6033010066721712e-07,0.0001132097967789073,0.20211701857522732,32.553234747967714,58.54350807782837,0.324918693707827,17.60970370562405,0.0,0.00014063033626880034,0.12098311915342168,104.10997115555436,75.39655682931345,3.565888411639471,11.671122842752611,1.9907974977412392e-07,0.0,0.1761135311652077,52.11273983662205,97.62580338193725,4.875797029669105,15.37994870822932,0.0,0.0,207.0490147362704 +0.8777650763129082,0.11531059079334534,0.4195777133979967,218.42631288294143,182.86980420683244,249842.4093841238,1.8165671280067626,46.761469325025516,1.4677446725969436,92.5148213269192,2.9212378231449088,25.570111782855665,0.3522414632324875,0.6612658442535283,667.936915462182,51.16839867879974,0.30707201118925953,110725.17507866753,1.005773623361657,72.87248607536347,534.3407396352584,294.13152366693794,325.7868872251421,46.629166327916515,0.1629901368676983,0.19650011359361153,2.0452734355753988,23.484386825901105,2.5558623002725813,23.29740182154406,0.0,1.2482374194515657,0.13585227678473383,4.679595003281064,19.576076244700527,0.2319964216102325,4.6304509630016835,1.6033010066721712e-07,0.0001132097967789073,0.209428134479695,3.683330535042916,24.101233081053678,0.2395122379863701,23.105950018962126,0.0,0.00014063033626880034,0.12961840396097551,26.719704876886453,28.076400202437117,4.055759518773283,13.945807009232926,1.9907974977412392e-07,0.0,0.2075422698911171,0.9722946172062246,24.129536330188092,3.195735244155615,7.6740357830436094,9.080907037653518e-05,0.0,70.90246665257891 +0.9393695140036051,0.17183588204638917,0.3222277052752053,181.2696626049959,220.5111599365291,285343.2071371969,6.0356089113624485,94.81263473157281,4.107825935311293,67.38644563001722,0.39053125385790977,28.294228881764127,0.3101465611853607,0.9898228002111127,19.448708461946666,2.499821976111754,0.32445639788875685,118024.45086218239,2.9475558512299003,87.1252025664519,4836.59823726378,188.1487579747892,324.89574067971955,34.515877319277614,0.2877876097047315,0.18099791469604276,12.196832778034825,41.75140048783001,6.662020062684779,8.048662739529261,0.0,1.1281357731070747,0.08763538511004458,11.466332005901792,33.08003434204467,0.7932027979195528,12.852122391611807,1.6033010066721712e-07,0.0001132097967789073,0.1911540535666,16.351459424415793,40.69264085318849,0.3366551821165612,6.511417179564695,0.0,0.00014063033626880034,0.3200319293249417,55.93054975769475,42.87768741135745,9.027178096036634,18.389526031458345,1.9907974977412392e-07,0.0,0.14172735869659392,19.486913455813372,43.48727746961564,11.467937171365817,7.476154739787815,3.811244693290675e-05,0.0,114.91126701648102 +0.9246631959924774,0.22247807908631706,0.42158702899458317,187.6487533610372,110.92835215043662,268100.36774400406,4.891063090457212,14.490705230862,4.7792350013816085,91.19528394574338,0.6982026166234586,17.628160332481716,0.309937180239773,0.9308992633059301,41.158860133342415,30.448301697612703,0.06625785208372187,157055.9361054088,2.7716663557887746,42.93565404095765,3613.719123962093,90.21125499679277,331.02218320435026,50.49038588683603,0.2623995156395867,0.19768076219974864,20.88204379900224,34.35310222646724,3.712445929897066,13.330290797268223,0.0,2.7330399780788226,0.1311530734096421,9.162926271128745,25.110267174314536,0.5098910497599237,4.895346763132697,1.6033010066721712e-07,0.0001132097967789073,0.20760480260962091,14.617076381577112,33.96350890365184,0.2976095490083548,4.830642707395003,0.0,0.00014063033626880034,0.15886043117467283,52.316165743724234,43.04546096115171,3.830260910251779,5.326133302677734,1.9907974977412392e-07,0.0,0.21177911076432865,12.690931651944831,31.734266178136764,6.295102716035396,4.872629365481115,0.0001561700573546276,0.0,99.0406516709861 +0.969497502156741,0.2519340141256816,0.38982711952168414,249.7908181997988,207.25773137826724,307234.6181093524,6.198001348670744,96.60141872926698,3.86680795127207,93.9531833974817,3.8741126176609377,27.528261080612086,0.41165873056106583,0.9818609259087271,971.28923875188,22.86281069757959,0.31772955364507305,189733.4945000325,2.887421719976867,77.1979332996756,4653.233274755471,251.1001793926905,348.242232025241,41.797413832116185,0.20014343922456082,0.188013028462808,25.456686127219758,52.55220674674701,3.4306352351774585,13.827696945032008,0.0,0.7007455906483536,0.12129112129094102,25.07724813736808,47.397575260632415,0.8344874382457216,13.218453739271116,1.6033010066721712e-07,0.0001132097967789073,0.20235266765312987,28.957767077566622,55.77197498928917,0.3411530084416153,11.910769337878431,0.0,0.00014063033626880034,0.22646970245996037,88.3281004118658,62.759856776485,4.915083112740721,9.274763923900261,1.9907974977412392e-07,0.0,0.16070289733010096,53.99695453096794,100.86920473145825,6.483706789819157,14.524407805448343,6.587773348939766e-05,0.0,189.60321274304331 +0.9579963800719714,0.14250667160944147,0.4421223226550973,156.7628424819266,178.90013224588182,113408.7188670438,6.648066906470985,39.23692348563965,0.5332215504809611,66.99091501872893,0.747171481494709,11.541927025514562,0.6582069172242803,0.42289850684475916,855.7599686770816,58.00724969917494,0.1912085557247509,59858.66521993611,1.7900288359156191,82.73144228138023,1800.3718935497711,238.31533857951177,227.89594033642587,41.07268863192692,0.28616027314982845,0.1996133241746304,6.178017656448125,24.4181313054432,3.1575424107730004,9.691786604817004,5.0366923254673246e-05,0.8490245869980639,0.14363118089192692,3.847796169624133,12.034400088694868,1.5893656442649742,9.565184579813256,3.8635231852338555e-05,0.0001132097967789073,0.21239183327595984,6.194243676984523,23.722998629195864,0.47681634591522065,5.735606708579879,3.9319584384141305e-05,0.00014063033626880034,0.29905356501651303,2.0872510854708826,16.39790503964281,14.627756128450233,55.220528094646795,1.9907974977412392e-07,0.0,0.19463004313159912,6.213593411892568,31.004537295593426,5.645493581091716,44.23902849846849,0.00011332234605117492,0.0,90.29159315793868 +0.9752692531296526,0.16955605240096738,0.4462228037001745,144.14065502810342,107.11550278065252,245345.28571451257,5.77560498228922,78.2770596512491,4.397168429841141,97.63415036603139,2.1883160736887293,28.63578533305006,0.41472108152641524,0.8394154810305356,403.8396710351525,11.343398150435839,0.19974258872373823,255303.4565690838,2.8075664289884736,71.78478959275986,2928.064718392164,179.92672100042992,339.64911815899444,50.04407269919755,0.34630705567852305,0.1921133351610158,16.72419430765793,35.2034350366743,3.8132617057185807,7.521576840522344,5.7829802093069865e-05,0.7097623935159472,0.1276755454962083,8.346356088294579,26.107537278234105,0.6290247987780216,7.459029163713194,1.6033010066721712e-07,0.0001132097967789073,0.20458904245854745,17.568465172919257,38.75917202937098,0.32141011003298303,5.899804830594146,0.0,0.00014063033626880034,0.3512435505953935,34.20060383640901,22.49937019556163,4.765205378519876,41.703739423605754,1.9907974977412392e-07,0.0,0.19068803559920267,16.03888301401176,40.63488787087668,6.428278878341052,8.878902261728912,0.0,0.0,98.54134704489711 +0.9151168793455668,0.11681138033253816,0.3660171099223644,206.21753256690738,47.01001628100959,284519.606056934,6.843402703418451,36.00441728962089,1.0580920912986114,87.66555399188036,0.44375351191871293,20.357723074193338,0.35373638719415756,0.9193653323317783,882.0537725612684,43.7144872028035,0.07421742139757553,105246.75422608263,2.6524476042140153,65.47328559929535,4703.630776813992,113.68995609466843,347.03398928686477,59.10411287697461,0.19858845033921135,0.19857783757739625,32.330437847938775,45.13044222135935,3.223411151033683,35.450932101550784,0.0,3.376881255565733,0.13219356326178228,22.062844272657287,48.08716809819594,0.4732904706762381,12.279484419278523,1.6033010066721712e-07,0.0001132097967789073,0.20572425689981594,24.271992105793707,44.746473513176426,0.30872213874435744,21.659068838577134,0.0,0.00014063033626880034,0.09540144385173815,63.904634530756766,53.16643236488214,3.592312929938845,11.105329987525677,1.9907974977412392e-07,0.0,0.18470439609945666,43.453093370244176,78.05868737313536,5.215929391503148,12.254165259809064,0.0,0.0,159.92768929138728 +0.9268802525435059,0.17049651165985757,0.34339571043647504,144.1425961790905,153.82482842039502,234139.25008026836,5.649304721243693,97.91767096018899,3.672958916714741,24.190738624699257,0.2852773314293879,13.326032968495152,0.36659928596920066,0.4304831339230891,235.1563309606819,52.795462226852415,0.24044729368030607,58689.33489786871,0.7286052960047447,89.44349911948527,2522.1139306210384,172.7616988785632,342.4589525763182,33.89418309295559,0.15314898830771614,0.20071432068560222,2.7606474240621575,24.671798159327782,3.249845936572015,58.98070035048756,6.267463450813979e-05,0.7983648665063733,0.14417335128513212,5.898292048812198,20.8201957906259,0.7382971059365621,7.538384624541651,1.6033010066721712e-07,0.0001132097967789073,0.2142604543056139,2.7384197121369125,24.626194561624324,0.33510996198059567,54.33388843175029,0.0,0.00014063033626880034,0.15412348872427234,28.812865649177144,28.877960480652032,3.113286915310109,19.406996875209753,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9127247852456613,0.23054855653990144,0.36688409632356467,118.43390613635586,235.58122252427668,215894.63847200476,3.8154919622754515,76.21207006578969,2.3397521443212232,9.749430082182968,3.7949872196013708,10.836177985905941,0.39275123676547596,0.8980482432983892,313.8337144695282,47.01646708317922,0.19181683137362837,271999.0888636143,2.169948199842881,90.94333039491289,3421.230295177983,98.49760222617785,346.4531049287115,51.975059268113085,0.20554510480271773,0.19823948760411902,27.215255140520014,44.51654730802096,2.863033055616443,19.21349548584782,0.0,0.7185385767927226,0.14053694028301592,25.239078667493878,46.733084945244464,0.5330084266099007,5.008297948243768,1.6033010066721712e-07,0.0001132097967789073,0.211308140017435,27.79031412063705,46.846107624546114,0.29568757961707476,17.766060347234507,0.0,0.00014063033626880034,0.1040231759037226,73.6770576246966,57.069950254790776,3.397794756125074,7.04820160137771,1.9907974977412392e-07,0.0,0.231405479169135,33.121150254028024,61.76700457292102,4.880771983264881,9.552627059626785,0.00036060990766956697,0.0,151.66782866669476 +0.9175616452316971,0.15198002111030104,0.3815567908004823,129.57634729145192,199.59592033480288,338335.05958217,4.879265666551391,73.34051116567453,2.33998483293005,89.15755290157034,4.922082411324209,28.329924948564866,0.49377500218542614,0.965880516839206,808.9256717890398,55.450796817978365,0.3318319617612689,118796.52005649576,1.2949475118887257,94.07721452751525,1975.2471458329774,258.93022535735446,349.0726970755852,58.94759454679217,0.22129105758385303,0.19047545383800069,15.263878622743222,34.57138728154141,3.0775152249131437,43.42488571779586,0.0,0.8844690217746094,0.12564776211260476,21.661952464834417,44.94858139112931,0.40045714035510804,9.445268949774574,1.6033010066721712e-07,0.0001132097967789073,0.20138637277545315,16.800075680675114,36.54274342545558,0.27087365502449035,40.19774066219456,0.0,0.00014063033626880034,0.10589518579326157,53.31340914364384,50.40456434296047,3.0952329371056235,12.43511060319058,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8029661320126266,0.1663798550170136,0.35364646440484415,50.3085258177275,75.2620814284912,313217.95013221435,4.941721021796969,68.37374282571687,1.3717155702972943,62.20997042141815,0.5230815784221894,24.585382320823168,0.4034692907368714,0.42279831422549374,765.7874651721903,44.53156980192203,0.13275043100628586,55984.59635785639,2.075971012448459,93.67207804780189,2651.8677275930017,117.57117724410875,341.57085066758776,59.61117864838143,0.15468656023666325,0.20183198109775444,13.938299769080412,29.38856896628906,2.906676895588672,41.23102128369922,0.0,0.7420023509538495,0.13901891752949386,29.5452218017025,54.283213710109,0.20049079327163494,15.90128426306538,1.6033010066721712e-07,0.0001132097967789073,0.21403132575253103,14.75886238544007,33.04831087628128,0.24783139625288314,32.397509746512874,0.0,0.00014063033626880034,0.13433520053245263,85.87397508414054,60.716550159558935,3.6759708008530283,17.324002849337422,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8171773097715225,0.11540934212851293,0.34235162523153956,12.64573078207184,207.1932327378389,279462.3772882696,4.3090851238188295,69.74535339209802,2.310568531915678,43.97995906648403,2.526257290574606,26.076404918261844,0.3875178326252801,0.9078069597284344,55.92892137677061,5.12707029738379,0.06038414596888576,153204.75062176277,2.1803846987429556,83.42672584824062,3070.25911542185,261.41191913145224,346.3982975362084,39.343428139686786,0.18145568944736473,0.19449505497469116,23.614480531384952,37.57635701306836,3.7374858805408935,26.799869595526356,0.0,1.382239059628817,0.1255434824989769,34.43096094996832,61.92762117598256,0.39049043159665475,10.956969818424097,1.6033010066721712e-07,0.0001132097967789073,0.20520544358868428,22.595603197248995,40.28649485924043,0.23743331186571787,21.071709940980476,6.342353416394268e-06,0.00014063033626880034,0.11809065335187492,90.21565722590077,72.49511047244647,3.704150637007221,14.811124255519427,1.9907974977412392e-07,0.0,0.19713228296985855,50.171059987912976,88.42100781287209,5.210391866596653,13.15149283456868,0.0,0.0,185.97114912368517 +0.828034692433866,0.20441418616058332,0.3480578438046403,83.26551472747316,83.68348826799266,345360.9745716073,4.977191018578234,66.3295029648046,2.118454215989068,91.19209305007053,4.91999346478862,26.10103877374763,0.530249053549197,0.9366468397263364,819.4317700297278,55.71275482161934,0.3359061333959173,88114.23698441999,2.4416629069358664,46.34536286078367,1672.2316493744304,207.17086931241468,337.2685962056374,57.14775650702167,0.22087039273976283,0.19368975924665857,18.29037857373167,36.300244326522005,3.044311869126785,28.216751906323747,3.746856226745501e-05,0.9570688472332357,0.12824962440645168,29.058538088030296,53.20196018643216,0.20999810130321056,11.49715193310297,1.6033010066721712e-07,0.0001132097967789073,0.20696625467457389,22.199915816315965,40.16565696154876,0.25143015171970534,24.865503974775592,0.0,0.00014063033626880034,0.11581002831247617,72.10984631912656,61.572107110939804,3.6443599416971058,14.957364306053545,1.9907974977412392e-07,0.0,0.22032236513110515,40.15316910239174,72.251539856517,4.59459365607627,13.310833007716697,0.0004079282027177131,0.0,158.89975109545665 +0.9412814714937394,0.11573916769017575,0.3471643067379197,222.14042697539173,204.69970938838537,322730.98822793824,1.6067394345618187,81.62361916282453,3.9372277085583596,90.92021824894472,4.432071964693792,24.148099600842762,0.341109738311434,0.9461522848064963,105.55616402222967,70.68808805295443,0.33416663925575996,53073.49838449086,0.4626573837794423,65.32626364833487,4271.605541557398,270.28952741143627,334.20183336879353,57.45131106055439,0.1937851149099139,0.1897248536722804,3.872829170118602,26.625041384479793,3.1365599272383133,82.032699262161,0.0,1.2728546342053324,0.1272068680094526,7.099107315962915,22.294080499568384,0.31323098828054535,11.031958112869876,1.6033010066721712e-07,0.0001132097967789073,0.20088874751624172,6.092503230759894,26.878157423887004,0.23419671817864504,80.67064682818375,0.0,0.00014063033626880034,0.1201822505915315,23.060662562958058,31.71536407629098,3.588263162635174,22.939684047313712,1.9907974977412392e-07,0.0,0.18627769098232883,8.79621620016114,28.75715105638011,4.373990192207511,35.60078660083092,0.0004120983907467315,0.0,140.24657217243822 +0.8634932362388598,0.13321274483407103,0.35357730946136906,112.32119423468897,111.17006486700276,242924.58332871267,6.241711555485628,44.491419493307326,2.4176019634308297,24.041726521219598,0.45020370643332086,23.752801679406474,0.42354764744051515,0.9404212745402125,608.1436227118027,43.55836417997524,0.20492940275143753,72142.46772326795,2.1114849382808782,92.80802018364035,2129.882542624286,119.99362174511548,344.69053471241256,53.50612345443611,0.16501780135540506,0.19473988566243117,16.042986872177824,31.721767551255827,3.0806287649623725,38.870450784557924,0.0,0.6823271044541646,0.09973987346177875,33.3673433693174,62.18182177193764,0.6441728115204581,13.483521312250867,1.6033010066721712e-07,0.0001132097967789073,0.2036280793274243,18.130152765937037,35.633987383417335,0.32498792521749004,33.049025712020686,0.0,0.00014063033626880034,0.12384108785827065,95.49545616974365,81.73116974171128,3.3766996799607534,16.59968324795146,1.9907974977412392e-07,0.0,0.19823077077433604,41.85016209350891,81.18382376342586,5.272474860812581,16.45369799042138,0.00023071593481606832,0.0,188.05519434551582 +0.9754815201334663,0.13059097023163904,0.4201288809215491,236.30795991429073,53.553220707930116,327850.5310183797,3.633312504604749,48.16587180512495,1.5184290239155422,93.27453469771861,0.45650006018335754,22.58239427123089,0.7248311416521201,0.6790194858564575,664.3875997825917,28.34360556553935,0.2880848680370547,67851.21528074992,0.7993598431572171,33.32902376960229,4439.320944449416,181.34712933667728,348.8018465593899,23.503019404193854,0.1951816984046754,0.19606773357563118,1.698279944849733,24.660339090684786,3.1287982160189483,36.010604631485506,6.503715343141473e-05,0.8802139268517774,0.13498865827869916,3.5552986441466525,18.895893703744765,0.21126721725192427,5.99689283005872,4.332837634054405e-05,0.0001132097967789073,0.20807574941344176,1.0973821528954577,23.94143798626186,0.24611625214408425,34.609115346313494,0.0,0.00014063033626880034,0.13999339499991195,21.676278580515138,28.515526270767374,3.665530079843269,18.151728331763877,5.206325761042473e-06,0.0,0.21098083544345683,0.8246080350498184,24.75433482632417,3.9237860736533374,10.27330630420725,0.000220377963164347,0.0,80.35403181359524 +0.9869021166331252,0.12509260252926313,0.3614191533271422,174.7892226611687,162.5836755554232,275682.04057686334,2.9243149048923325,55.0195616014511,4.806311618625296,96.31665678965129,2.860522149141209,23.34584573053898,0.33292787643661187,0.5753303884618137,658.7926952185694,77.74770593659504,0.18242741597500628,141405.16208530182,2.572924692276027,86.15103563272352,2977.6305207236446,265.9700790207875,342.76789495870554,56.18591704515507,0.18532061958644355,0.19619692616133727,21.77562706912885,38.75046751083643,2.7022119408452925,20.251771258241778,0.0,0.6583945177691253,0.10515031698072877,21.164228511623914,39.748328056852614,0.2596989050638773,15.364416833703102,1.6033010066721712e-07,0.0001132097967789073,0.20753041506229228,23.80986276315715,41.612178414882045,0.25146832046857076,16.912908126002257,0.0,0.00014063033626880034,0.09812979101477681,63.637753020498515,51.24687114385691,3.5670888790959925,6.9140395466998585,1.9907974977412392e-07,0.0,0.19354722169416846,36.121122623018096,68.55691423305211,4.393956433355067,18.16280841136084,0.00012874398568587874,0.0,142.59340633628685 +0.8809483789558852,0.12342332620771697,0.32900698106105924,241.16655393547114,215.9469124732701,136910.22733903604,6.89593811288775,87.20315485472379,1.969607782322564,23.257208101066304,2.9013630814599836,21.24781574456958,0.4404501368364407,0.9582139837785002,931.6503291478612,57.10013913622531,0.05609265120388321,117328.50189221908,0.9430549379182769,67.44122226912985,4463.530899996014,149.3112655366113,248.41214519260194,35.464441596916124,0.1533876357166428,0.2003098704434767,14.378189508533229,29.08598279088482,2.89390002185403,36.601140639876945,0.00015550209773228187,4.797517302111362,0.13329624668989262,1.4761081413324895,15.692173711440049,1.658692684954172,3.2911618235662203,1.6033010066721712e-07,0.0001132097967789073,0.2034324040732692,2.938409576467704,22.717607849489603,0.49022460703307186,19.209586270203637,0.0,0.00014063033626880034,0.3544116746065961,17.650345237963244,17.516642245140183,10.947300617763336,48.85050788925705,1.9907974977412392e-07,0.0,0.19668227154459225,2.2222735700887855,27.774996237907462,7.31216529807975,16.66127541867149,8.282820230238962e-06,0.0,88.38575141584695 +0.9320072591971668,0.13183902372976794,0.37140042055026257,234.11701714405166,128.8652738294733,266546.529138092,2.5631547674837494,51.727240435573115,1.9733688213332194,65.7562189035377,1.641584830055138,27.88295031774613,0.32904619733492557,0.9808838220225631,617.8321476733023,28.922575326004697,0.17661246111862122,64706.38225666959,2.9118699620102926,53.821324347009224,2875.777903772546,251.72973474108537,333.1897971018129,52.52269432311124,0.2093052620004573,0.18364182973114704,17.535890041083256,43.14751560596657,2.8069801304310373,16.36737362493051,0.0,0.7233515560353686,0.09608315357719864,23.374572559013934,42.06520392901002,0.2245760484829754,14.534454274856717,1.6033010066721712e-07,0.0001132097967789073,0.1943078728746268,20.77238236860561,48.2577425577318,0.24719448975168912,11.801315380381286,0.0,0.00014063033626880034,0.24404448404445261,60.841628243379596,46.19382439516405,3.6358223100191953,17.57130112595773,1.9907974977412392e-07,0.0,0.13301103198924064,37.869862858338365,73.51835571106255,4.663470991762356,13.629471889464083,0.0,0.0,145.17775974745513 +0.8277243891953991,0.1482336648946436,0.3324330892461618,46.67694936136888,191.5433775978242,300603.7082753995,4.599107141532124,9.38215841153507,0.35405985117344607,9.422896671491959,0.4337460082225446,8.931483530099477,0.670642273411433,0.5178628412125059,315.6751968490849,32.21114358122746,0.31727526573207887,232383.32605194653,2.745740574132213,82.28716158536787,360.3668891977243,266.2222957538011,313.8714286068459,56.159273853373406,0.1680945895573059,0.18583508643847962,7.563053814519658,28.655338565350494,2.94230946880524,8.523721698130583,1.6848161082546802e-05,1.1593223149022995,0.1452771733934359,8.194990570270582,20.980160556681238,0.20383949607132484,9.41780397459984,1.6033010066721712e-07,0.0001132097967789073,0.21362633022559718,15.532178780904584,33.53161348882878,0.24772969211108642,6.333983628191352,4.53306782470203e-05,0.00014063033626880034,0.10983865324468872,72.38370588976589,49.793937483992416,3.659602149623832,4.235471394556479,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9581838552076584,0.18012189791650363,0.3325175008726012,132.32678354277417,54.20346056558712,100058.72201641338,3.018272686600886,54.41215173258702,3.6051428647957913,40.99766650567071,1.1199918958604294,25.757191250586057,0.32814234888375915,0.8127158978702836,269.684488260843,52.18261809770468,0.32017840546230764,63323.953477255825,1.188390457144218,19.2570574818816,1779.918323766139,139.66081697068097,325.88521499055275,54.841065329706915,0.3482471429907479,0.19118778098193168,5.45483688666187,25.50858580941893,2.8228529607467645,51.21990869075687,0.0,1.264446731166888,0.12352525944886135,7.213869861660927,22.34004117385917,0.6234026511860039,7.1793538370719245,1.6033010066721712e-07,0.0001132097967789073,0.20326042397756716,7.309886944000209,26.351304271104738,0.3373834508463681,48.85536968730019,0.0,0.00014063033626880034,0.12292756399225753,14.274782756602523,24.086646468555877,4.897598300111492,19.46584151188014,1.9907974977412392e-07,0.0,0.17779032640804293,3.854387084102784,27.654445290067418,3.427331358261403,16.044048708634875,6.660563842162654e-05,0.0,96.36954571355369 +0.950937004129519,0.12867878280203976,0.3860123708658465,142.3587428416482,188.44364885553085,267965.501704396,6.799075225867511,58.54890611150647,3.689147489521919,44.659736815664786,0.3951266547935085,16.98481945170479,0.46249826489476187,0.6201500689189684,959.0262050732053,31.146559110289132,0.21717428487318785,76515.87963237826,2.9346534379831284,96.13225508576176,1605.479286508535,97.07691569707198,249.75202416745864,15.806289628183155,0.16345903658912925,0.19912884096545938,4.234403759740826,24.36013028756463,3.213461117924743,5.551188947696626,0.0,0.6834237053903718,0.12735875341357206,2.1644314055365146,19.64724309487388,0.8210076897541151,23.865517588213336,9.514815950241157e-06,0.0001132097967789073,0.21110271649797763,4.171377409532071,23.62723290359933,0.34625109709788215,4.5026527698921175,0.0,0.00014063033626880034,0.33495188161113965,1.736153270650279,15.277313663574889,16.717093615142954,57.64012345950678,1.9907974977412392e-07,0.0,0.1595270283917972,5.939869002813867,33.08553174037547,8.143154722648678,57.02096396596991,5.906504567393884e-05,0.0,102.45028477956194 +0.971542322383453,0.18773225897469686,0.42408174509206403,165.87970783265578,208.97139214966302,185730.931253628,4.177051546531859,32.8626851981641,2.211303356535051,44.710427532499516,0.4596920263523493,25.035230572517598,0.5849656155053031,0.7011926078964165,259.0636773433382,23.079510675273653,0.12516693945894625,84318.0855202298,2.805658427824055,97.77064057172491,4783.437126965394,32.23517435767374,256.3133684635706,18.768546991924378,0.1946477516950356,0.19701821085209423,4.517382701354723,24.274059718853756,3.2110548848838203,4.239911431210233,0.00017075051559887013,0.9759221079641129,0.12791583020854105,2.1634426745624458,20.113184936795633,0.8024201213772775,23.083693193386015,1.6033010066721712e-07,0.0001132097967789073,0.20970877964119736,5.087249219767674,24.226139522570193,0.3418902883277301,3.035858270238159,0.0,0.00014063033626880034,0.34118423107915175,3.230883693092466,14.793356091204288,13.572163737284884,54.147239630368794,1.9907974977412392e-07,0.0,0.14259137226749757,6.644050417585181,33.87238057108981,6.208375931026343,45.6864419475883,0.0,0.0,94.16283318671938 +0.936067724308893,0.14329485752152274,0.37999952475169574,85.03368282554959,124.40983176189279,237900.25487917327,5.1581181372141955,54.04065684525824,1.946758343656003,45.008244376546116,0.6990728757998078,24.360376614580073,0.3609730554244079,0.8677576644500582,670.0337926836245,15.67901910151458,0.17259781832548748,62379.61906289136,2.3452607717523826,88.8482694427637,301.5601644930547,264.99031273317433,282.8527993316752,12.537978982308402,0.15948427709718216,0.168676241318028,1.8790239726676952,29.14477980613125,3.1418861877765187,12.787784916111816,0.0,0.6734355207529448,0.1262529364066487,1.8236908030265877,14.365079300648018,0.4771570773434479,14.982829498375311,1.6033010066721712e-07,0.0001132097967789073,0.18443254947261467,2.2066215792103394,28.545398772633007,0.2952631464389728,11.157104754972025,0.0,0.00014063033626880034,0.35204702445735975,20.65263815310303,20.214821675005975,3.4134447192735857,41.27031841670888,1.9907974977412392e-07,0.0,0.11116659294403596,3.9287611990335027,32.674027747777515,5.2040174464304405,28.009605167942006,0.0,0.0,82.76711711372522 +0.9748796683639672,0.21142092351736344,0.39018814825726306,247.09687991368267,187.48583414389248,257458.5174522709,6.252084550406923,91.057414430427,2.204975138730585,38.696964220450624,4.87733324673832,23.331376955351487,0.7738004397701411,0.9735574380152986,825.5018256243568,60.75073621353344,0.26688591626703,103450.28707767384,2.8457901566410566,96.81676356742693,4688.191589134975,223.17487534020336,334.15212067146905,47.5648220489544,0.17719600443306038,0.1909766076371305,18.370332418816048,44.68318700967314,3.0817807707181832,13.316172443268405,0.0,0.7005801307700866,0.10175452628074183,18.79018524923598,43.41955099484068,0.9547976013664284,13.290529880909599,4.7182984751874625e-05,0.0001132097967789073,0.19841903810023212,21.468644202297682,47.23513804080839,0.3642581661443268,10.400578614774199,0.0,0.00014063033626880034,0.21779099471576413,85.71463714291984,66.33792420269515,4.240862611802994,12.20618772175318,1.9907974977412392e-07,0.0,0.19086908797644223,9.649056514864123,57.833208264330935,5.39371333888322,7.83310866871058,0.00010134347320116398,0.0,152.25212024165293 +0.9352433008949685,0.13838599006050958,0.3672997891788488,161.75270735241634,58.30044366364886,273439.70594977017,4.80204246170992,79.64031208755122,3.115858602615884,62.392114353102734,2.934167186273275,24.46450105244747,0.3422185978869321,0.9796107813291163,619.2665195947318,26.101264983327546,0.10181411314366659,77768.92721824149,2.3635091437089764,50.553208339136006,4233.969958408944,115.68808689891249,339.7520040438068,43.51424533827704,0.2610883274618047,0.1920451349749531,15.83783127899656,33.73689677113461,3.175464080000117,25.96976868102728,0.0,1.4454070961033465,0.1292436518117655,12.197610402987898,29.95634014413174,0.316211842488649,11.100993411490588,1.6033010066721712e-07,0.0001132097967789073,0.20107285504370767,13.90736528721617,35.191302405594605,0.2748957943705814,16.824716919740208,0.0,0.00014063033626880034,0.10805260607472193,43.59071398602754,39.949509195825605,4.007841785942144,12.888459304617209,1.9907974977412392e-07,0.0,0.16780096576510456,24.184580177937832,51.23961310897672,4.971837564491589,8.80775429977267,0.0004140537221412546,0.0,109.32160031540126 +0.9388132818631127,0.18644181971401774,0.4289583293215103,129.22155039164562,226.86460166484613,306763.4832245636,5.1662879409516105,12.380907537112435,0.8148253219468506,67.27344782110683,4.467683299830353,15.94260178671394,0.5923090744102233,0.6121515730732018,12.666936728800884,74.2368425152186,0.07278782569080254,158194.1123022716,2.7488720395120665,65.5195851536191,4730.498867014958,123.34334266242644,254.60927727713116,38.50649507118721,0.2600197637882468,0.18574323849973035,1.6086074731718427,23.775738226672534,3.6887126618728847,4.049315918785875,3.180628075746745e-06,2.5488774075169975,0.1391733907153139,2.3080794520262686,13.21811081780552,0.520966482895334,13.069984772510855,1.6033010066721712e-07,0.0001132097967789073,0.21249183453581033,4.580094946067745,23.582582025449927,0.29111251675390737,3.0979794633747275,2.9403201316850103e-06,0.00014063033626880034,0.32923527091806215,14.294088230719808,16.960514742165575,10.487894556264376,49.81929305891424,1.9907974977412392e-07,0.0,0.21615615379800862,6.974408769443611,29.384987562765776,6.1620912211787155,29.47936081832816,7.984675030897334e-05,0.0,80.28467444700303 +0.931751607721016,0.2513391951217857,0.40139231835699224,240.16637295916453,246.68635224182154,143138.32527840033,6.537802414360925,7.647544794215044,1.9294077552218831,71.62234049842287,4.210029172645389,28.30087741897799,0.3624242990406355,0.8797270736356216,838.040859082729,83.86664892928195,0.3354956682599342,211524.61835855024,2.871054510316667,85.8467170745937,2948.3280428582907,86.63083019969827,230.8815856778837,10.979285898709701,0.33231520253827074,0.19397443913057524,3.596528344203683,25.316932838511285,2.945132021991669,4.338179237514015,0.0,0.8092918437793779,0.13087448607881616,1.5557315842536368,15.87251421124686,1.6167138318846652,16.093549830270852,1.6033010066721712e-07,0.0001132097967789073,0.20494951722055776,2.370077937243587,24.06526209863132,0.48361211378680596,2.9395942973140117,0.0,0.00014063033626880034,0.34808001778835024,3.0246477791050035,14.0683430264078,19.504641490556224,60.34444335329921,1.9907974977412392e-07,0.0,0.11266762727126109,4.639175680187648,34.25052010203906,7.122208422954041,35.93205210403989,4.02239488310099e-05,0.0,92.50552170938055 +0.9605988904700831,0.13072669266598344,0.34450699867074186,75.63305125919732,57.49204057157853,143916.4312928168,4.137113503593928,74.66825614898835,2.8292553188512106,28.67479584741201,4.68065557884016,26.604935868263407,0.31075696275807846,0.9048407246881339,948.3317116779107,55.801582687793676,0.34006880261746597,91266.8702026839,1.7286848146072598,44.03192469426307,1608.158296744764,257.9097663260413,345.1006533915226,57.66535988257685,0.20911843168271535,0.18702145639452983,13.599056697575545,36.1715401698064,2.65044209211156,39.91164195433088,0.0,1.1897961713384133,0.11629718684516109,19.034705426361548,43.113417881952685,0.5138231351374719,11.049912894425958,1.6033010066721712e-07,0.0001132097967789073,0.20015540443775137,15.238588301253154,35.658440503215445,0.3151953554127337,38.00904520195011,0.0,0.00014063033626880034,0.0693017735472346,45.17980783940849,43.744240717187495,4.6808941434321,17.042241407901187,1.9907974977412392e-07,0.0,0.17944836904317255,32.33399203455559,58.72642219373423,4.230390769457597,17.947092703294636,2.9087387850008008e-05,0.0,132.24293369604507 +0.9102579003994252,0.20936676847786223,0.342299691728312,21.466540024092687,147.0520458285982,244836.39025028373,6.063715299785094,72.16822170168459,4.51719965117546,95.87168258756903,2.5364462932804615,14.080819254920508,0.7672861177552458,0.7299122252291402,997.9897838045549,65.06353423990797,0.32688790035387555,143721.8554865791,2.8431755753128027,81.94641278303165,2392.0461662723237,224.11770140397806,348.5237416197604,51.6071611066102,0.1763012595813707,0.19752073765048642,26.66101068355346,46.50420042476592,2.52547351301752,20.787196533568878,0.0,1.199815181355213,0.12824977736265325,32.33488929740749,65.23377257291878,0.2020646375963713,16.23052898761979,1.6033010066721712e-07,0.0001132097967789073,0.20987201185959492,31.735111846594766,53.14328606810199,0.2507772549594769,18.5051049569444,6.130338558993806e-05,0.00014063033626880034,0.11832089117220332,94.68960468991797,74.10700716247584,4.095470962623909,11.524098271308075,1.9907974977412392e-07,0.0,0.21229023735671515,17.174422736841844,70.34494262199792,2.971188823460345,16.26370228047746,0.00037226581193780094,0.0,182.14301539830612 +0.9202911706192277,0.1988690545969027,0.4335081733187374,215.17495323133855,222.3595817722618,333897.7653182347,5.272766794308757,91.75211766796778,3.5461971951670406,89.52030580634155,1.3587681588281786,29.099470012479642,0.4101363582080374,0.9954032238584252,712.3559567649786,23.486874486316943,0.27384203147196745,284299.7969952469,1.0476824345975713,96.43069193611801,3922.1912882845168,286.9996688462481,346.3835837580703,23.81256100131936,0.15248011650438467,0.19012182954397971,9.158247574129586,29.068891871964283,3.4382357184022734,10.992036910615287,8.20464840362459e-06,0.6579661968468403,0.12484611035519681,9.50816226637875,27.134710558780927,0.62267699442996,3.236860024703441,1.6033010066721712e-07,0.0001132097967789073,0.20107157899613878,8.850933669169924,28.76269729243086,0.30342386897611395,10.903700552162533,0.0,0.00014063033626880034,0.10320404495529088,71.43147429523938,51.26608201130977,3.712664461870011,10.720762749839873,1.9907974977412392e-07,0.0,0.19824343342689954,14.445515064046585,37.31925958291337,6.303345415747559,4.399180400450846,0.0005198515058184935,0.0,111.5533184042536 +0.8305326379349137,0.21122066792046876,0.40123288046347105,74.05122529144597,15.920019589174142,134770.97737353033,2.8868222725227053,84.83808843110575,0.9397176798148574,34.396009624722524,0.81337742652981,28.148165276685468,0.3010336036121891,0.4561324472348033,124.13663679072828,56.45162044697135,0.15575091826936308,57507.755117078385,1.0736409858839213,94.78548998466383,3102.2021119978895,187.42492695302138,332.345316789792,56.54498704888371,0.16455259417196097,0.20018582454490597,3.614498005469553,26.64860088503428,2.584908250365524,50.485764961539275,0.0,0.8741574178193285,0.1419716844211707,11.489941574385306,29.074985388881192,0.19300247716972813,9.560265735791182,1.6033010066721712e-07,0.0001132097967789073,0.2141480598653774,4.488550881902486,25.762504402989023,0.2665925251985744,46.82352747794179,0.0,0.00014063033626880034,0.1522292647088748,33.18436804721516,30.64625563993794,4.627759406741337,19.058824880075314,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9719166540454067,0.19625544881530715,0.33032722717091956,219.80995894474427,197.18696175404273,189326.34323606206,2.8640602121483894,52.765999669300626,2.0172482656622877,88.25195884013716,2.87621420293883,19.220944963818496,0.4615755061768293,0.779412513088555,914.5095751027708,41.0828948441919,0.122983836281013,96710.45038948888,2.9218496887394716,96.20979418829847,4837.268910982103,145.20904106243756,339.0648221249181,56.75439675261847,0.15960960484541775,0.19537384417232243,25.705646604938114,45.82025648515027,2.603811011879349,22.344081142900144,0.0,0.8094441460738118,0.12521136414163744,26.578445063277368,53.998466733454066,0.5635177056825936,13.814762907613312,1.6033010066721712e-07,0.0001132097967789073,0.20609182947255555,27.23508269149425,50.2674679253267,0.29712407230446974,16.282196256685047,0.0,0.00014063033626880034,0.12738046962643934,96.81356644419887,73.67757367354692,4.080681492304951,12.558346388364715,1.9907974977412392e-07,0.0,0.17774927322102727,45.155857815369885,91.42327171273969,4.634502988671674,14.924594309224696,0.0,0.0,190.34546676941426 +0.9218457207866908,0.205837887480801,0.3211903501979259,238.60797432699712,46.4853016159643,284921.38419725304,6.512608387385686,68.91626346632374,4.715445927280358,92.33907032805094,2.456584894764576,28.38487291821021,0.7184069694569682,0.999725941520932,838.7767616446563,90.16016637892548,0.24497506892884252,262515.9149795239,2.869490068617158,81.92333826519867,3799.4712483113353,291.77126388445726,349.2368265716082,55.038642858510485,0.34453805789300795,0.19064562761100876,37.620428012976504,62.82333377690504,3.0422618662893544,19.350671078239838,2.9445822942469158e-05,0.7021320417548017,0.11712378812715944,19.831910681397368,39.23829642968697,0.44903400434314494,14.758186552554621,6.024252559620846e-05,0.0001132097967789073,0.19911284955449923,38.11706926259569,67.59197006561473,0.30468475044507454,16.42741949719568,0.0,0.00014063033626880034,0.35453315028293286,64.21203563947356,35.317846380974785,3.4757898550573456,20.572815158734418,1.9907974977412392e-07,0.0,0.15818060051444327,42.06205550430066,87.6146025441521,4.954257604586912,14.200628602137687,0.0002575132456758255,0.0,172.23992852888767 +0.9798781586722463,0.14815011901648995,0.34486729943834254,228.0198337771119,207.4734117275976,334589.31474215735,5.282648839460959,11.670379563625382,4.6506818662237785,77.42110645592234,1.4304849884731574,27.456176863620815,0.5105126182304955,0.738706113447956,621.4230966504085,53.74870119522585,0.2598516940414144,186373.37284090073,2.9445499624333054,86.46324249792241,2598.6339991632667,259.3272123135539,339.7460345029852,12.180494948430823,0.25284379269052737,0.19219447547321972,7.3264357980954085,31.327791768855604,3.236409892423425,6.115640266432691,0.0,0.6598878690652096,0.13265693552981056,3.9121394888789576,17.351841966876826,0.6196073899765833,9.25495379525083,1.6033010066721712e-07,0.0001132097967789073,0.2036774180912828,6.845838613337221,29.024527778826855,0.30333391560402073,4.974211546730265,2.2786338073754855e-06,0.00014063033626880034,0.31744415044787794,70.6996335340293,45.44903961940186,4.387016978804741,17.285337183546392,1.9907974977412392e-07,0.0,0.19393667496297393,2.4350900273857787,37.558568302938866,5.595213694090143,7.840353604646482,0.0001893312252874917,0.0,106.26213233810117 +0.8603184849688775,0.16082454775225472,0.3390576314130992,127.04213852332022,127.49627708696549,207952.68204262553,6.650939273606634,56.941459985722986,4.671918265098346,43.877154621336,3.103379700529378,22.007434641200042,0.43354520192950485,0.7625133445275092,946.5175156292048,23.430863771328763,0.21405171689757857,68511.87657882339,2.7912390076724027,79.67482443788377,409.9350470140212,118.1297538074045,345.3630320508575,39.7629372205847,0.1615784973239854,0.19709081178888488,18.889054711344478,36.94626140464847,3.120071254464733,20.615203323263938,0.0,0.6733264395176157,0.12063375405724093,36.29445865808835,64.79123162358789,0.8819706862907557,14.087903644878446,1.6033010066721712e-07,0.0001132097967789073,0.2081967071794884,22.405629443475437,41.23579987159426,0.36311098226118027,15.69825431182094,0.0,0.00014063033626880034,0.12335975408662078,96.2291935055238,74.63866511523214,3.4384116791314145,16.336181761171563,1.9907974977412392e-07,0.0,0.19025763308874527,23.856098565508663,77.66410025903816,4.864252420988828,11.207219293144197,5.031010889070536e-05,0.0,179.38875252225802 +0.9543607753482496,0.2014234394682988,0.41122890797438183,90.1122454601237,246.9885446025765,262744.59216425073,4.566592751399361,29.35562491906399,2.041318751759896,21.236294314844898,1.9521351404573553,28.08623673887558,0.38853546353045637,0.9517143202505194,622.0826157389002,61.01218086308045,0.22781137505978166,119777.97220157791,1.3260661652214034,77.52277126315205,4164.095951603896,238.26401746943282,348.79655376100993,53.959272372779594,0.16053146754944184,0.18871851779962498,13.748695466474844,33.674169538126634,2.8150491276156413,37.923846766327394,0.0,0.7103276448560847,0.12552459613534614,21.721452127578015,46.21713924641611,0.4392040864010012,7.670658427086544,1.6033010066721712e-07,0.0001132097967789073,0.20151197432581675,14.050114555316428,34.136546988027774,0.280418994148267,36.29406931730361,0.0,0.00014063033626880034,0.11846527320479286,59.53576420141287,53.12326479923919,3.4032219604013476,16.59745112857923,1.9907974977412392e-07,0.0,0.18908425722608807,35.22737881945729,66.80560919191355,4.6511096521297315,15.844459851224101,3.15979619374088e-05,0.0,144.03809726813182 +0.986184370561958,0.10616386734083799,0.42512033498639723,185.22545726197114,236.0522199821241,344081.5639383765,6.497965143046378,88.32265612038783,3.465684348313408,86.0425169724619,4.42960662084577,27.50913318643493,0.6206626027554099,0.991056119630066,953.4414866722817,83.40362305192153,0.2421640743589955,150648.40240979468,1.2665090528920984,97.244250786624,3686.266356882806,260.87639666328266,221.51869156593497,47.60454445768954,0.31356819188255763,0.1895801753408816,4.446127275292953,26.190264496846755,3.2154568095664358,6.297423823774118,8.670819827012204e-05,0.6527591654737456,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20025055719954546,4.332976671636837,22.26150713599785,0.32273438272769056,5.257789686145051,0.0,0.00014063033626880034,0.3591958458902377,3.5942808073097834,13.881516549932176,15.874030446587367,56.686583214879406,1.9907974977412392e-07,0.0,0.1529142242561904,3.695356176308832,30.529133549191272,6.308113157771474,29.331567039296754,0.0,0.0,2698666337285.8823 +0.8838192858148233,0.1537634993762216,0.3423265618407602,157.16960787084034,125.86469578074322,276624.08900331263,6.505659343244879,33.89816635131558,3.669894054620232,43.36646833995971,1.1767627762401214,22.412951811601523,0.41683972925740176,0.8757900117727578,637.695744083656,1.970226673252725,0.06557399342759727,281590.8210408238,2.8767313280328497,94.5226444036343,3552.098279670547,261.6145794297675,348.7452856959568,32.61686894295114,0.18798288723897424,0.19904820801193546,36.937437722707855,52.345265964897585,5.225346467728434,14.480960873313464,0.0,2.4075028335588464,0.12206378968923898,29.01530476723517,53.55227552164885,0.6873891304383551,13.362124322880188,1.6033010066721712e-07,0.0001132097967789073,0.20422976236723736,32.81453109424765,57.46408898407506,0.32778139165230213,10.186914628977892,0.0,0.00014063033626880034,0.13990957778490262,103.00805034028568,68.87639690398467,4.027436606091306,5.179088121642463,1.9907974977412392e-07,0.0,0.18728666087224058,55.17574047001766,95.57762798890286,7.917783509058801,12.027068994606987,0.0,0.0,201.2544307945294 +0.9038485745441132,0.13334378640195785,0.408666559295103,197.64989115430345,246.8068123320059,326661.81224971917,1.6302019265674788,40.1806033056423,2.029832190581054,9.292099653850464,0.48034252771144725,22.944967041650465,0.43616231570490727,0.9877333446354496,812.3248942465501,76.49228628754129,0.18986877533641866,71878.18353580411,2.92055317601913,36.38062122136808,3150.1293247854164,202.1955431662114,346.70352063382444,45.0287953206944,0.16478182013297002,0.19082377081947977,17.433011850360383,42.84474185700268,2.7105554708459545,15.184429746826977,0.0,0.9147511245043207,0.11777823527145938,25.20693442019786,49.538920474700255,0.30779652139369756,12.339643635831438,2.4585337455260966e-05,0.0001132097967789073,0.20135197558900467,22.47896613575759,48.852169166908,0.23427086309438283,12.258918438350571,0.0,0.00014063033626880034,0.11251099691930609,62.97306211592173,57.63406222176832,3.654836329702562,15.789205910935173,1.9907974977412392e-07,0.0,0.17840090588304416,38.1099769109076,76.41264816266205,4.1183064760366275,12.269590832179386,5.244407350425339e-05,0.0,153.85451871974706 +0.9891395697017018,0.2322397603727117,0.4479970476494834,243.6335006141679,242.48402441164228,319063.9614692625,6.192517007964588,67.22701838481873,0.9429094639358522,77.6851524214078,3.0960264785661327,18.12713671947597,0.34793779554626214,0.7495376514125268,831.3554945081837,55.9925975405366,0.21917845157316848,66625.41064111149,2.873804449367772,8.356462285342214,2051.0165829551383,54.08114803642806,268.41631679494725,30.012926392056162,0.31391363220774315,0.19794005192839256,4.9670500472267145,24.515171057951115,3.222641716770284,3.2442499283983977,0.0,0.6821033044572927,0.13582257285875313,3.021975881516487,12.88478928093174,0.8454054252128793,3.437813145275367,1.6033010066721712e-07,0.0001132097967789073,0.2091809939862483,5.038674641694649,24.22658045945352,0.340861583085978,2.0483171668775637,0.0,0.00014063033626880034,0.34387946374591666,17.39494342193598,17.743663923131813,10.245364284148875,48.37175298448194,1.9907974977412392e-07,0.0,0.13096645194316336,4.020592083301375,34.56743120538403,6.812750106834357,43.44665478455075,0.0,0.0,87.51515265777174 +0.92444996400015,0.13092256996664023,0.4151394012869853,234.0300502344195,132.93940535739316,328544.4262559784,6.818276082516166,82.61221923683898,3.012990425439951,91.2833975297642,4.162214135212931,29.21227709129292,0.4780208201505606,0.9107657743608867,943.6867985492585,66.47305830109411,0.08255246336412031,174066.21825324796,2.849214540907659,86.17810227765132,1402.340676724481,297.4059730775522,345.166044079037,47.287626426638006,0.20006996201893157,0.19507637697032762,33.788257343499126,52.65161658841126,3.247984422067736,19.360708541581197,3.977368629143801e-05,3.122204301915955,0.08506240121307346,23.53313293654834,44.81644430671316,0.6930093749059699,16.75762376610245,1.0398464519434053e-05,0.0001132097967789073,0.19296275462263754,27.21986599926702,53.98646150743147,0.3241848713237317,12.977888417703948,0.0,0.00014063033626880034,0.27734759661473973,79.05782203670857,54.26271362345471,3.988889036771924,14.253382148787756,1.9907974977412392e-07,0.0,0.14129240346713587,54.19887687960368,102.18938149776038,6.470048330892993,20.253666991334374,4.72696479736575e-06,0.0,184.99371632607642 +0.8410497512077395,0.1214967771228213,0.3302914562509708,165.24071614586862,73.97819677241638,290082.3574766614,5.814653141397457,23.249861123450067,2.188953547860076,89.9956309961562,0.4107447018092021,20.921272486861845,0.347911082764962,0.7852596495530397,45.995548192726574,7.296995319541658,0.05091384303017525,59817.585072422684,1.1463527309922337,58.393112559610245,2830.599711829117,256.3026089504073,308.72473292185265,18.364740182466832,0.1830490113091995,0.1998905904833178,11.13388140876672,26.849562296317576,4.676265713293107,52.621941226121464,0.0,4.004681543994171,0.13573047982085745,2.2342224644808226,15.744392695420114,0.4486705017990705,6.40433792618097,1.6033010066721712e-07,0.0001132097967789073,0.2087443364691395,2.4337619823881655,23.94482089207988,0.29467317611502764,28.54579299928054,0.0,0.00014063033626880034,0.3070643410316032,22.19830843525174,23.081359533122267,4.202621897820767,10.231704079171182,1.9907974977412392e-07,0.0,0.2186601784846514,1.878208744578646,25.984678986821134,7.001035305046265,9.076757651606938,0.00021815895920061646,0.0,85.4306640729456 +0.8158439515543079,0.21240385329258,0.34518525374059894,78.7443456793889,55.32295186364695,108387.00045619227,4.943637169277357,30.178486616923728,1.1473396154068893,37.31767752916913,0.952552244982068,26.807766566679803,0.3565865375313186,0.786494758557815,838.1865007348199,7.237017518129139,0.20678933895169982,66078.74335509978,0.8666503007593689,33.24731616997036,859.5653739568463,134.6067261912056,263.66493893404794,56.85336131513378,0.16254823621637876,0.19718277476177312,3.4097325182887737,23.596026890763962,3.2766750871408683,48.74562893480377,0.0,0.8087365079153638,0.13543299650718646,4.659451266691837,18.05976553639802,0.8614316779865404,5.108263879015612,1.6033010066721712e-07,0.0001132097967789073,0.20877376682418786,4.207289871394673,24.47558226593219,0.37380897000172675,43.77525209994828,0.0,0.00014063033626880034,0.09487705893477244,11.349916194224212,20.041350042462227,4.992009944129822,7.061982309552175,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9822533359036016,0.137540172174483,0.439593121686732,216.1655687433642,243.72271256297103,188668.58608648443,6.966060048399777,55.396564216780156,4.332235701022779,17.777725630098374,3.495721714742369,28.58906226442561,0.7848919470557671,0.9697669200133389,864.2176683034158,53.57105547884943,0.339802652829353,186223.29469068453,0.36647761954292946,73.56439227172012,1859.0758064311858,249.75322213539624,223.92598219672217,37.02719596237027,0.3229455782909481,0.18725058957710353,6.134146321722895,24.67499026149836,3.010469240470717,7.994721541495578,0.0,0.7933481168535207,0.12236889472721794,3.2974408813191114,12.651725798495837,1.3789245768878275,3.372724099447671,1.1245690099808324e-05,0.0001132097967789073,0.2005822068196009,5.02781400323425,22.015262165012746,0.43974596301354674,8.354022772645783,2.248780424704041e-05,0.00014063033626880034,0.35754314694352024,0.8554955723384109,13.740522886032869,17.22475450706134,58.002356766750935,1.9907974977412392e-07,0.0,0.163067042903096,5.979288668452508,33.292547609932186,7.44437264421128,25.18511777369101,0.00016082303933624708,0.0,84.66899722492546 +0.8920074435712944,0.20173035009703857,0.39096017391594784,196.68400090086328,231.9532575523372,210550.33657841154,6.606962691963032,67.39369374234344,3.394213069738864,65.04134245609771,4.925292344695152,26.763712258894675,0.42695359254104726,0.9367910328279747,982.4711721488605,81.17252708536085,0.3324433552488789,171492.54875294102,2.6118138006545335,81.70286931141248,3852.3528538466726,294.9490444479074,346.0484479750261,41.74338000311052,0.15457012163236367,0.1901312942221896,23.533302332715156,46.558642887811025,2.8816262683965665,15.789203172869547,0.0,0.7753329152882028,0.12233925657808017,32.62575283003789,62.081258692273735,1.1792690768095384,13.808003974092463,1.6033010066721712e-07,0.0001132097967789073,0.20151108644180654,27.196827898587994,53.248883709530624,0.4034337279429915,13.817321094228285,0.0,0.00014063033626880034,0.12116783840144928,105.43868333310827,74.41872916768384,4.467456072708617,11.010471234909744,1.9907974977412392e-07,0.0,0.18558354629831875,54.346935929621985,97.91513862516878,6.541030693944469,12.650425660625501,1.5567476734375503e-05,0.0,203.46269561491866 +0.9508646787845942,0.20518186039609182,0.40421918760556985,224.7411369740033,207.93764458055784,270490.9845321472,2.2101942108447257,59.66004874423888,4.279348006408865,23.528109870888276,0.8862479683256403,28.773107361715418,0.6801487551020479,0.9353955150240049,403.8970789065417,75.13567991189863,0.30706472518664735,147186.70908255677,2.9738316968498335,86.01878401986471,4666.053859863847,210.0468146857217,349.48544768905197,55.88427028420004,0.27037674056576066,0.1885958801575985,24.864183341901434,52.145658893722526,2.727184275189865,17.809534273670195,0.0,1.1640243684865017,0.08180883463902969,21.026120871627576,43.52493791820127,0.2325320566060445,16.956968809203563,1.6033010066721712e-07,0.0001132097967789073,0.19690264680302472,29.733985035131276,55.420065733749205,0.2441433279260153,16.619372464811633,0.0,0.00014063033626880034,0.3008954358735285,56.91112396454155,41.57461599374196,3.5405756212631623,14.277138815083347,1.9907974977412392e-07,0.0,0.15873553721657305,34.83442173300211,76.23346471232183,4.36555517861469,18.684264238906593,0.00016846732709928816,0.0,151.9745657557065 +0.9461229062215578,0.23804671899348323,0.4491819517502645,76.68112622105762,185.18437024355444,332534.40871080355,6.225546305308992,88.37851333307283,4.5884599286154195,72.5317093013202,3.5399442842432887,29.413488371895344,0.370968770929785,0.4106550365209181,888.8615564488509,58.83425991443356,0.29752718086819524,56998.40789740957,1.360961588180647,75.83805751993151,263.2733513411288,17.199958990164532,287.14798810139166,10.650524419113916,0.20718609662762907,0.1998416480831834,7.560283359453545,24.99176637217394,3.0801971785345725,9.695514290417862,0.0,0.7588705068283242,0.14118461175985988,3.1797284338688865,13.425661153350674,0.40307254008208404,4.270361443696521,1.6033010066721712e-07,0.0001132097967789073,0.2135372549436024,6.46776730214792,23.936780613366235,0.2768526092048181,5.502690919207988,0.0,0.00014063033626880034,0.28111024328083667,20.956305811597492,21.405604089312497,2.9771516594476086,39.904781971906075,1.9907974977412392e-07,0.0,0.22332976778244235,7.188839338779739,30.696958414523824,4.767342117882624,44.18132634352651,0.0001872590231945764,0.0,84.30470855820548 +0.8151193871571353,0.11533397144430843,0.35802637869577847,191.3177382474396,184.4994659667325,257703.43575590767,3.3757946681443607,58.24970799385866,2.5883488940531203,51.7369160434382,2.815673699420806,29.019191323528453,0.4324297065920778,0.8102434471998787,572.9957310929989,24.01418249525781,0.1301549022825918,50171.281469268695,1.0362132674003366,80.06009810544612,220.56141471962133,213.2215705932473,348.0891248128489,31.916492077793805,0.19602157837632944,0.19593691168811805,6.787656202501331,27.030822582697585,2.9563643019837484,66.10398215559003,0.0,0.8337816913709787,0.13264281581331952,13.372449833195432,32.362874650015904,0.4205295900210978,11.295172955098247,1.6033010066721712e-07,0.0001132097967789073,0.2061502514597268,5.763954402903166,28.166366228533416,0.2728208723075477,57.280864848241386,0.0,0.00014063033626880034,0.10880753382562779,57.699231301287476,51.806012706024624,3.5145786402210315,19.179458972525282,1.9907974977412392e-07,0.0,0.2189902972043124,20.124960799060414,48.185524086171625,5.219393149749956,24.3344209083006,0.0003996406993773555,0.0,142.67892562181495 +0.9577414215351806,0.1968269165956912,0.44192030850995057,185.65085152468197,86.44406947948713,259860.11498108075,4.662135151611652,72.90477268782264,0.4081707391690085,51.387666244950225,0.33536948886594886,13.723848100698637,0.3472591772251481,0.8804107550958715,578.6778559956364,45.28484421179803,0.20308096668949274,298750.2355915676,2.695813596412928,54.93385650788334,2863.0041816148764,228.84086594236632,332.1670712186538,47.2118779748857,0.16181852021452697,0.19632765139183064,13.206263930633312,29.555192545908007,2.9924890185156374,4.902770042524028,0.0,0.6501335201782958,0.13785398526229278,6.970206875799167,23.237597280034027,0.43353872610325705,5.131342248729726,1.6033010066721712e-07,0.0001132097967789073,0.20893461569629657,13.259900233887564,31.332572783057902,0.28892948078205294,3.9951892473339154,0.0,0.00014063033626880034,0.11743643397583264,74.59130124220539,52.60955477079236,3.5410827364600697,4.6646440352065,1.9907974977412392e-07,0.0,0.21559471339775027,12.305561396992546,32.283007437354755,5.002225884886003,4.952269787599947,0.00014507870068816565,0.0,111.71066122181536 +0.9812328874452046,0.2517261391374693,0.42400785698475263,173.04443291982471,202.84999933427054,222727.11335343696,6.870679368630629,60.39799513015211,3.6625601555187735,45.78247705377096,4.450107699896954,17.78786107464666,0.7337980555858926,0.8911361104287904,959.0262050732053,58.94083173827064,0.2960054250286908,63194.616375149664,2.962107006111188,96.43459518797023,4253.763508529169,281.0804982342516,247.75508209695815,14.881648311752958,0.21282695913920435,0.17574465062453243,4.7781455635769055,25.87385826001686,2.976313026732919,12.277384127588407,0.0,0.7310609900814437,0.14400977855935948,2.524542578255682,21.899192774649528,1.0768395615613033,24.38918515903132,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.3508721961211602,1.2256920833562222,14.195699461860055,18.044866987326603,58.88241728420317,1.9907974977412392e-07,0.0,0.1013436107629273,3.416677291428892,35.739506908458324,9.043063364316712,60.59771755116642,0.0,0.0,2698666337285.8823 +0.8325736908465282,0.13852043836365313,0.41503641597985413,185.09646205074475,245.60995842622594,184788.84229105685,3.5458944255112166,68.7932235042964,2.1098042596082545,69.70328665455831,4.845634579592748,13.214831841266026,0.3809808136968099,0.8635273512100027,132.33273536896957,32.41593021302661,0.08808353640666165,61877.46842760934,1.0912420572435961,96.78134053955306,2086.0431215185704,195.9032989075714,315.99190388628614,39.1365998511821,0.18343388050229886,0.19946930948462405,3.244479494372643,23.632250049145593,3.0850672169199496,38.43690905907917,0.0,1.3668309674938677,0.13951103325781591,2.9648470939202416,15.85064016417414,0.7505352983115955,7.148606330070774,1.6033010066721712e-07,0.0001132097967789073,0.21054799045593403,1.8548522200651205,23.935875393704276,0.32950074850068306,29.494603594378482,0.0,0.00014063033626880034,0.11535252610357048,25.443672676626594,32.49128957573114,3.2332446066397904,7.53717681471969,1.9907974977412392e-07,0.0,0.22793491560299411,2.1839787500388206,25.292452407328437,5.7339548548082275,10.701640265265397,0.0001712966695023199,0.0,79.86410283067687 +0.881141362113708,0.1902342600200454,0.37664872165319924,197.8315727176666,248.5053488306273,280035.0404306275,4.050142694721793,91.29540853299167,4.240353254325002,73.07729220880869,2.542066378790299,27.354692554037968,0.33456696567958266,0.9808925772410406,735.2441820873222,53.71380228463653,0.31384602298037656,100338.57032171689,2.786122414834018,82.88533476511898,1783.5328658307585,17.731596176101633,349.65830500839775,59.23551451216396,0.3335919222841127,0.19051344438248158,22.713077702085144,43.76325248296362,2.888410824826305,25.60262161165727,0.0,0.9056108144079567,0.12415788388247874,17.682625103283286,36.89390477442113,0.5628270334306795,8.515775376529252,1.6033010066721712e-07,0.0001132097967789073,0.2010778555886739,26.935747161636506,48.67512246735869,0.29281985537613353,21.605650373617397,0.0,0.00014063033626880034,0.2932487325787203,52.12339822121317,36.40792104789366,4.039092524182298,22.748430039432574,1.9907974977412392e-07,0.0,0.18098314828638284,32.138453246441266,59.95993580741802,5.222774372141037,9.998649426004697,0.0001520466740481642,0.0,133.17601892066548 +0.919234660093328,0.1518749703010433,0.37564940888408144,234.977448191685,244.77321279312469,283673.5860014604,3.832123341653376,47.88227641430356,4.8503528772908435,86.13821678176953,3.809607641925556,28.706138972398207,0.5445490713076978,0.9314717739821932,661.8448095277186,47.765208616834215,0.0854553996496295,256652.83220020187,2.9549117583202205,93.50727190172861,2511.6959295968854,234.2224478864704,348.3416720771387,52.65181886870543,0.21158586412290237,0.1952839982156521,39.832881818889746,56.904278097521065,2.940629102611415,18.642842307760986,7.82173809680378e-05,1.7179665604631325,0.11022462115298926,26.820849648894228,50.17363725147039,0.5597909357394762,15.29503640446467,1.6033010066721712e-07,0.0001132097967789073,0.19973981646262384,36.155201099329055,64.013975604745,0.29040083368156494,13.576795896793122,0.0,0.00014063033626880034,0.2896051312927889,89.27542877213305,57.658697723469594,2.8054453851299512,12.13035037659229,1.9907974977412392e-07,0.0,0.16078159780271095,59.127974526331634,103.21021022259391,5.380119237985164,15.429255213244177,0.00017086686407207855,0.0,200.2738880384264 +0.9592285931785768,0.1652952538851918,0.394297450420516,182.2524136444424,222.93965007636464,155840.6756876007,6.6735044064562725,66.42663482850793,4.77574256487895,14.163122955931374,3.873558086424213,21.200538800397233,0.36688651136637085,0.9311306292571067,868.8156065981158,57.87058461706323,0.23462557932284522,154786.50217662513,2.9238801267308734,70.44891309953826,133.579450018623,241.2014092898564,345.75239084167765,55.70747858444233,0.3063863330102007,0.19046068406537292,24.275141360014214,47.35804273823475,3.0013311049712956,16.891000299677824,0.0,0.7536678741007082,0.09897055241015822,14.839536609700106,33.61946517383652,1.4237964321583065,12.988282733797062,1.6033010066721712e-07,0.0001132097967789073,0.19955049598702387,26.41242954697606,51.9838827627305,0.4488788599398841,14.510865647119603,0.0,0.00014063033626880034,0.3532113064253627,49.334738932900656,30.311948576975794,5.932495151367311,28.312282977856764,1.9907974977412392e-07,0.0,0.13877306882763057,33.50275247228197,69.81905915006834,6.463652427472086,16.385134605325483,0.00012158838397776299,0.0,136.9524958825722 +0.9711671641639968,0.16936882444434215,0.3296881379807966,246.313326628367,62.71200443805111,326267.47021566296,4.729968849188512,99.36035986483323,1.002163258502327,96.37939461106501,0.6667220822980545,28.325392576947404,0.3542771734406005,0.9863799265648062,781.6704023155062,39.964827596379536,0.12299627561006883,176719.5743331415,2.9298145911206164,97.09166265116355,3667.645857097798,178.85627407690762,339.62909318298887,51.70985143302605,0.15819505425220476,0.19124602600874172,31.090944094363334,53.337588420462886,3.1571333192299775,18.74883966109653,0.0,1.174397823683925,0.10115516488035897,27.02962674520824,50.11006842845074,0.26516493163455834,11.954914061482114,1.6033010066721712e-07,0.0001132097967789073,0.19855246296939708,30.186653611133515,60.65684889078719,0.26293694959766306,12.423065394775685,0.0,0.00014063033626880034,0.11708162921718374,97.7034495520528,70.17598408463073,3.652055709140459,11.926558645736982,1.9907974977412392e-07,0.0,0.15903125678270733,59.39780296407758,110.07770537680334,4.862137461541276,10.242834298485034,5.980301757513663e-05,0.0,206.6494724165217 +0.9517902644198522,0.24481802085023316,0.324187515731175,47.47064198142142,156.53590458142997,276593.0564194152,5.754845669299857,79.5814415237766,4.178013498539086,74.46347669250673,1.958184214661863,22.76032454242352,0.3207159433719086,0.9177813848970409,254.44739470701452,66.2032090742008,0.11655104639889788,87717.26194940653,2.3808164349398337,51.01252576486741,2832.4895125738612,261.6502932836797,342.4748787798026,41.51922001771853,0.24117117416209924,0.19565563862414648,19.275662821150686,35.275838384429754,3.0742829976687815,29.171626454527328,0.0,1.0083675613195953,0.12014536075136861,21.144043371315984,45.743306877449484,0.3147198054812082,12.295040262821459,1.6033010066721712e-07,0.0001132097967789073,0.20270029734320807,19.60930926698284,41.28333275752315,0.2664242714236897,21.297822643100762,0.0,0.00014063033626880034,0.08670913258342865,56.66883432189137,50.52818110918897,3.624920530840237,13.68883437949431,1.9907974977412392e-07,0.0,0.1664361564736934,39.58906790639335,72.96978931214893,4.678419729968127,13.891240685605368,0.00021265463516148203,0.0,144.16146531428754 +0.9582725581484558,0.24311216980527667,0.43672850868685553,171.0712599794004,70.96768323805313,130679.59161416901,6.495591250533334,5.812176847046327,3.3153522824377006,56.24224516868986,3.936297172738445,11.48874134568204,0.33291835418575966,0.7211527575491287,812.5748890093057,96.04652504345948,0.16628192095500977,130598.4761614546,2.205408252817921,97.02637750424637,1410.377516764326,142.8064318470934,220.5468402343628,22.17424043570817,0.23061980851317357,0.2002312335767593,4.778635766417349,24.003566542046677,2.8921588986772604,5.068506398610675,0.0,0.9956872616553518,0.1413012997465536,3.189857232775677,12.902342919675242,1.1548522323472963,15.523416598274233,1.6033010066721712e-07,0.0001132097967789073,0.2119538555094844,5.313037562190726,23.54201928557335,0.4109841774412408,3.9028761374716283,0.0,0.00014063033626880034,0.33901924344325013,4.356403489525519,14.405895767274698,16.665526323688866,57.51063866651471,1.9907974977412392e-07,0.0,0.16533592780017706,7.975746043219659,32.51836481147093,4.845093725242216,42.02510187043802,0.00058029702908657,0.0,91.50668740168146 +0.9726987835386747,0.15435476983520133,0.34746495315769854,10.221492358627899,34.2173090635165,159121.35871400905,5.50842850151891,59.16303721849183,1.2207367427369864,22.408136353141032,0.47326250599201414,22.068552489382377,0.4245066646024582,0.5956275930442617,465.46911430635276,53.85226067311526,0.25142983401907715,50249.91243285492,0.5526211399493453,60.83259565671134,3193.1631227162125,252.5015948563827,336.80887592538147,36.89357200654406,0.3466875182404402,0.19695959810170996,1.1358795388657728,24.406724262336155,2.4286398006319185,63.884010496886766,0.0,1.3413815283137507,0.13722567509847777,4.199631744350869,19.260491819860825,0.2204514345862941,7.88186741180966,1.6033010066721712e-07,0.0001132097967789073,0.21046245261139468,2.245907248227917,24.900942882846905,0.2449726705839128,64.74035744267924,0.0,0.00014063033626880034,0.1571152865807985,4.94174886005199,19.775199061641338,4.945198912918324,21.778109303457487,2.7615343999459633e-07,0.0,0.20545273476497408,1.0232097211139355,22.839288561430592,2.789298788881273,22.824175740708235,0.000113852435523555,0.0,109.1736511972691 +0.8839835334379165,0.21374426261764,0.34892165160383687,215.4822100289964,126.75929118353896,292216.51068798796,4.311205159208072,96.9572396383675,2.678178351891178,33.94367588006315,1.3751844252404204,26.299817127163024,0.3827748201461471,0.830571410561448,330.5941847707654,4.2568268557884394,0.2257878661058904,79996.10956845304,2.4820984265905066,96.02715667050717,1393.625303272267,198.10421144710622,348.09908142546874,28.369972208928484,0.21422679578670373,0.19338442927280602,15.256427395888814,36.424180242904704,4.463923582405441,19.845907768864183,0.0,0.8480108284359926,0.09085922278246657,32.14985593798195,53.93820740466175,0.4293126546065637,16.16705572106805,1.6033010066721712e-07,0.0001132097967789073,0.20457633414658682,19.43572298397273,39.61630218645924,0.2791025432009002,16.989258359501996,0.0,0.00014063033626880034,0.1413376175274159,81.69412174880537,63.380934246928504,3.6336583706813785,14.25778082028071,1.9907974977412392e-07,0.0,0.19909171576299303,42.04337844191577,78.99407097763631,6.731462406471032,18.868838554473832,0.0,0.0,166.52675487364337 +0.9845398090257986,0.24644458463872282,0.37133044596265113,164.27732068925073,190.3079699665452,203474.16874739903,5.982087958507034,95.15397597828459,2.349232485803316,52.66462992929289,2.64550007682576,27.642619907607436,0.423282230253531,0.7866595629655,822.4313608522107,75.58013466060609,0.22285262441355588,88749.34489670282,1.52160205770072,99.19191874760628,4851.083866048192,297.9042680787771,347.92834492878995,36.38957279299231,0.2319676048335876,0.1960504454578946,8.811756569627295,26.970162589663683,2.811666195554705,34.57928389364654,0.0,0.7073664821790928,0.1186919142579288,15.905893418291306,37.267423929453265,1.0000528322084055,12.885570336745317,1.6033010066721712e-07,0.0001132097967789073,0.20605911273624367,9.834848865094198,30.303634086821713,0.3760683682717401,30.386473305035302,0.0,0.00014063033626880034,0.10103303880966391,49.73999769366415,49.85415971715328,3.2217242317922015,11.486939739151262,1.9907974977412392e-07,0.0,0.19440213525198663,29.38396235898197,61.90284998161632,5.487513610516108,15.711131079651471,0.0,0.0,125.82086028830734 +0.9838456972610339,0.20861526017140805,0.4256161741662377,232.17272990801433,225.68506794074608,271155.6526284688,5.546646531884689,10.793327590572915,3.2684936780724705,88.82986587086579,1.902204522736705,24.770957947993754,0.5225336603450795,0.9406885775982462,729.8223379394515,84.94302484184377,0.2741935555721903,251970.27214784466,2.9241643334263934,83.27006209142039,4440.85029613696,297.1668830442693,339.9935555167643,55.84152371742992,0.31641096658022144,0.1894705000407111,22.325482408605474,47.01398801882061,2.9828530313030313,10.663827480200093,3.177557139367634e-05,0.7086986832087403,0.13295595177238842,11.025360781430253,26.941178157813948,0.8528476381486715,11.877903643668033,1.6033010066721712e-07,0.0001132097967789073,0.19624416358798338,23.8959792937488,48.16602390348186,0.34439468366305104,10.21210731698488,2.0142207633159016e-05,0.00014063033626880034,0.3545494634171723,44.88704215608559,27.10232715412866,6.578244455447621,41.427630507101185,1.9907974977412392e-07,0.0,0.14750065374954244,27.12720153260463,66.77837639002803,6.213255535708351,13.707261651542014,0.0004876179954830725,0.0,129.41143861100758 +0.881141362113708,0.1902342600200454,0.44626282522324995,186.2435203327355,68.46208813470986,191462.73186885501,3.882399116907768,91.53199525093174,4.224200532462369,18.45572347353875,0.6066753368355848,28.411061933203303,0.7212200083639133,0.1357235801491633,690.6852973971523,3.40042257431573,0.19107129007611162,80000.67433424549,2.786122414834018,81.93213077926725,1783.5328658307585,194.3696718182297,345.8189858788574,59.22187888413305,0.345618852426675,0.2017227473548277,13.573786552138571,31.598790030735643,3.9165943979508326,19.359751719364297,4.6142036416526797e-05,0.7131050929208586,0.14598329915466046,9.124135793949932,21.727254322757958,0.4537254377090192,25.94675704782987,1.6033010066721712e-07,0.0001132097967789073,0.2004404224364393,10.116875004370392,32.98295057821691,0.28417836517003897,19.98736053162633,0.0,0.00014414060373783881,0.1478048395847356,13.736845039940235,21.52005423638246,4.191712664349937,38.45352669855632,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9511346012922417,0.11178514012867594,0.4442538842871501,183.58819355847552,232.88418813507303,274356.3483907769,4.171281143086105,57.77178405719228,3.1571707969136082,85.37804204938047,3.0506770746262006,28.066657461792893,0.39402114320359494,0.9775051906801677,495.1408916618662,33.833148653531566,0.234134231602686,63825.32956325263,2.9585003500049156,80.46733318883125,2841.820678995303,103.64657613125718,336.7046232915912,54.307388031222544,0.2855910076411906,0.18527419905002612,13.539205463667793,39.9311541433551,3.1099518213972566,11.667638713307872,0.0,0.7013869724868476,0.08137462443668086,14.41080077215538,33.17722742301167,0.5617430111898113,15.777813525849758,1.6033010066721712e-07,0.0001132097967789073,0.1976069816092737,16.768564999715927,42.703599279107564,0.2945334091818718,7.392067280067102,0.0,0.00014063033626880034,0.3254937513738277,41.99009779916332,32.754110962949916,4.907976208019442,26.315409653891262,1.9907974977412392e-07,0.0,0.1423340168971777,23.7577912213308,57.0831807386854,5.395111359192792,10.475588238500684,0.00042697904992060044,0.0,114.69888175979659 +0.9811581122148844,0.16771848602926617,0.39984942474117313,236.1989487699611,246.44524478957482,331366.7955485239,6.347408127583074,92.24127318604852,2.370207378725366,78.31638885712287,4.214736681249839,22.146991308598956,0.7088816814766064,0.995960573870192,887.6761341803586,87.51863506487352,0.31777572830241324,98013.08626406091,2.7957495154747267,97.33355209167796,3756.4208817996264,184.3889355651485,247.0966893088469,25.566839759526584,0.33874093412661405,0.17381157981117187,3.6201062631772167,27.918749109752856,3.1983843956520803,10.54598691593968,0.0,0.7065086833288499,0.12491687125359306,2.2421179577684582,19.924498881521735,0.8291244215836842,21.72171050132797,2.0873967021844384e-05,0.0001132097967789073,0.1996147620223069,3.254942744487131,24.056251037891514,0.33791406003452035,6.520790926858986,6.8156685409447e-05,0.00014063033626880034,0.3574882205067544,6.218274721127574,14.445577598325077,16.572051225495336,57.140030465013496,1.9907974977412392e-07,0.0,0.15089310467068343,1.4359301788928414,29.998309121703024,7.394662835335567,49.44625015156807,0.0,0.0,98.02928659088718 +0.9551543476675598,0.14900402735277582,0.3292618521329916,195.0237215934358,37.03026270009532,334135.8674428526,5.477355843783128,92.33717255384512,3.3548930438310354,23.40507214075206,2.84940879030154,19.885023751402063,0.38852583276030556,0.9307659421144661,637.0366317145873,67.02698254001999,0.19695395908280514,82864.45539921094,1.109516468086428,78.96408826742577,962.3480632597815,177.10911180606865,342.4071420425773,56.173858943397576,0.2420869181293381,0.1938650813920189,13.441627866210833,29.805494878728123,3.1617329091940087,59.04167967379609,0.0,0.6865134321632034,0.13398500287445111,14.073357433078879,34.33565953200823,0.21936993703439095,8.20766018104613,1.6033010066721712e-07,0.0001132097967789073,0.20503854599209123,12.144988596419445,29.340913540850348,0.2626616971887737,52.734732665451936,0.0,0.00014063033626880034,0.12443627685097512,41.27103478781356,42.850754246460355,3.6374563218769875,16.881837809718476,1.9907974977412392e-07,0.0,0.20107500619662108,23.19025955918454,46.480978471555424,4.846291880610979,22.083833056942478,7.236317921986852e-05,0.0,129.79434723657752 +0.9830253584311739,0.24074492030789468,0.4311036087301739,246.6409902804652,142.87899948965585,346863.208071815,6.126886722647471,99.90882323654029,4.9174000874888195,90.42364997599422,3.7534678328092173,24.98783660832918,0.6472650409556813,0.9957856988409818,945.71103388495,90.79537477492148,0.22391505890260713,205902.72940982282,2.9489736474597863,74.35546995519817,557.2848321223006,116.83401822434176,258.69277842525145,39.225145967719,0.3407243750617127,0.19292663308409713,2.583917805965524,24.675736749325633,3.1933164076233576,4.510715415454808,8.748350716445674e-05,0.6683150673793442,0.13092642197942148,1.9560955162493587,13.327241417639277,0.607510900021101,15.452857322097069,1.6033010066721712e-07,0.0001132097967789073,0.20255382525976118,2.721239701564687,23.00876965088555,0.3070096052601344,3.3990738344736844,0.0,0.00014063033626880034,0.35534939044706665,21.79381441053931,18.87457197993712,11.251505127349365,50.809503119779976,1.9907974977412392e-07,0.0,0.13621593819503952,2.719044358980721,33.18034196490591,5.820660157965956,30.193883584754825,0.0,0.0,84.90676182321529 +0.9595036059379264,0.19662690260520177,0.35450462741035443,169.13637339499496,241.14414702004018,268334.7805942733,4.07904314118664,53.25249590602152,3.2904522637473494,81.59140401539489,4.765377199518861,7.023854929980995,0.3312979479898131,0.8138661094071097,668.3314240229512,24.03187002368719,0.0914824640568529,256242.77226912318,2.9437238470259364,93.33147249508818,1922.008336314036,204.57457068549922,343.44408846680335,53.85129423473103,0.28535318655965364,0.20106042061475055,34.13502577367408,50.47525828918391,3.070019685435803,15.961961263114267,0.0,1.5069538881278974,0.13919107038185063,16.226659643608482,34.775145842135956,0.5446035209462993,11.630510982798562,1.6033010066721712e-07,0.0001132097967789073,0.21179846572645677,29.58490971627522,52.51605984600647,0.2920504480324357,11.371574327324165,0.0,0.00014063033626880034,0.34377769636520566,68.80629269419016,40.19912948289169,3.4958971801524066,21.054433686090263,1.9907974977412392e-07,0.0,0.18739265904396912,33.86043515952402,68.21904564929497,5.269860760167857,14.094958682528473,0.0,0.0,148.93980254469776 +0.9072875953428552,0.21153776330904003,0.36610737841226887,179.93057669525152,212.52962392658335,290640.2355049689,6.856297072875435,87.49957563001237,4.858770667856545,41.47416755954226,3.1797420212262533,29.046000454502327,0.626537295225592,0.9847359357940745,543.3100925651852,88.46074374076554,0.3065389869423046,281367.77836539573,2.912874591201707,93.91491124430996,4663.758496650768,177.2025765940535,339.130888290456,54.35789985850206,0.1703881485417838,0.19023913958527444,28.958047528908548,52.731809719009924,3.191979310064369,11.994534091080734,0.0,0.7253922617712073,0.12716952000971948,27.355565198089167,51.05710204375826,0.8696092851620503,8.59896649861185,1.6033010066721712e-07,0.0001132097967789073,0.20467228293919654,31.176613074978242,55.50446843388814,0.3503805988142054,9.80772239787074,0.0,0.00014063033626880034,0.1286984275922845,114.33286915436574,78.2371302281428,4.8104676035217855,6.679237089390805,1.9907974977412392e-07,0.0,0.21172122141178046,43.75771152740589,82.54389083534302,7.255070892502441,9.117913861312338,6.568632018461107e-06,0.0,198.6898490531647 +0.857462275310012,0.12852964651877558,0.3338655589635428,238.5221781237046,61.68757711576737,108940.37006058423,1.576339906069642,10.042018477182939,4.968617959242968,81.27645015277575,4.358192436408162,20.46216376549668,0.3758507072603773,0.8835364733759884,799.8836481681593,20.624061681759798,0.2666900098740981,75621.9458089968,0.5757591604304548,83.19878248577584,4495.7524563468,178.75155943152558,348.8320910186307,27.412359428759025,0.29907691912034257,0.19328878557255502,4.836722884140947,24.961809725894092,2.6870250485853666,54.349342807780104,0.0,1.3488879208359568,0.13478899602256256,10.45308371733866,28.510190558433127,0.2378501294948507,7.897006937120755,1.6033010066721712e-07,0.0001132097967789073,0.20626562069051807,7.14576739470633,26.682920055812822,0.2627523539543285,56.12296577196037,0.0,0.00014063033626880034,0.1457466109052574,23.71863015732478,28.622999565647405,4.91142313315344,24.571682362104525,1.9907974977412392e-07,0.0,0.21324440050692786,7.927628376404766,29.885160513701727,4.197651691303822,27.388479676339298,0.0,0.0,110.63640190258347 +0.8857075278655548,0.17921545717160575,0.4043092790543583,37.587268051832886,21.804663772614603,220068.45798598358,2.1718111591776035,8.124767950502761,0.6467575238857692,62.62420586748733,1.023497071875926,15.068661647581408,0.4943997825802998,0.8643851180737147,709.6815093760539,15.154408155832973,0.2194214663204565,53151.584392964556,0.6465423790970218,75.97842713014947,805.149146423604,291.9191642942576,333.7475684217035,52.32508415270804,0.19311855936574412,0.196038224568743,2.2766516723347348,23.706895738758124,2.5020991824157246,63.45631741077143,0.0,1.2326577193477863,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20923458070159917,3.8337223599048658,25.776214901433463,0.23604124481268804,63.286460358971816,3.747157148690678e-05,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.23339144410066692,3.233632495560617,25.70844731451054,4.08446510311504,30.391747130378658,0.00024601770883302907,0.0,3816490534509.4204 +0.987444260665514,0.14552365257370123,0.384140047920574,226.98172307972825,228.24713167437713,329435.88952146744,6.65923909276931,73.66406784289273,1.430295095170527,50.85515845087825,4.843958227643539,26.804716398734172,0.5107150372006255,0.6387225186409273,521.3729962644583,73.86646836087579,0.23458478786303738,65616.44349961098,1.9794429850365107,82.152064566592,3548.167418698215,280.09045313303534,348.3247268370077,59.44473997166686,0.3199899580831427,0.194575468809446,13.261469253395806,32.11284727450943,3.375740182398785,38.02482041111632,0.0001403205828563643,0.7320751599832265,0.08976438313937639,11.627582952953338,27.59369495207651,0.8371608839293415,20.15305028644221,1.6033010066721712e-07,0.0001132097967789073,0.20279568495294475,14.27264651240776,33.56387668470867,0.3408339547750163,32.88891708733334,0.0,0.00014063033626880034,0.2942985586008758,39.96405049507417,30.05506927567227,7.222842034753313,22.838180595746024,1.9907974977412392e-07,0.0,0.17450610478378412,21.38392400165824,50.1047252652861,8.426190792884036,26.903323510807958,0.00012503266534067805,0.0,114.96674335432826 +0.9850506439376983,0.21862411952285657,0.38971374703966666,227.2583426237555,117.57558529692389,338903.7900471795,4.958383503492117,78.01433469884695,0.7590301561718852,64.43695832071508,1.2641364773556005,23.373148474527994,0.5324681502105721,0.9311625718264991,372.58814425676314,2.1108266782405956,0.1566790615429906,87326.14914847026,1.6804221424805108,47.12534459407518,3854.5200765851173,219.98500454114534,334.6748198104472,56.47105656894241,0.3389706070487251,0.1919226612415344,10.11721840441201,29.39424409129861,5.63728046628314,32.81254045754248,0.0,0.930060163285287,0.1298292599789521,9.571888178240892,27.749390130490383,0.41226474412565756,8.523228718857318,1.6033010066721712e-07,0.0001132097967789073,0.20489210375732197,10.081943486838453,29.21243306616886,0.27649398219397076,28.20114723624766,0.0,0.00014063033626880034,0.16327172479267807,34.488213441834134,34.593637482582054,4.083738732855558,7.410367067919851,1.9907974977412392e-07,0.0,0.21947650678685213,13.155902300677107,37.76167874642978,7.955118136389293,12.637420394892827,0.0001670374725621416,0.0,95.08139957772327 +0.9782976651991072,0.22316077018988756,0.39049639060616836,192.7323085012723,210.69100786126108,310505.6969982618,6.34129674095243,59.394866492077966,3.8667025786660414,96.05076408888002,4.842515878939034,28.368445523159536,0.48538810822360323,0.9953102840780321,386.67346074910375,2.950586343951123,0.2900346486270478,178443.66893414344,2.645438397696709,84.7181770619503,4154.770074859581,259.6972244482641,348.9233060781288,55.19631256546307,0.26799014518705405,0.18976795550414322,24.24523457917305,52.272920535388444,5.300823504930511,19.211551367703894,1.1718811645945771e-05,0.8387708061353459,0.08762347108536676,20.393891998181534,42.441024056783775,0.771800965696843,16.45447867991327,1.6033010066721712e-07,0.0001132097967789073,0.2007693856275397,28.2596361561831,55.39322028663671,0.3324300789441247,17.402094375482733,8.837253330813516e-06,0.00014063033626880034,0.33579615899505666,62.221240291871,40.91472158567028,5.610838166141522,22.90607935902377,1.9907974977412392e-07,0.0,0.12986755979509274,47.131021639088715,91.73736419140478,9.063964124735037,17.60205436086406,3.3859382609159384e-05,0.0,165.8540850218765 +0.972567582606904,0.19101246175970127,0.362943821569857,239.33130918901355,237.6724826716722,309038.3265058296,6.639216386272643,62.51169545751768,4.694856688564021,87.47160953685808,4.063404799555288,26.21458733970623,0.6748942691241219,0.9783746898010918,760.176779020081,79.79419558540188,0.3319944511697064,295889.2582296463,2.70984660399696,99.3444184029148,4531.639000518027,298.24256249709356,335.975878189196,58.101700171311805,0.1680575903897974,0.18966608140322844,27.14925271540117,52.13376113966663,3.2028477385886727,11.674883847221837,8.485467423193278e-06,0.7343135743916411,0.12197513143546103,23.252387923233766,45.179926292093846,0.9188057709920796,9.827922945596944,1.6033010066721712e-07,0.0001132097967789073,0.20261860563996947,29.691956900742646,60.46368944651116,0.35435084247617593,9.974031728879815,2.2084711549990404e-05,0.00014063033626880034,0.22430204223183287,109.45561193557744,72.44298003884207,5.783010462650823,7.167888876331549,1.9907974977412392e-07,0.0,0.16860068066400563,43.928255268645486,92.35247580107429,7.354380399102751,10.487814731787129,0.00015622271432016866,0.0,197.1161617041334 +0.9492467512958865,0.24497342976198427,0.3764215843015797,50.787639417197404,244.15272966650735,206680.1010469423,1.5224534817074094,72.57513599381201,1.3647531332154978,76.37681205199712,2.79497681245321,20.406245228687414,0.4915416173352752,0.9399746485784908,314.4970381264386,36.65946905270911,0.2866001910549542,92194.67039749693,2.079743638601216,99.31805250781373,4968.38608819976,296.1004499134515,346.1982916582186,59.42128080003537,0.293441568245445,0.18870603962125548,17.002620452950218,42.61652214336248,2.4930998439211245,32.00596898135487,0.0,1.4066555760148916,0.09958666105298261,18.98520983050477,40.136539126022946,0.3739441828793586,19.127218131673313,1.6033010066721712e-07,0.0001132097967789073,0.1999146306039559,20.958637003149416,43.04018942600125,0.2353347446644952,30.90988083796102,0.0,0.00014063033626880034,0.12892922902200962,45.839863291901565,42.14959015294983,4.318159807501405,9.337022261550217,1.9907974977412392e-07,0.0,0.16211430643900732,35.92275950379161,73.42008430033931,4.08652165581867,31.076721275808666,2.4072073783823587e-05,0.0,142.72229571793326 +0.8640514106250617,0.10454814125619294,0.3206193627114592,35.51910931144867,114.65747380516149,321744.1954746708,5.4354616657119115,93.88466415821959,4.277321311283048,36.596539818653476,2.095347185895875,11.868623404435258,0.31311528983670855,0.8819896984185868,517.1216264756196,56.750721440099774,0.2054895076407822,148148.30071649526,2.5721706782237987,97.76386067488235,4386.548111739274,230.90134845763933,341.2441718089419,50.574454887567924,0.24717716062855205,0.19577221870092218,24.98860286681273,47.77689660185821,2.9483244808681763,22.26021774760137,0.0,0.6769369496061572,0.11899268714968243,21.670460847344277,41.54853265458828,0.20849351169905125,16.739328671707785,1.6033010066721712e-07,0.0001132097967789073,0.20805436635928262,27.392749312809496,51.28240723643633,0.24583295397285115,18.7384674221107,0.0,0.00014063033626880034,0.1075611131383387,68.22493612780796,54.39732261399044,3.6193790886273836,7.221453423581986,1.9907974977412392e-07,0.0,0.20177458698944845,35.02287306584307,67.55910344929838,4.404374404572791,17.128526310492354,1.5169870280980502e-05,0.0,152.9772332838186 +0.8680076475434154,0.10090727418601425,0.34057009194271837,217.56098731864333,239.70122973541112,321583.26774746826,2.888679375868932,82.21197133512123,3.4185161961104993,40.051366945301595,1.654578851739271,27.564962243572825,0.33486648424320514,0.7793961434027193,494.76250013629414,9.826922596961602,0.12423705235964248,92913.73141595145,1.8192882793735785,96.05416183724658,4940.855923267813,277.43105778849633,337.0896738599271,48.01549607265409,0.23885991672312584,0.19556926012410078,14.93223967399284,31.426217190713956,3.420545986157467,34.49487449579174,0.0,0.8049552386116073,0.09764117293481843,19.401785468476998,42.277342636503754,0.2829451791645723,12.900860634159283,1.6033010066721712e-07,0.0001132097967789073,0.2064243708559786,14.81126866086388,34.797247350734594,0.2494755170819936,28.02772123179668,0.0,0.00014063033626880034,0.12546000988663608,61.12891800922259,49.055307479812576,3.3187589612562367,11.894138194957467,1.9907974977412392e-07,0.0,0.2002811934859938,29.276491246857415,58.23792130550501,5.767249125121795,16.206196598934387,0.0001632072530420121,0.0,133.4145615382827 +0.9851756301851233,0.20400859117129094,0.3373962134280375,202.0730271843381,217.84618540911816,220462.22560135048,2.559736280797555,93.6250671386119,3.3033397935645166,51.806166570219375,2.875527199181798,27.927739143548493,0.3641312463203972,0.9273783712529451,836.0176755679023,86.80547536290017,0.20469408291549418,54817.09609972326,2.3082379079743194,11.941390434608161,2031.0056564179454,131.26363192162748,346.68869686327366,54.39007047798878,0.3101856861658395,0.18921834586863054,14.315795685072711,33.82460928074303,2.4804169394244857,36.24060626172102,0.0,0.8321577592646532,0.12778947122992804,11.299267830121998,29.98106056979047,0.3903691848036798,10.311831527050542,1.6033010066721712e-07,0.0001132097967789073,0.20291550303100778,16.47182661614572,35.95756915194326,0.26571897778738246,29.838777315516296,0.0,0.00014063033626880034,0.09148604280979485,28.88335748256112,35.335723049635156,3.943987152810953,16.881116556388232,1.9907974977412392e-07,0.0,0.187808503810929,23.753165174560888,49.23160252184723,4.3112718057287625,16.484575784565198,4.7063697901297056e-05,0.0,109.17328006262024 +0.9827055000042614,0.21016422251465572,0.3601747938525569,228.64201670384543,146.29568693712977,273344.4643929486,4.613261489490504,11.137001257245913,0.2846228954053007,96.43014913617273,1.2297495231874118,13.956060609270986,0.33327409150809834,0.9583369976052942,469.2552681039643,51.244877245604066,0.31424361222731956,96353.01984556482,1.775895305545471,51.80459016329168,1973.9630757497662,98.01211771504394,348.64645591574185,53.64632207835871,0.1765223725415728,0.19553609076872094,13.966625229811946,34.02251832182394,3.0843137622014836,38.882167207158176,0.0,0.8729641471902925,0.1358703217291687,17.06678036984738,38.61620314150741,0.569454961165415,8.127370950074962,1.6033010066721712e-07,0.0001132097967789073,0.20763608632851663,15.634422666648259,33.356765618646094,0.3015437343127455,35.11669254018781,0.0,0.00014063033626880034,0.12454227135364679,55.7201929392137,53.432346970092034,2.9221357335601383,17.740615530793743,1.9907974977412392e-07,0.0,0.20112365576231445,27.6034614475085,54.767126436852365,5.444906266192672,17.123117608004645,0.00046271304018674023,0.0,132.97127514567418 +0.9819898030589577,0.14263660223762062,0.33238607973004636,233.32179089312007,158.71095741243656,150864.92199554676,4.683221506208514,86.14599572754433,1.4810070145257157,48.66392880426774,1.2840656063247737,20.925549517316433,0.3752315187086447,0.9839319969240492,756.0694120973159,94.54597126559048,0.06515285406355781,254165.1136070998,2.982276617535992,21.40543192568968,1961.3096388333956,108.14239873183249,340.28709692603405,56.66240045378991,0.31518192827013414,0.19681780777951066,38.71507110259297,55.67848228746036,2.7079957631101155,19.155173833594493,0.0,2.843607359367073,0.1290534613301457,14.719769011455204,33.276890678527806,1.0979226077014994,4.069807433425002,1.6033010066721712e-07,0.0001132097967789073,0.20300438994288195,28.70591895272907,54.5256444737386,0.3927175949826971,10.477016988276802,0.0,0.00014063033626880034,0.31646796263398475,56.305386136897155,38.43683184854491,3.3487006422892156,7.039269937578874,1.9907974977412392e-07,0.0,0.19300985577976557,30.022495461387315,57.93243540360575,5.051400353873375,5.795771285878816,0.00016506075846893655,0.0,138.76379340439405 +0.971542322383453,0.18796072128013885,0.4352849648360521,238.57807707804824,236.59156311802178,185730.931253628,4.464220908881656,74.38544369853611,3.7554599198590735,42.08403447493531,0.5088712998347044,25.035230572517598,0.5849656155053031,0.7002262245459964,248.71753893988986,24.531331707412797,0.21559848100036386,86963.05021237662,2.805658427824055,97.77064057172491,4794.082726163032,69.50386547393285,258.58606444393064,19.664171137181786,0.2279929740277581,0.1959969437055609,6.307745525590611,24.991930480242022,3.3318430236931316,5.407784542341744,7.478651344520723e-05,0.8061384962799623,0.13139808328426567,2.204051201462516,20.21789739981262,1.0173473028023887,23.197642490646114,1.6033010066721712e-07,0.0001132097967789073,0.2082208002754574,5.402293543151749,24.094540052303717,0.37367651776317695,4.42999501360932,0.00011563635039986321,0.00014063033626880034,0.34108848539055364,5.307758373320526,15.107856563009321,14.084831882290409,54.549921697092984,1.9907974977412392e-07,0.0,0.1429614887687451,6.567053214860804,33.975073304129054,7.056479321068714,49.21313295620012,0.0,0.0,96.88938233635481 +0.889658709766413,0.23591011865682782,0.40215014885366984,164.30161905355936,239.01195626173154,204500.62947997454,5.946241813582002,87.15463224674073,4.232916613800647,29.06259379259187,0.682395554707991,27.44770707679655,0.44978714600496206,0.6352419370091119,843.0191484984923,87.5358205116348,0.06396218647236133,299837.9943550367,2.593874393541995,96.45210725967871,3988.9960390914644,154.58002694479637,349.2833514250172,50.10579501544263,0.16092018390189355,0.2019245339762952,41.3452780801769,52.84914188812781,2.7941292594736185,20.474839379605495,0.00010318177655680774,3.5965222766253793,0.13723584550440854,34.32442513615442,58.9903193962561,1.0516265244512883,6.729247713174365,1.6033010066721712e-07,0.0001132097967789073,0.21113008045943923,29.558701902185327,42.36092942162203,0.38259061437028097,12.811304426443558,0.0,0.00014063033626880034,0.08389276555582845,99.50197630644372,66.73968220547648,3.4277962633102557,5.492512541655738,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9776543969639605,0.20543179916055493,0.3604988574723299,133.83379888945922,201.38053667318397,172859.13509477815,2.647920804628927,82.69728667673473,4.420513762481523,89.06791629307462,4.161466722624018,29.9283612111876,0.35785220650846244,0.8890584983343836,194.60432545165366,5.723572282815844,0.2966333445419122,222926.80714878373,2.5419780959324507,95.20269497628078,460.2709409001559,286.2183923407082,343.4078982087651,58.1439360986107,0.18992479254804143,0.190364233517442,25.993821291636053,51.97282885694868,3.689952630714874,17.442589464017132,0.0,1.2761786315485524,0.11601458023439841,25.712686962162007,48.65028887471776,0.4449432561982847,12.95003020310381,1.6033010066721712e-07,0.0001132097967789073,0.20102662394097826,30.845835014106267,56.897764488542265,0.2809672458627228,16.237720257293123,0.0,0.00014063033626880034,0.10448302563169885,73.89580157024157,54.984997807365055,4.712102239756607,9.286647997361602,1.9907974977412392e-07,0.0,0.16223418987316396,60.27915147991694,104.02272760095978,6.319254135320621,16.38193335146212,0.0,0.0,186.27913733146818 +0.888398098559707,0.17945165733935195,0.3644203559997731,216.55378374828445,179.5331253632366,318775.64012264495,6.86289463200012,56.75575052984853,3.2437349462623883,73.96244920428173,4.668559361743356,25.75519052904657,0.6456805365298903,0.9852481677023072,374.321192181099,94.86421980135542,0.26335415893457376,181620.09810765123,2.7630942253905255,99.95526445328095,3309.559670752117,185.63468828809565,347.0797583369344,44.68331762409654,0.18570331954894892,0.1928589872368764,27.24390028318881,48.778161960243374,3.446891973828641,17.925102053200703,4.506327453963519e-05,0.711308587909569,0.1246790514890998,31.290578801843377,59.07400900265102,0.8004003538907865,11.8226700727023,1.6033010066721712e-07,0.0001132097967789073,0.2009596009072942,30.79393469978288,58.6332507172599,0.33852986197878643,14.814236821379252,0.0,0.00014063033626880034,0.12205215777362896,99.62111734299462,75.7180789538771,5.645204970779279,8.300490749823618,1.9907974977412392e-07,0.0,0.18338816670640393,25.08780534204301,94.28651164679982,6.820818834080689,12.81414586091785,0.0,0.0,195.34268361464092 +0.9453864181979168,0.2454539548972056,0.44887691121141204,198.0212601618622,124.45175085500165,203832.54589142255,5.699806618227336,73.00268733396103,1.121072999742558,24.574121993728703,2.639286754920078,8.701314423545423,0.4232021558106902,0.7613061249322499,49.46787432107482,33.50011996514572,0.28043538134784085,51200.24864981345,2.869211664353016,94.09703932666734,1061.994807185919,122.42352131518706,280.9293327856754,28.202191985775567,0.24004371396448745,0.19965221375718042,5.680752127004823,24.708394877139256,3.6135038160963893,5.234362705445803,0.0,0.8709898750658929,0.11464536499954685,1.9999595497677702,20.123536063229405,0.8785284986120361,23.46675602276837,1.6033010066721712e-07,0.0001132097967789073,0.2128315456301725,4.55549143714095,23.834733326951742,0.36012810141264373,3.99267615315909,0.0,0.00014063033626880034,0.3413728279880257,23.93685334233259,21.300409797424063,6.936260028514283,41.221493003951394,1.9907974977412392e-07,0.0,0.14736870777579592,2.455904274424903,36.0682832087551,6.838395137426052,37.07242446523689,3.0186688351513334e-05,0.0,88.04343497939978 +0.9210525512340021,0.18552485664586876,0.34099095439968025,145.32950771948882,193.8647188477106,135747.53791318,5.07360688334639,13.939971382625275,1.5193962694394587,36.61754265311961,2.92824191696266,20.78317970320161,0.4700988550230244,0.7940898988135204,369.51712618688725,57.44669062942878,0.32915372556429645,185171.7870272845,2.835190751400681,92.03914480101889,1529.8590198811812,298.1816611267153,343.377263402531,56.93035925524582,0.18718181223934183,0.1937523031889401,30.054064327966937,54.1344024105529,2.9049877398930124,18.53013713580699,6.869867813648139e-05,0.982072667200088,0.10948329718463422,31.109923580439688,55.934159502858144,1.1777202084193723,17.325494003982218,1.6033010066721712e-07,0.0001132097967789073,0.20393316163734834,34.731576564627865,58.59137386030102,0.4077665445436984,17.34533086564603,0.0,0.00014063033626880034,0.12468760237399203,95.99356800040783,71.17942302669921,3.620547580432381,7.583808989077461,1.9907974977412392e-07,0.0,0.18335072740564215,54.71045194947544,97.98445588089108,5.638463413046411,19.63933938997356,0.0,0.0,202.20916529880617 +0.9288376172072892,0.22342406037142667,0.43889887058377947,229.0022472571647,239.44244444986435,311714.2020391475,5.729153794567258,79.69947395229633,4.342931124912174,87.40693705349055,4.955771158035713,29.46586624024418,0.5800514212653421,0.9972137888072102,969.209848973226,95.7737262429074,0.2626090883351421,284844.41873590153,2.894453024065832,92.9004215004132,3520.360841362958,280.32805438004436,345.61996203703825,52.26609630650574,0.3351741842569312,0.19268033107736515,25.39249713332183,47.69782974863796,3.0452015237217864,11.038695833010422,2.429255887131721e-06,0.6660935104112169,0.12310074588814696,13.44168116215992,32.979965949633815,0.7779503991186533,12.783232216156197,1.6033010066721712e-07,0.0001132097967789073,0.1997533287302104,26.452883303315524,53.00998185009491,0.32984615335708034,10.423182391338836,0.0,0.00014063033626880034,0.35410675094236993,41.357973366000174,25.52002713062724,8.347313665261707,46.039949452026605,1.9907974977412392e-07,0.0,0.15395235185242925,27.64249736281428,62.61201924539019,6.140570631855061,15.2392820364817,1.763018012563669e-05,0.0,132.69526774255195 +0.8159757972836965,0.21105441229149,0.4436339084327328,16.057174417118702,167.7342754373335,281426.65096146904,4.147260751549175,44.673649151025884,2.8261855374813,53.165044193291415,4.356509624370527,26.07912384781732,0.35898773247290067,0.7416396538066075,68.22438969623178,3.6944920224826667,0.23828248328297155,188966.01108177076,2.777595253378891,83.14168190074675,200.3301578574492,263.62931343460156,347.47877260185675,41.29818446506013,0.16389678665754465,0.19619340610252603,20.900413726139632,38.18617435734743,4.116300015919039,11.194464074201257,0.0,1.265482365563096,0.12631812932742298,29.5941026097948,53.85942962216548,0.3636306540922613,11.432286156408631,1.6033010066721712e-07,0.0001132097967789073,0.2080035087442512,26.759642508684166,45.44737578994881,0.23664295380523753,10.572845780644094,0.0,0.00014063033626880034,0.11258971375711109,89.25060641275998,66.50038726358157,3.7850252021172577,10.379356927631916,1.9907974977412392e-07,0.0,0.21968784542787426,50.1610500148352,88.04012365502285,5.645951688201102,16.90821797675882,2.757372236002865e-05,0.0,178.703334760388 +0.9879560039385646,0.23219877391596747,0.44908180465170977,167.0895965305446,51.636030188998475,334421.4593918062,3.56309826073622,88.1549064197791,4.5884599286154195,10.818668214204225,3.504241189306101,27.839406895377863,0.7096206972331492,0.9812694143312627,967.6629977912737,32.19143416869473,0.26346667513314914,84239.81239510924,2.7461416272175336,99.89137987516669,1917.890503840792,293.7754788967405,287.8138806622484,10.652349931173195,0.28031865258058375,0.18815997900407447,6.131685495524563,26.526280196993007,2.988792072141945,8.542436818678398,0.00010895653270759148,0.8248371101169284,0.14420188706149792,2.3283898508747694,20.891948020478615,0.23396182997232473,22.661367994975222,1.6033010066721712e-07,0.0001132097967789073,0.18528538230145833,4.6254702168271145,25.992721535193276,0.2433780891084265,10.331555003382679,0.0,0.00014063033626880034,0.35531447492366136,22.27959856280608,19.939508437204413,3.116982860236977,41.724370140223776,1.9907974977412392e-07,0.0,0.14046039376568495,3.5335774027595583,32.426466577091304,4.546450244368498,37.199261426563616,0.0,0.0,87.7290626472601 +0.9608958997514796,0.14068496253399393,0.3246076572182057,240.06539096668416,15.614142868694586,321721.8329587977,2.050579153929527,30.751333917040654,1.4581375540575223,59.933377918355085,3.6569305941472328,29.179187228792394,0.4546766859262439,0.9879432449950121,898.491087636687,66.38261645807164,0.13202563599871375,198346.23316047504,0.9359587269733707,74.50428140446323,3014.5684484522594,95.08964122498568,342.4257177245197,43.3352305045965,0.26015572145057586,0.18983898360132379,17.187191028892833,36.04975638147009,2.7289051656438548,34.53727764482209,0.0,0.7611703943937537,0.1216574959888867,13.687736653438472,32.80974367140344,0.44410038094957116,4.458661741962699,1.6033010066721712e-07,0.0001132097967789073,0.19747201673998288,16.012998385328316,36.5041662009684,0.2347597590995304,29.671938966021138,0.0,0.00014063033626880034,0.11624895539902515,37.16130303202178,35.8414396819302,3.746220836858199,15.53581527526511,1.9907974977412392e-07,0.0,0.18771251841926914,21.29176492829128,46.03671976767719,4.033604217091995,14.078891029896482,0.00012627611040581945,0.0,110.71361016719187 +0.9169599358146722,0.2235738544485087,0.3293674572075403,187.68468091508413,225.70855233510233,319627.1102724003,2.576855815834362,16.083928363763594,1.8182469208002454,31.823338294213656,4.277380421524162,27.10690711099322,0.3310912972507038,0.7947580374950068,848.2938623811292,91.50143601199943,0.19705237747652524,166626.43002088103,2.8260299998845153,98.23186775039991,3791.532266735426,282.8567446578441,349.58020032683925,32.59404449421303,0.315192426186519,0.18929466908945616,25.105074554905435,46.74751438950735,2.7609694020974955,17.486134905141636,0.0,0.7092360564186033,0.09396372732145883,22.367849322218387,45.9477666789287,0.22336192275356692,16.74621560410439,1.6033010066721712e-07,0.0001132097967789073,0.1922768255842371,28.22501573221487,51.088605444783205,0.24273056801851084,15.929770465713842,0.0,0.00014063033626880034,0.2657953239017986,67.40007687783225,46.65180792160658,3.2362838457340994,11.994457300993895,1.9907974977412392e-07,0.0,0.17573758813861992,37.30252932110496,70.62571576395581,4.4049314160174795,26.14996015306266,9.300428224563923e-06,0.0,153.7477884563866 +0.9880484308673652,0.11064788576066723,0.441487828025681,240.3071357643789,158.04133585874828,164100.63650385977,6.989152605353641,21.231866659921746,2.1765915252071717,39.00860128718523,2.496224908293137,22.900701446063668,0.759776921213531,0.9844196401265001,730.8805695493936,94.09412180730611,0.2629165384229172,62301.31958056512,2.9553953137645492,59.35759108112088,1867.4969977822664,183.44637905202003,239.46937890318515,54.88755897329554,0.1828199582352491,0.19096984217947693,4.371703932485131,24.741600692827063,2.876182353784143,5.359140282492326,0.0,0.7555667407157014,0.11767377489776439,2.534297185346843,15.676082019531444,1.388143196264453,18.03210677276803,1.6033010066721712e-07,0.0001132097967789073,0.2024321424567058,3.832522576102357,23.37919759537988,0.44227197428593057,3.1164847812861742,0.0,0.00014063033626880034,0.3589177696549775,10.10509552140399,15.372586039011091,13.716010740786505,52.65414529493913,1.9907974977412392e-07,0.0,0.16117614803466476,1.5463177522660931,29.112070286446645,7.08500953028378,41.726758158027636,0.0,0.0,88.08937716270289 +0.9804196442672295,0.23589359123094827,0.356852598326741,228.3323498287535,201.55510560532912,319662.8911873074,6.749660376613274,94.28945954565543,3.7731893158360004,53.79482064283027,4.12566295420455,28.853150585769356,0.3148183276655592,0.9745525565608929,933.1241392251186,3.716660995165424,0.18396273749711906,276820.6850794275,2.2789243998337474,85.14846164874555,3694.8596984548462,226.35103646696268,340.0289386523141,54.864960650358704,0.2026367314153823,0.19071218013706134,28.07312589605954,48.66188715610929,4.147119009528359,17.609148842580367,0.0,0.7072298433570371,0.11442709337789292,22.498118378096184,44.481798774857836,0.8362498255773015,7.149734449465101,1.6033010066721712e-07,0.0001132097967789073,0.19881075854044125,25.749219649902,47.32498061907124,0.3425326978913616,13.997380607291324,0.0,0.00014063033626880034,0.23480142336267248,92.33025489898226,59.68959030668134,5.395760451891384,7.760643717321324,1.9907974977412392e-07,0.0,0.1759619980490185,43.97759828360406,76.51723050919678,7.656652892592806,7.005842730568523,2.4331698155973444e-05,0.0,170.85975642592356 +0.948632076546363,0.10764515862071872,0.42699814735447617,181.34555086526422,71.70844504422406,268471.2351548339,6.52313881237049,94.32055818493106,3.5981925031214765,85.94177557193824,2.813764792320798,24.750572763954555,0.5298445327044683,0.8838688504470141,6.674970084756893,3.474016899042386,0.14218691420786997,248165.57625581257,1.0453089904818709,88.93245332734107,1837.0583725445354,160.46151415707453,346.0261124584469,58.09520874999477,0.23275614056035496,0.19400382525830984,18.720974490369297,37.264673152214684,5.949349380743988,23.461806394331422,5.140635707631244e-06,1.2348237118595542,0.12646674629185725,15.85032017749714,36.357969928557395,0.5809672378113646,4.325783677557112,1.6033010066721712e-07,0.0001132097967789073,0.20559096133421623,17.54533422407324,35.031995822478,0.3191445376595576,23.089238920314465,0.0,0.00014063033626880034,0.21043959305902252,48.592115476968324,36.30304624101101,5.317403089380796,4.917717988544025,1.9907974977412392e-07,0.0,0.21544871818579764,21.741697556248727,49.23187328601765,9.404413527836764,10.276096350543865,0.00019764638570672467,0.0,113.17798193326298 +0.9800211043649883,0.1737105040949857,0.3366386694296335,188.16988784502502,94.57117972804048,279176.98705514346,6.544646742632268,23.407794827427853,2.122046007633139,74.94487257521502,4.9851834942723485,27.64360976068517,0.48062263106958225,0.9446562230605142,223.35822726411342,48.43043189295876,0.22378276234990915,119982.83901907077,2.6236324486105023,93.50267736367482,2618.8386794646303,203.43130153633447,348.89233772304175,52.1156579664069,0.28994675415886256,0.1897402278079122,24.834570064560385,49.605838856231635,3.579945160942691,26.283261003798128,0.0,0.8129280191510438,0.0988698445099488,18.03448030948814,39.75893179390773,0.6400217325978332,14.098814496817269,1.6033010066721712e-07,0.0001132097967789073,0.19639674763897355,26.861962794816307,53.086817716109636,0.32357664744582976,22.32629002453828,0.0,0.00014063033626880034,0.2665122837088063,61.7445148024347,47.53748835419655,4.219145007774263,14.644935775479347,1.9907974977412392e-07,0.0,0.1223252439400941,50.70707844764639,96.61140491289505,7.289002929061153,22.202902774932895,0.0,0.0,169.35477467949755 +0.9033033418691857,0.11473846432522959,0.3674786646674393,41.749176477926966,199.08305918619445,209410.25141490847,4.147475304330521,68.45811446916599,0.9646546498713053,52.851159620127135,1.52025240216634,21.23590792378672,0.40525583999283654,0.7876478118051162,318.3421252090731,51.59202218589798,0.19305436354700548,122109.37955599645,1.3727741390867143,85.17748255989352,4909.4214788673025,106.58114857299677,341.2642647609416,51.96463060953928,0.21011242269468994,0.19476589612134193,11.62303570687795,28.159085877874798,2.673780516150379,33.71045286403799,0.0,0.8457900901351065,0.13565428362888315,13.305728551062165,33.20495464000088,0.2689468836378639,6.298130839040608,1.6033010066721712e-07,0.0001132097967789073,0.20666839674230034,12.875865456520813,28.4017934556281,0.2595307571609941,32.05791807597442,0.0,0.00014063033626880034,0.13030307257250334,43.911187557277835,41.445580527187374,4.216542465516683,16.413470663566894,1.9907974977412392e-07,0.0,0.2111450609874557,18.25810314747105,40.033055876094686,4.317323398353473,15.759998734069367,0.0,0.0,107.36925427127858 +0.9832978889586474,0.25927818656437107,0.3464296845498732,234.81575810851353,84.93831825724797,263679.9842642258,6.472910480291025,33.078836373946444,4.749266713012311,98.42662963572116,3.0034719563126524,27.734303371811766,0.3263179375264301,0.49914411099295874,795.847759241769,55.40772548734812,0.22957677548011382,68058.39329891835,2.964783787375523,85.8467170745937,2486.618296814325,86.75617097548509,247.84438653696736,14.252423490287008,0.3193826659942294,0.1991913070274526,1.9059059235628126,24.68765499128776,3.1174358880326523,5.576868227368655,0.0,0.7138653538422083,0.11755207397019798,1.6360627912932264,17.9642044354691,0.6743231269759292,20.945913125540994,1.6033010066721712e-07,0.0001132097967789073,0.21182847789907214,2.350851269524756,23.836799592857517,0.3310874534970817,4.759723367732451,0.0,0.00014063033626880034,0.30917280642592126,3.6877944244924623,16.519222040413034,15.007649862708456,56.02774621261359,1.9907974977412392e-07,0.0,0.20311712938278093,4.714295730206971,31.400393925594837,6.9029965196396486,53.30218634619989,0.0005364313906960397,0.0,97.79336929485723 +0.8833760414657453,0.12636295065274988,0.3262045627257184,240.0743183994786,161.6332806316501,254304.46140180578,2.049077310763339,55.57834301203678,1.867679358347417,44.86352233152035,1.1985173955850739,13.847794201149199,0.45069612119312874,0.840733556165954,659.3556685601377,38.72518532500942,0.3223747144736364,54082.02086354325,1.7182733725934782,93.35681459109871,1943.3427697070833,224.0629516559233,340.720374440818,34.60818849399004,0.21834925496661078,0.1955080820876003,7.625849532669817,30.143236469794168,2.6286705568425366,37.617807762033216,0.0,1.2333302328146172,0.12819361813909844,19.47747950891594,43.83152391257448,0.21873998049475965,16.554080842935637,1.6033010066721712e-07,0.0001132097967789073,0.2090693019135899,10.340499138983013,31.611383729521805,0.24236911920609683,33.80144372017293,0.0,0.00014063033626880034,0.12564641942317878,58.08603875960514,57.41806606607615,4.177371554401193,15.58412806954092,1.9907974977412392e-07,0.0,0.2174041243356218,20.271003011824526,50.13737572509024,4.4154547209366815,20.921047520716673,0.0004668859692803066,0.0,132.38926061472992 +0.8161048133819188,0.12014208026047252,0.32353790637827834,44.89063788658332,154.36434555956149,307250.781529604,3.9362126775643462,11.775136724789396,0.6404908771680479,29.337422673940218,3.8625496598823963,21.008862622491883,0.40702562689931854,0.9813791900117066,744.7354853791092,29.020265134906122,0.22300145147736028,53761.4359540933,1.4754955335399764,23.32541367354109,1961.181101728007,61.4534708656497,346.85915627458746,39.39219227994204,0.19497883710567676,0.19268061163582542,10.25281608485254,28.343828413012293,2.842853782731854,59.699973446708334,0.0,0.8827181895161186,0.131330104816826,14.422313802620005,32.97288421416447,0.23862914808211633,11.009523913697718,1.6033010066721712e-07,0.0001132097967789073,0.20598931350415578,11.395651130000546,29.795953618427937,0.24161782023867678,54.752028482608296,0.0,0.00014063033626880034,0.13835169026781402,43.912777139256846,42.761659303520425,3.773088036662885,25.403095452773517,1.9907974977412392e-07,0.0,0.21769851579590072,16.072921944056958,35.311016367323674,4.407412375999203,26.663750499332362,3.324350991911007e-05,0.0,128.70749806521343 +0.8620417137995008,0.14757361983396733,0.35400528468735404,39.26554226484646,234.39363069156445,214836.12489506596,2.7532429415472315,9.076901197593038,0.8651939831487017,34.12426429396201,1.8331695556165097,18.497508841091687,0.6128658390981688,0.8519175698525021,341.27717314616115,74.56936336547558,0.1345614953921993,56060.80917195327,0.9855387348476914,74.65891842419657,394.3280215198008,173.92818460002263,348.85446072041367,49.50344732821441,0.2896668519604672,0.195611634377398,8.581901236250616,26.5767744188151,2.507287428779841,72.8648494957781,0.00017183287321282184,0.8973549955278718,0.13579262741327888,14.77276484806329,33.07733799861934,0.2483802957002007,11.795817407733578,1.6033010066721712e-07,0.0001132097967789073,0.20876692689414916,8.847261545028108,29.057202152581176,0.2406740096457516,67.31790486048773,2.128429568527162e-05,0.00014063033626880034,0.14018576339353328,34.771422780575385,38.51277107684268,4.252961926414521,19.09817586650147,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9659952796984151,0.17100972204825626,0.3398673257919173,75.01808130829247,239.33153959315246,301837.4338623438,1.8592277595697548,86.24991677389927,4.743367464182206,97.84325812732172,4.840813524331713,25.265588468099047,0.44068840897554645,0.8670461655408709,16.806698631629416,23.07006938686767,0.33859367096474285,229569.60623182906,2.8672766125484777,79.83389151931698,739.7352842559726,55.84527501053992,348.20283187178546,56.56321685659692,0.16519702882255197,0.19067853772681534,29.180542386825586,53.02002085112314,3.300379617865007,17.52328421168494,0.0,1.3377968767928488,0.13135874230282812,28.957191748204277,55.875908561733446,0.36608086652069227,6.169678122045934,1.6033010066721712e-07,0.0001132097967789073,0.20307044250487452,33.978000046615186,56.185055612941525,0.23508368398347576,16.461346455850272,0.0,0.00014063033626880034,0.11341740281334246,86.2178697176497,66.56184570035815,3.642715271221391,13.634654718637643,1.9907974977412392e-07,0.0,0.1993844636835018,48.92068656737616,85.2487787876477,4.574671666588751,10.524134587770098,7.566106950527767e-05,0.0,185.52385148927988 +0.8976516911770659,0.22435291094552678,0.410503652351023,244.6663901097943,187.49130692277134,298922.91215950093,6.020420669533637,11.84296280021266,3.450666157136575,85.0929310901569,1.0891793095288806,8.126247999222382,0.3935245368522224,0.7429634122635909,892.9265983385231,80.04270855012508,0.19080886845821832,70011.73968935356,2.8373601590175093,63.862502087473246,873.7941306459064,179.5414108142838,226.25827897054657,20.924842140232332,0.18054881756129354,0.20096082359473277,3.232832329953484,24.25784824103503,3.063744048567808,4.808797660464452,0.0,0.7832754027135443,0.14064466104184478,2.344958957103513,14.466558458803435,0.7945510460084618,17.848424533416,1.6033010066721712e-07,0.0001132097967789073,0.21331504507529295,3.963850330357291,23.655824147139207,0.33604961773124503,3.561123132570898,0.0,0.00014063033626880034,0.33776518117822407,1.573851200311439,14.639750103964271,17.769742695784657,58.70735287301779,1.9907974977412392e-07,0.0,0.16977960983378976,5.228215970350747,33.48428026563508,8.03325858200326,56.29749070836063,3.9938810796155315e-05,0.0,100.57802063998 +0.9775301585101496,0.15585218093309222,0.4017098007388091,64.38526772847707,138.481084521304,177552.18231042376,5.432353738714362,81.70201883713736,1.7085016607979604,24.365432065580592,4.899193423914215,17.78931719199854,0.4497917608661165,0.5594102447003384,30.92313774335628,48.50221814877324,0.1922774770781244,82854.02782085893,0.7481838660766231,27.773313722097512,4288.250241650847,237.51588961161906,347.7220892073466,57.650395026002755,0.34370338032312925,0.19868673795991734,5.301410951281911,24.90070343589329,3.0850198759957355,55.70555285490513,6.699940982609988e-05,0.7879717347061175,0.13960142683456747,7.576739444649295,24.74515954922703,0.6512267900153869,7.535728471677588,1.6033010066721712e-07,0.0001132097967789073,0.21148723367638597,6.207239499103293,26.30567717611041,0.3286029750584772,51.71539607726127,0.0,0.00014063033626880034,0.07413833757021597,15.383832789962996,24.116665544230113,3.386065706448466,5.7634181075004385,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9275871054094939,0.17051067630266714,0.32881866723437786,36.315980928232115,213.83840422024258,309762.60817914986,1.688410317106936,83.34559607811103,3.455170417899174,90.3570018407583,4.818533358965946,9.04373368251409,0.3324435917198501,0.9898312122803768,832.3527660059892,96.57615163313619,0.14624623823765134,224503.61924247426,2.35738179909806,33.27308816647281,2476.912914339512,9.235303261928465,330.41470526021453,27.284926759301705,0.1680428137382267,0.19618044827623735,9.428442462709341,28.62072004387188,2.600295813921089,7.954161756222309,0.0,1.1296963973527512,0.1384131321583203,4.482042165092245,18.633209030918493,0.47182825616965296,3.0545280331752074,1.6033010066721712e-07,0.0001132097967789073,0.20971428804808484,9.598372406863325,30.455754832003723,0.24084102968157825,4.7930227172503015,0.0,0.00014063033626880034,0.13780556257335447,42.4346612991975,34.11936885424419,3.853937835698594,13.187633675249005,1.9907974977412392e-07,0.0,0.20386160181336346,1.9103665616490406,22.736167167383396,2.9317767384011346,3.0373934427913913,6.603129881026309e-05,0.0,78.04526078646961 +0.91513371721663,0.20687264433269173,0.38680693693029783,139.51214718849417,229.4174474630082,336363.5329523411,3.989885574858686,24.071045411168246,3.557360882269944,98.24665271671398,4.567287043334408,28.470514619330295,0.3970382305670539,0.9871167931718003,823.8261944234265,80.20583631440239,0.1289686871757167,96702.46149350765,1.1453007414251468,87.26297344685352,2724.468937320093,152.47377209297275,346.93478705575643,54.30462992139595,0.29645370224439926,0.19349697468872445,14.636729950247311,31.884959337063567,2.9385352651936816,51.09774575579042,0.0,0.9057075453687965,0.12771721706036232,15.602835472905369,34.69641727444479,0.32529028631615814,7.9109246376006,1.6033010066721712e-07,0.0001132097967789073,0.20265526813783027,12.657241746126342,32.54728571371128,0.2577867596540535,45.890073955443974,0.0,0.00014063033626880034,0.08951248273097219,38.15920601174829,38.471705481630906,3.0533834575552508,10.90602757912207,1.9907974977412392e-07,0.0,0.19262678509370845,22.77853652703551,49.12973717289291,4.661048684837513,19.083348217737615,7.84300824570517e-05,0.0,122.75947510389545 +0.9766525174162474,0.2975793499365737,0.43772513404824664,124.96280165716787,227.47196295820982,267444.82111990976,6.633091898490151,37.11494801478618,1.7704879644891518,29.605308952225577,4.159424738013952,18.310209698062955,0.33017909562568687,0.8753295331176743,615.9667600123227,81.58513840907858,0.16052068043701248,66998.10014050531,2.646437120218286,52.16121755421034,2964.8616482310667,114.94503531281458,227.32983141860845,13.821471170880061,0.2885776292031946,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.13390822672349761,2.4407553794886647,13.401152731780384,0.7968899708932174,11.614011485112592,1.6033010066721712e-07,0.0001132097967789073,0.19316883119240957,4.0326182610336545,23.93740689220954,0.3071827500174024,2.991015858807901,0.0,0.0001434674724186743,0.3479544944961442,5.006389205765326,14.004568784280197,18.250839155286602,59.196245383950014,1.9907974977412392e-07,0.0,0.07719406868806748,5.0653322539662025,34.99008606303782,7.385541186482514,52.69521215732576,0.0,0.0,2698666337285.8823 +0.9501278956936239,0.14792137217708462,0.44081505307323643,163.10780954527698,47.725776042275,277434.9079759704,5.780089126888869,43.331113111734744,4.320861485310273,31.575954290237192,3.5203708929976543,26.3630602738074,0.4179724872283011,0.9862474449721629,933.3992261075149,44.49768316466009,0.32046503264801895,120184.6889724744,0.5995643415712555,87.40493846011066,962.1777017017148,252.13010289993608,341.76536333646806,58.937323052721446,0.23585002533223776,0.1884860370578509,8.210191010224548,29.385051542437093,3.0541268500380387,38.49929209199937,0.0,0.8059219702866909,0.12437974550318198,11.466053741105206,31.692229557058152,0.3711557933294224,5.294225848380166,1.6033010066721712e-07,0.0001132097967789073,0.20258800864328372,8.72605352684713,30.497474195818654,0.28954598874614595,39.452310851190404,0.0,0.00014063033626880034,0.08432479609716738,32.1661269813249,37.575753985387024,3.8182362541511607,13.172987430601388,1.9907974977412392e-07,0.0,0.18422065563242904,16.31100111496583,40.46955937423834,4.724265508370412,14.42094421598769,0.00012217351294839922,0.0,104.49333527245166 +0.8652332129838197,0.14597169048878,0.3209281729096555,47.51208666348161,106.821693594934,114224.35783219946,4.220621577021518,95.88698950264832,3.914031756961144,92.45425438869478,3.249044372020042,24.705134823779904,0.33196698759096444,0.8820339351605778,255.88746224096468,65.96558339401031,0.27002066655679674,298482.8310654555,2.954038593657818,77.41956184556591,4371.126017112344,135.60033913877908,347.95268309260683,57.90782233743666,0.3493377564120695,0.19306553024924222,34.11508463104088,57.393952912428055,2.6911447107274418,15.758932804197554,0.0,1.1540063044420124,0.12973858497533802,19.335310319569224,37.95558850184784,0.6609793880859711,5.825725154290287,1.6033010066721712e-07,0.0001132097967789073,0.2045035521225076,38.46417910768473,60.52910099925889,0.3355444009943145,14.292058477380252,0.0,0.00014063033626880034,0.3413724191924862,61.41883135133613,37.33912061720924,4.662671972155473,13.2414733188221,1.9907974977412392e-07,0.0,0.20870394776238343,34.416222363074,63.92765835388808,4.3368109906042696,8.421682293902215,3.940719998596424e-05,0.0,150.45295207602854 +0.9547771498435341,0.19373430523790566,0.37632051293384583,96.88535966665242,233.6906415632614,339816.7971477214,5.41273911475186,92.2112538166692,3.436497168123797,89.96651810916694,4.9143706736343695,24.284781686807474,0.4271600750913121,0.9378497988746946,824.7643839513473,66.38041049283844,0.3404385227271775,90569.01128954928,1.226891573491863,99.63247701768414,4803.2557020303475,198.8340278698581,347.44668327791703,55.9269287370593,0.2420426494519032,0.18982219107485038,11.748781063527959,32.673919651110495,3.067106697549368,47.83499527460218,0.0,0.8889246042039262,0.12840251836010683,16.607859933929873,36.44622694435232,0.3999515021382658,11.060234588605658,1.6033010066721712e-07,0.0001132097967789073,0.20345299806539519,12.551388691393436,31.351113156058155,0.27220083300092723,45.67860746996769,0.0,0.00014063033626880034,0.10259649881308087,44.79324191999726,45.650125170657184,3.119373545491256,12.54276983477224,1.9907974977412392e-07,0.0,0.19713068880962625,25.857814406486764,53.26572845783831,5.009832309676119,18.79848197135829,0.00010880093019296602,0.0,128.8393891144598 +0.9858792987429528,0.14791258100294347,0.43018268367142254,226.31298926396786,190.62245721041927,122561.82579277216,6.130169952295442,67.61893221943228,3.8454667524152772,47.02738347484041,4.801133323779846,9.775396385552902,0.7253199713178262,0.9771760986628456,966.8698479835596,70.03968460185435,0.26220238504554894,83855.9685636761,2.2686967509795117,66.78799391868516,1906.349777917455,260.73800240732163,245.97042034628572,10.681475026720596,0.2987652904065633,0.19524177105422064,6.15902252659387,24.369408466546748,3.012873890550738,7.050426378596942,0.00010012553356556324,0.7440601743796948,0.13935456938837815,3.8864623764064716,11.46464655207735,1.5892901554053838,13.61656876784357,1.6033010066721712e-07,0.0001132097967789073,0.2098919131263081,5.271390450045846,24.798763872879793,0.47718810417894375,4.189765304973912,0.0,0.00014063033626880034,0.35759763181689896,5.373508654492412,13.609382147466993,18.239620619499846,58.9096333902231,1.9907974977412392e-07,0.0,0.14675109346074314,4.971119916116061,31.032016291345673,7.312697865154725,47.91170985401672,0.0,0.0,95.08019704911948 +0.9480754314633908,0.2665959380072531,0.41968710721831914,204.81743389557496,197.9519699803342,308885.63159963704,6.399742500811119,97.64165524992706,4.115775991845541,73.86707303200464,2.0087668742050506,9.508917894573042,0.3662887942035117,0.727361465373356,131.5616653568456,57.348041183544595,0.22203656351347523,52514.261928194246,2.9297805421318754,66.95234333021722,4214.073059091093,241.87352213347685,228.92692717416733,12.07809914168103,0.2732162826552316,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.12176079918265661,2.095866502620752,16.30546875869224,0.7840872736024844,21.075005735199266,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.3373871399443417,4.453028501941498,14.51022319221846,18.893858666339845,59.868022949066436,1.9907974977412392e-07,0.0,0.16449838602203343,6.526532850340873,33.51368239008564,10.51586230037858,57.556839893640294,0.00010756619302431786,0.0,3816490534509.4204 +0.899666571215839,0.20210754489912133,0.3992226392837455,206.539648285971,239.44432604940076,338186.72743583564,5.3858607562831535,79.55018109843229,3.330680091643413,81.79056015815439,4.719926854148502,26.20615955005682,0.6061977792580068,0.8384899716958982,834.1980681386333,79.38333051567237,0.3319565406034608,148750.58455678145,2.9824896495835382,99.79877810922216,3512.288000183209,288.62449766920264,342.1114160111621,41.196079053890934,0.16033184976474116,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.10031686727299834,28.85483771622638,58.05258197559169,0.6357870171681764,14.26220994412721,1.6033010066721712e-07,0.0001132097967789073,0.19784993569582843,28.787123742396222,53.44165277558279,0.30510040565681656,11.90720237056886,0.0,0.00014063033626880034,0.14269241475738897,104.31518181644003,77.63776867477281,3.6785959114681566,9.275582126909429,1.9907974977412392e-07,0.0,0.20555660306984352,43.943363924153005,82.3932865114437,5.910075844894033,11.206945497589993,0.00010037298850739578,0.0,2698666337285.8823 +0.9361472665014291,0.13020163867636037,0.39883503358095285,77.99029240551796,51.22938222769681,174892.67512136555,6.875102712634694,86.8452496629834,2.0977760948683457,77.6635822900699,4.782669023258148,21.729980686578187,0.7441570770096275,0.9726475187082717,805.6766290440879,56.27606709875548,0.06828581906985934,247322.03996323462,2.868988783115709,90.58538480896449,486.50588147651774,283.73350824635384,342.71986772513947,56.20082120583774,0.16237689534895863,0.1827797872493495,26.27329781835028,59.461501984535026,2.34332342479178,16.740874965296506,9.376929147521305e-05,2.8359025472852504,0.11476545067029656,26.46510789957038,49.35213410532383,0.7177178026726571,14.79331671825065,1.6033010066721712e-07,0.0001132097967789073,0.2020654956132673,31.972443871039246,63.198390677018246,0.35069356710556854,11.42634406516938,5.272248729374707e-05,0.00014063033626880034,0.1127222612423187,88.79433521926055,65.75587911749767,4.521841876903712,6.45817303110959,1.9907974977412392e-07,0.0,0.17636238229871348,43.15840439994552,88.63352531690731,4.621039091756266,12.347782329170848,9.452339209753852e-05,0.0,187.5767165185838 +0.9282977352460895,0.21354680170174814,0.3281828202489093,120.81927275827803,33.75475715230831,180938.06999471725,4.998474360763227,7.785089397889882,3.8432129301150932,20.730652033454298,1.074030773736424,27.283318178508797,0.3736415176966136,0.7225446078785825,414.6679667072438,60.47699662617427,0.05851512165917645,164886.80189460603,2.484638412555383,81.73367747726292,3278.234091395948,91.20673752873253,348.8166464517488,43.075226684762754,0.1810256413524419,0.2007709547923542,32.80103889016556,43.94736724492908,2.7849439381462724,29.451930604410244,0.0,3.0135207134002013,0.13369702060879138,28.0796197492961,51.849047091825184,0.45045673810239734,7.859391530347043,1.6033010066721712e-07,0.0001132097967789073,0.20881661697296516,25.187315054968888,40.60355289327355,0.3126535501557561,19.230620293560026,0.0,0.00014063033626880034,0.11477147034396745,80.57143105770334,62.33398895428743,4.404377698442052,14.036728588336919,1.9907974977412392e-07,0.0,0.19384294325454543,24.449774651675792,76.3204381167785,3.6543312572851576,10.326477430926861,7.368884406481048e-05,0.0,164.98397421095095 +0.8876035170231708,0.11782331736687401,0.3272537067207323,14.255168656479455,166.16633923414483,170897.59494340676,1.6192312223317176,36.25501019768706,3.093002705627526,96.18540976545901,4.111557088322044,8.067885754162978,0.3492519580634822,0.8753196630313739,615.9667600123227,28.096278205427424,0.1132913829364326,227647.00265677518,2.1355551478359653,35.93556380930469,2828.2973985396548,19.242236479035615,342.49718886528035,16.92033918924158,0.15842735195460916,0.19779265691420014,7.423356515463964,24.916182802951774,2.381581727389359,6.841760463915319,0.0,1.4299441168458378,0.14143214211870497,4.9370222230259495,19.258497182690757,0.47487445762225716,3.0631990392109807,1.6033010066721712e-07,0.0001132097967789073,0.21112777877665592,8.628259146133148,25.567750119381476,0.24195683847770094,5.758777220691356,0.0,0.00014063033626880034,0.15356588806278595,40.10354464203929,32.14487803713751,4.6246255704318076,18.326219811406713,1.9907974977412392e-07,0.0,0.21575794558381883,1.7981010181133934,19.13272597791013,2.7014001724082233,3.013935726145814,0.0,0.0,72.67306687497454 +0.9454075648051596,0.24528299433898554,0.35849560519658014,198.09786564750993,124.86174481410404,211835.5329851675,5.689177984158872,72.87500912175375,4.872934561269822,24.767980749313075,2.613256733143418,29.308741912089594,0.42344745552013,0.9920264279892193,806.6389181467179,14.66036009971823,0.31753694702107393,119428.34107147953,2.869136997870649,97.11548834187934,2569.0545998106745,124.92448317694173,345.4647950381399,55.205279605544035,0.23953664836779628,0.1896378332949521,24.625927276905,49.25430065232158,3.34619549977449,21.753215695177953,0.0,0.8381660017264488,0.11248283293030105,24.739231215198874,49.69997271523137,0.845854871176032,12.930068980114015,1.6033010066721712e-07,0.0001132097967789073,0.1991153032006046,29.431146172149063,54.528495765718176,0.3545741700604456,18.130804787345888,0.0,0.00014063033626880034,0.21555111403971927,80.6562827260006,61.717840929749386,3.597608691062759,12.830281010430049,1.9907974977412392e-07,0.0,0.16483021817633775,52.29070546099749,97.28416644740055,5.995983936869241,14.69666671127872,0.00011720362085033918,0.0,184.0615760274692 +0.9787467382653807,0.20497174725477268,0.38425808111042425,164.92464711432174,47.20394754775595,270761.3484142133,6.426288020062909,62.26201035379459,4.9028749601421975,76.0775908506456,0.4186358797546714,26.370692765509734,0.4172349469260767,0.7195078137608326,955.4993322270972,49.41801605442672,0.3191503473117385,220496.64630679338,2.6559465101485573,99.57068865143164,4159.794673666304,175.62664000939165,346.13551909492145,58.94357601453072,0.2646081126640421,0.19654391416296577,24.145744894688285,40.24635910785695,3.0774725918939856,16.610567018213455,0.0,0.760392866721063,0.13257220943078812,17.482865776016077,36.63624422832028,0.4483134457512804,12.875342873946634,1.6033010066721712e-07,0.0001132097967789073,0.2080852126652564,27.302979721980506,45.75858026015983,0.3042892273848577,14.576476423434576,0.0,0.00014063033626880034,0.33426943397379405,63.733749450490734,37.66353362250673,3.518725227418224,16.92450015329425,1.9907974977412392e-07,0.0,0.19156523477158388,32.67278542578671,62.275085396246,4.841957089529732,12.702531961372468,4.714669990289387e-05,0.0,135.1464025825898 +0.9223253058227637,0.12004388945812977,0.32833577257735824,138.7162942604233,40.302183583160456,207325.53187130505,4.55182287693191,54.6594800239732,2.120929432080822,38.17005989173797,2.9890544177998883,28.67300564513861,0.3834380709845954,0.6771842236440636,302.59234501397714,4.672493620008783,0.19694046857559702,180916.49036519538,1.145646325036585,62.4961225014864,954.668370315414,83.2958015121044,331.8844778238784,55.3053667170516,0.16755812729487987,0.1960399225901285,13.646997952573047,29.131890214199117,4.310300018619705,28.693562793721043,0.0,0.7942206404363976,0.13338211022391241,10.62573173270535,24.311566214616946,0.35674144451272455,4.223297070484541,1.6033010066721712e-07,0.0001132097967789073,0.20788621396305612,14.436769239839435,32.114193425711335,0.2915835948147945,26.859036636525143,0.0,0.00014063033626880034,0.14118118810064043,43.07760669494996,35.98282601397947,4.534601904169111,18.259722437203617,1.9907974977412392e-07,0.0,0.20948920122812462,16.612237339570154,38.05421090426951,6.561927757844497,11.295852767603336,0.00010810026303008846,0.0,99.7994288955452 +0.949425824992883,0.18732986340708435,0.4450560993931224,167.51350660402798,227.11727711415816,329317.8342112157,6.593090103814778,26.202449411054435,3.773818562316053,69.45547901774576,3.9101482492461725,28.416389179837708,0.7164092562105575,0.856741144767193,801.6272726916499,5.574571671800741,0.30737626692737957,242352.8349408437,2.688065679136449,75.8960280257591,4723.34285653776,27.191339597525708,225.99100363446206,13.18891257832193,0.21050521782882253,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.1286329086675385,2.7735621459332314,13.35266739678629,0.7293690835458712,14.162009612631456,1.6033010066721712e-07,0.0001132097967789073,0.20658952024833718,5.203115770144794,25.441614257604176,0.3251815828642485,2.702412634977524,0.0,0.00014063033626880034,0.35038919745503005,6.457764683942301,13.941642135930449,19.99187900000256,60.99050221231817,1.9907974977412392e-07,0.0,0.11674414093221433,7.680797614276428,33.80616418917906,6.989562776749525,33.341704562060784,0.00010635304561597861,0.0,2698666337285.8823 +0.9816686497145619,0.16859782738247497,0.40062844395230857,244.90280485966622,144.5471325015551,219842.29569289798,6.6119992531139475,46.236980338057485,1.2617832314150665,96.62791252681458,4.730887995625629,28.977524796290528,0.7777359824943785,0.6258830431024961,902.7640452856673,47.17675610385805,0.29373049197267737,80524.11464848043,2.9543100920172654,99.8037732287677,4639.1772249401565,93.22957743166563,220.23353237824296,58.574637521166075,0.3378578144354193,0.19483505803416312,3.383198458454097,25.053245834402563,3.0551019431529447,6.655295694396215,0.0,0.722144398765589,0.11544462872474696,2.0959780114121713,20.139004027962407,1.0429948604721386,22.82198204610019,1.6033010066721712e-07,0.0001132097967789073,0.2062815124814285,2.649272602076838,25.47575831135322,0.3832359051080649,5.686021377571583,0.0,0.00014063033626880034,0.3354674710746538,7.95892846583717,15.924755517696543,14.597474818367973,55.24196240802407,1.9907974977412392e-07,0.0,0.16008284658864522,2.803962864197079,33.45767412897481,7.099526707029468,50.98426823929535,0.00022222739132783832,0.0,98.34981091125711 +0.9034119044006854,0.1583593689832305,0.34006025933006295,110.31299722733965,205.55621729554665,344033.632084642,4.714101466291928,16.410438489904948,3.3083043747955916,95.94843994191505,4.794109671618634,24.6347090913789,0.6916655250211378,0.6634556322262759,389.8574069383598,80.92111775397689,0.2713882785086521,67407.800151564,0.8906340282049638,76.33736886028973,2756.521570092345,204.63109305352071,349.0287513724866,40.20796592222687,0.32161852568613747,0.19744376308423395,6.889263264370788,25.839492744863364,3.204328795621031,59.83482537091684,7.890695930122776e-05,0.749932726470203,0.13571297419681114,12.220662639907934,29.96334458170931,0.3322896856303225,8.617149352185798,1.6033010066721712e-07,0.0001132097967789073,0.20976172117481118,7.58312982637263,26.97310744937044,0.26134580913500927,57.346313702425014,0.0,0.00014063033626880034,0.11789186068176755,33.82348825155572,35.63881333076836,3.172901708736163,12.826067571547624,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.971450962358352,0.261098361568283,0.37256743581265717,180.56248409779224,220.42729802664763,343267.2198234886,6.288162113659272,66.00500434428884,3.552984189243784,98.62644807925265,4.539086723844275,20.30324550023456,0.3903778429489674,0.984121879802276,740.3891565166111,86.05545988370967,0.26142885750265343,285284.8044677783,2.9887576957945985,98.82448510796414,4680.9735618677705,131.20801717424334,339.0822488961344,57.76595783184195,0.2686427579988464,0.19318673169603517,28.918783871805214,50.92167689782307,3.2284399307131104,11.575167910259086,0.0,0.6552137905829406,0.1334942495214594,19.43841551948702,39.98568396308952,0.678268024854562,10.315902541931981,1.6033010066721712e-07,0.0001132097967789073,0.20509382013930957,30.092711210341083,54.50426326258429,0.3153786413419106,9.166776789910747,0.0,0.00014063033626880034,0.3539134812371483,74.37163800201981,39.90114622439612,5.065722599980602,27.967607891394852,1.9907974977412392e-07,0.0,0.19567657920322654,34.85937918061309,67.80289249013214,6.331310660654851,9.435522515728218,1.6534937707011775e-05,0.0,153.26781937868145 +0.8693103652437074,0.14998851970379656,0.34608438587369217,191.7338810703257,219.8868292201562,201096.58094235515,5.134918127880061,14.68158048498131,4.859579075217169,58.150827276241394,2.399751272430886,16.94335825669979,0.48648163904874553,0.9262144103788772,930.564172800908,71.89029416039486,0.1341808748576354,67229.6317840681,1.9069226018747054,78.4593237982906,2815.3983812083143,242.78783821231383,341.1426756131681,51.66777346795204,0.19420290659190048,0.19666453607835035,16.706187891052508,33.11614991417869,2.7276754877070695,44.36807992850534,9.40057373271279e-06,1.0859966164770969,0.12135622812937757,29.39103486533824,52.01404141833448,0.972487373902829,14.547873148164578,1.6033010066721712e-07,0.0001132097967789073,0.20755909839802716,16.21442049103133,37.45662973963173,0.3685123312415426,35.19527533815592,0.0,0.00014063033626880034,0.12226962714022378,75.67058086051584,63.46667736658002,3.1942021426006586,16.398335529878537,1.9907974977412392e-07,0.0,0.2074083649974046,30.973345728630626,61.84103735410448,5.3358112812844825,18.5234597745383,0.0,0.0,158.83362985073893 +0.9398946119840245,0.1334732628362748,0.40926714196002123,223.16987121016842,246.2548468894951,277724.14601905836,4.618261181207615,85.98139625675978,3.508114954291657,34.210242470073965,2.7201583828638967,24.213245139022217,0.720625453275265,0.9893044526077653,221.06512531801215,74.85847095930532,0.26437463160631985,79893.30124653698,2.4969984829064362,42.31925417275506,3838.146210607399,276.9883888274846,342.90590562127664,59.7393375040526,0.16289047920481103,0.18707513919394345,16.808822383790147,42.309826200759694,3.2374109232730817,23.67818899376371,0.0,0.7764256354755303,0.11332510207470216,23.14947914442144,46.84233195435638,0.7000641751208588,14.186140531868364,1.6033010066721712e-07,0.0001132097967789073,0.1986082283208208,19.941565920840873,45.79945300147462,0.3163207993140224,19.5978808304881,0.0,0.00014063033626880034,0.12456838192221148,70.10277332800953,60.65091657614019,4.136366495370408,15.067544983768654,1.9907974977412392e-07,0.0,0.1594752305586766,19.192105355172373,85.85099422189857,5.4349509654166015,13.574205933768804,0.00010339081226065377,0.0,158.8880087422134 +0.8966609296596668,0.11673454065168486,0.33034080162241586,23.72145581581904,124.8035956325062,258665.84904230307,3.2207597406719684,41.926446107215405,2.342524362917969,31.64499255602434,3.2952667094691193,24.056566313357195,0.3610755580509294,0.7541920115873147,324.57208780748385,45.16129137631177,0.29805657144343045,119777.72131602213,0.7585624808264475,84.38971657796381,3395.697638524244,131.4387796924937,343.95572321154344,54.099465056993516,0.1719985886083957,0.1941521414120992,12.00646816074504,31.184135599752665,2.690175359195716,47.76862661633379,0.0,1.3090999852019112,0.13319178119699848,17.1312495161314,35.29985274041519,0.34869554341422904,7.407018723998514,1.6033010066721712e-07,0.0001132097967789073,0.20881990139227624,14.149377710845782,30.52228592032958,0.23640905017214597,49.251161874651906,0.0,0.00014063033626880034,0.1453619305959926,44.15324188726329,39.94437585549165,4.028432286664201,24.51116147979528,1.9907974977412392e-07,0.0,0.21531002239638086,19.006836051658684,39.45617046201999,4.09816888655234,25.58096771182363,1.373682648190472e-05,0.0,123.73752229316675 +0.9892665638087117,0.17808091949404428,0.37933132800677766,228.74354417203094,245.677922980255,275659.42273220746,3.7490350080405266,88.127483524474,2.6379043454974735,90.86013776776738,4.566100385632937,24.88032699370304,0.4712451308476926,0.8796052073967442,777.0251019863933,98.00817377225698,0.2323468118952944,282716.4693263888,2.952118216712568,93.66723743075194,3236.873813200631,253.25634653202547,347.2093133431118,56.34894597217851,0.16033235411683225,0.19351253705216287,33.27815740885043,56.25221023076608,2.758120819136523,14.183989372684543,0.0,0.6836731328721668,0.1240929284777234,28.206280071932945,50.00951678474978,0.557963701048113,14.503745790434447,1.6033010066721712e-07,0.0001132097967789073,0.20426895230037595,36.74458591259595,62.334906254342236,0.2904583960293008,12.470009725207602,0.0,0.00014063033626880034,0.19873215568154848,102.2097496278633,67.69884404576264,2.7580924546808485,6.9427334852067535,1.9907974977412392e-07,0.0,0.1662251793914417,62.103392432922384,109.62878521458447,4.973117071670315,12.656307965448939,0.0,0.0,211.01129440909796 +0.9446651658591315,0.1302332479466825,0.36001986743152414,180.22583263957972,162.5836755554232,336720.8593054978,1.5885576354587918,41.44321762589244,2.2060145441681014,47.150084456670456,3.36020348375266,23.26949116995346,0.30822567911873133,0.71390822746039,664.2666060014416,6.118546702080062,0.2071343611909459,96647.37819819228,2.521776447359181,86.03717843210357,3159.4586078782277,138.46213170091522,342.76789495870554,59.885321557160225,0.17381926155136018,0.19371636223663347,18.411115412606396,36.69061533211228,3.1544709372481945,24.808829833887884,0.0,1.0225919880792147,0.11708833920041392,22.789809755851802,46.38345865246883,0.36591214500899566,13.124457154607777,1.6033010066721712e-07,0.0001132097967789073,0.2088172273427788,21.407181979698585,39.80306718752248,0.2345437655511868,20.701941356243225,0.0,0.00014063033626880034,0.09210805220859708,65.41240988692876,52.81322564272558,3.588381657046568,13.157918237173954,1.9907974977412392e-07,0.0,0.19208676205913147,40.16837377439187,73.80850696620217,5.022835454280353,15.795158302700857,4.612821412496346e-05,0.0,149.05061321985875 +0.9459397761362149,0.14551224841368085,0.43010234587896595,166.41007096497353,96.83254876270892,343091.06457783235,6.373789657908246,81.51642931895063,1.7440470928890677,11.815414121637094,4.460617741532599,23.79671864284004,0.7463410143471659,0.439302699312976,308.212709050541,65.41777100403745,0.3424535530147295,85626.0646289026,2.9656368136244082,67.71963563116805,2251.6880279479856,274.4233717635475,252.14069042569815,34.22119620996299,0.23711093847470294,0.19691645251568318,6.423817767057708,25.736523115474743,3.5925919538905764,8.751171922825641,3.707373903990533e-05,0.7993636571144231,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21087814692246282,5.367990414270446,24.377898567691712,0.2912665695858134,6.80713370428119,0.0,0.00014063033626880034,0.3012860931317189,9.296038173303206,17.417012069016884,12.163649140039734,53.04903189053729,1.9907974977412392e-07,0.0,0.19810310946797285,5.776270819400501,31.212218761497788,5.957537955857925,38.18430101643252,0.00010012401611860728,0.0,2698666337285.8823 +0.9717232175213985,0.26935571901660726,0.4352849648360521,218.84841942982922,241.6677372320575,185730.931253628,4.491335991061248,95.16720598270561,3.974004735988871,44.52662489823139,3.455524560405582,25.30065976290878,0.5848786598104206,0.9866324873508612,621.7542400098446,70.13180210653864,0.12848695432818216,81743.17404374617,2.805658427824055,99.67016135733199,4783.437126965394,67.41655098988832,256.3133684635706,13.06330121140055,0.30768291701050726,0.17820791931921814,2.6846868869855576,26.009176450880247,2.285371299876387,5.718668718862608,7.57288453800081e-05,1.06540232691736,0.13092731516841943,2.332811439174536,21.506011063907593,0.9997676757700369,22.62934044439462,1.6033010066721712e-07,0.0001132097967789073,0.20275634152272837,3.7760580839424187,23.38257745265954,0.3711972987528795,4.510015705246414,0.0,0.00014063033626880034,0.35372442749529204,1.202382926758766,14.319134931060734,16.293184092097814,56.88868350567347,1.9907974977412392e-07,0.0,0.14084923425876084,2.9111017809338042,32.888155658675785,6.283445129226707,48.30322575764401,0.0,0.0,97.24485453114633 +0.9598316356328944,0.22849188212571508,0.42860382841410694,221.3122103826113,50.660057487216704,314601.68377049133,3.538128198828632,10.73468654238544,3.414916301348988,84.01189322405273,1.7468373892400275,27.786639336555446,0.3878287593860632,0.9962065286112817,568.4138711202237,52.237727497507755,0.297747263681297,294000.02464616374,2.955777598092462,99.5830672219555,3332.7728353785396,279.07405130070714,341.4228149109215,37.83855960437791,0.3128712182725148,0.18758149791233014,18.94635066868479,44.409385221644335,2.9949556558563515,7.675831177467668,0.0,0.9271334273257017,0.12557851947831117,13.211656610320583,32.019020678922885,0.21307339304037762,8.728873297908073,1.6033010066721712e-07,0.0001132097967789073,0.19609914531715822,21.124187346622673,47.26252850181787,0.24614336111506982,8.378215988593203,0.0,0.00014063033626880034,0.3549808251792479,46.990418481432044,27.905901109732774,3.4206563463659174,33.587723124804,1.9907974977412392e-07,0.0,0.1434155678802437,26.346595742643736,62.54167920247509,4.561173970046798,11.896486418334463,0.0005908343742871737,0.0,123.77798188345395 +0.9754171502819593,0.2404837779729725,0.44107228093847844,162.8506571743576,141.44381104514906,180518.86118675594,5.935660650895415,73.40285558958652,3.3029362157149436,84.28680500422958,4.018056173651188,10.944521625664517,0.4322665860604615,0.8514573024672336,851.8166522758531,87.68826666300333,0.13051312785481134,188740.33856316307,2.1717366606966904,76.79853263094746,1303.7964339335615,295.45965490771,346.94461955451715,49.97027780574075,0.18697194832863695,0.1995578575381178,20.441782665977357,34.368723787687955,2.7406677490679567,20.192243395473593,0.0,1.250026212331192,0.1405135502763429,17.984860918900026,37.33090004055101,1.0087048709968762,10.109350952249262,1.6033010066721712e-07,0.0001132097967789073,0.2114313067990009,19.039205975011686,37.42667444718693,0.3811708741045095,15.268754401482393,0.0,0.00014063033626880034,0.08790181810285726,63.71121778898636,52.88797585908055,3.236234768853366,5.4106062229776395,1.9907974977412392e-07,0.0,0.22258165547726602,26.039569180869858,52.63748148372915,5.2160804339058915,11.80496045391276,0.00039254623078553903,0.0,127.8443049775097 +0.8603184849688775,0.16082454775225472,0.3390576314130992,140.33962767319764,127.49627708696549,203566.87707911734,6.650939273606634,58.28335939456416,4.671918265098346,53.95116730398866,3.103379700529378,21.946972145289475,0.43908534361294016,0.7625133445275092,947.5157341475701,77.860878317728,0.21405171689757857,68511.87657882339,2.7912146254892556,79.67482443788377,409.9350470140212,118.1297538074045,345.3630320508575,39.7629372205847,0.1615784973239854,0.1970929258712658,19.211957450042803,37.016409238902085,2.8132197521694944,21.084064689871283,0.0,0.714911079839729,0.12234710797532586,34.92439706245538,62.37220826585045,0.9285034290029209,13.782090359878291,1.6033010066721712e-07,0.0001132097967789073,0.20857209827575704,22.344398246627602,41.66085562963567,0.37001850067341324,15.839962014751704,0.0,0.00014063033626880034,0.11876685396644283,95.723090248844,73.44743357822232,3.199687486351029,16.122158940859997,1.9907974977412392e-07,0.0,0.21383589988357848,42.51145894957644,77.83626785510755,5.19429742257683,11.461887624034862,0.00013805980870876564,0.0,181.19285384361558 +0.8392614886069898,0.1503839269852299,0.32959238100542626,213.0952781805313,17.698401265367522,187171.27135177504,3.2285456316668,67.88049336428828,1.0059733605567995,10.605442142326526,0.6534180000700993,15.813965871672991,0.41635459246129475,0.9941918694475946,771.7659762389285,47.67222066866615,0.12344357461801539,175070.75194768226,2.6542063413601444,63.96737327899698,925.2800497462961,188.3066051017837,339.4720019399531,51.70111098154431,0.1608716444773842,0.19619039543304073,28.565827942224082,46.68386042033407,2.6075218629614643,21.427861239400496,0.0,0.8397875321543966,0.13753439978843454,25.8528865063949,51.20405279665551,0.1776800697314318,8.190054873724744,1.6033010066721712e-07,0.0001132097967789073,0.20927771032168618,27.57189485251237,48.52999662081567,0.2634808690743971,16.821090823936895,0.0,0.00014063033626880034,0.13664533936565162,82.82119771051741,65.26999700601696,4.509141301807158,15.582956446176848,1.9907974977412392e-07,0.0,0.20102801827041938,19.18714673217129,68.62474900282253,3.255666659189492,9.96227748959235,3.7114855856001936e-06,0.0,163.67029173639196 +0.9771084402711017,0.12552118433130788,0.3754171110947933,241.16655393547114,215.9469124732701,136910.22733903604,4.42525532840785,62.62893492904191,1.353344460671578,23.295473848585,2.8890087041813897,12.603426611595852,0.4404501368364407,0.9762157653422505,204.39010997160273,94.6879431192207,0.056967290831520884,117328.50189221908,2.767482059810023,67.81284244890746,4463.530899996014,149.3112655366113,248.84165003316443,52.387199334974156,0.2301577983397646,0.17802584351359685,2.766676473738905,25.270345071192143,2.0230132290636256,4.589496630688754,0.0,3.447363606348115,0.1358334705082446,1.7741422161416316,12.91071061188447,1.2572538773277973,12.419576021148478,2.1553011076282478e-05,0.0001132097967789073,0.20757834288216997,1.5238687623436804,23.30214638088884,0.41770241780908185,3.618741466194324,0.0,0.00014063033626880034,0.35793460746427697,18.873374133859233,18.050861032142528,8.336513460624356,45.34609677910918,1.9907974977412392e-07,0.0,0.15161973219339345,3.2248192352350094,32.094683803845875,6.211491660087406,21.051852354379367,9.125344224437517e-05,0.0,76.79718221167788 +0.8915012993352209,0.23573270154064213,0.3512769093248255,54.44218103658046,123.2554047784486,302583.67160343175,4.715669628590712,93.14850344712659,4.6530707420932345,11.645616967734462,3.9583982854500883,22.22229438881511,0.4146778975036756,0.8286700063449646,307.2234605502177,38.88729816420642,0.14441247923433703,98540.86657019684,2.649950039215042,74.5897969297535,3389.264756080599,164.564688096496,341.98399664591733,30.384449185231468,0.23740225289129413,0.19632826186957025,15.755312052245174,33.652203307469854,3.1540913326760873,14.714608636136742,0.0,0.7038482497847361,0.13239942271963523,19.040937886949138,40.16695849305743,0.20843912148745267,10.96839848000248,1.6033010066721712e-07,0.0001132097967789073,0.20687700765221675,17.987399007211675,36.114406880275524,0.2502006148763285,10.359533397704775,0.0,0.00014063033626880034,0.12234382172253282,66.79820341109678,56.46255592720458,3.640931306279348,11.017265333115718,1.9907974977412392e-07,0.0,0.19587300834898802,11.150398351941305,49.48911130660765,4.0419103797874,9.45794404012186,0.0,0.0,126.10803606187356 +0.94322754253674,0.2031765170444743,0.3399211602183993,126.63320518275553,220.4123966874137,195276.4752300432,3.1937889223583005,45.3710257417324,2.844985814908318,28.94584775074388,3.853883642377384,8.075109965375558,0.3208047008040005,0.850313015868365,658.2429744783527,40.929466905578614,0.20440619618030884,113150.48177655916,0.9639729621868884,83.19862303724805,270.62426102989923,209.9161500450203,346.41772098636136,39.515895178754484,0.2638858756745404,0.19844133495394622,10.328860210571499,29.005529119617563,2.611480136286478,41.57967154395652,0.0,0.8034146255842602,0.1400813730666123,13.088368125008252,32.20828632752143,0.48973363631601413,6.351162459194834,1.6033010066721712e-07,0.0001132097967789073,0.21171464696866082,10.707047351147162,29.072923911480004,0.2881240016148541,39.50030807209063,0.0,0.00014063033626880034,0.13249996820831197,37.61539542430341,38.5496089060264,4.132715574339212,14.505390428235378,1.9907974977412392e-07,0.0,0.2140700795123659,5.98005920621189,29.992604843903088,3.7295552467176374,15.139545886855403,0.0,0.0,103.7347862422476 +0.9197335804314307,0.12399897105183756,0.4019886886542756,241.9013311406137,33.55521221983616,339671.519915702,4.042093210563141,87.26895829567442,3.026898999705321,56.65912791762165,0.7009671808231817,25.019997601326825,0.42974688248328685,0.7353900414764148,640.2388123349325,24.627283588624763,0.12954026795330034,71147.2195527114,2.737485097835261,96.05737942094497,3028.9492267908604,177.1256761743707,255.83011506033816,18.732612675878745,0.3335622492835046,0.1876741066867248,2.340740405295663,24.920056151866646,3.2460900076477257,9.55394524529465,0.0,0.9542464121620726,0.11706298537936337,1.959160586684781,19.673206087035805,0.22428591238679088,22.304319751068736,1.6033010066721712e-07,0.0001132097967789073,0.19365029488148525,3.650196254328794,25.97780126873133,0.2463577213842925,9.033979131649305,0.0,0.00014063033626880034,0.344260343524325,4.330779416622976,14.687827260162837,10.014821562732985,52.11416322747881,1.9907974977412392e-07,0.0,0.13147132184189086,5.197134663557876,34.64972007104648,4.834644465959827,42.455502914513055,0.0,0.0,92.15103550587204 +0.8225001946042398,0.13027702155168558,0.39316978275180736,156.11186151426892,140.8344094654417,344450.01333457924,6.617992740633461,73.8221977766649,1.89889114735923,30.800880710360907,4.047073687377061,20.362659708989685,0.3821698831796255,0.48204053323785356,128.78293398203698,69.92904796981088,0.09405647490173204,67560.63620616453,2.9192608177615527,83.1109533880938,813.4550941180205,113.79325641306065,241.3937734371466,27.30496267188547,0.159878685111134,0.20143621473475576,2.0892243521530025,25.336750015105867,3.9022484384517884,5.469440950771052,0.0,2.2329692790844446,0.12577150819812372,1.6486174924160644,16.458867204644196,0.5653163839042036,21.375956934019253,1.6033010066721712e-07,0.0001132097967789073,0.21377994469871023,3.829850247926477,23.727789756787534,0.3032223705571609,4.352188485440241,0.0,0.00014063033626880034,0.2960432830843513,6.454477752623933,17.384151376611708,14.899152060123097,55.923761788992664,1.9907974977412392e-07,0.0,0.22556237727618403,4.7505336689823165,30.35517716717818,8.366550651169485,47.67172713411103,5.359942975833392e-05,0.0,94.89033368108839 +0.9680913389808534,0.2254183917514087,0.410503652351023,244.9406327348267,210.93993217537545,298922.91215950093,5.3210594848000365,11.84296280021266,0.9563820655085997,86.68608051363017,1.3028717426854581,7.796014698563956,0.39346037258824346,0.927652285932411,541.2533558567011,4.196396201920123,0.18768406631072732,62768.581321563295,2.8373601590175093,64.32696259153998,872.4116148090908,86.5853753184073,223.08590492021395,23.804508498742255,0.19375373173408358,0.19864331753130696,4.2135370274273,23.40941900218874,4.379808974972736,4.137448001652981,0.0,0.7503606247893692,0.13162904652640248,2.5835683444513804,14.840073561698151,0.7348689290856242,19.31245505588552,1.6033010066721712e-07,0.0001132097967789073,0.2114461413436948,3.8839521410065228,23.38068601930662,0.3235699777524331,2.9283961540987,0.0,0.00014063033626880034,0.3529621384338861,1.791752147637887,14.153706821579988,17.494299939629304,58.38950477327173,1.9907974977412392e-07,0.0,0.11238799800502952,3.67261225881962,34.295327138117145,7.834875122098509,48.023916460391746,0.0,0.0,96.17668649602159 +0.9812328874452046,0.2691155123781004,0.42400785698475263,173.04443291982471,202.84999933427054,222727.11335343696,6.961617532429945,60.39799513015211,4.800721427850143,44.54573063619286,4.450107699896954,14.847089055848931,0.7920373230322968,0.8911361104287904,982.3514987309059,92.29730675550458,0.2960584426303918,66334.92750147403,2.9362098082722294,96.43459518797023,4253.763508529169,281.0817444359365,247.75508209695815,14.898231621391652,0.21238556326483757,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.13756052425409135,2.4842103358969667,21.76793461139009,1.0884007771219557,23.88844902932388,1.6033010066721712e-07,0.0001132097967789073,0.1941484028395017,3.9052278349735974,24.868746955983227,0.3895007948014189,9.231383233020994,0.00012027526972937864,0.00014063033626880034,0.350183532447603,1.0804917323026397,14.212386149123262,18.04224779071629,58.87664394004816,1.9907974977412392e-07,0.0,0.09163904115869495,3.5040803330553087,35.68884256389516,9.00452409897492,60.090350422999094,0.0,0.0,2698666337285.8823 +0.9496973295898922,0.15602201479419675,0.34698348027675113,208.85979258490661,98.43098256350305,330658.2825263908,6.2593528655483315,95.97079062979908,3.72661474798488,97.57726502956822,3.9117158211056453,26.59740153783646,0.3351081428950994,0.9384416655901173,957.5373774836115,64.34181516119845,0.238415296007753,276410.57635193615,2.902489616935386,91.95259214096515,3967.92665265467,289.55361586592494,348.87352823168175,58.29842169997593,0.2749596269073549,0.18988802649258374,36.86925741255165,61.27672698753118,3.190732708137917,17.679531726175,0.0,0.6435000567309657,0.09916605041811885,21.609282050426458,40.94017741319556,0.5167547507349036,11.717382568404936,1.6033010066721712e-07,0.0001132097967789073,0.19750242732989134,37.639493969113765,68.40347367992089,0.29958089685290784,15.46084979910622,0.0,0.00014063033626880034,0.354878593848994,74.7599417048226,40.53080630334843,3.692144676473329,21.2213635074822,1.9907974977412392e-07,0.0,0.13415211568216417,49.678483366949926,92.73536520463159,5.505586692677662,14.141802965255795,9.949005698400849e-05,0.0,181.7882330522815 +0.8669982645166269,0.17955190694519824,0.4497349043842696,216.86563468582887,188.62688003791257,183196.49429145316,6.771342785315046,27.674638749460904,1.7921343969623167,73.96244920428173,1.400044225980256,18.40091112985725,0.3537825243417486,0.8685870228948699,44.99368884464394,32.4423186203265,0.12497587729979447,177074.45357999086,2.7640578063179664,96.8232879273365,3035.9530719398053,181.153964957299,236.21053706211742,44.49477310378721,0.18417225331270948,0.1981648155200504,1.8088741522488077,25.194857749812996,3.766075259993243,6.497064809696312,0.0,1.4812446558424055,0.13087585198539053,1.6911549453739776,15.7821426233765,1.294454252428854,18.07270796862152,1.6033010066721712e-07,0.0001132097967789073,0.2097247939887394,3.5314294205026324,23.869019164096503,0.42517824954550826,4.6905551249652175,0.0,0.00014063033626880034,0.34752560203977995,8.647288381565827,14.894984651546116,15.493975046404262,56.040887430164524,1.9907974977412392e-07,0.0,0.15719160403030835,5.050931543352041,33.41402294662353,10.182633847865603,32.66743663176916,0.0,0.0,88.72227654563288 +0.9316607442819784,0.1502266159209909,0.43419878029636677,224.66303856929798,171.12295390134418,111033.79658561852,5.902937391329134,17.292047692931284,2.028581751064263,76.90073334592005,3.008678057443157,28.149510842631386,0.3496509686916057,0.7695175845498964,203.87952165249072,1.1299720732231089,0.07472620487384837,245200.3842211219,1.2993531850700923,73.44687821473467,2993.275320165365,265.33343995441624,261.6222712842699,56.464256893022736,0.23581075484670436,0.19631658084338433,1.9146212056838563,24.768486057275105,7.0027296105333,5.497321126469703,0.0,1.3160411935783263,0.13276008213095727,1.4268202376882237,14.869216586409113,1.6032040922656856,3.962252866936373,1.6033010066721712e-07,0.0001132097967789073,0.20468130190869985,1.7925444037082432,23.965044718192264,0.47880176328982754,4.573342347861612,0.0,0.00014063033626880034,0.3461062048333693,24.713044015650926,19.402921758888883,6.601164249830609,38.2745289849725,1.9907974977412392e-07,0.0,0.2022707561874417,5.95220124826769,27.26285900070121,11.437712972163833,6.662748265151024,0.0004293229169016281,0.0,70.62649727964684 +0.9210525512340021,0.18552485664586876,0.34099095439968025,145.17686182826108,68.65083979568736,135747.53791318,5.07360688334639,16.164283248637005,1.5193962694394587,36.61754265311961,0.27023910733253353,20.78317970320161,0.4700988550230244,0.8094855430697441,303.967517588884,57.44669062942878,0.32915372556429645,191698.74656331132,2.8814925095118866,92.03914480101889,1531.5385264775302,290.8430194100446,343.377263402531,57.040119100463365,0.18716259321970197,0.1934138879965307,30.6609205089075,55.15632052862678,2.90272021485781,17.96856099380286,0.0,0.9924854118622297,0.10956341715239977,31.361225656321576,56.27927346146662,0.871765037413075,17.201750091072284,1.6033010066721712e-07,0.0001132097967789073,0.20371388359273243,35.555726474466326,59.88408559273943,0.3708940221803896,16.854713972396475,0.0,0.00014063033626880034,0.12494926870757234,92.59856494079361,68.26172896224116,4.319035202443353,8.021223878300395,1.9907974977412392e-07,0.0,0.1805466548962235,56.66694415550764,102.16455698024659,5.083139594743011,18.582400190979715,0.0,0.0,203.0611770096783 +0.8912500526221572,0.2333662152727451,0.3506997039970182,27.560953877485275,126.43854804890577,286857.95680681383,2.853368938335251,61.84280866591406,4.650549164666535,50.110525314304226,4.483931249043183,26.00005090350751,0.4823827926894113,0.9819297910219686,661.9267322135721,98.95187073079646,0.2891136058565669,243232.70268306555,2.432399196578801,94.86034689115222,2520.061533908153,208.5763287517708,348.9029105681728,58.78915082215308,0.1784562104639857,0.19070755061694417,34.58361935432392,58.010554243785485,2.578771852092271,23.172235593413355,0.0,1.2724029686467218,0.13194001142490538,38.53867354734023,68.82797877010923,0.38449253520251786,9.5852923194112,1.6033010066721712e-07,0.0001132097967789073,0.20500717450355108,35.701059893210534,58.005329953977544,0.23631473866554223,22.45683821183945,0.0,0.00014063033626880034,0.11470913764289488,98.99715440735999,76.58835904245946,3.923756316277288,10.524131019234188,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8806358324790676,0.11962021839939804,0.39949911539152866,242.3676653623824,224.999421510933,247636.2663115439,6.758235027609844,64.33976779410729,2.85697641411351,22.980354287608975,1.8351869146998947,20.879519150884054,0.35082931725021277,0.8435893669536796,659.4338854606235,95.07590666489686,0.344820637241334,263383.0125054718,2.830591076718767,85.3455964250655,1908.3073411965136,262.9057031605235,336.08087756318525,44.286255104959174,0.31279805876859373,0.19451036984041808,17.964586335283503,35.54425810724571,3.039233720213844,7.5045402194942925,0.0,0.7736517518687588,0.1346081630208234,12.859845962778348,30.38619543275423,1.1159615768490307,11.373482736418095,1.6033010066721712e-07,0.0001132097967789073,0.20376861503976965,20.078311360094023,39.34554269842328,0.39032178540951773,7.088705586668023,0.0,0.00014063033626880034,0.34940904492414165,51.186274208762995,29.53613306480308,7.219981608390508,39.507141671616296,1.9907974977412392e-07,0.0,0.1831051027342363,24.141055064706435,51.06701318946409,7.532823031745863,10.800929750501108,0.0,0.0,115.51117620426628 +0.8716474969635066,0.11518979580358651,0.333221131782537,14.887479197559216,181.71736309908408,248612.7696396721,1.8085052150124574,44.208280259429294,1.4565643826206371,31.948379474223092,2.8296669836762116,18.53799780904621,0.34787517556309844,0.655487413690866,669.1013596774546,50.72834939723525,0.24014634824947667,108388.93634975153,1.784419602890889,71.23588048005601,508.7863893390444,257.2345756318124,347.11404436347993,36.595351616636506,0.1657760399313494,0.19702867965558948,11.535926208205478,28.889613792054792,2.423247907024144,28.414874816725142,0.0,1.3781293940657688,0.13787889733578582,23.85279343905028,49.16551156604818,0.5080432609744479,11.656869210426501,1.6033010066721712e-07,0.0001132097967789073,0.21073282160376083,13.181841035407727,30.300399114271865,0.24551482402396063,26.974298903956655,0.0,0.00014063033626880034,0.14568243154678667,63.91357145923286,51.65548048749542,4.22350225836319,15.639700003902751,1.9907974977412392e-07,0.0,0.23237500684668863,24.233582383419318,48.90117002691429,3.823402205780028,18.06755054094387,0.00012527729208727163,0.0,130.61489467332157 +0.9581877903077645,0.10804949128569293,0.42378244577995394,181.34555086526422,237.27653975423195,348915.8421873422,6.086645806787846,94.32055818493106,3.866777819136143,20.000453530700742,2.804138635542734,24.750572763954555,0.4610058313959221,0.5575666914759971,6.630907024162349,2.4676666920209076,0.3184354673220879,288262.29178333696,1.923870981001282,27.6101387901642,2614.2646717287566,188.1487579747892,250.89359539461262,59.06242301350675,0.21464245471347093,0.19769758442310942,5.001425693824367,24.262524269153097,6.749879065067007,3.61612524118375,1.7344282208873317e-05,1.1713587521727837,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2112748883123324,3.3179335183954834,23.675994724823223,0.31105304420620966,2.5117202941593586,0.0,0.00014063033626880034,0.3287276598128388,20.832709276014114,18.25583913176743,10.524778586329228,47.84699651126755,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9290725962362596,0.2222492417038406,0.33116860522986175,227.0011440364073,227.4880343965369,216048.03642539983,6.9660391642916375,57.994963936107155,3.058296176444676,68.34331336667333,4.53134431773833,26.68650337883569,0.4383132461034997,0.9731524753837996,819.3936966370777,64.30204641330545,0.34705857325948936,297174.6062371496,2.7070949439525935,81.04431809247077,3894.4224382974803,212.69212522899255,347.612603773456,47.8800687723053,0.1930850520756151,0.19146913321982453,35.762479714627254,59.47530481806326,3.0366561531329097,16.83859171245994,5.1719998474335705e-06,0.7796209967819425,0.13140987345992378,31.74783213842924,57.276663313887866,1.2489442335666154,7.800326276453779,1.6033010066721712e-07,0.0001132097967789073,0.20165527663736393,35.40604052441532,56.255505961574485,0.41515754269265215,15.11024225089229,0.0,0.00014063033626880034,0.09495135158899753,103.197887486018,72.23934198880251,5.397086751119635,6.1795454685388735,1.9907974977412392e-07,0.0,0.20070130171143294,60.75925151549606,103.16686849097589,7.245354090666072,9.169448966797992,2.8806458682064574e-05,0.0,210.98528519720435 +0.9198801896990917,0.21475817216740647,0.4465147067986085,232.0649854533935,203.9269026142951,288087.30017740116,6.72827404920777,71.3089519687397,3.835003345779145,96.31395782780582,1.4867174707692312,29.805081997541425,0.5796979612965155,0.8925407427538748,967.4893724571203,10.974890117022575,0.21294030471628275,127279.91021344849,2.8747708292393463,98.02177026679641,1693.8565091487658,207.1228332385808,258.7598847064255,32.561411993569884,0.3474231337869095,0.1855924808668092,3.0619810450905915,26.958159915093606,3.6565844293601195,10.262382116452349,0.0,0.6204515255274722,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2047309039304017,3.5593230707501444,25.13184297785939,0.3590104971297225,5.83015253316462,5.279154552277245e-06,0.00014063033626880034,0.3497761134709272,17.08481030576273,17.23811088474914,13.541908047508118,53.33921041982077,1.9907974977412392e-07,0.0,0.0807400904500851,2.24852686011583,35.62993360615456,6.946787635716176,44.43066773168092,0.0,0.0,2698666337285.8823 +0.9670650003187947,0.10528578223595231,0.3884726872903379,32.49891260263547,146.23952087780762,332453.474457584,1.8609018642672173,74.90681281235454,1.8135060384882133,45.548728433419726,1.341133112847494,27.25854766508086,0.301376327988907,0.7999955544042303,275.5629205613738,1.089920256181215,0.30837468787296607,103657.09170459304,1.391549058785499,50.889669353122166,486.3826036581372,212.42795299469583,340.60931468054775,56.28074751497948,0.33792749107596415,0.1876465649570285,7.43483965998302,31.364420663781793,5.022774221875651,31.52696131350979,0.0,1.3917076680556657,0.11951431411838567,8.571513125864506,24.69772487467903,0.48029032904925967,7.558003507120802,1.6033010066721712e-07,0.0001132097967789073,0.20321585879429335,10.000013793605547,29.960841148109985,0.24161987046877703,32.375774627198396,0.0,0.00014063033626880034,0.08518956332985231,17.89236113983234,25.420946699783787,3.7934393981943733,9.640332557214789,1.9907974977412392e-07,0.0,0.18511361048816205,13.042479658467956,33.681115589466245,6.157822390260568,15.729334762121807,0.00012781098775313909,0.0,86.66311968410966 +0.9754828355409727,0.12769587357326095,0.4001447105428376,234.63022952184704,53.553220707930116,333098.556804036,5.526563478073468,40.154305959014934,0.33950938701447786,9.933455779788641,0.3633176852401473,22.58239427123089,0.3205323568582504,0.7060897178648137,664.3875997825917,28.343494254740364,0.10467697417299486,67851.21528074992,2.246797621998389,34.720618768659236,673.5456048551064,182.70105277641346,284.16753114539233,20.067628576061317,0.2428379152718524,0.19739537718838293,1.2091714351764222,24.107477497243583,3.3746181869473095,4.971263286139555,0.0,1.7645013398919411,0.13175066696213586,3.064510429096384,13.033597945475158,0.29587300029621566,7.065425135064543,1.6033010066721712e-07,0.0001132097967789073,0.20772917167013355,4.3416338605291,23.86360440125753,0.2715674270300629,3.1479226558943636,0.0,0.00014063033626880034,0.34481491446800383,20.381593787023196,19.11502634614411,3.1273078363199223,36.08426805429374,1.9907974977412392e-07,0.0,0.12500768238493667,4.978692485645502,34.01452399445104,5.302393577711256,29.40739709333395,0.0,0.0,74.94660386721837 +0.9838190596407667,0.22954434881915728,0.4472758229385245,231.30977837734417,246.27655817891429,127503.38334282691,6.99763727972728,88.2189331817226,3.397274591971599,99.10675362778822,2.950523547371133,29.09042236856652,0.6740023902464006,0.8135232450264275,817.180171700001,77.23067334841252,0.31892440887730195,127116.0773984615,2.8852895892138912,94.22637066660877,4670.5137322685105,278.5639087869748,346.3619379067229,58.9656898578198,0.30571702943010226,0.17954979829535184,20.801500163792195,40.75230212801979,3.079560732690298,20.07984965861731,0.0,0.7967801761293078,0.08897671076671661,18.158204907700817,35.67171792777711,1.764002080492872,22.242467647728567,1.6033010066721712e-07,0.0001132097967789073,0.18941776301242327,23.781132042094562,49.176190190723176,0.509569086465171,19.33283540065997,0.0,0.00014063033626880034,0.34710911682540013,43.597661140791296,26.966647403484895,8.132145125355953,36.56069747236356,1.9907974977412392e-07,0.0,0.1507270094029214,27.17848325304332,59.82249699805247,8.7356257350233,33.37340872278697,9.303970098510148e-05,0.0,132.29946679188245 +0.9644082369985718,0.15918799329583833,0.44083777394812507,54.94435722730702,212.6109036466177,324112.81736331194,6.218134310801888,72.82860146598247,2.501570043430566,11.317091607482274,1.2163086109316672,28.223042712949464,0.6054609273199919,0.7013084893611329,73.39256819814582,42.648486732576366,0.3414187469872147,69002.17236741728,2.5994321434953287,75.7079621733636,4886.45599699517,279.97989249729613,241.02097759456726,10.088419990251001,0.24750476894266354,0.1708925913535101,7.029242624524533,25.96155192573873,3.6853487728884624,13.17612584856469,0.0,0.9993359743729057,0.11667187471468632,2.7927923844337066,15.598992518066872,0.3298633736641724,20.15217993565336,1.6033010066721712e-07,0.0001132097967789073,0.18720260591880272,5.423895759090836,25.275966787594264,0.2661989738426263,11.537705344543747,0.0,0.00014063033626880034,0.34223597198190037,6.996275752220071,14.110323097997037,17.166076890480202,58.24720608523521,1.9907974977412392e-07,0.0,0.13708931329036353,8.248181762017335,34.42260308293019,5.983469035808697,49.58323104180097,0.0,0.0,100.26641588868365 +0.9790475659209631,0.20803117707810423,0.40328422064954705,227.12938689318872,223.9626183727419,323937.8729672895,3.187291362686352,60.65258121722562,2.1477592622371904,80.3823073153449,0.2945900814878226,26.12580948339198,0.427956332661341,0.6280752689134322,622.7304822734242,71.19991079618686,0.06674159445768393,58505.0189742801,0.7060825269418167,26.228467085769843,4390.201258601041,284.1267867661895,345.818888725224,47.78956483033209,0.2628730958680641,0.199915814834289,8.601835928026977,26.005234046212596,2.9271340333892915,78.45395265226513,0.0,2.2794391184474865,0.13489742448871095,8.766190277952944,25.894519603010774,0.32747332596429674,9.222281457516791,1.6033010066721712e-07,0.0001132097967789073,0.20971863813817904,3.2764854206383918,26.07326008922887,0.25483939729766725,57.96115584542735,0.0,0.00014063033626880034,0.11682138006292686,27.713567351089065,33.92908683387014,2.895925538075296,15.833761969959689,1.9907974977412392e-07,0.0,0.21760715856483204,8.902050115777945,31.917100951179574,4.762089664540091,24.915946073031296,0.00024185512018804704,0.0,125.385817162832 +0.9218425256459547,0.17427487168459266,0.4244986200608531,239.76202822148292,172.44998601838176,239675.52371809795,6.7717352941727675,72.82805398086889,2.9951548578196787,78.04551714034642,2.4641820776931413,13.40603251739228,0.4475440683546703,0.9339332810154501,621.823122561833,49.22774373349411,0.2703229286537861,108691.72228630073,2.6639865755767476,99.58977358056966,670.2536789706477,288.5483009947375,342.3443298069116,58.774314031089176,0.19141161177973687,0.1899233422405053,23.06636700203472,48.22769916352788,3.231620081008295,22.067789500533994,5.083248693914085e-06,0.7535564379518384,0.08197755190657557,26.13042601065661,50.493299954509446,1.04815202192171,22.624207321231996,3.334187012504273e-05,0.0001132097967789073,0.20161927402905158,25.624360569462393,51.562621960682485,0.38171335250459076,19.145086796806236,0.0,0.00014063033626880034,0.2091075406551416,79.78949978002895,63.51309164247721,4.755815128554118,10.196304019473914,1.9907974977412392e-07,0.0,0.18485403662387292,35.817440135420284,73.240040824298,7.410849805663898,15.928370705109822,0.00010013034828657736,0.0,168.12475034977675 +0.9241363564433471,0.13532415015134985,0.4070038606416995,134.33071278192722,17.86528672606177,346463.26258714066,5.737718316683467,7.760884106386335,1.7535021426807453,36.34829723009368,0.8257382489513241,15.672444927447327,0.4267557224143198,0.6411809235832295,296.38232267919216,90.16016637892548,0.0874511881084403,57474.086054916304,0.6787886872234175,79.37644539134286,3954.811146989191,113.07289214301349,345.08981066921325,39.672360744171655,0.18016294379713774,0.20131567576380568,6.338025474939922,25.02499506410284,3.426638088913543,68.86328973666181,2.0519022375984096e-05,2.2229089719719255,0.13883534229763458,6.906873187917718,23.885527676863152,0.19157938726854357,7.926587254685869,1.6033010066721712e-07,0.0001132097967789073,0.21181640322088988,2.0087352072113305,24.634966452167227,0.2543214846196173,53.200851283745386,0.0,0.00014063033626880034,0.1534568225999219,25.56450205865346,30.2596100054001,3.6926637222440326,21.85091311782363,1.9907974977412392e-07,0.0,0.2129216468859337,2.2246466581548465,23.322776647475024,4.402516856245301,15.341084584385232,0.0001080560019058334,0.0,111.40803802165793 +0.9751010650936304,0.1338707764790953,0.3481638175808939,155.68561714676903,142.65157200233307,109878.99843516554,5.62692227065058,79.52063866856652,4.1484777564992354,22.18328139352898,4.247620018195196,19.93330523641556,0.4378913319075812,0.841395583242619,130.09370301219766,27.662813587629632,0.09405647490173204,138930.02998589512,2.896826298904761,84.15556040747722,1339.9453748433198,117.90237933408947,349.83064416385525,35.86983454337742,0.15902540996369835,0.19562814793268826,23.969733948306207,38.92125747057064,3.5423611624916234,17.723410571852455,0.00015527459217677607,1.6962998425422384,0.13246685903149943,23.18286283561915,48.8135357798594,1.3988411188014354,12.253146498043114,1.6033010066721712e-07,0.0001132097967789073,0.2037785357586688,24.635546249476896,46.689547550814275,0.44591204623210556,11.93377030088473,0.0,0.00014063033626880034,0.1179416388899153,85.37827884735336,68.36669167472814,4.352608482503016,10.415370316208023,1.9907974977412392e-07,0.0,0.17490397351837852,45.68105201340416,86.01986985637089,6.517160342307202,9.651169344584202,0.0,0.0,173.59007723213125 +0.9744880650263574,0.10892322364705373,0.368602741504167,164.9908147508216,237.2443880886639,276043.26545712247,2.491198258655452,99.69617255081576,0.27862432731127207,22.764249806702402,2.665995161783439,24.654341167688276,0.6241182181993785,0.8663768379576844,915.5810585683192,90.92106922786134,0.26256519545160706,89588.87546743917,1.7503767457915718,54.11716345661337,1005.683065809523,233.67193471771913,346.14834424816814,58.36030285747436,0.16552594708955862,0.19080560267476887,11.835508353330754,31.229249107042193,2.603696765799255,37.29948723224494,0.0,1.0155886183497629,0.13015904173112575,16.75694607042934,39.19232772887291,0.23751748364254044,14.660618267008356,0.000112577763984453,0.0001132097967789073,0.20465691213424883,14.52077489646056,32.34811404576427,0.24584783201593557,35.23596443410645,1.2070485913466278e-05,0.00014063033626880034,0.11559063080248658,56.7280737181081,54.844081231055846,3.727117406675268,16.15838275888334,1.9907974977412392e-07,0.0,0.21834931528175572,26.407482718731195,55.41077041211607,4.211790682899521,18.248565185482917,0.00018113318522307257,0.0,132.90848412062596 +0.9604687011027683,0.10291163919810559,0.44198078855740025,180.4140872053112,70.40399157270286,316325.7003444103,4.198509091518302,76.1514831089998,4.684521945119928,45.62161751693084,0.4769230609558425,12.817414407775441,0.36851398031036714,0.931408578619547,606.078711330741,55.074478393248505,0.25164174747890106,147081.95363528968,2.7286206556745793,75.1307253063672,1312.4587381776137,263.5922415901514,275.4545444279291,11.558538000773948,0.3439421462010531,0.19542775177448224,6.775759515178903,25.282716451608373,3.0408612181647054,6.501165613441591,0.0,0.7202925542937154,0.13070083106889085,3.6330888396795835,14.672146039402344,0.22777814922611841,18.330415407769586,1.6033010066721712e-07,0.0001132097967789073,0.2070974252560182,5.814457801205371,23.392235539942018,0.25524240683877175,5.764213221186475,0.0,0.00014063033626880034,0.35658193486088685,12.0248815149512,16.142884438477253,8.621278617646976,48.630208898554486,1.9907974977412392e-07,0.0,0.1374084994078507,6.173460520313314,31.6796424059569,4.735482954691948,32.37366441200604,0.0,0.0,82.90252866070499 +0.9865220144304773,0.20477504004997438,0.35800737240522096,201.79741744666518,229.33007882449772,320292.19906468166,5.534125801518568,37.14426020281283,3.087640616630445,74.28954059351486,1.156419035037095,26.45027240634709,0.4337136233276398,0.882377151192222,841.8125697271669,42.4948930732749,0.29672383632871097,158523.93427506142,2.955661871407719,95.29122719293959,1681.98797776931,209.1363098126165,346.473529127251,57.905820091137436,0.22825371518780313,0.19083937835657006,29.244998905029338,54.8560138836516,3.2059956843127444,19.972614794195206,0.0,0.7189090321313887,0.08269078884051259,25.020624487909856,47.15702581970408,0.6789840687086351,17.385274387972057,1.6033010066721712e-07,0.0001132097967789073,0.19780374637306294,32.68216897395375,59.37380147722789,0.3140268423492641,17.657485412052758,0.0,0.00014063033626880034,0.2600595916055733,81.99404266287961,57.64560982797353,4.041706314698093,14.149710565273029,1.9907974977412392e-07,0.0,0.14042980570393962,57.70434653335794,107.67940225304638,5.848523992704116,20.383208847204145,0.0,0.0,194.85641048488645 +0.9581274426383253,0.15649985781792214,0.4066833477569122,173.58391642469024,159.90289729639278,214732.48861559905,5.695075749159782,79.16418913036887,3.1315662048722537,98.67296126897521,4.83016486901156,25.342967578463703,0.34589486537599384,0.8753196630313739,626.6785763536525,80.74978892511234,0.3232721130539233,251951.08323095125,2.5929644767357924,51.38716322286669,3093.405210832347,178.22997178621975,342.1103040801483,49.08725274203664,0.34817381563941185,0.19079466332402262,18.039962923817566,37.621511949199885,2.8465577107774815,10.481959092657304,0.0,0.8270366782515866,0.1265777730122244,10.955439951697551,29.4515020598469,0.8790582727240097,5.1145463867123535,1.6033010066721712e-07,0.0001132097967789073,0.2020583192671336,19.84963503380329,40.163383946982485,0.35730458804409565,8.715602668476684,0.0,0.00014063033626880034,0.3527912788762442,40.507500938987064,25.203432693178076,3.8745447340966144,36.02312397497918,1.9907974977412392e-07,0.0,0.1955047854511679,18.843742091032667,43.96536338144764,5.4756431945544515,6.711792502397444,0.00010369880517670161,0.0,104.44659075418755 +0.9713812037502874,0.26982092688513,0.4370165695058096,143.1621007278021,235.7820322572718,190782.71640464192,5.8535104288876685,32.8626851981641,3.6194833401556887,25.10870070236292,0.4596282624120527,25.330608724614954,0.5849656155053031,0.7003445680409766,250.2229137718423,48.14005624352251,0.13733147454001282,74494.42459230515,2.6624103820201586,99.32129428904403,4883.445957119748,69.50386547393285,256.3133684635706,58.84504514804411,0.17051917597670146,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.12846682604254195,1.4695512752325604,17.98051294642946,1.0416352570722527,17.88412702244788,1.6033010066721712e-07,0.0001132097967789073,0.1941915521211482,2.327090998896157,24.737923699164917,0.3338942959533771,4.905334594129096,0.0,0.00014414060373783881,0.3363633284254407,23.221520660285897,19.474286666606908,7.980350932542715,44.79327391779909,1.9907974977412392e-07,0.0,0.18111691282049136,2.039292385029516,33.33762733684884,6.759909603276667,30.735732814482372,4.9313962202818006e-05,0.0,2698666337285.8823 +0.9172585332408812,0.22684692589614197,0.3770122612792259,27.42753545805244,242.86173397166175,171904.90597669972,6.0188334228994185,37.396057665025296,1.3320355523047112,86.83964164471286,3.862666306347472,29.486071427814174,0.33112309222458564,0.985649845683275,622.9030854670127,47.511649340507205,0.11419893925636042,218448.2622816294,2.7153500299389237,50.5847169125408,2911.2181725238142,273.31232915993473,341.6565101327626,16.827137516451323,0.16771380170330624,0.19267945709085998,10.667018087811465,28.503084954240368,2.5931011951039094,4.149669581308696,0.0,0.8343994726675652,0.11963243858886054,7.639134218720782,24.29610474480395,0.4660800121733002,6.30507599808435,1.6033010066721712e-07,0.0001132097967789073,0.2018791008749338,9.83553957213894,28.091154975321867,0.2958455750961977,3.212498807226423,0.0,0.00014063033626880034,0.08382006676727884,59.40813508669317,44.165470987663966,4.515517182737982,11.923298221616237,1.9907974977412392e-07,0.0,0.18705430478727203,11.458369870553922,35.56981922968156,4.359062035898286,4.804676302040761,0.0,0.0,98.06597357706879 +0.8073474591212567,0.13742247470009805,0.34491307016080386,23.912009647662124,46.01059882931125,102779.28678527763,1.7420974580022508,87.8292847375005,4.21330382090912,23.48262850633143,0.3033583016929605,19.656539779699933,0.30506379901085173,0.794867341727979,175.9853794154447,58.78835245932677,0.06849846971932855,95328.72442766209,1.5842545302894409,66.97301844030946,1957.8437821612324,290.5326122562127,348.77651993989423,47.9697071618718,0.1560978943172001,0.196818917261782,15.963868153091282,30.475526247057726,2.4892167732544945,44.59551102249023,0.0,1.2001952959616662,0.13695377752410598,32.286470359346744,60.224617937969,0.2865190474922888,12.159296620493397,1.6033010066721712e-07,0.0001132097967789073,0.20956152079738238,16.93396192511916,32.24448847739268,0.24032763108472893,40.374334575433835,0.0,0.00014063033626880034,0.14204894890853448,83.60773279641131,64.81302941264768,4.909809521546176,18.722964666106634,1.9907974977412392e-07,0.0,0.2059346089236197,21.81246883909428,64.78112250101945,2.6435264816482,20.692352631558155,4.372778916249197e-05,0.0,166.21462598144598 +0.8350247809277835,0.13604834424130488,0.38241424860539336,188.54303130889545,203.6624416341728,252050.34940245462,3.3384648573214717,69.16740545113657,3.9947181944951535,15.79421402335933,4.166794268834023,16.757334445599582,0.3754220195669329,0.8626038901913087,123.30576409853381,24.59934499410821,0.14658168189846316,222667.6455057441,2.8082784692359657,65.38340449462919,4667.405536159739,252.11998238914174,349.27072751016897,55.619788320780785,0.17722901013910303,0.19741924168597222,32.12868912748758,48.855654187715054,3.3708878973315635,19.6574326712846,0.0,0.7342866312822813,0.13464421284375291,31.279262295711167,59.44279392055886,0.4455721156185089,11.863256866138268,1.6033010066721712e-07,0.0001132097967789073,0.20916250162984001,34.04046629386047,51.92465254748981,0.2758803828472929,16.242596324458948,0.0,0.00014063033626880034,0.1191459585594015,86.6077073654253,66.26985821817269,3.1571970813257364,10.049831928509489,1.9907974977412392e-07,0.0,0.21946089107481287,50.28915890325989,86.7929102831937,5.40595055719139,12.23493523279166,0.00014107162217610045,0.0,186.63784367682845 +0.8736177326950996,0.13770105529817528,0.32369941654483203,200.12351332875227,194.57111350234803,298332.90631122224,2.6221079129793186,90.26798013101636,3.6252387630058607,90.10473757855834,4.521375779290121,18.974949148824088,0.4477051573501486,0.9872881708074354,771.7453439384992,58.776945350331836,0.3019362033225981,289567.71454441396,2.8377778410246055,85.98285156599341,1945.926747143205,226.19839752594112,347.62638619219024,56.81301434314063,0.24763835728864655,0.19277178521245883,36.56410569081372,61.29192878582864,2.750390664402889,18.63973498212887,0.0,1.0746888062056672,0.13429686105945893,29.016373672609504,54.42412300019459,0.23418200631244906,8.623738166689755,1.6033010066721712e-07,0.0001132097967789073,0.20527155806788094,40.49497870216428,63.972517397007685,0.2454823065578811,16.94192563220532,0.0,0.00014063033626880034,0.23702571836535016,85.82756584303344,55.686794555430886,3.465909611324702,6.803288404163366,1.9907974977412392e-07,0.0,0.21251363299432127,44.74019067272682,81.1705210374082,4.467879221775545,13.615301275547592,0.00019248769367681825,0.0,186.19648354510923 +0.8393260784040667,0.13259105445990957,0.43105609252397725,67.71341241635326,220.39428374168097,314570.78743196465,5.4556607752072654,12.380907537112435,0.7564274821194422,63.09434924087058,2.972718030092553,16.140207297350365,0.5995896741305021,0.5821159525482394,12.666936728800884,74.2368425152186,0.07434666315090341,59929.1067217239,2.7620648519890043,66.29059961704993,1688.2240751991424,238.68354142920992,254.60927727713116,25.210134823026436,0.2906864753032491,0.2013354362801349,1.302829544701996,23.50022879403814,3.581690457817417,6.126316933207631,7.920372849856209e-05,2.157785083961043,0.13554122313670133,2.3806923695029085,13.879278660884113,0.3380635672000434,18.52218259222228,1.6033010066721712e-07,0.0001132097967789073,0.21192220051724295,4.978936383204417,23.740162086227507,0.26595559702920213,5.212709097335492,0.0001088328773942215,0.00014063033626880034,0.3195451366124105,6.714121291171021,16.39638387116925,10.812342730516836,51.35188289246636,1.9907974977412392e-07,0.0,0.2095449702380864,5.804056789898131,31.58785272931356,5.3022946638273005,41.27914010914958,0.0,0.0,87.16504315937054 +0.9566646586029243,0.15866433928381277,0.39483933533871396,138.69389745332697,121.01553389155778,133525.63380947168,3.3227207671431414,56.87873792682136,2.655533033472075,39.165143465924245,0.28353553567808154,28.96867558562206,0.432221292845354,0.8086115294653083,845.2347653278164,8.057992031532555,0.12092304770082832,286582.4092368653,2.902413997566,92.39045615960481,4970.349567505319,259.9345798948633,347.94352693631026,54.926525057536196,0.15974151051306143,0.19445013101932346,33.619199217879384,52.80799565433294,3.026048584277968,14.334181134041724,3.0928189629850064e-05,0.6595608051393721,0.1213919951826496,28.684016401667026,50.002762644939736,0.6933795623138523,13.672242121215676,1.6033010066721712e-07,0.0001132097967789073,0.20185517890126098,35.84718132793941,61.47056203508528,0.33394156559149085,12.253386938031749,0.0,0.00014063033626880034,0.11632093914619064,88.50911138314545,62.2190321737146,4.993148269595898,5.475776038328477,1.9907974977412392e-07,0.0,0.17593261924511497,61.55310708203236,99.5729104534391,5.546810782175817,14.396212196493824,7.588609242117546e-06,0.0,196.36714306985104 +0.9803176130073937,0.13162655827655198,0.3554415993724305,161.01573348881698,244.05317239511322,270761.3484142133,6.973747340873675,88.13124210034908,4.696496118359604,39.6670365596073,0.4186358797546714,25.334527578150762,0.6367422633004536,0.9831992815765229,550.7447530655139,89.45534164117349,0.24490297343512557,220496.64630679338,2.6565298690959223,99.57068865143164,1038.8007616134942,159.1990839086203,346.13551909492145,58.92430008446626,0.16904864094038663,0.1912558779046354,29.69570679836435,52.06628762838097,3.1101130284052902,20.082211380943527,1.166716613574133e-05,0.7206366943117162,0.12241610425108768,26.354521915346552,51.97328122240255,0.9401086173337485,12.108032817984109,1.6033010066721712e-07,0.0001132097967789073,0.20288201692171484,30.557651952149154,57.084782990099825,0.3624422392936429,16.802779628827096,0.0,0.00014063033626880034,0.17847676481929953,98.35601008771135,70.5948366674518,4.851783858831621,7.83485790003988,1.9907974977412392e-07,0.0,0.17860472849718106,24.317548981008446,89.22550855569857,5.934778298008442,11.818720015222713,0.0003017745044511137,0.0,188.39971940849762 +0.8427629689940488,0.1425815818047346,0.364220837969807,233.85098186139436,35.19524432025276,302094.4607234545,4.699790169549768,10.154073314498099,1.6972005229960878,36.89721008208345,1.6042181225614593,26.416755517747724,0.35617034019185845,0.9819578784610076,99.30237030940253,48.3761322595069,0.07394324229905769,85950.65225604987,2.812014487961207,44.106401913988435,3038.0635044125133,253.12500039033276,342.06939472776975,52.69585462490966,0.15132939600030473,0.19641323908621813,29.173524719185362,46.448478184418846,3.6032759062677084,28.21177699296651,0.0,2.435900367006341,0.10815906643280813,35.309709969760775,64.29413772815586,0.20191859830951872,13.692537215926288,1.6033010066721712e-07,0.0001132097967789073,0.20232235473238805,26.37918763557891,52.18508474316847,0.2603032445877587,17.863928749202515,0.0,0.00014063033626880034,0.12801005511662425,95.94410048292785,70.75605810824345,3.913666286228443,16.50872178103142,1.9907974977412392e-07,0.0,0.17710443089744662,56.775159642614895,105.25651702169525,5.2331683686672665,14.465281273274185,0.0,0.0,205.3494948330964 +0.9258218272727615,0.1277039619213256,0.3355147949658513,130.2839224276676,132.32554680745878,221536.37097645047,6.309043450722336,78.79765151393556,1.222277183270491,7.057719504014813,4.158676577981677,7.816869026444692,0.46868035338239317,0.910512460319405,943.9845896458972,74.12792932287783,0.0819996821804497,62637.102263800676,0.7106557521666037,80.1384491518597,229.2587923055537,183.88417899956954,335.4970701233898,36.10880057610238,0.19912343322333062,0.20103187644103296,11.20330315285787,27.36977109368963,2.798925884586849,76.40558241400714,4.319316009252067e-05,2.5848592165600897,0.14010437386614877,5.154895524568663,21.011397491764775,0.8033844754879781,6.828662108131189,1.6033010066721712e-07,0.0001132097967789073,0.21117945908079835,4.510809055265186,26.21794290968535,0.34930847917411406,55.438831542247726,3.5655169561349125e-06,0.00014063033626880034,0.1390424109506901,30.034933959563734,34.9702043324763,3.2289724487861355,16.94453513315905,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9348433233187778,0.22166831987224386,0.3745685835577803,160.9629498122977,195.378853113459,268542.20666308695,4.064227984314717,37.47623986235494,4.778354901129974,15.888949281633153,0.6048749136201992,22.30891588685134,0.6157353177670318,0.9135106609678483,322.62261158970034,50.40096885150851,0.28811424163761695,219339.19181740147,2.9747203274757847,96.51494140725718,3652.763785337487,285.00626990028064,349.64513403294626,58.916094519925586,0.29339058619135205,0.1919346269825744,31.55205726744563,59.096536377435584,3.090172996507256,17.95693309341999,0.00011281483701822694,0.9084739603966286,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19448008201000735,35.61568059584882,63.14288847419088,0.2846799413678665,17.63803100064584,0.0,0.00014063033626880034,0.348135936296968,63.3752821946846,37.56396884423095,3.660701931536222,22.657168937099765,1.9907974977412392e-07,0.0,0.16830170616845672,39.666362248466015,81.07891356687678,5.204692815383312,23.614395944009903,1.1895075735351367e-05,0.0,2698666337285.8823 +0.9315208533856312,0.22494809136850558,0.41605761176720163,194.16982733439963,230.8740102846616,252167.3433582509,2.322139120076039,12.148736119008774,4.9190138759998066,39.859181096183214,3.4356201465075733,22.16633056900816,0.40505320642260734,0.929131354096609,260.8656233527539,45.43087908304998,0.22995993481254146,118696.55158436269,1.5165603230265055,98.51654707233945,3770.9531880222944,178.48204130489574,345.9120260290047,55.3390269927269,0.2927861800859479,0.19270052139373878,12.522360329825004,32.90744535298666,2.8686361288357434,32.25432145677672,4.4095312975717124e-05,0.9729218290641498,0.1330382537926578,14.412634231734636,33.184190700149124,0.2650985850476244,9.085237951895273,1.6033010066721712e-07,0.0001132097967789073,0.2057420640944727,13.765877207679063,32.2070190999588,0.2487421839133227,31.50981233947088,0.0,0.00014063033626880034,0.09303099660917345,36.71513906067577,36.866540794069316,3.517149491514867,6.6903193742570695,1.9907974977412392e-07,0.0,0.2078788862827888,20.401527728353834,43.81890389846728,4.526809916437838,15.22451681018386,0.00011088579987809396,0.0,106.08248648673303 +0.9708911117171921,0.27615965223460553,0.34947752343053834,129.37477949593764,115.10059891173516,210134.8784518534,6.720491571938163,97.5665553729001,3.1357675024369285,99.66022307913175,4.008423388414199,23.294124632246465,0.3493984501098382,0.9753606779026367,931.5555540133032,87.60020821659725,0.09384458490615548,133895.89351400343,2.6315898038862646,76.94686245657407,445.238669752576,252.56918867036399,345.052583779901,51.31641833586063,0.16685383218500444,0.195834699437121,32.98969876231129,51.88294547876886,2.7839685469907476,28.818722011760066,1.814787875692983e-05,2.1832319338237296,0.11516898020135384,31.959541999964678,61.2218857058286,0.8598677443885179,12.771257334756012,1.6033010066721712e-07,0.0001132097967789073,0.20216452386350534,28.882689190882612,55.11638281438142,0.36065864810266757,19.863267500120784,0.0,0.00014063033626880034,0.11272333305154357,93.09992822091479,67.42293694349151,3.256447660727725,13.338437124292307,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9871289008469907,0.18808197427278459,0.3819520146396174,166.27919261767403,244.02742325504008,309387.55945337814,2.4128785997522497,97.03703302030269,1.18824901921769,67.21143391272786,2.595114214840814,15.241674503639805,0.4613977767731289,0.9138165066107695,107.60431802732515,29.419487785636157,0.3167414283743909,53191.89678380528,0.9034086430409363,93.73256738938285,3703.947341424425,295.0338922837093,308.0184932267299,58.866594030397835,0.24178555401048626,0.195032687353816,1.5209776951941574,23.26214062261749,3.3335339782856455,48.378441825285286,0.0,1.1749759971481657,0.13561539186474153,3.4010803642525507,17.925467792281825,0.22271786110353595,9.803557770941708,1.6033010066721712e-07,0.0001132097967789073,0.20807049776413775,2.8828389173732933,25.812239450803595,0.24111205368499866,45.99284448953748,0.0,0.00014063033626880034,0.08939935560023864,18.256823152710282,30.51952955184136,3.589256757030644,8.273281009369699,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8437669930655459,0.15179653661191034,0.3406398958740228,212.5795490496988,83.59614379681024,283294.6750077962,3.6415276529590757,89.16030737825805,3.8537684377384456,28.277967101876193,2.328974082873112,11.805174711481978,0.3690150486968355,0.9807580286424613,318.97250162828914,7.483863702448524,0.10807162255366527,216498.57584597898,2.9361255693037047,83.78592881526448,2533.9707615749044,236.74947267908672,349.20835134664696,52.65851527555158,0.17872123455588443,0.1980298862451061,39.208282446310285,58.939983269675174,3.8484354130330587,22.3638982464052,4.1379114756531905e-05,1.0925578548542676,0.13402745047553985,36.7703384876581,65.48395377605041,0.2540095793675001,13.481283706596386,1.6033010066721712e-07,0.0001132097967789073,0.2086608441557661,40.15484446493657,66.97205266360177,0.2574099114332309,17.979750017011288,0.0,0.00014063033626880034,0.1149940172678897,107.1956228369468,78.3143032908603,3.5392098680627497,8.92162875355774,1.9907974977412392e-07,0.0,0.19583509589027812,29.36629594841676,87.14775063877374,5.454211925149508,13.183029324296044,0.0,0.0,210.11267352359474 +0.9433936886733693,0.14957228890620092,0.4434719584698978,215.73391790451421,206.31918090015415,342381.01068474184,6.643650753403946,51.10850593693004,4.008183582640626,21.951309030479752,4.746691760486685,14.104888277066015,0.3220522474357998,0.7220089363422674,519.9165530818527,48.8474352957045,0.05521358978873485,244003.975852744,2.7862617849675493,22.217437344149314,4865.270560817125,90.90977746588321,335.1359507551412,53.86100692069359,0.28037140523804815,0.18568917118397446,18.796731222751877,44.554158148979205,3.6479419120174787,12.707562989772798,0.00016632807481842943,5.175066561861656,0.13817150626798846,7.625136273914821,22.05911635272993,0.7582684240231847,3.256012587106046,1.6033010066721712e-07,0.0001132097967789073,0.21024750145101664,15.436913134536287,30.83838263933087,0.3286884727733472,4.327821940555349,0.0,0.00014063033626880034,0.343243297684425,49.26024269509653,28.639593930465573,5.505503892289108,27.61320290213397,1.9907974977412392e-07,0.0,0.20837752523146333,6.349334088843632,26.248610925273848,6.69091393682997,3.4289161426341694,2.292300828147876e-05,0.0,95.54953168993862 +0.9181961089410725,0.14525419075891827,0.3452823861312509,42.561201985827466,245.3446266238597,229493.11340161334,1.6004825275489714,19.257352139645636,2.166023736001147,23.01202319569486,4.6159628135868225,22.53086069651614,0.3574462948635704,0.881572456904316,687.5599957127627,23.812274634498333,0.3158515284039405,72811.20679427356,0.6780735583890863,43.75320545354857,121.58208571100863,258.6782412882849,344.90880084413544,49.6088989383856,0.15627751033346965,0.19103590591438277,6.688696299224123,28.374784134059087,2.4407854486148635,62.406187994793974,0.0,1.4311119292862846,0.1325396744428447,12.883796949453629,31.582511691951503,0.40759268339430593,9.026291926627712,1.6033010066721712e-07,0.0001132097967789073,0.20403904709653617,9.232620271730845,27.7095022575739,0.2364636150582233,64.49438908687003,0.0,0.00014063033626880034,0.14735925279036516,33.29924826484307,36.110011044160466,4.287704819174176,27.211738415240443,1.9907974977412392e-07,0.0,0.20531623798152998,12.518186375488737,33.56334283796014,3.9729903888764877,33.313183039085686,0.00014747328381914664,0.0,128.80482689155085 +0.8182805191419844,0.15584633227139144,0.32703147246015746,76.05810285665761,19.959104025489538,172612.44747197302,1.8928791529331417,99.82815096808875,2.279711555533231,61.04291466872668,0.6835045459961016,26.606635508948784,0.393560915705419,0.6510348477323343,695.6278489494408,2.53030878707985,0.08040873870486598,55886.85363347062,0.7640021630819496,70.99010403163614,948.8784647806053,225.79965232932057,311.4757977896632,59.38612416508943,0.15747407459353732,0.1994650648350995,7.099645031984678,24.834997668458275,3.0882378554588157,72.80780251253745,6.59603051935648e-05,0.5779603853848925,0.1367450485812806,8.265444438175487,22.341965043810987,0.3403469857578562,7.844270588085031,1.6033010066721712e-07,0.0001132097967789073,0.21111721075629275,6.234661060380959,25.36871225662444,0.2392969609448448,65.80284699185032,0.0,0.00014063033626880034,0.15140158276186902,20.36674773650186,24.771908237035614,4.6472465140456,20.945332625507916,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9044544172383635,0.23495276121534323,0.43715320437941874,169.33106226646106,85.15201459423135,250711.47596287858,6.044935834198364,74.01173206352411,2.533268244854554,55.96752724491014,2.089306631890335,26.67618645232626,0.7334854781931083,0.9823967847029206,933.1488364590824,6.156851896841321,0.16022911582659,82430.79410834734,2.5545071270145865,85.09348303659955,4085.6284966565536,39.76674404182133,241.57921005857744,12.907716988489051,0.20877803677982015,0.1943375669353079,2.9210565892611893,24.679920017950042,3.7257487028069867,3.7291724082056965,7.605958079104995e-05,0.7504709624866506,0.1269903845974032,1.819425668275816,16.449789376526756,0.6147408402967922,18.26573865234702,3.47881853763282e-05,0.0001132097967789073,0.2041811439655839,3.111215258113112,24.847164485877208,0.3222101661116402,2.8141448275615533,0.0,0.00014063033626880034,0.3521487491101687,3.386109639250765,13.984171917863444,17.026227961814207,57.94771999860479,1.9907974977412392e-07,0.0,0.09810674760745064,3.988473669412081,35.023094270843615,6.278879924889854,46.19572342403195,0.0,0.0,95.7082263525257 +0.9896788387225587,0.13384855310847593,0.33365960447777765,181.4412424089229,41.34740676145247,111417.96873027847,3.3354853657346917,41.98491899795346,0.6659717686726561,82.92883911321204,3.253432778862193,13.115739544835193,0.36758906122837737,0.9594057816287724,787.4636109992824,45.53113964233849,0.08908994341686967,151569.51336955675,0.8108938468642443,76.83179020710814,1161.9174183679004,152.41849441541473,342.59174634575146,56.16733543440881,0.24575621276270082,0.19563905973061407,18.32448647324345,33.618504900236225,2.861714255789825,45.060843339163284,0.0,1.072293575948882,0.13443924111718045,13.321315413473226,32.5639665656139,0.58535265055634,5.761940969503186,1.6033010066721712e-07,0.0001132097967789073,0.20654434224917276,15.258143900443198,34.774214648696805,0.33585573625284865,38.6704819718678,0.0,0.00014063033626880034,0.1329378178387848,31.640002339381695,37.03873197695198,4.864461743852165,17.94479913314824,1.9907974977412392e-07,0.0,0.1967041739595009,17.788569550461663,41.57534387661566,4.408033227192087,19.29469631874389,0.00016806599355222073,0.0,113.44711314274697 +0.8997716975449449,0.14637449862887214,0.4332344243339944,168.00684010872072,220.70619983067525,300395.80960045895,6.506307899518952,51.10216540894576,0.4726941541666163,6.438494429393852,4.261970576370217,6.10317518018754,0.3995266170002211,0.4805332634452485,890.7688384073807,8.36060198719135,0.13678001469446366,87088.93168719872,2.8772770556158944,63.699953039279706,1928.4886046908407,181.96009766290558,237.59832994514608,25.75693820265406,0.18454017077870394,0.20176064976109723,4.638407898867109,24.25391251358332,3.742693959977154,5.093916095433769,0.0,1.1227360807189604,0.13517767139883222,3.4208644589817956,13.34411782724751,0.7863059723174504,20.006039691267624,1.6033010066721712e-07,0.0001132097967789073,0.21491693140494061,6.22460452695204,23.300015904292803,0.33602057797250073,3.608219726600489,5.449281423532913e-06,0.00014063033626880034,0.3051280764907215,1.8461410047483109,16.111826265573765,17.188697968515083,58.121256232353375,1.9907974977412392e-07,0.0,0.2180870811163917,7.812570024852983,30.055791065056134,8.154483632254609,54.072254554175814,0.00033289270828849654,0.0,98.62985144967011 +0.8857565242390096,0.20822942538317513,0.3732340617249968,213.45144711474904,238.4574809534901,342821.48984751455,5.01691372149987,40.931001761351894,3.3675843447984275,65.04134245609771,4.528411779680084,27.999468510184702,0.42695359254104726,0.9461018746196131,739.968497216147,80.57906802433182,0.3445256918193185,277385.7502627822,1.238515539501934,80.3325048729866,3852.3528538466726,296.5862520189787,326.1635935773473,56.85326792451539,0.15006909969425525,0.19191211705720615,16.389211503410902,34.86349061484133,3.1250770599867503,16.34141393504605,0.0,0.8426778083259423,0.13039802907187525,11.63772146516394,29.2809140610502,0.5831067111808127,3.4975464866150854,1.6033010066721712e-07,0.0001132097967789073,0.20451073422254293,16.250896290875637,33.43901333961337,0.2951860632446271,16.275116429486655,0.0,0.00014063033626880034,0.11684467503645457,71.64637206837142,52.32897471703229,3.4373878321150038,10.417536620197511,1.9907974977412392e-07,0.0,0.1809366061015688,9.521284430836596,38.85214364782928,5.163997158300052,4.596711409021906,0.0,0.0,118.5501661968335 +0.9756843213293046,0.13064090001198705,0.4004195874792943,130.6533365587354,53.553220707930116,328547.81904103927,1.6375108619587884,40.09442280245402,2.073606540615969,9.933455779788641,0.3617447939933205,21.729820436957088,0.348481461648648,0.7078946478977746,661.1298124043888,28.347981629966835,0.29074807715314843,67851.21528074992,0.8234658776566567,80.24451692387689,673.5456048551064,133.38712736140505,343.4171773900514,41.04096533927426,0.2172675919135353,0.1945137746173512,1.569092303552121,24.297436016819546,2.794879577959263,45.16081442688401,0.0,1.2262621708983756,0.1354856827603085,6.0864506879637466,22.77930232353383,0.4471198566383249,7.594988673457345,1.6033010066721712e-07,0.0001132097967789073,0.2074327162566075,2.9956226573109164,23.997275077782916,0.23632342977695614,44.81556331708455,0.0,0.00014063033626880034,0.1371680696891922,19.382702849193684,28.00387140776823,3.705861143132495,19.096268284539743,1.9907974977412392e-07,0.0,0.20608153993247688,5.864050787242911,28.489482075419364,4.186624060053054,20.676922927181167,1.56080140605573e-05,0.0,93.15776121784953 +0.9281029715601871,0.1336158038060613,0.32935255569869326,81.08274581314869,104.98456637585387,246391.33784216092,2.2536183625381607,97.72580929481633,3.7005770879410766,23.148635848812603,4.965536818650041,19.344873076939034,0.40155386497788614,0.9665404458563798,614.8265761070523,81.20230865812584,0.2659025198447714,66164.32973790508,2.119529068744402,86.14510454034729,261.8428083507961,108.16711028898239,344.4013296558634,58.55785468746221,0.1643155132543506,0.19136863594017034,15.635575017319653,36.79339045264078,2.5039755380486497,40.63611010646062,0.0,1.176089989145808,0.09629950813222271,29.471015028921908,57.642907653077636,0.28035748911979186,14.076113657340903,1.6033010066721712e-07,0.0001132097967789073,0.20627735397668553,17.912829938739765,37.587987675935246,0.23813951886829676,36.57368263627047,0.0,0.00014063033626880034,0.11846466827567947,75.82705847057855,67.77080014215893,4.128183263472422,17.309796598385823,1.9907974977412392e-07,0.0,0.17763524095597313,46.69499919750853,89.55902051504016,4.012768455908609,19.75342939997809,7.254750778084349e-05,0.0,178.84356351686364 +0.9789953526844495,0.24117309054251101,0.44224824174399635,148.00440457077275,249.31246974709177,317418.54017730977,6.389760318232132,35.71957429303975,3.099952988904759,91.17229734826729,3.8463530657531213,25.58287331753893,0.37881132376771237,0.855242672033518,97.97984222350087,99.46264520068077,0.09660687222563182,285596.2354079481,2.862413245316893,43.95006033560986,794.5383022640102,217.60593418333866,343.1012458604199,53.991873318597285,0.19210496182607173,0.19657712921248632,30.298409550208742,44.74360978627769,3.722558674017125,12.593176121654357,1.8473873064901307e-05,2.062723787938692,0.12942700920570346,17.984693935995555,37.21150890087906,0.7116500430405434,5.050236465815591,1.6033010066721712e-07,0.0001132097967789073,0.2064602267954038,24.529757475435126,42.176012504799175,0.3225988433878178,7.559387301002708,0.0,0.00014063033626880034,0.22538704480275212,74.67672959545877,51.54889380548647,7.129833143925238,5.133054172656528,1.9907974977412392e-07,0.0,0.1808858649210026,16.705780670070222,58.05961049622991,7.3503783209642615,5.946601107674559,0.0,0.0,138.99378865367393 +0.8229915821518589,0.17025441336064567,0.3593878612454769,37.16362868074873,215.37470999416513,282828.49691866594,1.6896932321800797,89.1785131698679,4.943799099508892,90.03494866453482,1.5638139605588075,9.04373368251409,0.3324435917198501,0.980624349843729,991.1226808648964,94.53802014412456,0.15757790548027795,259696.23196797282,2.3381669880090334,32.88919487368013,2424.8224035111207,9.235303261928465,330.2786467704671,27.26611392491061,0.26212195925750226,0.1980467888372851,8.91372325652728,24.463218546483365,2.5040312802962768,5.872300411685003,0.0,1.1595265694930952,0.14178065747567256,5.0087153835887115,18.840347991930138,0.45388602832195596,2.9473336199508835,1.6033010066721712e-07,0.0001132097967789073,0.21072806148393594,9.91369627354374,27.101830891210092,0.2392816694776715,4.230093533956372,0.0,0.00014063033626880034,0.1281891987801765,44.60200717793033,32.88011791378531,3.9595707432122405,9.037315272416377,1.9907974977412392e-07,0.0,0.2203545610957705,1.9353523868620501,18.31606472097595,2.794990733501918,2.9010944506318124,0.0,0.0,74.04792855049746 +0.9540539988621617,0.1405175179081248,0.34978792544675585,105.71933626980919,141.6298677782903,131595.7203123509,4.115378232259483,27.819913274876875,3.4755863069674793,18.840259241914385,2.3810708091525474,18.341195275674515,0.353971465270488,0.9234022023527491,188.6000984335872,7.268799035967504,0.24737003239652985,55623.33359303116,2.0635569251586365,87.26659405891306,4437.214472582432,100.89057450092768,340.710841243345,54.82794785199073,0.15577084691842608,0.19241228949634673,10.128813527798755,32.12240296253739,3.912959029308068,36.36842254787493,0.0,1.0741578952261877,0.11323370910020104,21.37215475858279,45.42970307795262,0.8368458518972228,12.031875700143312,1.6033010066721712e-07,0.0001132097967789073,0.2058553781585423,13.593734339990856,32.837240069516305,0.35785620007161467,31.89293459402634,0.0,0.00014063033626880034,0.10901853623381856,64.70581299083051,61.04102866930836,4.578897782256626,17.70561269430741,1.9907974977412392e-07,0.0,0.16280999060446694,35.59406156790318,74.17568035564474,6.535819741395946,17.07553487517331,3.643273171581819e-05,0.0,150.89969539324167 +0.8982974499780308,0.22120343825626004,0.44813067724825967,141.88105694807592,236.67979350294306,275501.95439927635,6.359308538416907,98.20041611233518,1.8050410556395409,88.99918970365867,3.12852643186897,24.7601342316151,0.3616562268722742,0.8546842657529082,821.6638119685502,92.29162524672425,0.26151380219617676,87895.15417623003,2.2721480700967223,93.0636302453563,4132.830604637752,48.05426918190744,345.27830092398926,56.981554814101685,0.34904295179312517,0.1963732755134432,13.324472686640707,31.022079547318437,2.9647350032564144,24.971535520926956,0.0,0.6749845019513983,0.13379267041388831,11.612403692259782,29.583011788909463,0.794361532214824,9.63609010393662,1.6033010066721712e-07,0.0001132097967789073,0.20664872428341446,15.185175133019355,30.727892696348764,0.3389850704379843,20.187470537084682,0.0,0.00014063033626880034,0.34037605506482166,36.95816886584789,24.47755968429533,6.216901412441253,32.20521213948818,1.9907974977412392e-07,0.0,0.20891537145885494,18.212465642873312,40.672358535665715,5.838456984853611,10.341554774718835,0.0,0.0,98.11612904393539 +0.8387185879411354,0.22351274188847997,0.32871953394501996,62.30490534062555,191.49103370581818,212606.05884248827,6.336040049642224,19.51108776806752,4.71027896086141,37.457307853691105,0.40668094754755724,29.611217148528684,0.737766565992535,0.9432568172078182,618.9643876508794,47.051620670646216,0.23949670140664514,205279.9367996367,2.5589612492492892,94.30945847113894,4915.447874081549,81.29135097753533,345.29198606328606,39.43541924551457,0.17058324937284478,0.1934544076785156,26.94254850345313,44.90985835232034,2.829942621549851,18.780068527151254,0.0,0.7301832816250102,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19080469811451936,19.356146449738375,51.479436450914484,0.3003255975372292,14.208117101474034,2.4314768583238914e-05,0.00014410350517884027,0.13274385388974044,114.14380187149926,80.73435967837882,3.7418716855927814,15.271175230206644,1.9907974977412392e-07,0.0,0.2171601963487509,20.530991550514116,74.82918217331456,3.969858569945621,8.6693344782627,0.00027655920289055224,0.0,2698666337285.8823 +0.9650789074646764,0.1875369701427465,0.44002862141836635,219.54859284648282,241.68981637437076,152304.87552030172,6.927366812716332,76.84247292104425,4.817073466917126,41.47481277543075,3.343267624247127,26.26418868319503,0.3834472919780249,0.8990424585996358,919.7687232132705,22.56212034243569,0.32345652800336155,203237.16390629468,2.694613709489691,73.66278050389718,2764.19455733469,278.02765090346554,346.65817314883685,56.71030472147524,0.33241882974155607,0.19235391051247402,19.89193384814114,40.32184281276948,3.381263365811542,13.38820951109652,2.171897342961842e-05,0.7806934289523554,0.12248716088720568,9.947748817244396,26.63311351366651,1.5730139121066624,14.169784939659664,1.6033010066721712e-07,0.0001132097967789073,0.20077828599938008,22.768802130742607,47.60114184491013,0.4755856077298088,12.342903535943268,0.0,0.00014063033626880034,0.3530117966039422,39.04810167333882,24.60289612663335,8.264778784409454,41.93287785775586,1.9907974977412392e-07,0.0,0.14425315752046056,23.501507926022036,56.81099629321139,7.536621051567377,14.038435344849605,5.71793665906047e-06,0.0,118.9616767643538 +0.823548442873803,0.11533397144430843,0.35802637869577847,69.54383838645604,153.17017473687076,260052.64831982576,2.5872835913811296,58.00031988414389,0.6298224402490685,54.52557339372006,2.888523323417931,29.019191323528453,0.43736040683795574,0.8108452751836256,333.91583153695245,24.242833595588145,0.1283323856579281,50171.281469268695,1.1283971964254689,72.67599266242254,66.51336324207682,211.59779083325452,348.0891248128489,31.916492077793805,0.19557100911837713,0.19412886756908287,6.132014252686597,27.286903879350522,2.8848146031436523,60.51447935364497,0.0,0.7840410122810928,0.13540931849624707,14.27133431519805,30.190311671010974,0.25348087360483124,11.361125924349457,1.6033010066721712e-07,0.0001132097967789073,0.20587144755948147,6.191738151423544,28.173458752568305,0.2395984728469514,53.74608197466977,0.0,0.00014063033626880034,0.11269241844917406,53.86489730860131,51.23339485107927,3.9853838271288886,19.244586862582256,1.9907974977412392e-07,0.0,0.21655954648151846,19.11792038547229,48.356803936502644,4.498002374187232,25.09409617406871,0.0002975818939200972,0.0,136.69186389703344 +0.9890525887550021,0.12653092598209806,0.42250688709642376,204.81743389557496,200.30993341149969,308885.63159963704,6.863188383567005,90.9098425941017,1.8932932228659358,29.6755687920084,3.665718730329273,28.597126011093756,0.7678940076536649,0.9318852482842563,983.3716047233793,56.01180915298802,0.06585744659371762,63321.01424098487,2.9128676843774515,99.8965675058976,4444.037621801739,202.20133808735687,263.76901014840735,31.175975974308226,0.33546677907686023,0.18275258270125774,6.191919040273361,27.31646081475812,3.244798381123801,11.840107585676517,9.564951752646509e-05,4.233464499723627,0.14986220801161557,2.4317392578656993,21.642903839839413,0.8440080588754822,23.16026917560539,1.6033010066721712e-07,0.0001132097967789073,0.20054822468915848,4.2503362568151255,22.708029188939822,0.34516822677774217,4.858937510742682,0.0,0.00014063033626880034,0.3567815703068232,16.93721477953532,17.762525638507384,12.834257973704434,51.672850168327834,1.9907974977412392e-07,0.0,0.14711680265023364,2.4528632429329265,31.369053628641925,7.266389412460933,49.45855016613462,0.0,0.0,97.20319574035162 +0.9134116968273958,0.1399838616612909,0.33038235374168107,194.87093596058992,249.7132140455875,339523.4855702842,3.4949388007592312,61.45163824891976,2.4763446241810034,40.03117581105809,2.999112877175742,24.097944151490264,0.351338244219351,0.8274651241970229,900.8492317676315,34.222106055745925,0.3335742929301451,274904.224076708,2.730757842476126,87.98753943520872,3236.878745198531,258.66982485436984,345.1226615052201,55.26255622277554,0.17141394137322097,0.19291245441535396,31.793011451394854,53.307300523645225,3.0343868848191144,16.496237853079872,0.0,0.9954775284300991,0.12943447030870353,33.057441999971296,62.76198046056394,0.3403179330923862,10.156539376178115,1.6033010066721712e-07,0.0001132097967789073,0.20482266251027045,36.11824116262261,56.90677366748753,0.25637749666739756,15.55924970181369,0.0,0.00014063033626880034,0.09016346361992807,97.0925942748052,69.01626175657611,3.0446593546451974,7.884842632971673,1.9907974977412392e-07,0.0,0.19787673314912008,59.528121084329705,97.99037850297519,5.038927330735257,12.067879542959117,5.584140702068641e-05,0.0,204.04293746264526 +0.9207687674721193,0.11644414795922964,0.33165970699330427,222.45437268262978,71.00724710704087,139515.99660766652,2.4641662372952537,42.2855839803098,0.7065229800413684,89.63198582522755,1.955239372477377,24.127555255195166,0.36904801348057986,0.9492210148575246,545.8068967968688,82.79270802197566,0.06978061139421966,154346.80865560833,1.5431755458769933,26.75130560810713,1969.8585637815572,59.6024401371983,335.2364251987155,53.092570310033814,0.34798827986375097,0.1933054488571222,18.326242106074293,32.82292926402639,2.56768679125777,39.19720249500906,0.0,1.3233511466439467,0.1245398400849953,11.940618118727373,30.918450132844107,0.38735065911043165,4.891505912557569,1.6033010066721712e-07,0.0001132097967789073,0.2003362387514776,15.248708554262882,34.69563014611227,0.2879080755678878,29.284672798293286,0.0,0.00014063033626880034,0.09897705871293523,25.023897833804263,30.422486358561443,4.65810826559832,10.901643590320989,1.9907974977412392e-07,0.0,0.1936762762263233,16.96052073353018,38.65314257069152,4.114901385870739,13.643527474946378,5.639645983401263e-05,0.0,100.25847401257508 +0.9581877903077645,0.18041589998359586,0.425085959464473,243.06613238991622,226.14366324852017,275941.7395754398,6.674070280355984,58.848183234832845,3.890128916113074,35.74997202546293,3.691804819951448,24.31333442356685,0.31047208083503397,0.5552323242523943,82.17902636036324,1.3288034458772913,0.3184354673220879,202755.6652524065,2.0500049897005197,99.89180679814866,2201.6723088486524,188.1487579747892,227.58099638004217,57.78860984341935,0.21079290458759853,0.19713394315877933,5.965063226262172,25.19251521950531,7.72402256019288,5.757543222153617,0.0,1.263891979113888,0.1354705004236496,2.1193293777826465,13.98257637055655,1.0108169814820775,9.81722078218805,1.6033010066721712e-07,0.0001132097967789073,0.2121890955027334,4.187013199180272,23.67763046753409,0.371410936895031,4.736228270307839,0.0,0.00014063033626880034,0.3235706547319203,9.205315245055388,16.730408619569946,15.246211150092115,55.587454133854266,1.9907974977412392e-07,0.0,0.21979577516459672,7.871255248967621,27.52992411403564,13.943495502831407,16.440917537103182,8.850537914345773e-05,0.0,81.4535240031395 +0.9756020222467121,0.18429994313763357,0.4003690383223453,248.5746153045293,229.69744096331289,329021.3980455452,3.962641568175904,41.315891620860356,4.389466725707671,92.21327857567049,4.949828033138811,24.52085801454523,0.7750288013181993,0.9811399752626778,829.1601061646761,48.53267759720909,0.09047746878478315,259054.8796486485,2.983024379843464,86.7868286886907,757.3893777606517,217.4237949352213,347.04394718842883,56.78611279884979,0.1552965295477491,0.19518272333561498,38.262665310802696,57.07100575686025,3.0421707021294173,17.53048546245722,8.112073218560832e-05,1.7387173844248391,0.11448845321130198,30.407640657898032,56.103971467902866,0.47965700650678855,12.335130047224666,7.03803725093578e-05,0.0001132097967789073,0.20021909996319182,34.42895826906953,61.845359427944146,0.27615820086016557,11.883434709989828,3.109450578187449e-05,0.00014063033626880034,0.1837650660987901,101.26241548451524,68.1341418925202,3.002980016378986,7.32120414925571,1.9907974977412392e-07,0.0,0.1897474068483989,49.580178633636,92.04697082919193,5.121142697714041,11.124601778058365,0.00010935593188121449,0.0,201.13882187253327 +0.9614709233153461,0.27291486702024886,0.3384161862556024,181.0607797722939,227.98033513544297,131044.39442858024,2.7231497139835406,52.55792459336011,4.934758197191446,51.53352148008577,4.824963042312663,14.329643434128336,0.31092969655754704,0.9430500370192543,788.0785913718751,82.19909019471007,0.12714099032750253,295898.18641350156,2.919195068520193,51.40183908932691,4096.447587869982,219.68738163616703,344.5823040342459,47.00343707331209,0.2601530884578937,0.19582153265350455,32.668354635009784,52.961450756962236,2.6367110469224273,13.351345030253334,0.0,0.7935232613782435,0.1378153034111792,21.33930649669126,43.78447871833955,0.7846393113802087,6.12378280893691,1.6033010066721712e-07,0.0001132097967789073,0.2078809416857429,31.663616277011855,52.66010170843655,0.33813159686310945,11.012236422831547,0.0,0.00014063033626880034,0.15898870996797468,70.41925706550202,47.05998212582604,4.380465148526081,4.956862141459146,1.9907974977412392e-07,0.0,0.21300763080095683,33.01051267714465,63.202013057364155,4.377580176618389,7.645863124032575,0.0002825084633254843,0.0,150.81395565682053 +0.9244212087135352,0.20480400857198064,0.342359889595116,194.9902317379607,196.79457395975143,176634.8667249316,6.670936498083863,70.9563466549668,4.359756099577619,61.19782684848363,0.27128980924140955,29.765707097417486,0.3107537690838472,0.9288442659557659,593.6269056162677,19.906094411816163,0.09701777180991476,59058.820908904476,1.4317136027688715,56.55673774744964,2869.2300346692386,156.1871947029824,341.2294733377116,39.11656235437154,0.299083614861242,0.19459611832353657,13.134047423670093,31.150043198176153,3.4920157195953436,59.22179910416135,0.0,2.0083413133674486,0.11830727854110316,11.915255525867208,30.584153978290317,1.2936895929575583,10.201013573278699,1.6033010066721712e-07,0.0001132097967789073,0.20115868916108973,8.438346176406501,29.69327058735585,0.42540554247417756,43.538740037078604,0.0,0.00014063033626880034,0.16773655226332052,49.15062067470884,42.38421247477807,4.773027080734969,15.464175230192826,1.9907974977412392e-07,0.0,0.18288187547396859,21.6073560861802,42.93060669999939,7.311882577677181,13.3136494410763,3.02352381557053e-05,0.0,125.35145614927337 +0.8788146337048061,0.1472000972307302,0.36736782972809323,86.26876488918607,224.999421510933,307123.0252594909,3.7371210345748755,67.68084197396526,2.8045820324924353,65.4221609843305,2.7478966236415276,28.279735513664814,0.43594800762481595,0.8331951257863507,504.44133721919576,37.22567249812753,0.28615506402806096,91454.99704868236,2.5943239752638476,85.04426863404069,324.34954322781505,262.0822006148536,346.0711964132983,50.64451165347456,0.29853471984698865,0.18857948942489344,19.942073782737232,41.05790237702274,2.9949461419909182,24.89329647896384,0.0,0.993327536662868,0.10234746689938999,18.505559613458825,36.700179704134875,0.2312047779891768,15.302449332915687,1.6033010066721712e-07,0.0001132097967789073,0.19477135390967093,24.016540716140884,45.37368652746468,0.24922201127467938,23.115206453067714,1.5662316139522824e-06,0.00014063033626880034,0.18133403247424348,54.70000141846667,45.20484688995762,3.3462587455369572,10.939739435946597,1.9907974977412392e-07,0.0,0.15607671592040087,40.99837624864704,69.0900005145298,5.1346950574224355,33.175275568664325,0.0,0.0,143.36816965353654 +0.9756378492665795,0.23436171610097367,0.3479943704814793,30.899693232410925,50.51915796978119,284372.23176928377,4.287539782378402,79.10450446943452,3.35828231516707,89.93477884041745,3.7123432053423744,26.079966157521135,0.4852279574372708,0.8043060351968915,927.3574280450657,49.22867424337789,0.2242503010408886,80923.2115042887,2.4437091740271697,84.10940337141716,2463.6573550340354,171.06730822144925,346.08470690431744,57.19943120618471,0.16288723293396756,0.19227542572032283,19.351863980127256,40.07767268647576,2.636427491862805,29.746838308096642,1.4365382730059266e-05,0.9547993239377149,0.10343669579055377,31.587840234241874,62.45766370721708,0.27484613301638955,16.37795659539095,1.6033010066721712e-07,0.0001132097967789073,0.20419745293991343,23.277686857894288,45.20234777013255,0.240495328547495,26.464341638567063,0.0,0.00014063033626880034,0.17668594155347092,104.14461469118577,80.70243405312692,3.9441211450568843,16.861250070074757,1.9907974977412392e-07,0.0,0.1926204636398306,50.49069783756066,93.23609221536428,4.129196161573912,21.972628624197405,0.0,0.0,201.80972012168138 +0.9176703441302423,0.22056174574724596,0.4015080983355984,195.89776933626922,237.59548865844664,330630.9406631537,5.752717533299176,80.57030610603297,2.6922449606233707,95.59133430284122,3.3013484501892902,22.16633056900816,0.7666835638964415,0.9799144304513568,694.4487794609499,38.533672219679225,0.34579186001302575,67465.22671154414,2.1928645717217994,95.90510053084185,3861.634122187558,218.00092637037864,339.56740934038885,57.344996553708505,0.3460470008506082,0.18973098719836742,13.64608583522428,37.46215567831646,3.341048302259028,29.70133546430176,4.6152377897361666e-06,0.817814501650619,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19855367058239548,16.64396178967898,38.21320725271427,0.31457608907335816,26.68039945287285,0.0,0.00014063033626880034,0.27596993827885247,46.88354706762086,36.37389031930534,5.794178109719674,28.26581250300087,1.9907974977412392e-07,0.0,0.1687964436706887,8.899691626640301,54.19048157140981,5.58603479645535,21.32040800622517,9.208829487569622e-06,0.0,2698666337285.8823 +0.9173759840662254,0.23445494708514727,0.3768631846939393,227.18197906848758,242.81946286387645,309047.87118795374,5.542599554266951,62.33845648728383,2.3534602916625005,12.628125476624582,2.7197437291246263,18.657075558842532,0.42341830942285036,0.9081498316733653,827.3745289756432,29.002429814704062,0.24765938911744304,67870.09202786064,1.769691018970613,99.85365226273335,4935.795499593118,296.31304667711936,346.5626238235651,36.479146144588086,0.1603149400807427,0.19485297894926906,12.01670432221513,35.10236683698545,3.342126645833961,35.22854336599493,0.0,0.63924224217504,0.1170909111669701,32.96041809937814,61.62792027682683,0.7600962869582802,16.991640678212015,1.6033010066721712e-07,0.0001132097967789073,0.20713326116717434,13.217900774950149,37.411148219229794,0.3265854611281315,29.703650253642056,0.0,0.00014063033626880034,0.11083361000045996,82.18764201861988,69.90375499903338,4.323615832396152,17.426025782556053,1.9907974977412392e-07,0.0,0.18917434749033807,37.22632675777958,75.5789649955052,6.267058573431167,18.180917574042912,0.0,0.0,172.3115116923535 +0.9466196948585792,0.15538197066562026,0.3727195375200912,10.21218687994434,202.48231879369493,330640.9287748792,3.37439594128314,73.82126763515805,1.7626385196259495,50.85515845087825,2.431220195834266,27.084089726006297,0.5168440355992112,0.31541107505397914,982.6527276981133,64.49025004388787,0.22521622322345863,65616.44349961098,2.391899316489561,82.152064566592,1839.528248680063,198.69519200250681,347.408063397477,59.698104323484195,0.3453954023138919,0.19865885812991618,13.132233927664602,31.47102966311986,2.6478478277818986,28.96042686952994,3.4400391839425046e-06,1.1988937070500192,0.11887217180681976,11.83357627359247,28.25607320269573,0.49497717348943154,25.06457365910555,1.6033010066721712e-07,0.0001132097967789073,0.21251839219389435,16.558152444131526,33.93527978531014,0.2447908117657324,27.02507866858721,0.0,0.00014063033626880034,0.09574147155021989,23.576885173206634,27.05138580929542,3.7133219233950245,11.000182980559051,1.9907974977412392e-07,0.0,0.21171197453636145,5.896585762037525,36.44693612803707,2.87523423027579,33.4806879206157,0.0003019409347334744,0.0,98.22478486060052 +0.8711786205056591,0.19288791389625287,0.3450742623594408,242.63958245064217,221.76313408151816,308747.55964262853,4.3807379220866505,67.10069255034885,4.445074127509829,95.35703111618686,4.877731182979099,28.894561396279414,0.7529961629418096,0.959348261311814,829.7504895211493,38.95488671436162,0.09489593252667947,256333.34042141977,2.8618446356240765,70.91458019443002,4982.93119770776,177.28863237683794,343.22118803684987,56.44190788767109,0.17158292913671638,0.19627895882280835,41.60073307553319,58.90004566138797,3.082905814130046,20.85312333652665,5.007551003563187e-05,1.7240114865455154,0.1299486307325336,35.13899154470173,66.58246031474665,0.577359300106177,7.660680483276457,0.00011191581521320911,0.0001132097967789073,0.20437157087710445,35.33089249922685,57.77563853534659,0.2943828847414425,15.010074431932878,1.8133644313284818e-05,0.00014063033626880034,0.12050378144829328,106.81657934993301,77.7337809572184,3.012135780642009,11.740067823858164,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9289875157208758,0.24692125324498052,0.39093310098707706,241.43697065831392,103.24827957300485,271864.71508697054,1.835335402430543,54.977157922452925,2.162621608613095,79.99982159843542,3.221093078283455,28.117631685228805,0.4522430410244092,0.8097689825208454,980.288766472351,87.85780387687154,0.27274402774627626,178111.92835404107,0.9386276979662771,80.1715979506179,314.7307792128738,236.05181796408928,344.5508794381882,51.90136815177365,0.19503012212053658,0.19390234542274234,14.303902869239684,31.670649912021343,2.5374600930105435,30.141139435125595,0.0,1.1462130197060354,0.13486918192733005,17.877054505337863,37.66338027499222,0.2874272312896982,4.943267651045803,1.6033010066721712e-07,0.0001132097967789073,0.20663956623329158,15.525451752416691,32.92224166658584,0.23610660750175014,30.48939314244412,0.0,0.00014063033626880034,0.13508719982256537,49.436861738604975,43.4858969384652,3.933860536745407,17.658757927872394,1.9907974977412392e-07,0.0,0.21834004018870792,22.33488686178457,46.78777982679652,3.9952521844334523,15.138889263474127,0.00021035662920230398,0.0,117.20355045011199 +0.971691188416651,0.20315782174927707,0.40128590587766005,205.06630778092642,19.258588701852275,158659.03177855018,4.388744399319754,31.32730345415299,4.672873130808721,35.37412230045517,1.2528689280561622,23.60104343312063,0.4400769795296763,0.8059416392935866,757.8793376130791,92.55339638280878,0.18178752219105107,60473.072186893456,0.867123264228031,85.25072036946345,3210.1971324749857,177.91091555709363,343.0315936071632,47.87983777188571,0.20830692463391526,0.1961940482859155,4.343226084354329,24.973017943256327,2.62254712452713,57.470836437522166,0.0,0.7542665598220621,0.13333449117927085,9.37529931561863,27.275563061702314,0.38670654906948515,8.151744709445213,1.6033010066721712e-07,0.0001132097967789073,0.2075812329488749,4.655363028115048,26.80539107144412,0.31375206046252235,54.270497653008476,0.0,0.00014063033626880034,0.1437305447634924,27.49797175197029,34.0828271833113,4.65007428754494,19.30263660145289,1.9907974977412392e-07,0.0,0.21127515790115162,10.978046077166468,34.51066422502967,4.275623264153381,21.343519731171664,2.4966664959632453e-05,0.0,112.40278545683483 +0.9724311403789906,0.19101246175970127,0.362943821569857,239.33130918901355,229.9120036567062,321877.1484637283,6.639216386272643,62.47648300853017,4.709092495133482,87.47160953685808,4.063404799555288,25.973897983347268,0.35819992815584467,0.9783746898010918,964.4949056183342,29.749075321072144,0.32726877605769766,295889.2582296463,2.7091895749373696,99.3444184029148,4531.639000518027,191.76264820602228,335.975878189196,58.101700171311805,0.16928383378689965,0.19132534135957824,24.814782211205756,47.234160335370184,3.425562605152319,11.347898293042821,0.0,0.7414520246853652,0.1256526834348801,20.839696659029038,43.39130107184118,0.8733410868577046,8.450897360132277,1.6033010066721712e-07,0.0001132097967789073,0.20241695664340892,26.90296005222836,51.9662939239182,0.3466400294064051,9.275867338813345,0.0,0.00014063033626880034,0.2310191663672305,109.51334496547058,72.11874122121101,5.69379495700359,7.663511202672232,1.9907974977412392e-07,0.0,0.18040156474433225,39.25990691795432,79.13786953900674,7.051051217231907,7.901019114935659,0.00010445831937291659,0.0,184.63342925596865 +0.9767422327872972,0.23136440153976295,0.37040795515650105,237.84134088474357,241.1055654113006,247981.27459232215,5.753496593620053,80.30320815178351,4.612020273288278,95.26324946118932,3.4674017297795294,22.16633056900816,0.7264008522725147,0.9082909141563593,692.3829998243527,89.54749585799226,0.34363772196939746,63635.14418098166,1.5165603230265055,92.51490792420147,4952.7535654932735,271.1422908599372,347.59326187311916,55.132838248870875,0.19649071807570148,0.19435235080080435,9.964300545301917,28.857288159724842,2.9281158598648185,50.973287149771714,0.0,0.80915132360571,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2045985226422551,12.988623656812482,36.71310669762179,0.3676193175405439,46.03497419194422,5.239033446608365e-05,0.00014063033626880034,0.1600794942706733,80.20218020168522,68.1863278809898,4.410335268041612,15.864947199233525,1.9907974977412392e-07,0.0,0.17344378603893376,16.354136423615667,75.07327742853755,5.318501159342021,20.356843905861677,0.00010987586987343182,0.0,2698666337285.8823 +0.9613567486587211,0.23792061161409567,0.37256743581265717,208.12726955498113,219.9370996943043,341901.33326419047,6.241138773434598,33.37997229140656,3.3700881335090505,97.70853890002863,2.9964272288489653,20.380994915443924,0.3903920502536887,0.940334249464384,8.146153257451637,68.24698073016712,0.30618666996073773,125429.9140872035,2.6267466178457872,99.39816780835993,4425.047263419387,259.0653253781841,349.24558479264044,57.797582006260875,0.2611859582265257,0.18922952323377037,25.49282664700106,51.063867683063876,4.187159601764699,25.404082134109743,0.0,0.81912742537199,0.08562277754547987,22.838256092163164,42.65861761126276,0.7183608727284081,17.741984571679513,1.6033010066721712e-07,0.0001132097967789073,0.2000582250772232,28.92703416664507,54.22086505748744,0.32102915680502486,23.721111677101558,0.0,0.00014063033626880034,0.2331465118398134,66.28379444667323,51.02715094748387,9.877460745467793,11.73900588787564,1.9907974977412392e-07,0.0,0.14880509184028426,44.76096399718766,86.26016538277271,10.435434703210301,24.032054671321326,0.0005111425122290616,0.0,168.16872033298554 +0.8856093609239741,0.15650377752698752,0.32841223263663794,234.0300502344195,187.32533178704065,235482.37591158095,6.321511015560979,82.61221923683898,1.5017994044725453,92.93827963578923,1.385145256227065,12.903680494914104,0.4780208201505606,0.9536238573312799,752.3180149204684,66.47305830109411,0.23487427626539345,164294.65540932846,2.8218845600991918,87.10585306609327,1548.8017991902434,292.724385119433,345.3077453782145,47.287626426638006,0.18446122890197816,0.19528373528656923,31.633217819058224,56.70878071177134,3.024705734610845,20.87613547941209,0.0,0.7147007247696843,0.11859272256924977,32.74342283407557,58.37782608444758,1.026741621298744,16.851392378056683,1.6033010066721712e-07,0.0001132097967789073,0.20552994561372007,33.913956420334124,60.971417313731045,0.3773307866129357,17.372169747434064,0.0,0.00014063033626880034,0.15343919376944973,112.89634400996893,78.72885616825613,4.249777724985345,8.926442034513085,1.9907974977412392e-07,0.0,0.19026509767475025,49.41554101359836,94.50615168228617,6.614274715086412,16.778830682351646,0.0,0.0,212.92498529317373 +0.9273580628593805,0.22566359485877346,0.39615461112632144,73.31879078258956,159.95093152775462,239782.13566763283,5.930507763852856,10.841712813731263,4.070542761109007,17.120068025942974,4.410812157516433,23.83340015024902,0.3913555482228578,0.7239710471726046,22.369984124260213,3.7678818755047985,0.29887263402033426,140375.5387418387,2.9123958299664663,81.25825396405274,3530.72685663612,262.3133045855478,349.0758749086545,24.02297649417072,0.15992477004468336,0.1935922276242054,16.46464403524583,39.163534421833,5.216223496515388,8.537931620011246,0.0,1.1240220857990963,0.11795414906574818,24.12600499503282,48.30784228537474,0.5568660303763245,12.685881409199151,1.6033010066721712e-07,0.0001132097967789073,0.2048680565639248,22.96142063938817,43.230792187723786,0.30817332432563327,7.811040098302113,0.0,0.00014063033626880034,0.12700509508801935,80.06469203334872,64.22924687154679,4.3494872317500795,10.367810126719993,1.9907974977412392e-07,0.0,0.20814370151325698,36.26376805276711,65.84339359144607,7.645116969057924,8.990657839072611,0.00047990403063226616,0.0,154.57176683312014 +0.9789867491885079,0.15385608502590498,0.3492681404284379,227.13420374401002,79.31328907137157,342454.3034136239,5.888470911348945,31.437886945849666,3.2898168043902727,72.12921693184747,1.8468009371949798,27.856029114985557,0.3218448365607005,0.9858025910990909,902.066243270488,82.27237815688991,0.2577000593804624,228427.73447194547,1.4862704245972873,70.57794667240165,2024.4652713494497,60.81513575549302,336.4939665397825,49.08687811027103,0.23885413053620855,0.1881417690286604,16.80938475422894,37.57024785295387,3.1643329319864817,20.794153948119483,0.0,0.6373726884823219,0.11876724798403206,10.961519417209226,28.997800974602935,0.40670622466060236,4.083604244567742,1.6033010066721712e-07,0.0001132097967789073,0.19579001934346782,15.80301085470476,37.4506538919158,0.2836517887092263,18.361122127553237,0.0,0.00014063033626880034,0.21250208622980077,61.87668004694854,44.986826151422605,3.265793635076979,8.514784456918248,1.9907974977412392e-07,0.0,0.15809885550177194,22.17338690314686,45.86905239013541,5.137742079937456,6.51995369350939,5.8767740139241035e-05,0.0,117.06690299546773 +0.9038629650469986,0.1628629055666019,0.4357508070902713,35.576924807195894,69.84763730668486,307010.0634422623,6.851454487208506,90.48446810713449,3.404377067439049,93.99675725927023,4.336967275350669,22.02478227587477,0.5843509862083375,0.6903242834081605,790.7689259330523,92.57451489887654,0.3466302172874787,256529.77910019702,2.893161814888745,82.45588039764567,2493.089678733412,294.81500496089575,348.9302828676942,54.679718085465204,0.3193868077318314,0.19678656386601162,22.524832957543854,40.29005003578694,2.839732988129915,11.692532473096566,6.696369983850774e-05,1.0235050278161417,0.1355765908927149,12.517053864165678,29.2286337551056,0.2313329677203413,11.618513404677765,3.684473024352096e-05,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.3370639050125348,42.347679806436055,25.554667890384472,3.302453874621012,32.8576697723334,1.9907974977412392e-07,0.0,0.19755917225819852,25.12711973382436,52.05782064484666,4.327972064960353,18.477436595262887,0.0001023166060569961,0.0,2698666337285.8823 +0.92904582526274,0.2157980411663739,0.3836453954825056,99.4855234009101,244.3749224636713,315016.85798663285,4.696952693282393,42.40672377685803,3.154863453075288,40.49523685821682,3.2129627392189737,20.090341521288625,0.5707539066413281,0.9167045520008437,800.1523753156425,64.16422576618365,0.19232606613706982,66044.36502612905,2.8521397274436193,67.23382997935738,4712.023611815276,297.89529397047187,284.81953396061493,22.379941294357813,0.24786685895895824,0.1847664535843789,1.7520943245442826,26.56500506667506,2.9444888752100242,9.446922226480316,1.2920318524462103e-05,0.5893243194896475,0.13336417491389949,1.4826109932199862,16.159915057382914,0.373644454124542,14.541180326771137,1.6033010066721712e-07,0.0001132097967789073,0.19222392468224528,2.0795755552767656,26.629777804467977,0.2675733466205552,8.682554535373965,0.0,0.00014063033626880034,0.3512361083594711,28.22138017953859,22.258300139431324,3.2213521006931742,36.9127613505071,1.9907974977412392e-07,0.0,0.15777351897256675,2.244986487521137,34.43401254636439,4.7372755341195925,24.970617314952083,0.0,0.0,81.07184882543031 +0.9035390427856961,0.15361310849392656,0.3724552215550011,245.93944875206836,86.24385698444407,311055.525989096,4.998060457585557,96.2233049267257,2.4011836803965423,97.26918732377877,2.987019858443216,16.184718414507643,0.45239082087668675,0.960697745198097,550.1814455465252,50.436180015474804,0.2301461901381304,65475.9960814243,2.549708813230323,64.80390800283753,2731.3588513651193,204.79520530557863,345.7997964176299,38.8883804549913,0.2149808962012898,0.19432412995292137,15.329055009488378,35.7612369582806,3.20193638637343,21.63283093778896,0.0,0.6695663635222818,0.11055329945910242,25.77387368870624,53.510759160000674,0.39735675562726547,16.133519253619973,1.6033010066721712e-07,0.0001132097967789073,0.20662631203348086,18.079665227425497,42.2326796638759,0.2803925388185177,16.771463971408757,0.0,0.00014063033626880034,0.12699797955068887,65.9229190186775,57.41389845466014,3.124404875701503,13.274281675044445,1.9907974977412392e-07,0.0,0.17290349982503936,33.17674253135174,68.16344017611155,5.315229899469706,14.562265757970891,0.00011375286969720243,0.0,148.2837101898486 +0.9512801417878317,0.15486841058713485,0.411502805674026,141.65410597299646,182.03707810564742,267518.08141727943,5.747150476333072,74.64390803722733,4.746386828865376,38.028733761543165,3.8782442940723048,27.649570941510458,0.7407163433550116,0.9428003848975312,662.0671456764761,28.80559741169119,0.21695228376712647,186773.8189273745,2.8230435026377125,64.37206677113473,3575.398684328141,263.3446467706408,335.9551138294758,51.01269798123495,0.1624509790060749,0.19074101769126503,18.763824125380246,40.54923798757323,3.220586195318233,10.154791271614346,1.8703888340667957e-05,0.6581452546127938,0.1245799355778962,15.964395255578705,35.13963428606707,0.6822875272962307,8.52348041595066,1.6033010066721712e-07,0.0001132097967789073,0.19994112851506282,21.184636804794664,48.492224887867785,0.32252279368287645,7.317726341957741,0.0,0.00014063033626880034,0.09932328066912448,78.09609918899571,62.34423914450265,3.017666855087495,8.255322321118006,1.9907974977412392e-07,0.0,0.1868815729674909,10.436517673380443,56.99124816122915,4.8811194652393395,7.867175183818819,0.00011124037499017774,0.0,141.5372567384605 +0.9755235182499679,0.1262087257087942,0.3997138866948921,226.43557383706016,43.62364011450269,332862.1509832383,6.604347369460676,94.67238041057495,3.904473101075144,12.569986461944033,0.5224594102344899,20.551340062951436,0.35324905778367,0.9480773296151994,801.2681045726564,92.91588989118807,0.2903570608954589,69723.74886240128,2.953791067252264,34.59094013048366,4425.140708871133,211.59632024340254,346.7007000111612,19.331215040308425,0.15592767083277193,0.1891107146120236,9.403244248553706,33.90194905582954,3.187093824751785,4.470071881429276,0.0,0.6669968336415911,0.12747534613956518,9.036939981284926,27.526311478688534,0.3442670670961908,9.864368460895808,1.6033010066721712e-07,0.0001132097967789073,0.20384629512429775,10.388842090893537,31.47772237057221,0.2855969220333732,3.1208915874138072,0.0,0.00014063033626880034,0.0827211565424581,46.67463030076078,46.163781617035944,3.571809727187881,14.287415555923582,1.9907974977412392e-07,0.0,0.17723581409338282,14.600665198010102,39.57063182842191,5.08107300964298,5.610679236126289,0.00023025140051115934,0.0,98.37011336447613 +0.8595733701751904,0.10687391425908246,0.3884726872903379,205.0401451077847,195.1602346706633,319935.7312372184,2.8527210529518063,56.010438410981656,2.0985318030872464,41.34367181214032,0.9996237762392663,29.577861529890896,0.37160368303463187,0.8836318438746971,404.1225239375608,1.7306786705914163,0.10154797491285524,103657.09170459304,1.3912379543880509,87.91782496589916,2397.462418068207,146.04600763718,349.3273776798874,54.08012073314209,0.19174284541852638,0.19215971584902336,15.565509986402123,31.743455798989014,5.022847260955559,44.40796137519634,0.0,0.9383018848028288,0.13112893419664476,20.032400391703664,38.19243418235355,0.2418712196122156,8.573260552729488,1.6033010066721712e-07,0.0001132097967789073,0.20322296271744095,15.133890867084093,33.78916373474966,0.24636848031945513,40.915833589691154,0.0,0.00014063033626880034,0.11438836719779286,54.69551655749901,48.184480214451064,3.5615463425045992,17.46786042680167,1.9907974977412392e-07,0.0,0.19605477170017735,29.67798595794959,59.406844684349764,7.170206644615001,19.913513989326322,0.0,0.0,136.80552842773028 +0.9637021222274655,0.20196045192463352,0.3439082343598452,129.1756144673893,209.8537119987045,341629.04265064845,6.650717993039749,44.211993615007394,4.346984353494671,44.80325927203211,3.796464030344448,21.990265925455912,0.41957550442779507,0.9497093575888911,593.4846813384133,86.00787689352099,0.214586935318846,71471.05682299125,1.0240924991348652,83.47535534201621,2859.951751512045,117.84113189711749,344.3910076645191,39.11786332564271,0.3231913954984068,0.1931979189133335,8.786091510907653,27.986220938246927,3.2667447904892213,56.050345517573994,7.107165669795272e-06,0.7147389807539413,0.13054299189608506,10.674813074635802,29.575160358044947,0.6067904264325558,7.888012526455894,1.6033010066721712e-07,0.0001132097967789073,0.20404565599885754,7.849492960631612,28.79821790076861,0.30704116551303995,50.396518493210834,0.0,0.00014063033626880034,0.10317313035661976,39.02294985803667,41.02574740122034,3.5715339762174265,9.837944486608897,1.9907974977412392e-07,0.0,0.20107470303339817,15.27809278229202,38.459432224297394,6.150949668468671,16.966324116609307,4.679789368322645e-05,0.0,117.68246525675545 +0.9174480210107461,0.1098716611357147,0.3258693470653905,130.78901992890593,176.29372503387435,202294.81927820295,6.0365997047525815,64.33027710125891,4.412225572319565,32.3026076374966,3.7051799332731505,26.324302610038043,0.36921564392226414,0.9821288483994569,64.255184439222,86.79424110394444,0.05666437120751751,158613.79227777335,2.7471155968840417,84.66468277060295,2363.069515077148,243.27765941869148,331.3815951143446,30.56007231392881,0.19803273542686137,0.19616528082663703,25.679080950639328,43.24274580968285,3.1674081069925317,14.723271449238817,0.0,3.8914102725719606,0.12287202839875935,9.742902476530656,26.828929984941826,0.9146283150225442,9.055453746098701,1.6033010066721712e-07,0.0001132097967789073,0.19746829556954523,16.790339870942883,42.42910812253891,0.36471032653265284,6.44196425514158,0.0,0.00014063033626880034,0.18913351697160546,74.17229651116945,57.1739030965973,4.220491324040988,8.89148466823555,1.9907974977412392e-07,0.0,0.174751420110332,17.67894897076112,45.96028901039413,6.848621876328753,6.717831457553889,0.00026429816003107335,0.0,131.06094604187274 +0.9779567323200654,0.16550726723121392,0.3274765346916938,32.394669675388116,245.97710841809058,276427.5687109795,5.235673326243921,55.19014402844111,2.93823012390413,96.07657119010574,2.5549195372365694,28.267089279662798,0.4406329750113215,0.9363660442944911,94.47937453581596,23.912040444449563,0.059557683098808815,95455.13945586083,0.8281309875827955,89.36427169600161,3732.3315771985995,89.83687858874151,346.4223818870494,26.353012157619812,0.28131348954695634,0.19375131633618986,12.675590082566622,27.83854098159657,3.37489624951837,52.98614390472958,0.0,2.0032708722194963,0.12364260538656752,8.102440255221106,25.378727228992112,0.2054166890440999,6.427732957489629,1.6033010066721712e-07,0.0001132097967789073,0.20033905420484452,6.577276483777213,26.697615313424087,0.2495797701724225,39.11740117234602,0.0,0.00014063033626880034,0.11710534882719076,26.86229829620583,32.97616019807069,3.644175850178367,17.544156097342498,1.9907974977412392e-07,0.0,0.1834208264687918,11.439511156458778,36.335827053764845,4.97230006402114,15.802599044609558,0.00017468698909747828,0.0,103.20737326764903 +0.959171096289692,0.23360768590928865,0.42247229653330987,239.7730684207284,215.43742451458695,330715.34611372795,6.9101261683871105,76.65029230272793,4.456831597705018,68.86929037108679,4.974984619567392,29.48685917652181,0.49974204059908767,0.9343386535575785,881.102093382415,92.07214123701239,0.3354759221512678,151227.40921263187,2.949484085587201,99.91501164097558,3570.271225421104,245.68781037313354,349.1724774468769,53.890321994909954,0.34030766327212386,0.18023581738286612,23.580109102940604,50.784807200913264,3.242523658129693,18.573678132159465,0.0,0.6970333068301818,0.09282071081323397,17.562920346306793,35.50193233765565,0.863222213392664,20.953459219056104,1.6033010066721712e-07,0.0001132097967789073,0.18517935683296094,26.447942995347006,53.823733506339,0.34564137983859305,17.525251487358744,0.0,0.00014063033626880034,0.3525719346079325,42.24701751150725,25.837210203412067,9.598734788080643,41.993150920120065,1.9907974977412392e-07,0.0,0.14547741830567984,28.299124090910162,65.22998985299466,7.372697399569102,22.99215293048383,0.0,0.0,139.1057812017625 +0.9017330507835867,0.23665389728124742,0.35975899398877864,223.72739047857704,109.46920058436712,301568.20182219235,6.533334873852425,98.82473786361615,3.5462149148275497,54.036802974990735,4.37741846814907,18.964849077578624,0.786449467546356,0.7298822645911972,938.7865278502956,4.850667322521856,0.21077697735349255,283500.04507110576,2.876677046996499,94.44727891423963,2419.100171497519,270.47964479008084,343.7706457140789,31.413038707347262,0.1786030319559588,0.18336579077341317,15.34281808709347,42.75506886763977,3.7973652333950216,8.50167987951257,0.00022825905168681525,0.5642852292245721,0.13703637821235873,25.25486902927506,49.754537174329656,0.6553102417002462,10.2872604176818,1.6033010066721712e-07,0.0001132097967789073,0.20910770663969078,26.084730376709302,46.35732268907766,0.32210289285455695,7.016438652152489,1.137518783152828e-05,0.00014063033626880034,0.0937982645910525,105.57477043140635,71.91009590895659,3.7150859244479246,4.776255394910757,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9842987382222195,0.1953087673272584,0.36846977350412624,146.60439179887433,221.71491329356246,205266.95180206784,5.633005564558088,93.13929722338807,1.338006067276818,42.81223237205704,3.561946755177021,6.895997938814683,0.4140516202567843,0.9142478265437093,997.9426987010415,34.40763324969564,0.2356467176630654,125865.67862828534,0.5951377008097706,97.69614947771245,1366.5438451640828,237.5567073425851,344.38215483086265,38.38789139117606,0.3373310476733793,0.19887051010338008,7.826561855161337,27.84905867345897,2.9206170542667693,36.53254670091967,5.948201125748246e-06,0.6375918370016732,0.14197152351729986,7.783797554676012,24.933471700205438,0.9391398512340567,5.307347561733489,1.6033010066721712e-07,0.0001132097967789073,0.2118842145606504,7.493909557376709,28.588413765607392,0.3653363119835224,35.01104430115934,0.0,0.00014063033626880034,0.21231769134441195,36.31866360541486,34.59921392694315,3.1070401593784776,5.1142954903004565,1.9907974977412392e-07,0.0,0.20145636010257068,3.8968817718336757,28.208658851199676,4.592116032782543,9.670056479686638,4.124635673892797e-05,0.0,92.02569968817924 +0.8425185195485878,0.18433929307235022,0.35611400024974477,248.34440541390046,193.8013575357976,290921.3946924001,4.231489766254946,41.89351780286607,1.8175640762321605,90.68284585825903,4.116295535184916,19.726345198748543,0.3909709442101987,0.9295967872142322,758.0076539499172,58.19184021883389,0.07042306881498786,264293.5068999544,2.803532872679008,86.91214886758877,2277.940800622428,75.28618819701921,335.23823329334385,56.84203226473909,0.2244587331118769,0.20017564422019826,37.27070134379339,50.2944493757701,2.9480842315971563,17.975651645699568,0.0,2.590727003118491,0.1342023071072885,21.715472403778058,41.477198676728825,0.5631414669286887,4.914810483542976,1.6033010066721712e-07,0.0001132097967789073,0.20788089705884058,27.730846528798416,47.457126624428724,0.2941839925880537,9.95541957715609,0.0,0.00014063033626880034,0.18524433369792417,95.1067183951377,62.395032793398144,2.8383726320909286,5.350466442017624,1.9907974977412392e-07,0.0,0.2181694933920059,32.06588093899143,58.46078828229261,5.327781371715024,6.567367694064432,0.0,0.0,164.5801535347981 +0.9850506439376983,0.20220911773318043,0.3899205069309748,227.2583426237555,102.66518441894567,338335.05958217,4.958383503492117,78.01433469884695,0.7590301561718852,64.43695832071508,0.3196028433614788,23.373148474527994,0.5321948062682317,0.9311625718264991,372.54059908212224,2.1108266782405956,0.1566790615429906,89238.08318861351,1.6953531455200372,47.12534459407518,3854.5200765851173,220.17778688051962,334.6748198104472,56.48054077727426,0.3389706070487251,0.19188545205108162,9.958826887180082,29.63357957809098,5.630387179326469,31.502007402065765,0.0,0.9299509484857346,0.13293955008563846,8.31868727407197,26.290714688832068,0.37811109259702114,8.402157272143196,7.706425848513467e-05,0.0001132097967789073,0.20502796006991508,10.196394411802265,29.4353518851733,0.2731883227628398,27.86520057849214,4.148828371408834e-05,0.00014063033626880034,0.193232082583155,33.68976258302417,33.878028302422116,3.945379020101773,7.199137391428087,1.9907974977412392e-07,0.0,0.21865735703450442,13.035164484589588,37.88401564540191,7.796314917434492,12.503425883942292,0.0004166859093279445,0.0,93.55688224404085 +0.8271891164252825,0.1989493855170739,0.3803991969331761,145.55076474510318,83.59243814836051,345069.6143365671,5.135715938755315,66.45202201084771,1.7463966094839156,82.80568276196314,2.3580177531898183,25.71285179442942,0.4395854831742166,0.8931236213979452,834.2768484952694,64.41760550206703,0.21672187893407335,88163.15630643825,2.075576267949714,94.93893709300332,4188.850321453755,205.92197734732665,345.26193603378584,39.53057795303187,0.34610637415808193,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11917150107000667,19.12545997182264,38.388185635716724,0.2853032792472559,14.358791455027283,1.6033010066721712e-07,0.0001132097967789073,0.2046529880439542,16.149149382319617,33.61112648599387,0.2624937200416969,23.317545801360648,0.0,0.00014063033626880034,0.1853000146360545,52.46168913477591,41.812181421914865,3.3608723733718833,9.326353927811386,1.9907974977412392e-07,0.0,0.20066174048957483,25.048984743555085,50.07320332582375,4.715883578978389,16.939400888169228,0.0,0.0,2698666337285.8823 +0.9800211043649883,0.1737105040949857,0.3366386694296335,110.5255077425305,172.436738527837,279442.10086690343,2.1805572876761974,23.407794827427853,2.121847261228533,74.94487257521502,4.9851834942723485,27.64360976068517,0.48062263106958225,0.9441191718337819,887.5539574785304,48.43043189295876,0.23914885405920822,119982.83901907077,2.6236324486105023,95.5817322266235,2618.8386794646303,203.43130153633447,349.4609936339105,52.154606173866604,0.28994675415886256,0.18787752439862754,23.583934143109726,49.38329123330839,2.60298021381378,25.158603357395993,0.0,1.0519685405201176,0.0985119299319461,18.093699461633538,36.72887317211924,0.2648318186613081,15.549348920266603,1.6033010066721712e-07,0.0001132097967789073,0.19619991958977806,27.217611680510988,53.59676397696336,0.23737129532328216,22.69924764497804,0.0,0.00014063033626880034,0.20029202670987706,55.46304938655093,46.94794153820546,3.8627982641323144,10.979229607765287,1.9907974977412392e-07,0.0,0.13376883727864494,46.77550958121988,89.40087958915964,4.216714155286831,24.264133127694507,0.0,0.0,160.88995211248158 +0.9836354889622724,0.1859718552804443,0.4390116360343959,189.45792086452778,89.0025534570448,234530.84393790722,4.836180858726054,68.84748667604393,2.056762399252782,13.557565899725617,4.167055549353984,23.079081724078282,0.3748003397328512,0.9636202560809525,337.49787826366156,22.28534020976827,0.12324876014950485,71115.92278218226,2.7373483949699167,67.9744594067617,2834.6657364735347,129.67443101412317,228.69100254248787,26.245099004387345,0.20521908589794358,0.19253820785931602,3.851219964532661,25.988743156426704,3.4410508043900996,5.753419311191962,0.0,1.0585186023851687,0.11465837425791778,2.926385611217101,15.653808913880017,0.53590147922355,19.839874402107945,1.6033010066721712e-07,0.0001132097967789073,0.20121283999047293,4.922330488218476,23.60306754653664,0.30738268026735416,4.382730460676214,0.0,0.00014063033626880034,0.3559985652093527,2.886625016886264,13.776533835135458,15.359274407099482,56.155043731026836,1.9907974977412392e-07,0.0,0.14275567479757362,4.374904217924564,31.171445461788963,5.606536397140359,42.54836390876097,0.0,0.0,91.67723209621676 +0.9674459752551066,0.2489149247565963,0.34859059626712563,155.95010472034141,141.49746922052432,310322.1998468039,3.9737702853871895,79.64332392011009,4.661365161538567,28.242486411889494,4.274580329889228,20.391976133845933,0.4862032479871765,0.8407969229620103,883.8166709033485,47.223074920219645,0.28462150856090385,161344.2999776035,2.5069075017897937,81.40289922003618,541.267529883824,253.59675963342494,349.5395225653261,58.69777397171443,0.21299440061145736,0.19554073339848863,26.90528439289679,45.85841395190833,2.9330070321924335,25.821024351674737,0.0,0.8627983768951232,0.12760988836100615,28.25160552255631,57.151811286840875,0.31260738245888264,14.250411844574442,1.6033010066721712e-07,0.0001132097967789073,0.2064248356038786,30.737768001941397,51.75608374934952,0.2601201699621251,23.371879933204106,0.0,0.00014063033626880034,0.11778017242779348,76.37262009011751,58.197148279918316,3.2843690874973155,7.8037828439154575,1.9907974977412392e-07,0.0,0.19833931194568236,46.46784091376752,82.1841543104527,4.733974553188736,17.763468677426573,8.836354756142581e-05,0.0,174.59495653781602 +0.9588670911735065,0.2333766138531222,0.4329147281871068,95.74134063534653,227.72582893344145,288161.1552814427,2.7218232122181996,91.03838657134344,2.517663617980831,63.49769089371061,2.1193781803320277,22.503527089153668,0.6252928379816931,0.8704306416894572,805.5353327810694,57.665388020284205,0.19529317264110196,57599.503212272175,2.7408040725833707,86.08621711008729,3935.321801756872,241.64210628758855,241.46959866373538,22.30124224075686,0.30724330894570323,0.1955039637154052,5.212002421302164,25.519517335784325,2.674700560242338,6.186320101878928,6.721140180591984e-05,0.8074033970700225,0.11687044081916918,2.012287623404476,19.33387511398049,0.22481346680819797,22.294688154348165,1.6033010066721712e-07,0.0001132097967789073,0.18911710239461163,3.8450007521294127,26.39333051679801,0.24160224384021894,10.337114342533093,0.0,0.00014063033626880034,0.3496628656950937,0.9167791891654995,14.160954847771894,12.041618905178492,53.794763726738125,1.9907974977412392e-07,0.0,0.09361240175226716,5.401473816794428,34.82450442851682,4.222332595364835,35.96321886322572,0.0,0.0,90.61631947921181 +0.9832466160472869,0.19093773509470133,0.4350824016964853,105.76537587790877,88.92414885311005,138124.30302809784,6.405403945826073,87.7715581469022,2.9860775916407682,91.06614247581611,4.991935121113149,24.32541938057402,0.5305077687878975,0.7161295500085904,764.9535848471305,92.40122499936658,0.23362983978675755,299904.30774003966,2.8741392198485056,93.06013453423444,2145.248840103987,252.58528589832605,349.6823338655096,52.285295494061906,0.3467048022823312,0.19608093874410584,22.32745882109166,39.58459779672335,2.8044085347933043,9.770264798036449,2.3630198604552088e-06,0.7452354623391778,0.1368880142830302,8.02705402289674,23.996103491833246,1.0588274446412487,6.899353911557804,1.6033010066721712e-07,0.0001132097967789073,0.20702889650277814,22.650261382609557,43.46969609729634,0.3965463222664476,8.891175397395875,0.0,0.00014063033626880034,0.34299069496129553,35.115124909313636,22.440432178102295,5.2328215118650485,42.41215099296882,1.9907974977412392e-07,0.0,0.18662637613813715,18.441457145296766,44.657241538838925,4.79677091853266,13.665836657726242,0.00011926730200818079,0.0,106.99230326008555 +0.9676808269886457,0.2325921577179087,0.420879629584081,197.73137052624446,164.1672343222402,217663.12278400597,6.769672695716963,86.944719819346,2.0188351973167253,31.48449279007878,4.357026238258169,3.703946999378662,0.3506231935842053,0.530100881362819,224.50013621923546,30.535397067878716,0.10798888725981923,67936.73056116163,2.900704224669222,99.15000269235732,4721.750414818697,123.59606596744048,265.28741427228294,43.29686202368538,0.2882658271252502,0.20196748400557657,1.5676523285707549,25.218247226192435,3.678373102919042,5.158208333756399,0.0,1.8015866169745336,0.11961325510208028,1.9676378364891423,18.66181563995527,1.0614397023856224,23.344318823695847,1.6033010066721712e-07,0.0001132097967789073,0.21502296778770508,4.046869278914115,23.413622607898937,0.3861552657136567,3.809188614826175,0.0,0.00014063033626880034,0.31640894224993826,24.60414584942557,20.756400853034823,9.0588665873534,46.34379423094446,1.9907974977412392e-07,0.0,0.20048732041311174,2.354458398557865,32.918719270867356,8.277783709647185,38.762762382072935,0.00047073180136253064,0.0,89.92083558479025 +0.9620154927569707,0.20711548337456037,0.3450742623594408,239.58002871517215,172.31456450738904,302718.3971586319,5.027894806663272,74.69297327501835,1.725310958418518,54.252997225844965,4.517153212475218,26.65775107165709,0.5136102486847233,0.8803713631625398,826.9037833163051,58.11867504485311,0.10691947607871101,263529.06906497607,2.880435283715273,91.83230206982832,1463.5984236972085,245.81833519779602,342.54019614101844,56.71828460269213,0.1764036276825588,0.19602330070281238,39.01445645438091,56.34400889969984,3.061035068667397,18.652511230297744,0.00010767894704452433,1.5678255066990017,0.13205849624734994,28.07280715670226,50.62905261443414,0.6156903755132994,11.666788941279178,1.6033010066721712e-07,0.0001132097967789073,0.20197009894354967,35.46498464587768,62.550095598382704,0.3058649697313786,12.872360757897289,0.0,0.00014063033626880034,0.1413420199796053,104.63817278534034,69.99807863429452,2.9672647244963537,5.921736916453709,1.9907974977412392e-07,0.0,0.1792382796941167,60.75490509720975,107.30917716030618,5.479185602049487,13.208949740603327,0.0,0.0,212.56594529109734 +0.9753454761419996,0.11053000974560305,0.44049473749023776,185.3748438190415,177.0792145708668,338384.2073257097,6.631891455439346,58.31431634448415,3.0334361420734437,94.67380487715356,0.5142214241811118,26.184280957022125,0.5647740077367885,0.9171011732005553,819.7190530829766,89.55914058762866,0.2747771255942638,111624.48392052106,2.761165841028226,87.91153541622303,2343.96959983262,270.3629595472874,342.2237264777447,55.9634998749293,0.316532239653469,0.18221512765580206,16.90240972576913,41.29597757224257,3.2194748329619904,18.197589081322977,0.0,0.6626788824960305,0.09658065709008355,14.759209586789021,30.98418541476702,0.6808189758208039,20.26307659936566,1.6033010066721712e-07,0.0001132097967789073,0.18633806178775184,19.4079917227678,46.18892360049513,0.31881396544981344,16.72014769325777,3.508752459708907e-05,0.00014063033626880034,0.3556843232282192,38.14672356340222,24.93073209262245,7.488048379481975,38.019447666556985,1.9907974977412392e-07,0.0,0.14902898128356193,24.48727123458092,63.38721484349222,6.610090075945534,22.71582317789036,0.00014487322825972168,0.0,124.36809780621434 +0.9749302868510799,0.12246996720118397,0.33042931003988485,223.07802222634837,231.66887315187302,272986.0395243897,6.160836038076916,42.54747954588283,0.3201783487220413,86.84254533046507,4.757901751132883,27.059006651049383,0.36482551112042527,0.9639164372906728,885.344357320167,24.14112427691522,0.3189880301691625,102327.80351211471,2.470268081919012,98.23114667064505,286.92847522013517,276.7952242765116,340.59215551249775,52.38428087871711,0.2964080058307442,0.1790289952400979,20.261120048515153,50.3823000076688,3.3686161030531085,25.843728721543247,0.0,0.7938215389703592,0.09025926553457954,17.08506209937742,35.35872949519114,0.9308070782530625,17.020087127990834,1.6033010066721712e-07,0.0001132097967789073,0.18468432022704792,23.07864723613194,50.67978457912335,0.35799445696861404,23.46199645964574,0.0,0.00014063033626880034,0.29455829555630664,59.049544136502625,43.10250305201475,5.680957976314713,20.07471081534747,1.9907974977412392e-07,0.0,0.13859832047594506,42.47510972426957,82.2806893659291,7.122082429941691,24.16839652185861,0.0,0.0,155.2492069413272 +0.9169308591543354,0.14905510780862485,0.37632051293384583,97.16038470820993,200.90808662704654,209172.77897568,1.6139407774016539,65.98381048732136,2.349232485803316,10.074970794356219,0.2647477534431719,18.55933395148409,0.4271114464506466,0.8043107922393941,829.1671704140546,28.772195193524368,0.2547648509608464,99406.94550174671,0.978798504790805,99.31805250781373,1572.0896706592778,198.46188739276,346.86154511023267,36.59470100547418,0.16211030922557726,0.19494560171022277,5.986318678452026,27.448649776213713,2.4315304758229583,36.964135670919106,0.0,1.2744778200355016,0.13459258367798177,12.566692351810705,31.511113704528423,0.27944284131090624,7.419434890540797,1.6033010066721712e-07,0.0001132097967789073,0.20875239992549788,7.534649893552677,28.493826807425336,0.23646842915458963,36.30965445432669,0.0,0.00014063033626880034,0.14666125785272469,44.53271333816836,40.715419239445126,4.336170195288502,18.897701959035473,1.9907974977412392e-07,0.0,0.21746494155451732,13.735007504906461,37.59825425887557,4.057887291931186,19.278908212666444,0.0004108539109266457,0.0,107.53458218734974 +0.9249906865793758,0.14140650187578435,0.4070038606416995,51.59527218826777,29.55954943216497,314646.15143478866,4.028406072138548,5.854417592948538,0.6848928623505801,10.015265304109045,0.8035184261461732,15.474291546577735,0.36258404446675163,0.6554094717032274,325.30370479572264,67.43932966792944,0.18135592787904634,60387.37108029006,0.7574138749619549,79.41839582921646,3927.146136561738,140.59173299440084,345.55678929137974,55.546600823114396,0.2878332106117682,0.19858795339734678,4.179094568771975,24.384486473139695,2.999474811825276,62.79545005526797,0.0,0.6895055440155766,0.14016256814491912,8.521517352594621,25.695505677283077,0.2927525351715247,9.222311524005978,1.6033010066721712e-07,0.0001132097967789073,0.21136973381433766,4.524998725477358,25.500970053214694,0.24072116005147717,59.568282684638525,0.0,0.00014063033626880034,0.13383978073329147,19.73986611152192,28.339904543206142,3.646697269480211,16.252088037808193,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9879435167136148,0.1101431519190319,0.32771130257594966,171.27585218419438,119.84251834650019,331349.09026605467,6.984736509547025,82.8931663649636,4.473289876006452,77.28769564344734,4.212668233775691,27.722104642556154,0.5227594605362426,0.9321686001240491,807.5147666574277,74.90167899473578,0.20363688731653698,107374.83303059009,2.8612885616229056,64.2754801494556,4265.786180970754,296.6332281239928,339.7990438533274,58.36832275355698,0.3166237267731238,0.1870388144202559,25.251204715598853,51.85214335912266,3.239017770624426,23.662993714982093,5.7997001966963824e-05,0.7355064207097516,0.09042904341436306,15.582843689308378,33.162293832541735,0.6103399481652924,18.285168905246362,1.6033010066721712e-07,0.0001132097967789073,0.18838539181471575,25.75974959258737,52.89320093626239,0.3135367577941676,19.213709096039683,0.0,0.00014063033626880034,0.30640334154436977,53.49244228321036,39.785555756064326,4.4564231951542235,19.689282193441038,1.9907974977412392e-07,0.0,0.1383733657399089,43.83474000779708,91.02670245463368,6.488817922778886,25.371672348699647,0.0,0.0,158.58834489888898 +0.953516933179332,0.12653092598209806,0.4486329050430166,239.75988653629213,157.33911092974475,181867.0109339301,6.321835707038346,96.22150814934739,1.215484989694516,14.541954562443163,2.581183385636702,9.090528861557294,0.5384295941190897,0.5850984854106669,196.62653297163473,10.975334585393165,0.28978011319024005,52231.534964540064,2.931960555335685,46.282364655377165,1872.3913618141567,228.07612671365985,263.927080410768,21.26539351329486,0.34345862624275403,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.1353145536620371,3.792511748673736,13.334929220491492,1.2013652520554292,18.36011497886606,1.6033010066721712e-07,0.0001132097967789073,0.19803706890797995,5.499921815932063,23.549251892794402,0.3531147850324139,3.923194510464687,0.0,0.00014414060373783881,0.33090557802600895,8.370092123272999,16.657362261157203,12.445247353840507,52.59265257456853,1.9907974977412392e-07,0.0,0.1751794554707739,6.825909970308954,33.022310038872945,8.897034839497442,52.58367790948969,0.00010310691679008852,0.0,2698666337285.8823 +0.9275871054094939,0.17025441336064567,0.3299380045817796,37.16362868074873,213.83840422024258,280862.1754979034,1.688410317106936,89.1785131698679,4.943799099508892,90.3570018407583,1.5638139605588075,9.04373368251409,0.3324435917198501,0.980624349843729,988.7050536116878,94.53802014412456,0.15757790548027795,259696.23196797282,2.35738179909806,32.88919487368013,2424.8224035111207,9.235303261928465,330.41470526021453,27.284926759301705,0.26212195925750226,0.19602101397080357,9.183340061032913,28.002805768645405,2.498039721968054,6.755043291205907,1.5970584906116907e-06,1.1645817272764407,0.1386135146584257,4.44379422044057,18.527978570470463,0.4528629378140881,3.009664733381757,1.6033010066721712e-07,0.0001132097967789073,0.2095635479412458,9.890491344423511,30.124076916772022,0.23920096153913392,4.570671369129938,0.0,0.00014063033626880034,0.10890020321769044,42.615583771620074,33.41143976062413,3.976950043190845,7.9335889569808025,1.9907974977412392e-07,0.0,0.2048255809177308,1.8736060362341878,22.44934260155688,2.8477248485526667,2.8755736963206755,6.227137889634116e-05,0.0,76.52079416038681 +0.9177078342289954,0.14905510780862485,0.40384141401016915,139.25492345127924,249.6116027327668,203787.3827303886,5.423288422547728,65.20753705082782,2.2852777205406123,10.069649389667308,3.792178557621244,29.487299217862294,0.5053964022678618,0.9849211081056852,844.7028215471527,93.00039762378891,0.29139021654555364,211001.94804880142,2.7781182699111575,97.34414517245311,4976.8000748014365,288.2597381446665,348.32680116697566,59.99665983874292,0.2700868941839114,0.18529884370149682,29.360502305601532,56.14272162446862,2.6887067706764727,18.188985297931854,0.0,0.7980282930712227,0.08945973913796783,20.716645408601483,39.384274084852066,0.9195763331066787,14.888858117997344,1.6033010066721712e-07,0.0001132097967789073,0.19546777483021038,31.87436967726016,58.50109735852994,0.361495319291895,17.025842923538164,0.0,0.00014063033626880034,0.3530272501089264,62.288121052547254,37.28154467804362,4.142661733224958,23.900245576986002,1.9907974977412392e-07,0.0,0.14558017398968132,46.22390262638606,93.03861688194438,5.169074752694049,21.65028117988748,5.5160492580942066e-05,0.0,168.61363595850472 +0.8987441276147249,0.19647927773669868,0.35975899398877864,202.485850204469,170.05953439532612,301421.0682201935,6.533334873852425,99.85502872554756,3.557222785202348,54.036802974990735,4.37741846814907,18.444245727825127,0.7930424624754372,0.886230756711086,918.2766088454641,7.636388760635683,0.214746678552625,278051.078726604,2.8928016354856236,94.79956558138679,4818.680270587816,211.33010248534003,342.21097307989317,57.98731816554056,0.15669383926798303,0.19668836666052533,33.527566370271764,51.64034375980341,3.810319454370311,15.07422741807569,0.0,0.605260474249837,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.1936133358351763,22.932907136522505,61.29072809885462,0.30671892154345887,10.723449972504504,0.0,0.00014414060373783881,0.10846745021014008,111.8889849897628,78.38188051600548,4.352214242193262,7.172859509451728,1.9907974977412392e-07,0.0,0.20418222515102694,21.21759619770633,84.03542213627291,5.754176100630934,10.13879102242219,0.0,0.0,2698666337285.8823 +0.9189857860630228,0.16182897717045575,0.3768969158931869,147.47908046884643,186.401434513363,176699.92313070054,4.429793432267487,67.93389863804393,3.384883135571663,97.60813841062159,4.1491748249651685,18.656813298259763,0.42316250159878177,0.9033108233448744,888.5843662404981,31.99684991272282,0.11472778578085495,62672.632835362856,1.2612443633838097,95.2688328104605,4873.849757167268,153.81994379591043,345.4400053874512,47.63117949111641,0.28474849370707545,0.19670581947258317,9.609097140805343,26.45795632421031,2.830225002378769,56.36978487891084,0.0,1.0478143644388138,0.13412508349090294,13.214078883168039,32.3998002192509,0.8245572286403461,12.173621167254318,1.6033010066721712e-07,0.0001132097967789073,0.20669798019438498,8.436549362756605,28.744567711671365,0.3485309873282065,47.3000078239416,0.0,0.00014063033626880034,0.1157165888753226,37.22846369410698,41.383300577328434,3.9088611897931163,12.077947616079172,1.9907974977412392e-07,0.0,0.20287536599480147,17.272197266498488,41.89615603361844,5.039318154026107,21.008983994884773,5.6648356328861346e-05,0.0,119.44591847754218 +0.954060114149424,0.20697731515841158,0.34978792544675585,105.1770290392061,141.41674735624298,135115.38660290086,4.544556363913789,26.332111859721937,3.485665483277531,18.12267336453567,2.378812907809164,19.71959784245557,0.3540162194864024,0.93224209045595,188.61367873012784,71.7293728248475,0.258909074734072,55248.04853586361,2.2210127495211984,94.82336260465823,4425.7896778921,71.05031881497298,340.5458588722074,54.82748713910824,0.15509230609564034,0.19289614613315623,12.628078954616393,31.100501084667677,2.766565715976552,34.095338620828336,0.0,0.9212272087681131,0.10455740983475253,24.290632829550272,49.88464673549773,0.8956829500096316,12.991735146858923,1.6033010066721712e-07,0.0001132097967789073,0.20651119756691627,15.174124952505242,33.891335087803306,0.3672669512917998,28.94121516549537,0.0,0.00014063033626880034,0.17869948903343477,81.36933551192182,66.67680395757488,3.842191829517579,17.66194817652659,1.9907974977412392e-07,0.0,0.19040266312082643,33.29964304111484,66.6408932066463,4.955795785946079,15.287891248213668,0.0,0.0,158.0006174707209 +0.9748014416107482,0.20746846360354243,0.3278014328874218,65.15205211763316,160.09873618723188,275999.49859700346,3.113621117131312,67.78122222612599,4.089108749062484,73.46900926090242,3.2865803453175637,28.41938982279774,0.563844914148356,0.8403537738846697,756.3983493116026,20.84379714018335,0.334572946330499,139452.26484568865,2.9306152434865576,89.53767481884928,3573.6207153445002,265.99267163201574,343.22590059415785,51.49298198287726,0.15819505425220476,0.18798900729529278,27.527894341512646,56.23185987412416,2.770922348021794,18.893491278004998,0.0,1.2283861459171563,0.09257113377511207,33.504473979160245,61.31739954686439,0.2289968719326496,14.759764495378251,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11797702524934107,94.878261072532,73.45400686299656,3.938367620684073,13.99273733675369,1.9907974977412392e-07,0.0,0.1737049394476378,56.10214197864005,109.18535719805583,4.550889990163625,19.527111712835232,0.00010027059166693722,0.0,2698666337285.8823 +0.9819395475127048,0.1865333004206989,0.3544688051394615,93.13717154786504,209.14073479006714,309245.0537934813,4.900491238960253,99.36035986483323,0.8332324584601127,96.70954589279839,2.269799200456596,28.58968476136996,0.3542771734406005,0.7591526824304217,317.6609685120461,28.20901026540451,0.2342355130712871,66896.17697882159,2.9306152434865576,98.32539054908626,3823.13400510101,170.49412548482397,224.00014657514785,36.60743548378254,0.15819505425220476,0.1772021260877816,1.8063655364049376,26.35199307989601,3.419362533912975,11.382580327320918,0.0,0.7467804825580108,0.11082054655426041,2.064724553666948,21.091074429117025,0.37339230217453906,21.790269064990873,1.6033010066721712e-07,0.0001132097967789073,0.18496613486915245,1.8747319276571262,27.414638951082413,0.26938489403487115,11.07206205940242,0.0,0.00014063033626880034,0.34631304370626087,5.784942909645811,14.712781340349817,12.75537285595882,54.056833354049196,1.9907974977412392e-07,0.0,0.11182668543399749,2.3492285151890626,34.510536213870395,5.398695334162539,37.49950125377386,0.0,0.0,92.7800214116662 +0.8984883317636343,0.20425418545351362,0.4486782564577321,241.64067996036565,58.6044055493156,337245.1635079188,6.517713062151528,34.65584356413339,3.7731893158360004,53.82725696896996,2.8490138307226474,26.455750038479806,0.5418865921014769,0.9935831373388423,631.6964422365035,89.87460145851156,0.08030896854483982,121577.05958154208,2.5851576578482685,84.44369562989489,4855.619018731567,221.63782367349677,342.21097307989317,40.1281151475959,0.206899144305926,0.1966242293482209,23.60085034013149,39.536883123750115,3.250750594273629,18.51294677889144,0.00021201906697004426,3.192039411332313,0.10797906333821536,19.516443261400184,41.416800853876516,0.4036995912497291,14.122684572244609,3.334187012504273e-05,0.0001132097967789073,0.19983405323549405,18.603198379461404,43.191135365753055,0.2900510517448487,10.504716306891527,1.372174256742335e-05,0.00014063033626880034,0.16228920326168703,71.56776688781272,55.66141800297802,3.364285791503118,9.029139123734003,1.9907974977412392e-07,0.0,0.1983209704558655,29.2466017858998,58.376018940289526,5.418921830102182,9.291086542233236,0.0,0.0,140.68917574718762 +0.8182805191419844,0.15572076860303008,0.32426973342083365,80.02404875143067,15.705971442501102,170590.44804256625,1.8928791529331417,99.82815096808875,2.279711555533231,61.04291466872668,2.104565161785645,26.606635508948784,0.3643637918862129,0.645176216095281,695.6278489494408,2.53030878707985,0.08038956748552566,55886.85363347062,0.6764857837213853,71.02001523198035,948.8784647806053,258.1086819413906,311.4757977896632,59.38612416508943,0.15747407459353732,0.19970108802016776,7.000688730943707,24.33903120558542,3.091871134773919,75.78174938630227,0.0,0.5668162794999219,0.13725436348881706,8.243555858663283,22.278190256064434,0.34645569899515555,8.286707639428972,1.6033010066721712e-07,0.0001132097967789073,0.21124615319858336,6.240190255869576,25.52912441966196,0.23959786684758583,68.96617444481971,0.0,0.00014063033626880034,0.15163629195077985,19.345706457364752,23.893447052692704,4.657102875237688,22.566610848065455,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8903685336253098,0.16204877012636953,0.3621522663114746,227.48477929878197,81.77383393940079,304719.5443237219,5.281738568100539,99.94654373523447,3.2588722782010358,58.28743676856792,4.670285309736009,22.977442198070754,0.6099594168463841,0.9110349838855464,368.3864292018082,45.67138504389026,0.140760912478553,148947.90995656425,0.5694883455798341,96.53683267530015,1212.3017711875546,259.1018288783767,345.76569649446503,52.57848051177285,0.18524147245056227,0.19631686113374136,18.297504609910327,32.83459795101981,3.3848822168879464,46.567489038840996,1.1695763954122125e-05,0.9886235419145987,0.13360714037953036,19.34276153504777,40.62963807700434,0.4211694561905323,6.689678572876266,1.6033010066721712e-07,0.0001132097967789073,0.20540812974746195,15.777268865208562,32.212807772995575,0.2863236643364545,41.975443601066175,2.576895553574131e-05,0.00014063033626880034,0.14294895122488052,41.10592711843847,52.24758979925329,2.6033212830580914,19.124604138468598,3.088441352778768e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9894512760113197,0.16946488581212055,0.34272080236497915,212.0249281167845,76.30790036088834,304080.648893925,6.5406748763823686,50.59447716818936,1.9033353843860106,92.52807097990477,2.385156693823568,28.69518491068185,0.4380636258456043,0.828719655263659,972.2434196508743,65.65503285970306,0.17194558272498356,238028.15503153316,2.556487900273819,94.79957161133217,3562.013280687526,279.1289227673997,348.5918652927393,41.09626798549984,0.25199696211576866,0.19532284433459698,28.102028077663014,45.7781450167399,3.132815943613795,17.31532829118873,0.0,0.912972863454106,0.1211744059643548,18.87002643271598,38.38100982398713,0.5328331343729279,12.6911773958488,1.6033010066721712e-07,0.0001132097967789073,0.2017156737330359,27.491479594907915,50.541557446382,0.3082920497607361,13.797529398550559,0.0,0.00014063033626880034,0.3249599900157901,74.31276410041112,48.055146380887415,3.266451335081794,13.076227987398035,1.9907974977412392e-07,0.0,0.15739696595085828,46.545365584490455,88.12152320794766,5.341369744233844,14.017299675858915,0.0,0.0,163.88261778622868 +0.8455504637984108,0.19336520028916848,0.3891342773211408,133.3477970663767,211.37136108135428,337058.9719753685,3.4722008282471846,92.29211052599288,4.351385865585788,38.35785594205598,0.813984449608839,21.135808533219677,0.4464572990480456,0.9515802078653033,665.1200049480617,99.35952479541594,0.0915196367446395,71667.8190937154,2.931271098785268,93.13619060914651,2637.7120871038446,202.88902750887178,343.44408846680335,38.74496400880301,0.3427882328283289,0.1912724249273216,22.671442317824845,40.480283343254285,2.9001207771566273,21.669031034795335,0.0,1.3810282284740134,0.08367883150274344,17.863109753326853,38.07506090871734,0.24042861095383797,21.507160244638282,1.6033010066721712e-07,0.0001132097967789073,0.19816424937094884,22.509401652906835,44.84536335463336,0.24801433758620497,16.64186049157211,0.0,0.00014063033626880034,0.27671138213729635,51.552688744177516,36.295294869398724,3.5090669050274186,20.771978997389105,1.9907974977412392e-07,0.0,0.20089577115434087,25.158564450410296,49.82545173777293,4.534252859494029,10.297867337664771,0.0,0.0,123.77347499188674 +0.9737736759089549,0.11186966579434508,0.41729507297640417,145.98276323131887,211.91785385626193,219333.02339366687,6.50209520807894,98.17404309415684,1.6685902387601013,82.6122460540283,3.8579227471466906,20.95499208815489,0.33755228676728743,0.7518593800530672,829.0847691345269,84.0993599022335,0.08517691344121578,211336.86022817326,0.6583555983105221,74.83948529643624,3306.2146999307415,262.67597153847174,349.36572360214257,55.67586010234116,0.3411211783871383,0.19869885607717347,21.610734136707226,34.27998006951362,2.860466311430119,36.09795067254434,0.0,2.6015898702410656,0.13051948677959915,8.367960953202713,24.547154883364477,0.9919236435878762,3.8463538928156935,1.6033010066721712e-07,0.0001132097967789073,0.20604876621656565,13.813902088441328,28.819298281528365,0.37443685049919195,26.387262100814922,0.0,0.00014063033626880034,0.3484592044361516,37.313637346526484,23.650839531044582,3.149587673665056,28.979041975629528,1.9907974977412392e-07,0.0,0.17832185572821352,7.273645178304689,29.25630426064042,5.094524770915971,5.721031800670311,0.00023506220712892436,0.0,95.579649408711 +0.89922781832973,0.22357187942884313,0.4444378392374576,174.8882069127966,227.35479836644092,300696.6811147215,3.0592189431877337,72.77565364079884,2.484426001158851,90.82976152957146,3.1027544655576524,19.466214916859634,0.40172881356945783,0.7755902915701136,979.858898981153,95.04989161467154,0.3153621963944763,292556.72649260383,1.6402509370055969,93.94723356481049,1966.4892944691744,170.83077728241983,349.33404004646616,52.66439143524279,0.1605914282892049,0.19655594934751797,22.40464488440857,36.03347803335602,2.7198556868187036,18.406178291027253,0.0,1.038632205199124,0.1385438863162609,25.720200901255822,49.90663848273629,0.29197801575092497,4.688187980811771,1.6033010066721712e-07,0.0001132097967789073,0.20985713779524012,23.331553048252598,37.57746706269963,0.2525368141964517,18.042293533114094,0.0,0.00014063033626880034,0.10116905576798235,74.01936224904564,55.4615405947446,3.203781980520036,9.228356048375362,1.9907974977412392e-07,0.0,0.20963499930360407,16.888108016438995,52.439905364400374,3.454258891685518,8.556129544419996,2.9734845295783734e-05,0.0,139.1928411625859 +0.9128408195093378,0.23260158640864542,0.41443036949115336,140.00698307229027,94.25006464424818,187396.54957513243,4.449175643523757,75.54069800239449,4.757996355855022,37.25996076074699,1.6534986804377325,11.039824277044765,0.39545469879696504,0.984971373875777,676.8166505498564,60.086531453693404,0.27307766285362245,242996.94665262892,2.934968986991056,89.93838196803618,4636.687424241423,55.89479889880202,343.0956579245372,47.51507339342218,0.16782536562493186,0.19717400648840613,21.912425511538167,42.2741900716379,2.6871915130706743,9.520496183314313,0.0,0.8620696794101098,0.1396723513801696,19.534030092997444,39.065626318982694,0.5997483176033199,5.311975228738788,1.6033010066721712e-07,0.0001132097967789073,0.20993852569243676,25.38226344977814,46.87334259661641,0.3200374281480188,7.800396608070271,0.0,0.00014063033626880034,0.10928579128541573,90.58935435781846,67.35432433383401,4.171440416219157,6.594287562217419,1.9907974977412392e-07,0.0,0.22025915047024078,31.1716200317198,60.48184467195824,4.66261876190465,6.265880123476662,0.00036647624540798996,0.0,157.16001801344493 +0.9663486463772002,0.18152537846307787,0.41473945755964137,62.44310504217789,240.2820458153193,257544.93754742382,6.572959504683629,73.79302496533262,1.882213756872568,51.97804137002264,2.669767207835687,26.768711070674122,0.3453282081518244,0.6834456732831501,915.4051600994476,4.770518845875699,0.33009617318854856,156733.72849054338,2.973789640984982,99.9996775807626,4850.845631637515,292.24133103313244,225.5174970015712,58.628213818961754,0.21393615118838286,0.17781426933247543,4.062219010511203,26.365707522160452,3.760139547690329,13.466514208183737,0.0,0.9922240787696521,0.12267352201189485,1.957215676195994,18.43600414111715,0.5634160591374482,20.619278917153004,1.6033010066721712e-07,0.0001132097967789073,0.1895906371073282,2.346689825305819,26.798752453336782,0.3074135218186204,11.49360159409138,0.0,0.00014063033626880034,0.3396127086799857,9.420772898420504,15.464198649425441,12.599240045977362,53.40237383981651,1.9907974977412392e-07,0.0,0.17299715071331023,5.049377884073117,31.60367243356928,6.353950137219872,31.627978572863512,0.00011965235145308633,0.0,89.08902024176595 +0.8129187206000127,0.15359502836443692,0.39646943302604937,137.84671799368047,75.57200083806335,264793.3366917487,3.3893657759525793,21.119394827222447,1.8883714853938631,21.328113669332254,3.587710406369384,27.227550596718714,0.3168624339885705,0.6949018794530076,491.549256466975,30.066010013586908,0.19165459471624724,64401.2712599564,0.9682830237608941,94.24420154354695,4088.0028842530282,271.68223226560383,343.71810516758734,55.085752679252835,0.3107328322671293,0.19734568116811055,7.33796733778401,27.05779990456709,2.9325533741879894,58.804816349393924,0.0,0.6798991672066383,0.13541896950164092,14.456789984072321,31.112579340984986,0.20777762195006755,11.628213095998877,1.6033010066721712e-07,0.0001132097967789073,0.2091455396839421,7.701810591241017,26.84308337446042,0.2515901052710898,56.06270826133436,0.0,0.00014063033626880034,0.11728199219584491,33.792662409249516,35.025361384927045,3.945469888043116,13.611600125018603,1.9907974977412392e-07,0.0,0.21589373832557757,7.959690972250729,31.10705145004785,3.855523529505702,19.577221294673826,3.89776232196061e-05,0.0,116.13401760877328 +0.9042315321567386,0.2394988306059443,0.37256743581265717,134.65781078894312,86.14839077079756,313839.9423946399,6.570663437312034,15.000330607635092,2.405238174249214,99.87742526302851,4.419190329875595,16.121342099958806,0.4161745171252415,0.9596151650255214,633.8275850803057,50.69900866361145,0.2301461901381304,298055.7377034294,2.5374252380022706,37.80019792269179,4356.25451752299,228.8960251171489,348.12168428089603,57.747797081476435,0.17614536011323761,0.19672738619941949,35.76868893166949,53.8693836594184,3.254042812107495,19.584695474562157,0.0,0.6564646431752239,0.1369056562526921,31.734795381971924,59.24325814310664,0.4801760858977953,5.2787276578409825,1.6033010066721712e-07,0.0001132097967789073,0.20931792015845746,35.65998342219702,55.95405781421074,0.29768597471082897,17.142249399643827,0.0,0.00014063033626880034,0.11197782683100344,83.15948120265482,64.00079446584276,3.2672849806215525,10.24728775883679,1.9907974977412392e-07,0.0,0.20532643935054107,25.084935174647082,77.58471894781296,4.999158364398067,7.262799075847685,0.0,0.0,177.9637711061574 +0.8596825197729797,0.16105426954875754,0.36759690592000754,23.674678651749367,187.5558117374305,202596.45727800077,3.5729994592569323,7.040795889014916,1.0097489038825025,11.200239620115859,4.36750031199671,8.580634963763607,0.7468924678263251,0.7612878096241179,801.6710222727204,92.69969369584987,0.2469947916181237,147773.51854540544,2.992122367597233,85.3898719806374,1297.243816063824,250.26607919163496,347.636066562797,34.69208854251032,0.1852094802645036,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.12642686940359715,27.694841467775436,51.33426605604481,0.2404949785813615,17.783056412136776,1.6033010066721712e-07,0.0001132097967789073,0.20935723376203985,27.78253685523435,50.12531938778021,0.24209990008118548,11.184737808636667,0.000110863100835888,0.00014063033626880034,0.1339128629603576,84.69024656197523,68.6746188417687,4.387627557358392,10.137230967336272,1.9907974977412392e-07,0.0,0.22563545734490048,36.91817091461477,77.3472981535835,3.8733613529298094,16.61100668113443,0.00037000846156260076,0.0,2698666337285.8823 +0.9659893862187825,0.22862690862552737,0.4340952028392421,209.11499573246059,249.42920012103664,306288.30985685997,6.085689297508012,72.34596794183227,4.586607146129353,81.6777815214085,4.474528677653518,29.637472129129634,0.3977779766076838,0.9643669036924226,928.7232127787676,45.890064162528574,0.348027221823083,257036.10422362655,2.9176523740338562,89.44920372609417,4936.93770605568,296.4726673697833,338.26046839868474,32.62475030865726,0.17826148550641943,0.18694360268904223,15.78933794519964,44.18142497392442,3.188584489662684,5.942457429858073,0.0,0.7774317043391813,0.12496748432653165,12.370992837240262,31.01539711210778,0.8227849129566711,9.205896227123683,1.6033010066721712e-07,0.0001132097967789073,0.19573363393122095,18.14226640488699,43.26466895830501,0.3383525004795167,5.700080115151091,0.0,0.00014063033626880034,0.2994843970043275,93.46170803451523,57.42759849411844,4.655968338692849,13.073372714169148,1.9907974977412392e-07,0.0,0.17504742672974632,22.679245101450245,54.598803689177586,6.538241321753554,6.832123779609497,8.60024836204057e-06,0.0,146.60153718340152 +0.9272604883591032,0.14448390975674918,0.3916494862725267,27.58213152969718,46.422217104877355,168579.93847164186,6.218928634274814,52.31672086734772,2.2791707262479663,64.45030851572156,0.5019237998299281,23.00340320508277,0.33122956675191934,0.6967263710702826,170.78116597976847,60.94679239566548,0.06905975053138455,75752.38132632343,1.8768997392370659,62.16563443031198,126.44024496316251,289.0860274883976,338.95850148460096,56.505356665586966,0.19574350227170126,0.19895192424057548,13.640487201367943,28.52952144002789,2.6930090516185325,37.460337683157285,0.0,1.5887370951658049,0.12794629281661749,16.161830698594233,38.28718516544657,0.4084319713989872,12.022474661506111,1.6033010066721712e-07,0.0001132097967789073,0.20668676886919457,12.17948331315364,30.4901205624144,0.293308880662737,27.17161457328887,0.0,0.00014063033626880034,0.1040406061834857,45.048951360878945,46.10661880538472,4.369101373277037,15.13652088093706,1.9907974977412392e-07,0.0,0.20507318793159157,25.012122735741936,53.07592579579382,4.399102782912889,17.275152213951042,9.224701563190235e-05,0.0,119.4372893424586 +0.8294190997752318,0.1329275448179816,0.4339970175330537,184.21836817703362,40.189001138363864,201170.1453037109,1.5079878181627118,90.79970598099834,0.7139746168889788,82.33354595793656,4.630256707594299,17.297500432002455,0.4420988551831904,0.9369133114049062,956.3282447649354,71.48761914813329,0.07302614809632016,100310.70029067856,1.297928342706705,72.00982599432703,2871.296874319839,230.13869889605968,349.612165148215,49.03493620492054,0.26992981814557054,0.1968128267900666,12.765602015432771,28.399133319537636,2.388501915148082,41.50180450218421,0.0,1.0430464789518832,0.13512740932947934,15.760443063973689,35.71839915692375,0.36797570871824414,8.482965475997455,1.6033010066721712e-07,0.0001132097967789073,0.20900183656799995,11.248442948849469,30.334400494320306,0.2354635951348782,36.32795637921003,0.0,0.00014063033626880034,0.13079501622535236,33.753028249213,37.45174162550249,4.428553514559595,14.704903771410859,1.9907974977412392e-07,0.0,0.22524149312956163,15.560172727052604,38.07339997192635,3.8443498590344274,19.954739685601044,0.0002705364116305735,0.0,107.44311524560032 +0.9836354889622724,0.1859718552804443,0.4390116360343959,219.18808221804568,89.0025534570448,234530.84393790722,4.836180858726054,68.84748667604393,2.056762399252782,13.536064110897932,4.869237903012005,23.079081724078282,0.43997384263763234,0.9670154770914619,337.49787826366156,5.317664793785042,0.12324876014950485,71115.92278218226,2.9354764782230194,68.01805971593173,4119.757053741958,129.67443101412317,228.69100254248787,26.245099004387345,0.20553971602984408,0.19219990232381254,4.483425362527403,24.88199799130207,4.383253809450783,6.125446885572838,0.0,1.0278551251568488,0.11853208205710951,2.557736971055128,18.261912119361813,0.5564214950575564,21.447935465249255,1.6033010066721712e-07,0.0001132097967789073,0.20095230808774184,4.87919625390322,23.882991972662325,0.31050688962763434,4.583469655616737,0.0,0.00014063033626880034,0.3561098784368453,2.827066056745636,13.773284147276625,15.749383475048683,56.58630677435599,1.9907974977412392e-07,0.0,0.13688723073611708,4.705921194635897,31.30872570109247,7.168140746736721,40.589277967220006,0.0,0.0,91.98867536264987 +0.9124357064081142,0.22622326447102215,0.3279552187709995,180.92105341584468,228.24044168609706,140838.6106878462,6.2696295575636025,75.07076348406147,3.2642655975125288,89.73417853135449,4.277380421524162,26.771642980085925,0.36236676038786186,0.9757060331433939,752.6083572770334,81.39845711732399,0.19880762628197696,160595.9846247991,2.8251573031413075,94.01846377620816,4675.594411543991,219.4418467029094,349.80731616534547,37.14704195298911,0.26773943734942646,0.1908226653548305,29.00350370571933,52.36297461396236,2.911472425642513,19.789567226550872,0.0,0.805362658323755,0.08994011429688265,26.32599501188301,47.8149716550168,1.464372820119979,13.93255453653211,1.6033010066721712e-07,0.0001132097967789073,0.2001542396796091,31.17523427039668,55.05741946066924,0.45619207545171014,16.7860140498984,0.0,0.00014063033626880034,0.2274544261232153,83.80386745276776,59.36335012444727,4.477916869106302,11.428239291078764,1.9907974977412392e-07,0.0,0.14610382843762135,58.72861492756877,105.91842788687714,6.146467803744972,19.546757119869955,0.0,0.0,192.95115331025087 +0.9383173914097755,0.19638341684101399,0.3678315011193479,116.24747181993227,246.65514092153194,168810.17334343796,5.4509965333586825,85.54976871899933,2.8937389300327805,82.78486413656015,0.6842142191803342,20.216963787228266,0.395022157625522,0.9336283992505345,898.4131359635481,74.2530479711176,0.07160466655088557,74834.40517210995,1.4346250331316308,49.73336206016449,3884.8325225472213,69.90039894051284,349.6040927492532,43.577369552333295,0.26053555881761425,0.19803622763908393,16.16019967000883,30.570417983466836,2.713161814554681,57.58059666564419,0.0,2.4930775392216975,0.13406306760117542,13.905584454491846,33.658206959349876,1.0106089784487537,8.808731577377943,1.6033010066721712e-07,0.0001132097967789073,0.20746987590502722,10.147369419423832,29.18744849183714,0.3795442466839103,42.274897845769885,0.0,0.00014063033626880034,0.11690701362581729,39.30625208961009,41.9328336731604,3.4282653926750157,15.40348125754627,1.9907974977412392e-07,0.0,0.20805713952619997,18.514251124039532,43.11982118184631,5.048442590086041,18.921949746038898,0.00019950828289361615,0.0,121.69630934663547 +0.9271103241531036,0.23149677552159675,0.38044900070225773,61.55141483117636,55.89149486229872,112995.0083809511,6.97529415859914,49.516005573089956,4.408331186968627,69.28098463140935,3.533414858054532,25.18261033209741,0.37678576330282065,0.9359628703232004,860.1812242127435,9.873425185557014,0.08339788089398908,69480.48844961735,2.805564320359904,54.88591703151262,3112.1790223308094,212.4585472367891,346.52007549949946,55.906629030386924,0.3151696969103257,0.1942924183555069,25.112786469807514,42.39664448158624,3.347163534028927,29.15727184317842,0.0,1.5723324695783552,0.10738222761553826,16.842900218783722,35.32248372292092,1.0545711433971106,16.364067206517614,1.6033010066721712e-07,0.0001132097967789073,0.20203054312736832,24.219137178143665,46.600548372981685,0.4013362456338601,21.076717705583068,0.0,0.00014063033626880034,0.17097304847797526,44.766329778745856,41.51713237960189,5.272477758362744,10.395778840285029,1.9907974977412392e-07,0.0,0.156063373506495,31.619576922806413,67.25454455898415,5.86054724479706,21.96374506112773,0.00023823948045539875,0.0,134.90073210640705 +0.9277997366596961,0.1354961457803417,0.4118436127794647,49.031342866600575,169.22548206825854,141167.64593379034,6.526632987898629,79.42322840526532,2.0900891688903163,6.691431550520541,0.40572688295428305,10.609085840722884,0.37850491061573593,0.6347569231360468,41.99961106238952,33.640987802711855,0.07161003304985296,240599.73901114566,1.643176579765917,24.348914057675408,2657.9888727748466,90.90977746588321,329.2802773988228,23.448915540427024,0.17580954426130146,0.20097884951692727,4.647346115299766,23.73694762588127,3.1995978196040054,6.568054213916726,5.761161926918303e-05,2.069087217840486,0.14156238299349633,1.1791581095509334,14.129641233849291,0.8953611893668361,3.1624526146462038,1.5517995299707378e-05,0.0001132097967789073,0.21296306383114247,1.565655596986752,23.746854831186525,0.37085129488211827,4.294671058509509,0.0,0.00014063033626880034,0.1019235403243469,39.054506020404666,31.006183925834662,3.7472166792616988,4.533556833354877,1.9907974977412392e-07,0.0,0.2227847334812555,2.8577253942694334,18.911776574060493,4.609575883741059,4.012264298521715,0.00011068477237059765,0.0,66.06096631289249 +0.9206725441892623,0.1988690545969027,0.3321058006567205,215.17495323133855,242.2954055077177,333897.7653182347,5.272766794308757,91.75211766796778,3.5464908310192325,89.52030580634155,2.828727369424992,29.047722895622144,0.41005980285143206,0.9940030940289433,712.3559567649786,94.2596087317203,0.27353091409921076,200425.30256686505,2.882853245803122,97.94054901092463,3922.1912882845168,286.9996688462481,346.3835837580703,24.293509636731514,0.21359490588076457,0.18782521923090784,23.690153667538603,49.98133368365947,3.095054145556955,10.60256195361467,8.148667180420104e-05,0.6724222179813218,0.10631445278467302,26.0419805140321,47.99542441856947,0.644874651037302,13.555567027000352,1.6033010066721712e-07,0.0001132097967789073,0.1931818232037154,27.32756757975939,53.44597430871047,0.306153982203634,9.575321718752399,0.0,0.00014063033626880034,0.2004287906062792,100.32840816062343,69.79558481754839,3.737203711904285,9.699331138955985,1.9907974977412392e-07,0.0,0.1546846568608084,51.915423427436274,99.54460863255257,6.0485426937529185,12.746454166860245,6.2853984855186115e-06,0.0,194.6575671783918 +0.9250548517107131,0.18168730578585798,0.33554431073159907,145.84830424039575,249.40258741209416,187600.03764071767,3.880334721948299,93.46644103476481,4.711421765941415,38.75197923445609,3.9286796517690337,6.242010756342562,0.38508155218861595,0.9934854977529987,414.3628342294107,46.585119903636816,0.06317650877732568,71827.76123216,2.6275538190999446,66.94987672356899,2033.3499032964812,263.4309716848697,339.5721864578392,52.22386181172101,0.24058595881804487,0.1990784771239494,27.467035330877646,46.762830228701134,2.777464676263729,33.856305326093036,0.00014547306023279553,2.29474837728879,0.11598386777416433,20.205170237947243,44.08313654566043,0.7304656184258672,20.44460157196181,1.6033010066721712e-07,0.0001132097967789073,0.20749899738205083,22.89574054421395,48.92522310668894,0.32863335162452423,21.460244250655766,0.0,0.00014063033626880034,0.12686965403743775,59.82603318201547,54.61176967322733,3.466176388305216,10.151338713375226,1.9907974977412392e-07,0.0,0.19385902114391607,30.077261371191984,65.04464497140228,5.084190665427002,19.842283798984624,4.390253835397985e-05,0.0,149.93627229740645 +0.9871944812815937,0.23400013594367278,0.41516945778999814,217.12824725102416,220.3124107009856,132773.62207836058,5.6706077639825345,69.5583767110765,2.868123873820325,48.766990211762675,3.206175178882808,20.598436926611896,0.4339564083086368,0.7826310255787553,791.2798537490837,69.36404325629968,0.3198456270168651,214454.61392206565,2.7975979276753145,79.85929829066251,3608.1283098249155,63.086351839786104,347.06934896646163,37.940487546640625,0.29658511167786805,0.19571088425652577,16.471459979720613,32.91549920474277,2.9511276523296526,9.033112922904413,0.0,0.8554250472018666,0.135867156369118,12.814720222170232,31.807458676740747,1.4833564534781718,5.271164025602496,1.6033010066721712e-07,0.0001132097967789073,0.20794448960998566,19.798944922331927,36.35164223744411,0.459182000645964,7.297988386657929,0.0,0.00014063033626880034,0.3460169383792079,51.80981676001535,29.788135200916305,5.543503840313709,29.856842760818406,1.9907974977412392e-07,0.0,0.2094332576755928,21.44681869267744,47.072986181484346,6.118226821520925,7.2829248304532745,0.0004485853836511591,0.0,108.06908283587609 +0.8970756520362598,0.17664453890335044,0.4357508070902713,240.09668202608742,223.234325846166,310577.2843488505,6.941259664753831,83.59735476042734,3.416278220414802,97.04675325673219,4.336967275350669,21.49332543417603,0.579014476114578,0.9948982716275386,795.147066507777,92.57451489887654,0.34111067139408086,260347.9637186053,2.893161814888745,82.45588039764567,2626.94235905976,294.81500496089575,348.9302828676942,56.217212663370596,0.3194274571864632,0.19326196761482942,26.485957073076285,50.733327140232284,3.1944721245576044,12.972812914880626,4.834149199835946e-05,0.7044541450299847,0.12626532508422525,13.671317386169228,31.90508805238171,0.9328499861466508,12.598355789080193,1.6033010066721712e-07,0.0001132097967789073,0.20160509134415353,28.936749162625045,56.01694903475898,0.35756422689806355,12.105234120887733,0.0,0.00014063033626880034,0.3544798568463976,44.83004452894882,26.970057174144156,8.891210588696747,44.165859394520815,1.9907974977412392e-07,0.0,0.1633308604314842,28.556732058548807,60.944077485931764,7.517888634655365,12.723989292813547,1.3021035717231225e-05,0.0,135.85221416277432 +0.9630855081756419,0.16787857065836018,0.34149006839943913,215.78988632843118,132.0449929777515,275902.25605447165,4.864493378240908,77.85600996447135,1.5048633612766205,39.183820172114224,0.32702009943396865,29.04330461042021,0.6308390041786531,0.9560569252189932,280.2393232634219,91.80042182886021,0.33677997755405176,203467.11679913205,2.887121313614725,84.20188714280026,3599.0126989476744,285.4337609617183,347.2903878942183,53.85213877651965,0.20406775533309765,0.1852300415944551,31.906030345655537,61.73165213708708,3.1454438122781774,18.455753306896625,0.0,0.8830091576836241,0.08637075241123322,29.007851567601943,52.241117581936045,0.559329131058793,15.582745479605915,1.6033010066721712e-07,0.0001132097967789073,0.19850618532159442,35.797372929153184,63.82074100706949,0.30207397000957653,17.007071796633017,6.046638409484087e-05,0.00014063033626880034,0.17610960149031407,87.0540361620955,63.51435682131535,3.093885236433684,8.43183162645084,1.9907974977412392e-07,0.0,0.12945392415158596,35.420444280576696,124.06805575179867,4.880880903860449,18.914792544925216,0.0,0.0,208.2307219285363 +0.8833034645369231,0.11962021839939804,0.3398159267588447,247.7724276952582,221.17491784542577,107405.90969690173,6.066830261817545,90.52198315303671,2.767835652146747,92.84482840992791,3.9265845097001466,21.6344968974923,0.46931614251495135,0.9948982716275386,860.1176851643005,92.57451489887654,0.3263863855983031,101922.11668762048,2.887735521199385,82.45588039764567,1846.4083411028748,297.54549172700206,349.92353031495946,47.73076451653406,0.25075296829519544,0.18743870478949393,27.809100160816737,57.497479121441835,3.0789473447197744,25.57794106525102,0.0,0.8460723057314297,0.08066287274006494,30.3303357278865,56.02278172199356,1.7769792804781581,21.36598503114456,1.6033010066721712e-07,0.0001132097967789073,0.19379434768189505,32.0249711497241,60.375330284953755,0.510226674385445,23.633500138245427,4.776626638077851e-06,0.00014063033626880034,0.22371951712044105,75.12172844206938,60.13794220360095,5.26990402017911,12.513500578031307,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9861333020234035,0.14510402865228986,0.4489937565055704,100.76851710499005,57.78876388121948,334428.02142716263,3.7633663930808936,88.9555735371536,3.4115007909135313,92.57629940704926,4.959847205283978,28.216935989927695,0.524166563046674,0.9316217451047714,911.6286327079077,88.01958524488492,0.1467852901094501,292486.2123117961,2.914631056612301,73.13576493329329,1823.0592554485538,105.68962869723654,347.6886001887459,55.71286372188532,0.28050397675678634,0.19256311370004053,26.30125957085458,48.27521531491956,2.853853568789422,11.175915254087489,2.0999880047380286e-05,0.6630654717499137,0.12674031006827916,11.328618382230284,29.05981332186329,0.23721893309338046,6.494480138520718,1.6033010066721712e-07,0.0001132097967789073,0.20285047053919691,25.60726638920429,49.5602856549527,0.24292700604968226,8.516543147611117,0.0,0.00014063033626880034,0.3561687905746724,47.742245333745394,28.43769885023335,3.3392939512048754,26.844824150820905,1.9907974977412392e-07,0.0,0.21525113924301703,22.748345379308926,53.97777448513679,4.23465984939844,7.389391188083047,0.00046193942457792465,0.0,121.15707886822148 +0.981330138547975,0.12330629101253568,0.41426437643838354,174.49007086151943,203.82210182714755,273729.24169644166,6.98794073977396,68.39436930498408,1.841940779189403,93.36682744338725,2.432970217184007,28.155778207773338,0.4488216212862674,0.8867581908981765,924.0071856139966,64.67625376454484,0.24897601525389162,247477.2177267658,2.4080043773197737,78.79372833384149,1865.4658689189678,286.6026941960796,331.03021874450803,57.7830959056959,0.348761992151307,0.19116349726536203,15.297817227313132,35.86720830195321,3.1207962613688,9.525092689508506,0.0,0.6862014189312572,0.12919787612985226,8.152391342818698,24.85640699366546,0.9146573963850784,10.18432467136276,1.6033010066721712e-07,0.0001132097967789073,0.20293492088431064,15.26226158266513,34.23700741116279,0.3591477846098926,8.026812682257246,0.0,0.00014063033626880034,0.3550154709149139,37.09630889977995,23.95397282347503,7.344861522170884,44.52676468159494,1.9907974977412392e-07,0.0,0.16014607651905186,18.54162261668159,50.193422901556346,6.35011716836768,10.893554741167605,3.5220707176748765e-05,0.0,104.3497236111592 +0.9022922154165282,0.23088863212966465,0.34728685216355104,220.65479508030927,242.0099205002282,306664.0299369533,6.43468505444022,65.35279866004176,2.6628688726571244,13.743931001152198,3.2945554673970507,11.297975055467454,0.3965679477906357,0.9349938269128936,327.520347637543,49.19887195609055,0.05660918468102094,242788.52976217022,1.823027735056777,98.43677152797383,2667.0236736856154,90.95105649182462,346.7915140738824,23.452075346515965,0.27806540516202494,0.20131121560789264,28.025658958656216,39.52963995788881,3.656680877739764,21.67295413908721,0.0001622327396564775,4.565515334914481,0.14056207994715864,12.751601578071584,29.692582624957797,0.8775114971884433,3.929358100646846,1.6033010066721712e-07,0.0001132097967789073,0.2104191941053274,14.62608095204634,31.713106236318367,0.34774648602077596,12.187653381977045,0.0,0.00014063033626880034,0.2485108087449972,74.20605764231244,51.05102841416561,6.385145535207646,5.37952330880847,1.9907974977412392e-07,0.0,0.21405728769604837,9.275694113783798,38.220401291178455,7.486058261110644,5.05759127512836,1.3291600440661455e-05,0.0,122.84890680216976 +0.9802628822786348,0.1485618398472643,0.4350817803194338,149.5301130787562,64.37207114796813,245728.67481783888,5.687623175913609,11.432352683103783,4.708311582878585,9.344336507525504,3.5517133740545725,20.69793287212678,0.701358244031654,0.971322799124331,554.8501578525877,75.80213915122346,0.2899259227163907,218248.65483352327,2.4929363433550167,99.8271490195494,4674.473220023676,221.8997206997255,345.2821729042099,57.03672847937062,0.30772286365158613,0.19280284961978875,18.98733831463017,42.95324026780003,2.9332958460921796,13.576079854249516,0.0,0.7696487341863728,0.12773142928236209,10.718466545028283,28.598800149369104,0.49671766459016775,13.252498891496884,8.445185030603651e-05,0.0001132097967789073,0.20276185536089775,21.636751272733292,46.63521829321172,0.30727801747016315,12.789316020581243,0.0,0.00014063033626880034,0.35722665602322673,43.711153176768306,26.729473129245708,3.64859824785525,30.362105154578064,1.9907974977412392e-07,0.0,0.15233537184289717,23.95834689574259,60.77044484195,4.755881302285373,13.789279947287353,0.0002966802495625705,0.0,119.81097245993031 +0.9703707584689817,0.1790605247010899,0.41520784518450365,178.7294248796406,204.04394886931954,108150.54850416513,6.329862091394142,46.50191506563283,2.4968748644059033,7.304114470303407,2.2245727593415405,27.161724817327435,0.4755299694512076,0.9642845665188993,826.7381853843716,95.24931327965373,0.28069828523327944,139974.07458119513,2.6096655271038403,72.06255176660079,4199.975426806675,251.3135183544644,348.69506066493113,55.09605901546027,0.18594165275450314,0.186730360497021,22.38895166863074,48.9922746227961,3.0426827827192193,20.239229302574532,0.0,0.7995876567689599,0.10726443103179015,24.311989993724772,45.55781189188179,1.672872369143821,14.748704779607701,1.6033010066721712e-07,0.0001132097967789073,0.20031912667661828,25.52705555945893,50.7987642307195,0.4910951117113787,17.43297396262565,0.0,0.00014063033626880034,0.16425980361925027,70.88467747133998,57.26575626158041,4.695886296197571,9.000909761540896,1.9907974977412392e-07,0.0,0.15947212518637782,53.25554130765925,98.34025493360579,6.035370610533376,16.324000973869673,5.602425522758645e-05,0.0,175.95824658754756 +0.9883217968641552,0.1480223518892202,0.38032395731224067,238.49947422503016,113.47316779751085,330951.3289047269,2.7268500012554036,54.071203568343606,3.291079972074257,10.95803656280947,0.27284478268159074,8.810069676776266,0.3047048160176804,0.568885320640864,342.9838110908764,1.089920256181215,0.10089493109624807,223647.7830937138,1.392580442113704,14.031229390473438,4847.9784614574255,143.04246714570445,340.60931468054775,56.527749586958095,0.18719795722536617,0.2003311367118406,14.629421432306126,30.205355009010884,5.671255764520043,27.677275950877966,0.0,1.1272374962892715,0.1429966364134354,10.2943176279887,25.02780452418464,0.22766818781210832,4.033699834516592,1.6033010066721712e-07,0.0001132097967789073,0.21313762919534107,13.770306057788014,29.068838549319846,0.24112407449593456,23.177827576526433,0.0,0.00014063033626880034,0.119273530033623,38.016094543332514,30.385225385331296,3.9126372560314056,10.326206589412974,1.9907974977412392e-07,0.0,0.21775656999034304,5.693011661712984,23.083526783549885,8.176473939272894,9.7155329074232,0.0001048983719843569,0.0,86.39167852295651 +0.8669971695720929,0.17947553981380293,0.44945015919805403,215.48777016300846,188.62688003791257,186228.83253513972,6.972673453207157,27.674638749460904,1.7921343969623167,73.96244920428173,4.00595465453909,18.188754836654528,0.3537825243417486,0.8685870228948699,660.178335486032,95.07697971602266,0.14652976615573216,177074.45357999086,2.7640578063179664,97.11952617645576,3035.9530719398053,181.153964957299,236.21053706211742,44.83359879619265,0.2675197680662512,0.19834213223009853,1.657597116692421,23.747033308138622,2.8738248629918832,6.733141743142892,0.0,1.3199045828019607,0.13084611676243926,1.6815176549397959,15.799223138624583,1.3037840095795918,18.082304657171008,1.6033010066721712e-07,0.0001132097967789073,0.20971796046596597,3.4957885005784104,23.86935186820862,0.4268701819268504,4.703137967580866,0.0,0.00014063033626880034,0.3475290710611601,8.948566457633158,14.929722925546791,15.56434026557671,56.17299111259184,1.9907974977412392e-07,0.0,0.12736398730085013,3.766759780015821,33.785621123573264,7.1926234870071335,38.28963124843112,0.0,0.0,90.4529551610538 +0.9350526926539026,0.16396893035027926,0.3278430473556528,227.13104711186298,56.527013652647476,102143.23422031975,1.9766889390047075,30.6431854181639,0.8635145234075117,21.899178112871535,3.0389362586646502,14.398859586552001,0.3294990211672901,0.9139583166591129,527.8174565155566,15.123562969553683,0.19289372745074632,80939.14744573974,1.2178220485152007,56.851136657071365,4541.832435058993,55.503119587081024,307.33244612595814,28.897994176234484,0.3167276002498642,0.19420163962283193,1.885074406275372,21.88811708476167,2.852275988831308,26.45925268691892,0.0,1.1295193376965864,0.13619674438950297,1.7301230329627293,16.40731503997379,0.3779139321744106,3.70301625909126,1.6033010066721712e-07,0.0001132097967789073,0.209079794125149,2.993287457001179,23.146030541036257,0.29337468297696345,25.421162116511738,0.0,0.00014063033626880034,0.10396962094788821,7.664686912522113,22.86066482115915,4.899918688608056,9.182125439446443,1.9907974977412392e-07,0.0,0.1933678414036901,2.657224051687893,22.861792608098884,3.733675539381005,6.372691466484287,0.0,0.0,62.795821472150905 +0.9851168522827067,0.14712983969374263,0.35255669203430506,245.38077290373985,143.97549752275387,298897.77906279557,4.581599923493545,84.32038593782733,3.4804132986539122,96.43945358023466,4.002572260464183,26.802478378205716,0.41782291085011936,0.9890626981587735,728.2841817201148,98.38210295138106,0.3308194243020861,108350.00192478752,1.8599721754984693,76.22724303562326,4657.528175038139,291.1906489601681,343.8073909650053,57.93156138123091,0.19796077377306376,0.18611880552597018,15.141508081692301,40.20933382907891,2.9205085563213755,34.68234133047574,0.0,0.8613201058637552,0.10507249061157237,18.522114673803387,42.330886354018894,0.5113805401367245,11.913558094288348,1.6033010066721712e-07,0.0001132097967789073,0.2005592302107162,17.387653494004017,37.5047089490366,0.2904213509790718,31.290584322113055,0.0,0.00014063033626880034,0.0827273182094381,59.19832485227123,50.33775767099216,2.820017659321167,13.608676691886638,1.9907974977412392e-07,0.0,0.1545212175174838,43.44033988285439,88.91859374056214,5.107221055667727,15.10802032512931,0.0001409109011655938,0.0,155.89416194821794 +0.984660625244151,0.23235125615113347,0.41377290281172846,201.51767984937592,119.39356934562396,346812.6673960407,3.9500613709959365,93.55051273409545,4.126455653548152,81.9513775183924,4.470336258276335,28.166654089857982,0.7039362338903985,0.9917984115585065,86.14008917769758,26.48284996262523,0.34055336921618173,248770.88940944528,2.783595628952627,73.66866331192702,4797.571830310746,292.0284147042956,346.60775382439937,58.6083432008516,0.3451036487227308,0.18896404062856167,22.90285411372603,49.00216668679547,3.868101178156661,12.474962743209806,6.136418119936036e-05,1.0239841655484372,0.11029654940185842,11.942560805381813,31.389400092398823,0.2600189459982339,13.934061033216011,4.366194803080123e-05,0.0001132097967789073,0.2013085225643104,26.10236518898024,52.967602619094514,0.25347947331117066,11.586285000266706,0.0,0.00014063033626880034,0.355539472802457,41.529109870456374,25.698275011368583,4.654635783390671,33.36168938074663,1.9907974977412392e-07,0.0,0.1464902833050423,10.852555148841953,66.41576502887602,5.23475274066563,11.311899616930141,9.577117318300045e-05,0.0,127.45550617239195 +0.8934282316446326,0.12887837434411564,0.32771073512153076,71.00126845986254,225.9864420171316,347323.419988992,4.063582643606283,74.36417846308836,4.703543862671291,81.27356550701063,1.6877875370451436,22.67411200748008,0.3156096065319934,0.887532544363692,314.91135110628943,5.369535312005404,0.2289478938463047,116172.2298538067,2.6550873781130773,90.02367628403934,4964.481835803478,255.7248422949249,346.0129714665402,43.26874622256727,0.18208592189502035,0.19156156557051693,23.580966801467106,47.57865836956639,4.146875143712003,22.425628969368354,0.0,0.9368072151763766,0.09629109165293495,35.489975643057875,68.79936845130115,0.2105420865816657,16.462269532994757,1.6033010066721712e-07,0.0001132097967789073,0.19982192293239337,28.222727855471952,50.79084340070638,0.24459412633956457,19.747484896742915,0.0,0.00014063033626880034,0.15898597035147596,94.79789567446676,70.99594899142996,3.9719308196827865,13.969551281095445,1.9907974977412392e-07,0.0,0.16612537408081163,61.07678557726533,101.99203450870701,6.274672164589044,20.921902930983894,1.1803518648127921e-05,0.0,205.4724957882824 +0.97200983440895,0.19892085484852232,0.44720847119214985,140.11707709032146,70.65575375073593,299725.53310460725,3.5092962004630013,73.54602009972436,4.547166128618434,83.9993355117633,1.0671134756892608,20.844034960398922,0.6812735502075532,0.9157821450068314,944.6412980046072,64.0735431127061,0.24184087181822156,85735.95696719628,2.915533657491505,87.37369854539922,4632.514602926174,131.65227133404818,258.6073734797366,34.608217738188856,0.2925593703573314,0.19134186780717383,5.136647807737503,26.065833581097795,2.775366972049679,6.834336761809564,0.0,0.7859912476192892,0.11988610523264906,2.081681262492299,20.286883571637873,0.20322568085190626,21.992379871660027,1.6033010066721712e-07,0.0001132097967789073,0.2071466184028412,4.439228537713719,24.347185905960817,0.24708806353513496,4.248844157957685,0.00010137422844155949,0.00014063033626880034,0.35355228559272484,12.060178605639377,15.946683050687042,7.15114275449469,47.78076056052344,1.9907974977412392e-07,0.0,0.0885627204358458,3.36138584758067,35.26601017856565,4.324912118892988,31.22954519837215,0.0,0.0,85.28854263108464 +0.980612636263845,0.1809420960989337,0.4148325209134367,212.77954019176116,188.76884843839852,254887.98725006223,6.572959504683629,66.11878890820098,4.135178532620097,15.286165058644784,2.992716803357885,21.334436716611645,0.4362186666867126,0.683044094581028,915.4051600994476,45.564581690624465,0.31891303490938244,72712.57035147048,2.535722267475105,92.98385403827533,2955.730072575841,276.90183257874287,225.5174970015712,48.32679481129007,0.21393615118838286,0.179901868493221,4.327824156048328,25.75114690820694,3.160652117984787,12.574482839678017,0.0,0.7737868541710244,0.12033221651476357,2.3932521007637533,16.305897047844226,0.9650340858111041,20.092215104274647,1.6033010066721712e-07,0.0001132097967789073,0.1914211737947593,3.33259452901335,25.59505691446421,0.3671740173879418,10.699164278930272,0.0,0.00014063033626880034,0.3404851678824696,5.507935447944538,15.056896232686487,15.270169127796951,55.983034812478664,1.9907974977412392e-07,0.0,0.14126354938996563,3.7539509379690377,33.957529842885286,7.233283337183054,52.760265163091375,0.0,0.0,99.6761413575924 +0.9193082979487421,0.23664257961541837,0.3414508550432729,202.41191773675868,214.8031696049457,344203.1942612226,5.614404447429702,74.48448018135845,3.509260417718203,53.99257587797665,4.549652107644605,29.289816219061965,0.48466573629532034,0.841521314807027,938.742702764593,34.60160610199397,0.2245812430454748,151329.324766016,2.4449424451555823,83.90356028715414,2374.559212831866,258.7358584461472,342.2961088050779,58.43193955982045,0.2309402950630435,0.19517297093111055,26.3087250671762,42.67968985836883,3.3291910430639065,26.18307439100038,1.3096608202345391e-05,0.5988074525727289,0.12607249945869628,27.439925235656844,56.87364434388725,0.6199691531595632,13.97750440252156,7.948038818492661e-06,0.0001132097967789073,0.20408595922810974,28.4661109844739,50.93474686198903,0.303976288639188,21.95993324211042,0.0,0.00014063033626880034,0.10448096508719522,77.7939947397485,61.303125950199075,3.687153627142269,7.8460304431397825,1.9907974977412392e-07,0.0,0.1887938632379642,53.37234844672344,89.73865721813644,6.0420612744000035,17.86892161860261,4.7775371608044496e-05,0.0,180.0659065564642 +0.9789347243381887,0.20497174725477268,0.3284990922214502,94.23604498183528,49.55314887979965,275500.25038180937,6.426288020062909,62.73008747900078,4.9028749601421975,47.91437523892469,2.758959098084735,26.818069240292214,0.4166348431241805,0.7178812022329969,921.1552743982619,43.70687425082497,0.32134509941256834,96234.98972602325,2.6559465101485573,97.0999191371585,912.9524218110223,175.62664000939165,340.60089232270707,58.94357601453072,0.26306890320912973,0.19307820231313683,21.0251257867197,40.06765845774367,3.032726878278701,24.971660552499785,0.0,0.822536340488985,0.08366721665747553,22.206797561446415,44.86024628258009,0.38441618795530524,17.10427159816074,1.6033010066721712e-07,0.0001132097967789073,0.20231307539560411,25.081774031308747,44.95053063508364,0.290681805943254,22.103410721389928,0.0,0.00014063033626880034,0.1819886606355868,64.09054614157212,52.46020454042928,3.8291178132219525,10.537084311924845,1.9907974977412392e-07,0.0,0.17085417846672782,40.64482971375144,80.55634465053257,4.777001625890186,22.92841432979112,5.094742950765964e-05,0.0,155.8617305133271 +0.958946186776075,0.23360768590928865,0.4293625558952876,245.3592191204417,214.5925812101592,301756.7724139574,6.93041908158572,76.09543965836748,4.456831597705018,68.74071702920966,4.967821069299878,29.52926430152948,0.4860575299510142,0.9343386535575785,881.102093382415,91.77160377340346,0.3362813344459811,151227.40921263187,2.949484085587201,99.16276034200781,3570.271225421104,245.68781037313354,349.13872708040503,53.890321994909954,0.33893769519402384,0.1794318504504158,23.115641798728454,50.86518549712912,3.1527383692228064,18.22725396321738,0.0,0.71138112304979,0.09280367666354344,17.249761018249973,35.08442633615105,0.9500001722910264,21.036790604402242,1.6033010066721712e-07,0.0001132097967789073,0.18511536028155426,26.050345479967454,53.370420783755044,0.3609966580386067,17.245635872424714,0.0,0.00014063033626880034,0.3525626937533423,41.38749759541842,25.483209392318074,9.5184567617105,42.38229963147812,1.9907974977412392e-07,0.0,0.14530848279612832,27.66424000113744,63.63645633983109,7.3245154196030935,22.530355761301355,0.0,0.0,137.4275715918438 +0.9162715988119481,0.20758493614590198,0.41385875520125176,122.98941714364716,230.371825989675,341731.6437956933,5.275938724215638,83.25096438334886,3.820933032262631,32.59768704801442,4.870895102414435,12.050892337839766,0.4750460649209713,0.9425354888016585,838.3964322390142,55.39230119167446,0.20001834140817626,298966.92926386156,2.894353486715579,86.8438801879438,217.67791088277534,273.70087813291354,340.7540365774023,58.063204981979425,0.1512319230958463,0.19758754248852908,30.091820770618146,49.82340932163868,3.117738532849129,11.284420663494982,4.348014028417149e-05,0.6084586921709082,0.13499160112248207,28.245762255327975,52.359019596898186,0.450311758030073,11.819967672832746,1.6033010066721712e-07,0.0001132097967789073,0.2091895981465167,31.54840431197562,56.410731468243696,0.27836209725991967,9.22172993163998,0.0,0.00014063033626880034,0.09840758249514918,104.48875899457205,72.86743195105826,3.145556730333299,5.264164010070717,1.9907974977412392e-07,0.0,0.20960122497030484,42.47125247236064,81.00338031207893,5.145147469848939,10.926937820298434,0.0,0.0,190.37768390438706 +0.9886434111573157,0.25401370120824535,0.40306194909796766,232.53885065741176,78.93566501020105,262081.56467797144,6.530249033173464,7.647544794215044,1.9244528185210381,39.26986398265017,1.3982527511093357,29.77013297261447,0.37168558590749384,0.5556966824623805,929.3945011746364,85.10995978958053,0.33364862913843707,70712.64582934396,2.8713156466965137,61.88070256828344,679.1500859719133,86.7087810442111,242.75615064420188,11.799418867512323,0.22793174843443104,0.19802533164286193,5.490535263766185,24.53985985581176,2.9851113643682314,4.963629408986795,0.0,0.7612378183495739,0.130015275141937,2.3338575694916006,15.66610378454413,0.6601568147158389,17.47796938111822,1.6033010066721712e-07,0.0001132097967789073,0.2111832093486,4.604544856614887,24.127655215332474,0.3302729248491878,3.8861186451769427,0.0,0.00014063033626880034,0.3209786759892251,3.791206408796134,15.312594302889309,16.904822515560266,57.85154020675933,1.9907974977412392e-07,0.0,0.18955509663744888,7.438881697742916,31.751157771333357,7.417388565932846,56.511299237681506,0.00022172117707623093,0.0,100.17736249119002 +0.9756624878290099,0.23485052367604742,0.4220031032373914,233.65152605358304,208.95432148870853,154530.0182899297,6.228166760422466,86.2233999769382,0.9160191056857878,78.63450237989443,4.550764016961764,28.468873726295417,0.4473391760252865,0.9177488733656521,928.465399840851,64.21650326172646,0.28780905297051795,247363.8622673338,2.8229153720221,97.90544686242012,288.16604889907785,298.29527709871917,348.67465575592746,58.48778599069898,0.23341466751478665,0.18954016033793963,30.499107364626116,55.99306988163245,2.9447688640508645,15.634752440699968,0.0,0.7350752525509091,0.10180676492304695,22.002393938175697,40.37066601538593,1.4358656714852527,13.822034030628519,1.6033010066721712e-07,0.0001132097967789073,0.20020514023109495,32.86032689063821,60.31219057984294,0.45042120795873586,14.711573886729472,0.0,0.00014063033626880034,0.34848597531474806,72.50643031658802,42.49718951654196,5.2093715777971115,24.060831928018242,1.9907974977412392e-07,0.0,0.14530962945509154,47.01954950330755,95.3627772801709,6.379472898902326,19.690502893223584,0.0,0.0,175.96270210348365 +0.9547007316142649,0.22087957160835425,0.3753456067171346,240.98104191653675,248.4405667076439,294880.0265307955,3.7677792349117643,79.74972709568954,3.706657755429728,80.69801261258257,2.855821042255773,26.818291086508637,0.5251596242195138,0.9726562381354215,799.8704677609278,59.15297255518809,0.2463280495551458,240814.3079467326,2.806185395014637,99.53886868075351,3551.982414377395,253.94654297478135,348.0695087719482,58.812818756451406,0.20798610738766243,0.19225760626316457,33.74312463814233,57.5877459855765,2.9014995096422327,18.458333264544155,0.0,0.7128833473593285,0.10946451391451127,28.80510633150333,53.50425895403808,0.5314208606122809,15.548949794352831,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2691830507061404,89.29986402224476,59.251248127976766,2.7920232118077966,11.09354886832429,1.9907974977412392e-07,0.0,0.15413289333616073,62.38642120169869,110.22180246021,5.137847531363712,16.913261941206237,7.684258803452998e-05,0.0,2698666337285.8823 +0.9806596103857337,0.11918707039026707,0.3815565475745924,55.18746631510436,95.00580298381601,128370.15236063172,3.672746764706222,13.271796315995822,1.4724491727352254,92.60584383092608,2.492346195661475,20.463570339030515,0.45926424031839025,0.828385849563441,105.2200836096438,11.856812680243536,0.2072548697263205,115749.79507010561,0.7160728390949109,19.715932222735763,4553.120394558981,295.4948826807535,348.58112683046556,14.29279163465493,0.20054192248295016,0.1916898626764191,1.3504772088440016,26.510877798490387,3.249927243177031,25.196615749235633,0.0,1.0483121957191854,0.1320341601561078,2.7952966872068736,17.809357853816675,0.5108476455343957,3.9260934874296116,1.6033010066721712e-07,0.0001132097967789073,0.20687299723827257,1.038349905842323,23.14223698880016,0.3090634696534225,22.740192676435363,5.6110390100474435e-05,0.00014063033626880034,0.14619444890937489,17.56882709001335,26.91337458223471,4.559337790745909,19.22735773144895,1.9907974977412392e-07,0.0,0.21556264406321096,1.685872433282496,25.903161975862425,5.516267267208343,10.010939038514115,7.525817143251143e-05,0.0,70.52515354614393 +0.9696938359516707,0.1745931853735847,0.3706077104705108,144.23670974949476,195.88810920012128,187746.69612307774,5.605662734094052,57.94949919359025,3.7640968552791048,38.82762048245624,4.091079145579926,29.28191501057495,0.5537428737841242,0.8137549812599791,292.9498523873444,77.70057985168792,0.2809464927991353,279144.63773022307,2.9041336053451077,59.39041857689932,959.5219053773776,267.19392891496625,347.4482904593185,58.41100980334754,0.15854631789357382,0.19241100790902954,31.307414181760773,52.20257822226525,2.934871229788409,15.245650374014064,9.03011134467458e-05,0.8244441979955374,0.125362805235327,31.05448865774748,60.44162344484815,0.9763734201870763,10.003147747684315,5.7702661848688015e-05,0.0001132097967789073,0.2058307416419153,34.87511396285197,57.30857504108529,0.37328611383046534,13.44311888758337,0.0,0.00014063033626880034,0.0843283295086447,85.00142431710704,60.18507734265998,3.22565248626297,7.20644231200791,1.9907974977412392e-07,0.0,0.20610201148766943,58.98135154046731,101.6310836305354,5.8676658943404085,12.353974492890734,0.00018737172098647257,0.0,195.5803468940323 +0.9206375415924105,0.1193761148215111,0.44626617304511745,157.8344871088558,199.12610056252691,282395.8772548036,6.768686495701334,98.50208745507139,2.4863414692277463,81.8717878393965,2.4090013552671885,17.89205171341106,0.5041602402297819,0.7721584641169513,237.91413605473144,94.02423002229305,0.10885415270308096,64430.8651928989,2.8738148579435534,98.69612275652602,4059.7488550066437,225.03512978879087,227.76637605507963,33.19490549133169,0.21556959176574259,0.19370757905498964,2.487547197418293,24.08391041161533,3.413638864658998,9.546535544577797,3.3539291547067154e-05,1.8739456011610047,0.1562590152486214,2.3317955003342354,20.085512076474675,0.8220407431030348,24.577395044578925,1.6033010066721712e-07,0.0001132097967789073,0.1982870836914853,5.2082572096087105,24.34744963287485,0.3444811624876863,8.475068452338649,0.0,0.00014063033626880034,0.3470460649583121,1.1260424322091909,14.239723972935487,17.652721614295274,58.597543140546335,1.9907974977412392e-07,0.0,0.10318661747507699,5.319409090475756,35.33524429068139,9.49781006341545,57.17643828957271,0.0,0.0,104.80349340785175 +0.9786598491820768,0.18349233253814562,0.3423993465232836,236.47783077651366,49.182819828940566,284506.42198358173,5.0804219642975506,62.26201035379459,2.2206273195206343,80.04833850035699,0.3119810396018887,20.6344142437179,0.5300369551815707,0.7286136323448312,541.5215476694829,58.185145519517235,0.24460602663645156,185445.10702436572,2.949289609940338,93.84441162735868,1606.0286056936538,249.41318813738764,345.1126907105749,56.87887493462748,0.18669927081846424,0.19445095048870195,31.1490640077924,53.82264596859045,3.100405146797669,18.61209800058845,0.0,0.7024558894101977,0.10412992787813385,28.40130021706763,51.292897661173356,0.31807030697269856,17.77578884161896,1.6033010066721712e-07,0.0001132097967789073,0.2047581648795479,34.003689475118094,57.045700393382084,0.2786692442722232,16.163670790798054,0.0,0.00014063033626880034,0.11765081174452217,86.05177143263107,65.73050041153775,3.753927240782635,5.99291326027454,1.9907974977412392e-07,0.0,0.18177077191667235,50.763613871272455,92.47725460080989,4.857124729007381,17.85139744265657,8.14455851498963e-05,0.0,189.4622363297224 +0.9578013127751581,0.10063353293060213,0.44499086371805785,189.19363851023513,133.29548358883937,277518.967289469,5.736101250281106,94.75833148078073,3.1571707969136082,85.37804204938047,2.782164587197302,10.302872403157343,0.34758893536247704,0.8097971629150258,991.1001717546039,40.757637161778945,0.24526392359342833,66099.96590963633,2.2256512194039164,83.22122293383599,2841.820678995303,33.35806187003919,243.35855111594364,54.32740500488053,0.2855910076411906,0.1971456844684501,4.853914297230384,24.956668036417593,3.091317731189143,3.4467494366831963,0.0,0.6843471475841376,0.13922826959117457,3.130932169541244,12.655219111521564,0.6492899465526578,14.224293221389399,1.6033010066721712e-07,0.0001132097967789073,0.21017424019219288,4.296056276262907,23.10808930398344,0.31880187633476387,2.3563992606749666,0.0,0.00014063033626880034,0.35148547288427656,11.155142985134207,15.476231795838133,10.759092625975201,50.16909685993957,1.9907974977412392e-07,0.0,0.10315217921358491,1.9848815428840259,34.98320814372744,5.359651598986797,36.298107706392145,0.0,0.0,84.67603549816319 +0.9865220144304773,0.20477504004997438,0.36011686903776047,203.33995802120688,229.58805365858416,320017.2527639711,5.534125801518568,37.14426020281283,3.087640616630445,74.28954059351486,3.155571028030905,26.45027240634709,0.604028197410752,0.9174056819609022,841.8125697271669,42.53232551847595,0.30603465142485275,193350.14199174568,2.955661871407719,95.29122719293959,1606.851374305923,209.1363098126165,346.473529127251,57.905820091137436,0.22981669010324712,0.1906929867407535,30.396715948965067,55.0854648132578,3.2057145787002796,18.06623616076171,0.0,0.7383345337179561,0.10644067389979163,23.22229364974725,43.61075263103728,0.682236655772251,16.46231450616934,1.6033010066721712e-07,0.0001132097967789073,0.20266040303605873,33.29115553686577,61.78959877699801,0.3145130471684955,15.805569242679137,9.280223767492489e-05,0.00014063033626880034,0.2993268195036722,80.81280485052518,52.79064575210896,4.139849060813731,16.95675243415409,1.9907974977412392e-07,0.0,0.14808356705163556,54.84101452506519,101.58868478715497,6.078291541676671,16.879840939993052,5.501222086289894e-06,0.0,188.2989644713295 +0.9750617094688867,0.20790216595535277,0.34364043308580405,193.93348925537532,127.4444963721318,305742.3107471808,4.090484157973959,37.19925700011156,3.021668685752859,56.47714056363118,3.847577155864095,27.045528622070726,0.7091412341788699,0.9882849196206591,201.09144803050222,81.41957300417978,0.21856240266756669,225173.54396109714,2.913194501405655,94.60118301639402,3404.386006844087,263.1408101634109,345.55428721431934,58.54695357923358,0.3439065898953916,0.18712354179228077,30.947945749563374,61.88987610804999,3.250425092465289,17.423625184588747,0.0,0.6861286354141028,0.08984721867899359,17.54352878024858,35.831775904342564,0.35386419258032575,17.188576094236733,1.6033010066721712e-07,0.0001132097967789073,0.19595511515583092,32.18862762892218,60.4529573438942,0.26661075414255914,15.667625676688333,0.0,0.00014063033626880034,0.35587057362123503,55.78001291855136,31.771683049651802,3.9154876758790125,25.50231160078239,1.9907974977412392e-07,0.0,0.1547177425544367,35.63174188468487,81.8533042138615,5.049895019431916,18.992152310716463,8.746726218232835e-05,0.0,158.3312874781946 +0.9355729397078462,0.16603757325826587,0.35185449304874433,148.27544631351907,229.30520370201998,299289.12037482054,6.772150193943917,78.51001142087972,4.535204798509314,75.82847917398917,3.1778521395752852,14.482801931521005,0.37574876456861717,0.9255399920047235,484.88275037661197,41.17285426311664,0.34458416758617644,223228.59647908184,0.9625654052922092,80.77598442668466,3714.7826874390153,255.2771868938688,348.81875781725466,59.926834738898705,0.236449724000253,0.19529813818622083,23.580952267261832,42.56518772034104,3.4207204413390024,33.62731844671386,0.0,0.8100809787668366,0.1366685012734573,20.224645105457057,43.834171285967855,0.7865098393448962,5.340017325598098,1.6033010066721712e-07,0.0001132097967789073,0.20826219623818526,23.924850378024843,42.2808601132643,0.3370509725539245,33.72085262712321,0.0,0.00014063033626880034,0.08075209860078346,57.13658849376788,46.87186119282348,4.3210757520080065,5.722809130921314,1.9907974977412392e-07,0.0,0.1957471354059176,15.728276454339499,54.37606626362096,6.288622250644111,11.763449584457982,5.176246577341359e-05,0.0,135.14097866296757 +0.9740938899049593,0.2133852396612402,0.368602741504167,160.51803784168925,237.2443880886639,276480.22910656955,2.491198258655452,98.66813164441142,0.27862432731127207,22.490970076214587,2.7707383629267106,24.654341167688276,0.6241182181993785,0.8663768379576844,915.5810585683192,90.39395219438727,0.26256519545160706,90295.05385579086,1.7767963874868533,54.11716345661337,1005.683065809523,234.37810516740328,346.14834424816814,58.548036147004495,0.1679773241189792,0.19277325029087927,12.990629486925812,31.737306065798325,2.6039552110868986,38.55448505852776,0.0,1.0191746095813734,0.13117366996892063,21.922259888794503,45.26891309393701,0.23371843738263445,12.267819631303013,1.6033010066721712e-07,0.0001132097967789073,0.20547696753083247,15.744264238914427,35.07680818053711,0.24544386061023385,35.77278088908484,0.0,0.00014063033626880034,0.12316023489441028,60.31294205061093,55.23483486498503,3.7426426535301593,18.03163166684128,1.4515203736316154e-05,0.0,0.21090937914089095,14.338140762663564,58.53204124883014,3.3028333190544736,15.342305635227449,0.00011987216654564108,0.0,137.89281919649963 +0.9851414175988072,0.15918799329583833,0.4447532710523093,200.37259133023616,212.3839845321397,324112.81736331194,6.187460028778465,64.11001487692778,2.5081127754545305,11.097315793562498,1.207939180244178,27.488917582457823,0.6851289116465406,0.4122938666038288,73.39256819814582,45.011522267723635,0.053823448255745365,69229.36000134301,2.976669359742395,98.06565659865295,3563.747601658337,124.54941250469086,241.3643607302043,42.69979443209101,0.24936469611335074,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11543384234073652,2.003985706382732,18.10450008709449,0.7326146489462707,26.6561697696681,1.6033010066721712e-07,0.0001132097967789073,0.21089685420466434,5.702716796518028,24.347357942229046,0.32474745434430685,6.343549735148346,0.0,0.00014063033626880034,0.2982389284629356,6.492684677276818,17.3030062639384,15.491931151914441,56.452329916212726,1.9907974977412392e-07,0.0,0.2096219336850947,6.69362749516093,30.460893261427497,10.015466098436718,51.735638100276034,0.00012282451243821857,0.0,2698666337285.8823 +0.9616898161611325,0.13072669266598344,0.34465544540355825,221.56675563545042,57.49204057157853,147865.67781125708,4.137113503593928,74.66825614898835,0.6677762064599493,18.899551273156156,4.725681662108922,26.604935868263407,0.36946622059944284,0.9048407246881339,948.3317116779107,55.15050184294236,0.33302829176274945,91266.8702026839,1.7286848146072598,44.46964657289425,1608.158296744764,257.9097663260413,345.1006533915226,57.66535988257685,0.20911843168271535,0.1879880254547052,13.483812946651504,34.05281501068652,2.756920841500511,39.97453651032137,0.0,1.0415217698065087,0.12750187481866884,18.3115201873153,41.13681701453062,0.6469103005534284,10.179384365393048,1.6033010066721712e-07,0.0001132097967789073,0.2029647131754862,15.323497171791974,35.43054235624712,0.33784461607148447,38.0712626780907,0.0,0.00014063033626880034,0.08971644628745007,46.1566364403697,46.29962320259187,4.6502714977776245,17.630039178101708,1.9907974977412392e-07,0.0,0.18871904963165512,31.895208677630706,61.20398786422885,4.57350793788932,17.557177545558876,4.606174296753706e-05,0.0,133.11042850435527 +0.9173759840662254,0.15115513801586503,0.3768969158931869,227.15912607426262,150.75961925539858,204859.7675111156,5.542599554266951,67.55784167899617,2.349232485803316,10.870368046742072,2.655208242198829,4.980200973490056,0.4232528783260166,0.43542541575964877,249.22362247695116,22.9526064555385,0.25879311717217984,60306.7922538679,0.5622063927323692,99.88906232022637,4851.083866048192,296.41225112105235,346.5626238235651,29.796596230076254,0.1603149400807427,0.20143922609579828,1.167017461563451,24.747827297173085,3.6282612914368317,53.12799786321582,0.0,0.8075179678577956,0.1463517306404615,5.067986267092521,19.326570097346252,0.9498399895316474,7.201009971701913,1.6033010066721712e-07,0.0001132097967789073,0.21522932437291134,1.4781328812022305,24.592178724872728,0.3680588268127011,50.46784800300109,7.735647649974199e-05,0.00014063033626880034,0.1543074262552656,28.834505237681647,29.843871357731935,3.7375757244425554,17.79353412952973,7.4669789378334965e-06,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9806336351340667,0.22849188212571508,0.3490423872067784,222.21746462128746,20.960849304226826,315541.1609957478,3.538128198828632,10.607785810823117,3.414916301348988,98.39617581392538,1.8382703836016359,27.551767335805756,0.3878287593860632,0.9849761663688232,271.3334562924654,24.39486621212849,0.1414106066773877,276510.0436489502,2.956327883637718,39.989568655986865,3249.7284904454427,279.07405130070714,349.6356204373579,37.275391651121055,0.19434398420242233,0.18904654781803604,31.861907985599256,52.84816259208014,3.3996474452929655,13.393130433569967,0.0,0.7853550169425503,0.12656055884197476,26.745992267792552,53.944060909851814,0.28046547977637215,8.105642831691668,1.6033010066721712e-07,0.0001132097967789073,0.2008775181685693,30.794682658737315,55.34633259836553,0.2434037895794994,10.370954597047467,0.0,0.00014063033626880034,0.09302486655508657,68.14183549191827,54.958080688767474,3.698538069965492,9.594111623528754,1.9907974977412392e-07,0.0,0.1867123074276004,48.96185391125471,88.66798648450296,4.906015915244502,7.170988443478451,0.00016239611697530112,0.0,172.95728913874365 +0.968527596433269,0.17128552095840852,0.38087147365152874,31.366278605090393,148.3268989040936,246344.92077680977,6.464367752197966,28.64513420826484,2.2333939289147144,14.10480337150726,1.7211389923210165,4.103691994739731,0.4136992919797465,0.9863147172374147,547.0113651914322,42.669852535119674,0.19902638058842137,117261.60391472928,0.9339672414623972,97.2477791543287,382.212658489865,128.67477464174004,322.1384338523048,47.46970261744098,0.23013876787980053,0.19911865053320293,4.57796487262749,25.48453527012365,2.8007227543948807,27.655150899416135,0.0,0.6636446952219032,0.14268544530830046,3.2182266494094987,17.779106941951166,0.31862869998954185,3.934116543967346,1.6033010066721712e-07,0.0001132097967789073,0.21230546398628808,4.714973037116158,25.758109472605703,0.26875788966782793,25.874002156906236,0.0,0.00014063033626880034,0.12299586760494338,25.934886397909075,30.051757956103014,4.055610509139093,10.0942788503234,1.9907974977412392e-07,0.0,0.21017683906499374,0.5057542560278431,20.21179014729119,3.474685766273277,7.45916741743738,0.00010614942450347887,0.0,72.88010114173807 +0.948922676675296,0.21679442697171478,0.4053667446420197,236.56559015211968,170.06986591503406,278300.5017413095,4.177144759390366,31.785369403223655,2.916883378324072,46.24209352974787,1.2781309249805082,28.77127402098592,0.45056119711267356,0.969784587456921,880.2206573090218,86.28978087239733,0.22457777336586435,297525.89201206603,2.9627134765740064,82.18789360360991,3046.670836525087,254.75397923647924,335.346791366156,58.34280550691102,0.1506495381968533,0.19118667026403882,26.05999616519532,47.61459073807688,2.8127789625491846,8.83743501605809,0.0,0.6316496440881353,0.12280134577466938,21.90860320979115,45.456358656262545,0.5374671849025877,10.269923496840656,1.6033010066721712e-07,0.0001132097967789073,0.20022173077668223,28.092209955971896,56.31872623335166,0.2925845976374393,7.032258482939342,0.0,0.00014063033626880034,0.10590116502048319,103.69652133672237,72.37967367310576,2.862144674217776,6.513272637696933,1.9907974977412392e-07,0.0,0.1809464281101083,37.70734375054639,79.4821406189476,4.843740123553129,8.327846505235128,3.1267017421263546e-05,0.0,183.2207028882998 +0.9413750729597634,0.21204992047328947,0.41530971479210477,232.43745815800028,191.6644065612443,346539.7270006639,6.665446280903023,88.96181530541023,3.8760552351990567,63.16084768815279,3.1278629956231274,28.51445893767209,0.43228899304121987,0.9372365429616386,941.2190010969294,61.34989911146669,0.3281777762926019,207500.28956364098,2.9109014309801253,96.08835484533745,4923.125083524907,286.0521700935389,343.16064519250364,23.708530957608673,0.2614417380329671,0.18644364843230998,15.163910448483705,39.65752661450397,3.315353013513685,7.309236371532027,0.0,0.6766654989167935,0.12674573277667744,14.032297382822733,33.28976086880517,0.7497822525783097,12.82441550033794,1.6033010066721712e-07,0.0001132097967789073,0.20271213514597727,14.77956008185788,37.86203552186097,0.3275413412214086,4.735626688804589,0.0,0.00014063033626880034,0.351330390646518,64.09609510422516,36.146390322283445,6.353116176923598,29.946465641742595,1.9907974977412392e-07,0.0,0.17565623855497753,22.425108651622857,53.747665806564115,6.690575718700385,7.862423225873441,0.0,0.0,121.91279883836853 +0.927563202873768,0.2294437469606614,0.329959938480622,141.77860870802897,110.89164766895036,306227.5184923517,5.868231544022236,82.45044906632924,2.245736309953562,90.3342606354108,4.133679963842544,29.06694993533866,0.6265384640564846,0.9499233260475091,936.3478857625098,64.74644370335503,0.20746186123611413,92744.08212626776,2.7202500404997743,93.40435268847745,4784.630601708488,94.09656293380444,334.14561544846674,59.76622158758286,0.23627893591940505,0.1924027964298987,22.700563097544677,43.42446891309742,3.047985915439916,25.790072643732845,0.0,0.6303223630033719,0.11479270311797203,22.417094191708344,48.72385833449217,0.48937829398167004,12.004743153698303,1.6033010066721712e-07,0.0001132097967789073,0.2015967721800463,24.08696893734213,47.9288203251394,0.2947801885554057,18.234947045093122,2.5250286128642546e-05,0.00014063033626880034,0.19826905258929245,85.68897042477515,64.89761212321673,3.094746402406895,13.445050722773617,1.9907974977412392e-07,0.0,0.2105337855659406,38.0647224220156,72.14300077129485,4.98170389923798,12.30019621668751,0.00018048052852787447,0.0,166.9764421441877 +0.9591145267745167,0.19738017748534378,0.44717549395564427,224.726641200126,165.66463749224562,301105.5528949824,6.835732341689263,54.363213506328364,1.260652097297714,97.95423489648778,3.838855336136751,5.027547509725377,0.611764507066503,0.9263288063410768,590.1975961780304,78.90806853835005,0.31881654999387377,170387.0357775375,2.8518044570995484,55.58911503117343,4746.326851048866,83.52470071470357,224.42117422189204,12.30092953811084,0.24448447773884593,0.19938445758066162,6.56360070663737,24.17446068838215,3.2359932979052903,4.299060621056556,0.0,0.7230453736255767,0.14339471404531648,3.8066537502362614,11.8113155742984,0.8278617120792049,14.763226052625969,1.6033010066721712e-07,0.0001132097967789073,0.21248813404795203,5.668891447312482,23.50967194718059,0.3445055092482056,2.8193031986264816,4.054485915282867e-05,0.00014063033626880034,0.35355527442476364,6.658434686845789,13.91642577128922,19.88587588099113,60.86603309498379,1.9907974977412392e-07,0.0,0.12266730793322608,7.023503687689252,34.1353327621218,7.243646125035113,40.73222893897048,0.0,0.0,94.27094233863448 +0.8926813728330826,0.10628550325428501,0.41155528364220034,205.4107721464548,114.68374062719852,130890.49872447891,1.7075367233562568,92.32119999878026,2.075343243707076,40.14045823056412,3.1882765728469264,25.865031013354088,0.3549433852589436,0.936286428307245,974.395549718294,20.044763702497338,0.29871266375300953,70629.86134563459,2.8944543842449497,55.82400719536018,3401.878132603639,219.29557025851966,349.27900639182315,55.16324012156323,0.3430944833486681,0.18372463640939346,17.545660803791375,43.8745448017938,2.622226619189218,20.190235500526178,0.0,1.3611293551762236,0.086837703559393,14.427459217320363,33.72413789977929,0.30620470557836554,18.12996909225675,1.6033010066721712e-07,0.0001132097967789073,0.19191227624197385,23.47364787349535,48.387326000120495,0.2634298788907659,19.454352659151013,0.0,0.00014063033626880034,0.19172398910554914,30.998941834123475,32.97878680969886,4.619707681428511,11.377059073366361,1.9907974977412392e-07,0.0,0.1417901729618077,27.610141169511202,63.43599063731106,4.356754283194486,22.470572610991244,8.995030050832308e-05,0.0,122.89893092020556 +0.9716366304286382,0.23436171610097367,0.3925994044021371,12.64573078207184,127.55293911207464,304133.71297602484,5.065050023841582,60.845353533591464,3.845471576309313,96.88231962863856,4.746994152743487,26.12130172760001,0.48466573629532034,0.9154842420473762,327.61454370521494,93.38458039550527,0.33801301820423607,159458.12537956677,2.9452234410362976,99.44185454556998,4111.303501392447,261.3817697250129,348.9480982822261,58.43519259598271,0.2499151117699751,0.1826603967163492,27.077622921387995,57.514990863628086,2.799794780427189,19.745878295656222,0.0,1.3327585424151962,0.09650811422741,22.85798552448963,40.86400263226474,0.3747908188634427,15.66417220957203,1.6033010066721712e-07,0.0001132097967789073,0.18946684873964179,32.836020171724655,62.2526620630877,0.2370116191769998,19.68704916939362,0.0,0.00014063033626880034,0.2472449642015908,63.01114456310849,47.4791960405632,3.68709952331413,10.671332110847823,1.9907974977412392e-07,0.0,0.14121373141413013,48.07964854467257,89.79643378366215,4.091034593237679,28.215790391205566,5.491935749743284e-05,0.0,172.51090238298198 +0.9437973204895914,0.14155197556519095,0.4111600072772293,181.34555086526422,209.67350683339544,181384.87671412737,5.441946706223199,35.057251823591294,2.6218007327869066,71.09623020944052,2.8574622595782735,13.316377696382833,0.31230495505975037,0.7841858557990413,6.674970084756893,1.3288034458772913,0.31187787735964057,154233.93490776944,2.8807154466483955,87.1252025664519,4940.84640646958,251.81565728787717,250.89359539461262,57.906609976695556,0.22078932891672415,0.19293976700629833,3.715549705654006,26.288016843420912,7.854774678244611,8.638922765319293,0.0,1.3341578820445146,0.13381692505978465,1.5778559687520823,15.266414375275351,1.081292378229263,17.127404504700262,1.6033010066721712e-07,0.0001132097967789073,0.20857939623034547,1.6004195679299533,24.03998091520524,0.3883087300597506,6.723690662111342,0.0,0.00014063033626880034,0.3479631888068316,19.761074157775095,18.215744377641755,10.018837497026071,46.02031468689518,1.9907974977412392e-07,0.0,0.19368258532267205,4.833791403219773,29.421476305723026,12.234086071967385,18.591937747717203,7.426657366636091e-05,0.0,79.52372941839853 +0.8806358324790676,0.11962021839939804,0.3825196955148468,242.3676653623824,224.999421510933,307123.0252594909,4.2084061416192595,67.68084197396526,2.840780068144274,95.59292351709833,3.416727330091553,21.6344968974923,0.5590473960262763,0.8435893669536796,660.4199658561697,92.23892412980437,0.3472478092095928,263383.0125054718,2.830738921609074,85.3455964250655,1845.250287446421,263.57639254107175,336.08087756318525,49.92255678575905,0.31279805876859373,0.19426721150934811,20.291497538458714,39.57569420821231,2.9388633813048606,8.873630283725698,2.7233695655358717e-06,0.9437696308434455,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20457772685505732,23.75068997090625,46.420008774192596,0.2903760205894062,8.496039720555723,5.272248729374707e-05,0.00014063033626880034,0.34940904492414165,54.78180654104749,31.137865260149557,3.9017394984716223,32.30590845752148,1.9907974977412392e-07,0.0,0.21191352097628344,25.67592049089799,51.45176894027575,5.376347183364819,10.47738684375307,2.196425181194354e-05,0.0,2698666337285.8823 +0.8442039791859538,0.14578810008002613,0.39877915153224147,149.36662620600944,40.75853931710631,118825.11201825803,2.8383460051003366,20.844252243690462,1.6511293874332396,7.824513025531189,2.114263297971881,26.476841547344556,0.44411986012500965,0.8875905233597599,979.5098355629937,30.23609825856672,0.25286123211145073,81105.76803765426,2.35736223650463,15.117886118165012,1279.4812138510963,115.32268576540498,229.10721806604366,10.259591894283426,0.22518633602002258,0.19161359071840775,3.6695765232110062,25.218537951478414,2.7689909566186026,2.8858115318882893,0.0,1.1163736536995283,0.13526490645228414,1.483163105528244,13.73467823745075,0.4122389342176821,3.362473674909411,3.888173104035631e-05,0.0001132097967789073,0.20655626930827775,2.0728291880537046,24.880553793487444,0.3053943660123047,1.868286708126854,0.0,0.00014063033626880034,0.34896181241448015,3.314137782565639,14.025819526296596,4.739698082193753,44.698083749341755,1.9907974977412392e-07,0.0,0.20038644825908866,5.331190800826527,26.032201597107203,3.1869464477235643,6.101768617991315,6.858578857151936e-05,0.0,66.91604521531184 +0.8336413082878806,0.209729282590368,0.3358713220741864,140.12546925412047,191.33245084827638,319431.8492256181,6.8959729755328665,95.21069093078019,2.853133380876739,82.58375467999988,4.395169726227794,15.71978884197522,0.43477696656611103,0.9437582991822453,675.6580359641765,50.029439536300956,0.2259009146971513,52514.261928194246,2.8230147779084698,95.8295569284483,1388.5032407304134,78.74824595074342,255.3577200530193,31.024678865321373,0.2520706859123057,0.19760567367458523,4.769739299237561,24.379460248648716,3.3235182511878785,4.767399104506135,0.0,0.662587037917972,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21065095737307932,3.7079936771118365,24.986183452622818,0.32264350053450314,3.0344782195952154,0.0,0.00014063033626880034,0.3482511210605708,20.10267390030972,18.135377767770873,11.240469520804938,48.862866993047426,1.9907974977412392e-07,0.0,0.15190803416476414,4.9901242721606955,35.09979049051819,6.276751006741885,31.289723428672797,0.0,0.0,2698666337285.8823 +0.9300390040268116,0.16453239468964073,0.37619915453021807,235.44048631680585,232.6918987560299,317501.4666637745,4.125636963242643,77.48080863802635,3.508227284114055,20.985753036405676,4.396399476358698,23.497670149626213,0.647513187308443,0.8830527012400957,975.0003303534662,78.09982164489116,0.21454730675288267,293715.6387909753,2.9175233250970543,91.17007644055055,4961.459123960003,290.117523418453,348.85446072041367,56.21892857983679,0.1858988856166206,0.19368646124437633,36.88048043770306,59.2929281254443,2.9266428831528652,15.91176945862801,0.0,0.5713127248726925,0.11457236336588057,30.439233085976998,52.32839846954121,0.5206526358852412,15.670294515739588,1.6033010066721712e-07,0.0001132097967789073,0.20332673103851823,39.501665683336704,67.68657134006737,0.28368213556835914,14.379891302745483,4.148828371408834e-05,0.00014063033626880034,0.25009297624380233,99.75457527071961,64.3827064804351,2.8747689766707447,8.035953693537778,1.9907974977412392e-07,0.0,0.17581903471167606,23.39368707452094,94.22177077753325,4.182507871492602,12.888782356586098,0.00021323581992842544,0.0,197.92676709425552 +0.9765085416030742,0.17307928105997933,0.3939173419619746,49.39728123055324,82.04704054658649,279458.78125991527,3.34429867331981,67.02324063172931,2.211803730220266,13.493339027373501,2.3270475420893866,25.74298053858866,0.5111670426365456,0.9745600513980306,985.4375393328419,63.680417891871514,0.29292893893618527,68000.24718241875,2.1679401762551263,71.60362383430979,4743.140472049399,210.71536826424096,322.2218400996638,54.63662541580794,0.3459075460000266,0.18519190862542206,7.2465992300219995,32.19805588090572,2.5960021107801854,18.94860742610661,7.389093537881633e-05,1.1474277749244133,0.09929452887497311,8.0633086229778,26.354655214901694,0.2648741984517697,14.886046536568768,1.6033010066721712e-07,0.0001132097967789073,0.19969788856060092,9.73350170641204,33.85411103339177,0.24027353555514674,14.983187818621444,0.0,0.00014063033626880034,0.19911626067960292,29.915045519008107,32.81310749777269,3.9269203057243502,10.938996422128552,1.9907974977412392e-07,0.0,0.15700086381938283,12.52977359150461,43.502842328695216,4.060690456707991,13.500334526894584,0.00011581582993671396,0.0,90.87386766486965 +0.8974305819607473,0.2038176330155405,0.44482805894823224,222.55273402336505,228.26387296465214,348643.2099379393,4.081441473420311,44.97852024291404,0.5634122186254558,16.595329334810664,4.725352709842544,27.50920076111302,0.31714228895981245,0.7791418892123951,361.13689413708744,2.830033254092317,0.06586818688670924,73275.674416415,2.133994222225124,92.67064912615363,4082.053080288865,88.92098755340737,335.66075474216706,33.33907635785502,0.18516005730771737,0.19909254977930732,8.294300035540045,24.306565181875072,4.960343487852696,17.545538901424678,0.0,2.338814760472474,0.13021680447723918,7.882944421893152,23.891934471115782,0.43301617168367246,9.284263430790771,1.6033010066721712e-07,0.0001132097967789073,0.20621366729805699,6.341218112227607,26.82681802617066,0.26939096517839567,8.849888320737804,0.0,0.00014063033626880034,0.117592403269707,54.542843730183115,46.75018034503763,4.206765938443921,10.4853385933571,1.9907974977412392e-07,0.0,0.2070085371729058,10.20272868043936,36.048616274424504,7.369166275257886,5.669265886962781,0.00015879005371110847,0.0,96.61003047434684 +0.9182827370092903,0.20058732688179579,0.35111140235005966,10.057979812720394,120.9614199047268,220941.7237396587,2.6484383182099958,69.78483001106844,2.756626818601309,22.875152319616696,1.5857678693436668,28.434282655799947,0.7942236007663654,0.73325858351236,891.9564227067243,87.24842587118307,0.14305120424534576,62765.57394836437,0.497206383329468,76.9063680067097,964.0802679394209,223.24132534856614,331.4334540735554,56.5605334619038,0.17461940641632043,0.1951875167578113,5.288022843310906,25.085866103942873,2.36101824209696,71.92880361582668,0.0,1.3347347608982476,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2079172506706317,6.660312585765648,28.27411759259918,0.24255795619173834,69.73451246495254,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,4674227208854.957 +0.9175616452316971,0.2282472318165724,0.3482469262484701,174.5047483543516,72.75255302386147,337838.48213771795,4.95459943470353,71.5723282422925,2.33998483293005,77.90006275295684,4.922082411324209,26.029152126952553,0.49583773792980357,0.7871443300934018,819.4317700297278,37.76438456290511,0.21762767394797192,84194.42378326584,1.2295512696271103,94.07721452751525,1975.2471458329774,244.2196932699212,349.6525081026656,54.98237390105616,0.21982147208386169,0.1967569130116343,14.325464580698023,30.848949695591003,3.1846458214119275,58.05663516098956,2.5382725386510904e-05,0.5983619170461715,0.1339063637725858,23.347433129678958,45.00215539758934,0.27245221934503533,13.117559904807049,1.7444053114855448e-05,0.0001132097967789073,0.2075389368654517,14.983385580645194,33.00424453353242,0.2620762848278669,53.05142108337083,8.752606701622865e-06,0.00014063033626880034,0.12456996420165008,56.975429781266016,51.735872595100766,3.5198776550148816,16.466549652069805,1.9907974977412392e-07,0.0,0.2042100192649369,19.103021749088505,64.68023180578287,4.150020710633369,16.823921410532417,0.00015765819670247449,0.0,149.8796630465193 +0.9803092901057292,0.10072806724573308,0.42937654892582877,109.66814567432914,117.4990119865795,222933.26921784697,5.524937695751909,97.90056349925996,1.1130636198967678,58.522050504865035,2.025943776483624,7.813538435358736,0.3276454319879598,0.6976705702135946,827.8609470720638,18.986672739627515,0.2955721542394651,116215.36456685794,1.2014411206315365,52.827235526126444,2977.566849638688,60.325935242169905,296.8963164235089,15.618767802820125,0.2082010760387377,0.1990656609937636,7.420953182611374,24.611060936694184,3.1280600942699506,6.605888723852766,0.0,0.863206442019859,0.14107708748281747,4.121754686543224,11.98721831537677,0.6250697989703055,3.5744393035669115,1.6033010066721712e-07,0.0001132097967789073,0.21200597828561704,6.003055714397009,23.151100504785227,0.3214034331243508,5.790510451816959,0.0,0.00014063033626880034,0.3455105973620165,23.014953507614507,19.992948018975152,3.716765696453013,28.259334675900774,1.9907974977412392e-07,0.0,0.1775327620399718,8.70177211202594,30.128469341423607,5.192229635079863,23.23510829491448,0.00013201035414416455,0.0,69.18653289935949 +0.8826575599015417,0.21374426261764,0.34578955263644884,151.85546721912587,126.20763526878905,290299.51202099316,4.311205159208072,85.77073374426946,2.678178351891178,97.05939356849055,1.9232783565424092,26.079966157521135,0.3821585603856885,0.7765920868831695,315.5348039925512,2.4532661584283924,0.3206375775734819,259850.13176323666,2.4790074523281755,71.72662509712913,2058.479138677364,123.68847235415416,348.44572576895285,28.369972208928484,0.2308237007350828,0.19538518689275633,18.736942257835615,34.50704245662313,5.042747857514849,10.911110654194504,2.200394876482194e-05,1.0839479355532595,0.13487257793281493,21.656504790688736,43.28354200780833,0.3711750609583567,4.742555835634571,1.6033010066721712e-07,0.0001132097967789073,0.20773170686715728,22.364885495584822,36.02069766521669,0.27123269501796743,10.017121891459714,0.0,0.00014063033626880034,0.08941968938536435,73.25618645947704,53.94189150708753,3.7965112455418892,6.816480594271517,1.9907974977412392e-07,0.0,0.22174868806986772,31.688322833850833,57.54932914055449,7.4104353129966665,6.442460957230881,0.00015293183484413206,0.0,136.74935281537824 +0.9739930117390977,0.12724398849310203,0.3881644631424169,219.3620339566469,242.81946286387645,204948.92580113656,5.584932508904482,87.501183474716,2.5012292574667723,10.582238630363692,2.620907640661163,27.587389392606724,0.42567616144151915,0.9890847848796915,968.9610425813783,98.3462029442355,0.26709386600950114,117556.27420590275,2.5497028714542025,99.89253390911985,4684.346500079265,293.97923544201115,346.4660865863328,36.5317526241131,0.15215089506026985,0.18184613555054446,19.091366922689566,48.25554736603925,2.731717529129487,16.844739025387362,0.0,0.7325114414611348,0.07739139183333214,24.84754590486087,50.77946170609299,1.1075556211886333,16.3838150342248,1.6033010066721712e-07,0.0001132097967789073,0.19664339223101357,22.23353657525722,51.7253943262984,0.3895192498619218,14.064534935887973,0.0,0.00014063033626880034,0.1760412181316526,83.95571317274782,68.74026034517435,3.9318321138912595,13.464551694850845,1.9907974977412392e-07,0.0,0.13859298852760268,54.99534921227506,110.30552348266161,6.1638218867382495,17.72220296193313,8.28352853656362e-05,0.0,193.21691095393544 +0.9157080063135554,0.14862636754798228,0.38105939035199443,225.54262507546025,179.61976045595972,301062.89647805033,3.9373260510257237,68.47958664967179,1.0263151454173447,88.99858357530718,3.0064691255580276,8.443150376807678,0.48701728016242923,0.9511373638349327,680.3355447245464,97.9119340349998,0.12569011592432,185460.99267845188,2.786448305428337,76.30268132537206,4727.928922962805,259.5852394876572,343.9056885478426,50.931363999137226,0.15898037639929602,0.19914895102713837,28.231275387954582,47.88675074954926,2.8750059466818314,17.617328005602353,0.00010797533794665201,0.992143566450401,0.13645961025176026,24.200861622829677,47.52039678322223,0.44963575595274685,11.873252568857293,1.6033010066721712e-07,0.0001132097967789073,0.20931507424783422,28.32125819712522,55.79469424980478,0.27609020920022165,12.894189125817944,2.0142207633159016e-05,0.00014063033626880034,0.12612563452192266,83.05386893790752,65.14065939056918,2.820887260457722,9.388946423827726,1.9907974977412392e-07,0.0,0.20924266472198805,38.03295734287858,74.85891838238123,4.844841867211056,12.465608925301993,0.0003143410756716658,0.0,170.12654009748925 +0.9431369675693738,0.1557067702094637,0.35852364078899673,17.513523822724125,228.9199051861824,319824.28105977725,4.525066219346173,73.55560137709396,0.28077833765741267,5.353837796521184,3.2327864858388837,29.658869844462558,0.3638144782950052,0.31541107505397914,565.3069285228703,48.6352960670521,0.15518515779521663,83966.26100791284,2.88311460173465,83.09737329876344,880.0048119285759,197.45661273941573,348.4696574817471,56.80820464901515,0.2964385443990832,0.19888590321218313,20.86619137902382,37.486458547349265,2.7701664439566867,24.910298850486683,0.0,0.8780722560263026,0.1148299561557895,16.331648422610286,34.183777578006584,0.3577136387304082,26.270625462795152,1.6033010066721712e-07,0.0001132097967789073,0.21230432007847436,24.130693402306566,40.41788144002872,0.23654311029376032,22.941526554354954,0.0,0.00014063033626880034,0.09453751098360788,37.89464481679189,32.8664763784809,3.6695183521061367,11.581689806034847,1.9907974977412392e-07,0.0,0.21086465623583472,10.071971292219473,44.30069638447428,3.3570737913907727,33.06790244524325,0.00029957623920963107,0.0,114.76108427865277 +0.9708625481696318,0.18835569563031354,0.3272435912852707,249.7908181997988,64.01168159029056,305663.14934902947,3.022750081047372,45.6976189015993,2.660188716871197,96.37939461106501,0.41636119318548825,19.695273696001852,0.3493984501098382,0.9692255136398571,756.2213855312903,20.84379714018335,0.24507148795662728,174308.60638371314,2.9306152434865576,80.9249020254397,3667.5764292578397,136.82453398638506,343.22590059415785,51.49298198287726,0.15819505425220476,0.1932190158943538,25.849932812988015,49.09730211505514,3.0265593424388597,17.230434791680356,0.0,0.8546484546043095,0.13274847097388742,27.56412206243408,55.508742629501434,0.22386492695985483,9.861076600364479,1.6033010066721712e-07,0.0001132097967789073,0.20550628748239344,29.867690754089843,53.05173404507852,0.243533845021899,14.491968228514851,0.0,0.00014063033626880034,0.10951212982009417,89.1482263756356,68.88276684253756,3.7666421759867275,12.158986222809522,1.9907974977412392e-07,0.0,0.17763216952891883,49.86919179959435,92.01882454623474,4.796136914299607,9.381521916039215,8.718544758599823e-05,0.0,187.51081033035922 +0.9680690148835205,0.12053138810752159,0.3484934895278441,130.626650679741,75.464925668685,335531.4873079385,6.25690393121118,72.27393771813239,3.2897869286499395,87.32374870046016,4.898556601554744,26.029152126952553,0.49850849776142175,0.9209610893338335,639.9629179081539,99.69122987144456,0.28157003707543427,266183.60780876415,2.8630862936718495,46.68857992203885,3566.088451655388,294.9287626495488,344.6214752726068,56.45919790823123,0.2362796347541779,0.1915203597090672,29.945762353708876,53.44982550691165,3.141912838411199,14.950665784799558,0.0,0.6805848826441755,0.12565011376815335,20.054188732120497,41.257613684885925,0.3751143624202106,8.101904501000112,3.920604500067151e-05,0.0001132097967789073,0.2025155264399233,30.666482138867213,55.787190997101995,0.28031037237348466,12.293824647484515,0.0,0.00014063033626880034,0.2830617492114791,71.92607569974628,47.75965449756361,3.2991298902911015,6.502732876360875,1.9907974977412392e-07,0.0,0.20127483218330056,40.37532854522738,73.72626163266133,5.084245248327695,10.791639176970657,0.0001876837222920986,0.0,158.3580111685875 +0.8199071176221298,0.15523392058024932,0.400801169700663,167.48183554324848,121.48360139992892,167247.8473872636,5.820175451918076,47.30007913838019,2.108191850390926,87.42903381390379,4.443978684659438,27.435821970488067,0.3643637918862129,0.9300402094133668,695.6278489494408,2.2721368536780417,0.09671602112444017,55886.85363347062,0.6261324746014106,71.35238825342788,4418.831092871711,263.502965618853,310.9549546315471,46.6151022927392,0.15747407459353732,0.19548412086961434,5.050639469696996,25.33208881137928,4.341818733287077,61.80951452290736,0.0,1.1071051091422128,0.133943196529521,3.989292121449644,17.72068531522991,1.0185500986936307,5.803327389866715,1.6033010066721712e-07,0.0001132097967789073,0.20437851825988765,2.9334046464401236,26.86175323992516,0.38455876199184175,52.00446064542662,0.0,0.00014063033626880034,0.11730561815261148,24.709407104647163,32.218839200403316,4.5163213920520455,9.82576804033159,1.9907974977412392e-07,0.0,0.208386686766174,2.997812717673962,28.37211117849238,7.513703882535104,13.441043992426899,8.599304034440218e-05,0.0,105.47003301823032 +0.9381947553704023,0.22027855091691212,0.3753521335390456,80.08959644472468,221.48230767509392,243409.28001929153,2.604455652092227,72.49594591748361,2.8911705331913073,54.30981541339205,3.853340518994746,21.751555647745757,0.3067685599012074,0.8381182752710827,420.2877677596259,41.84437711120516,0.07539383105975686,91279.3619796877,1.416344665455681,78.46223436689716,4343.709389883979,135.08793840977455,343.1222075939045,57.86648241672299,0.19696100823499568,0.19575043845739162,16.192665592334226,31.69418553175609,2.6818217800011066,50.250488519577786,0.0,1.1688507506655899,0.13158100404817452,17.57632406397798,37.50666144341371,0.2163942576963106,9.032530537340564,1.6033010066721712e-07,0.0001132097967789073,0.20603091845957103,13.165753139953315,29.8784384701576,0.2433939324088109,41.15098153288612,0.0,0.00014063033626880034,0.12114039035565322,48.361626767182756,45.86602860749389,4.075098450551987,17.664056919614865,1.9907974977412392e-07,0.0,0.2145264078380375,22.145085952080724,43.82410547204464,4.353792796024362,20.641948578398214,0.0002718890635913141,0.0,126.43002392596473 +0.8808819103464891,0.20997273638617506,0.3403848624222493,12.64573078207184,127.33420663343966,125205.72558467618,4.312599919300693,16.565408568867348,2.543757984463055,38.94843871024443,4.510569202501637,26.078401510033135,0.31245495610620205,0.7313962231595887,964.979902277373,7.673251074076838,0.2340237352013563,271883.1506662077,2.3678078038289962,81.43830157373796,4401.430636474301,298.37301828864116,342.91551953014584,55.00926189616037,0.15813205972040498,0.1940072468847876,27.707671481744242,45.17443508623988,2.5160072512623826,17.192490562379984,0.0,1.3728859205414514,0.13118406206431046,34.70176205983872,60.65614466675212,0.1987831040431659,8.57509329171791,1.6033010066721712e-07,0.0001132097967789073,0.20862413454732032,29.929810440377295,45.08859603453539,0.2508988788839063,16.197509916248237,0.0,0.00014063033626880034,0.10770963472068383,96.04750508633768,67.32904904151758,4.847534287739218,11.95063326983638,1.9907974977412392e-07,0.0,0.1983662929237513,28.287510504298826,78.50332450473138,3.1326674177509983,9.682471523402777,7.313462804450365e-05,0.0,179.58758146593345 +0.8921754062001619,0.23195757903221534,0.44493206263403906,166.9253987849373,226.7242677479086,269887.2935786481,1.5860453266548658,62.792600389812904,3.656106811506385,86.30220735659229,3.5378579848310485,21.117179478241596,0.48390163558318183,0.9754213210290898,669.5416467179703,30.708481339023592,0.17691461005230236,143759.85971210475,2.690383933282514,94.84360285388803,3261.720678196708,260.78756560122093,342.20385383076734,59.161972857386104,0.15721783106427853,0.19110805353067029,24.36337924482742,50.852291152565165,2.6133851534086654,17.820346754995313,6.301291356821604e-05,0.9928701438552,0.11484112769361064,30.848910215468827,62.09807387280065,0.2869114990712509,16.011465748986264,1.6033010066721712e-07,0.0001132097967789073,0.20347171537814274,27.997553195148846,53.70858006997014,0.23498291574536634,15.603341066693915,0.0,0.00014063033626880034,0.11443479917178816,86.192410801687,70.02391899612022,3.9342090372383005,12.594052207620162,1.9907974977412392e-07,0.0,0.19080744873030128,46.12945261825245,89.29479353984874,4.310741087533557,17.92438560720975,0.0,0.0,188.2265704791299 +0.8239662122308636,0.11534917428396595,0.3643833299025113,34.71270260994552,207.1932327378389,278729.50794883555,1.675137061592223,94.03106880368507,2.8979046709223852,41.061130209132706,0.27193373525156117,26.06261990735065,0.3875178326252801,0.9383784122744231,55.92892137677061,2.2362704081640103,0.06961447662581975,73793.59640134731,2.1803846987429556,82.25393678854256,3070.25911542185,261.2969428759496,347.498824579709,26.298603862243112,0.17654396225012864,0.19105579673828135,14.070708132117547,36.07623505372889,4.442565998820415,23.85787489241441,0.0,1.402944181867735,0.09886268319329018,34.92737072415705,65.1816183843574,0.4599441363000368,17.305336684200075,1.6033010066721712e-07,0.0001132097967789073,0.20083856215541704,15.647603133112323,39.28705425897315,0.23978479988588644,18.564933127423703,0.0,0.00014063033626880034,0.10012470899724028,73.58926518466522,65.00448749866054,3.9278622271886094,17.25219069545424,1.9907974977412392e-07,0.0,0.18003925753659558,41.27654944567013,82.58558743148753,6.042025076628454,20.311745227374203,0.0,0.0,170.05596729786242 +0.9812596192216655,0.25061185294322913,0.401388440946597,227.12938689318872,122.51253401287755,217958.55838375998,6.361304266619637,75.71552550028966,2.1477592622371904,24.5018405021036,2.2986399741541046,26.12580948339198,0.4924024092806398,0.866582464139343,824.4908746303826,17.892819734528054,0.31971015745322046,58403.06834450559,0.7060825269418167,36.98117580036975,4288.91466130599,287.21183815466236,345.818888725224,59.09244105739763,0.2868224545000913,0.1929690894952813,5.610707567982121,27.702449909661382,3.351564260938224,71.02771917559765,0.0,0.7798742482265538,0.13251917676036049,11.111635891193668,29.29572323125595,0.9380679696440809,10.691433092581772,1.6033010066721712e-07,0.0001132097967789073,0.20530436003791666,6.234257806089979,26.755050671063042,0.36892792961694665,67.72941353557687,0.0,0.00014063033626880034,0.10470815456181938,29.41641722865288,35.41420988734359,3.2560487311687307,13.713712080083726,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9895221424092815,0.20695356051520547,0.3669477078716804,160.14825349888508,46.50062024202227,225062.68156243267,6.5063514999783045,62.26201035379459,4.696496118359604,28.98447896750163,0.8856859968690407,25.534229219024986,0.3408041164759671,0.7452525917657578,528.0703341405991,48.57090177825773,0.25353100778801585,85416.43333256344,2.7528937381982668,63.75972052427767,3648.148604375648,245.64306464945705,346.2217685523636,58.92430008446626,0.20815729483459755,0.19524290445192763,21.671074346851867,40.844465052833954,3.1068413922060674,25.32283725942248,0.0,0.7507432626159516,0.10129583390087712,23.60291070408952,49.863764664890226,0.574473550327732,17.446498655449414,1.6033010066721712e-07,0.0001132097967789073,0.20161337511411953,25.639294213265877,47.16864543714846,0.3277372833793118,21.400209998046915,0.0,0.00014063033626880034,0.12375897389639293,63.1394622130651,52.036729785774675,3.9822140583526315,12.275797900231545,1.9907974977412392e-07,0.0,0.1791435897510475,41.32596485848908,80.26108802991139,5.086125304700783,19.730302290486243,0.0,0.0,157.80949074032335 +0.9603694178986925,0.2060318624715834,0.33101631957466604,86.8910915301166,229.194256935049,269380.0189764705,5.348020075887712,76.22981698099653,2.353992109604769,83.48735274581402,0.8271457345226865,19.67473332244035,0.43304784537288177,0.9302806039903464,785.5344548945535,34.64771696945431,0.26904473464019774,83974.76865098832,2.1637000375233826,78.96408826742577,2822.7180086796197,177.10911180606865,344.43775841493425,56.30642028313316,0.2609130684504538,0.19284469341141086,17.253715833580177,36.526078484338214,2.977372630181688,36.42852509172789,0.0,0.7689179688697396,0.12306501586902246,20.72220073905882,44.87719904206276,0.5053922295195834,15.42871128692725,1.6033010066721712e-07,0.0001132097967789073,0.20548408438601626,19.543986700828487,39.2580002601179,0.2934309448658079,31.554177963742873,0.0,0.00014063033626880034,0.11019645183903981,52.898353519632515,50.000539766813056,3.3462088872174425,10.843619398773972,1.9907974977412392e-07,0.0,0.1881603546850133,33.65732258117603,69.34360950136325,5.111222176716675,17.46377774951245,9.316141327440704e-06,0.0,142.36781480673713 +0.8941901234477276,0.1424751904553836,0.3306959692897799,232.6758946746955,175.28904282462182,313190.41644534265,5.4341078989148315,53.75748729659291,2.597106243140602,54.37586446082921,3.171209716322636,28.691451434515244,0.4288792399470066,0.990021898861719,648.0277377516884,39.66509307362934,0.24924490368404173,260274.63020971222,2.984760285324852,91.44781655533308,4390.880724878894,265.23548612338186,345.04548221763,56.972962768592936,0.3180633380105276,0.18904896491342946,35.95729412835055,61.37754214351696,3.2728824490110138,17.084464815043866,0.0,0.6756926532471322,0.09917438405793533,21.23932380279722,38.96831862172531,0.645784437576733,12.895839947509742,1.6033010066721712e-07,0.0001132097967789073,0.1981751783045077,36.909726992212406,64.33790419977127,0.3110312221304122,14.939812051725719,0.0,0.00014063033626880034,0.3553217539014768,67.33798239011861,36.87539696031817,4.440516535843123,27.2372334168157,1.9907974977412392e-07,0.0,0.14259424159311904,47.285747910361025,95.42152039985221,6.1977020040932445,16.377073244569022,2.95900586191996e-05,0.0,177.56229276767598 +0.9785026482846287,0.21131626397526823,0.39651732440676835,243.22852973240595,231.67584967062507,233617.40963619557,5.086626425984546,60.57703151734063,3.54789469109135,96.72759965355671,4.75451900358869,25.272288985464062,0.7776969530867561,0.9321444093762686,902.9855601718663,98.82497849559948,0.14506044113618222,143778.4304470127,2.7519939673895113,99.8037732287677,4788.442436747487,266.2596639127947,348.34998729697577,57.825200231162476,0.22965790518752788,0.191872033329698,30.017773401005208,55.10048822347023,2.755961768643973,23.74115793586325,0.0,1.0305915069696494,0.09272245797355694,22.534558645821953,50.153900512550365,0.9299048483918736,16.512501269987958,1.6033010066721712e-07,0.0001132097967789073,0.19147430931217807,29.769456057684103,56.39567286868336,0.3576293825784954,20.22385696118348,2.4067706779359043e-05,0.00014063033626880034,0.2660655152447196,72.55983905272791,50.152572558286025,3.954689022284428,16.584806773826543,1.9907974977412392e-07,0.0,0.1546399213871958,40.47228585557726,86.36712146839045,6.021629671370147,23.05855958281477,3.704405263278262e-05,0.0,173.25798245411724 +0.8274880410837213,0.17403448905542224,0.4252756058693716,137.76112248109263,64.32417385972309,290366.00062183733,1.7546885815851732,87.59284486294035,3.2682648844026847,53.85211237566586,3.143017881798591,18.47867212395556,0.7952540886159651,0.8675522838667659,176.82214111463597,60.99902764854013,0.3456490478934348,283686.0209318221,2.5471189677610413,99.19057929924075,4175.282939179856,270.19826435646314,349.44907588962167,56.17135440368054,0.1788613762671862,0.19540059074069,29.779329801640205,48.25065259770447,2.9289502935473166,16.003157749696996,1.6858917412170917e-05,1.3245977621124212,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2089265705834903,34.31530057563344,53.64266295281425,0.2346181491196076,15.487286844337047,0.0,0.00014063033626880034,0.10417877069152616,83.58033520423764,67.91104434927735,3.588889690418563,7.649954739850441,1.9907974977412392e-07,0.0,0.22556493742851644,19.408979994446316,63.4542278520524,3.3205249735341384,12.620341980064884,0.0002610511895001429,0.0,2698666337285.8823 +0.9178202491746751,0.18168730578585798,0.334763516025447,89.01533804212409,208.8582982672293,187769.0143106038,6.071657697997235,93.46644103476481,4.711421765941415,37.93021018331824,3.9286796517690337,8.430625608942627,0.3276818274750938,0.9995678213703054,414.3628342294107,46.585119903636816,0.06317650877732568,242427.37302042765,2.7808561049645815,66.94987672356899,2033.3499032964812,263.4309716848697,339.5721864578392,55.028606224778585,0.24058595881804487,0.1999060202881173,40.020067864959216,55.604538531486135,2.9558794355372293,21.90567759238946,4.5990489458136034e-05,3.075036985139294,0.14035171261514304,20.881559970153727,42.36460382023879,0.8705180910223286,10.55619953955117,1.6033010066721712e-07,0.0001132097967789073,0.20992682486068306,30.284196070852193,53.99301968373197,0.3598711026465369,12.781608016048445,0.0,0.00014063033626880034,0.14628408018835476,77.1137202261434,55.85137235460481,3.4096996344959645,4.9170188303220845,1.9907974977412392e-07,0.0,0.20983624087208524,34.2830770314149,68.14063793218595,5.581402791180202,11.515191743716537,3.6914570331529046e-05,0.0,163.13948611129186 +0.9540109203368426,0.1560713701483979,0.4001980743462748,193.99613232565653,181.44343868794323,266279.40399530507,6.302362338511116,7.211064124211042,3.95665185166592,68.9892038899463,3.3374784296863638,27.711320304984106,0.588484566147805,0.718271496428706,213.40399527863104,29.01653003439405,0.060330043736396846,92274.90768324744,2.7630445640826267,97.55847945577663,346.8154777259647,224.51828526293798,220.7610110175592,15.300912551465395,0.3454926559228949,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.12154835944269365,2.1772267463847688,19.298496321903546,0.8520294890305303,22.293136516427754,1.6033010066721712e-07,0.0001132097967789073,0.20702427269470164,4.176430575194698,24.505127449528665,0.3491165661812242,6.154227400336636,3.429510117636787e-05,0.00014063033626880034,0.3432282799046064,4.551566414992334,14.157960332870548,18.798950780494135,59.7572404115622,1.9907974977412392e-07,0.0,0.13520523409947116,6.3950187635874025,34.358397660979634,9.054053007650698,50.521838691544204,0.0,0.0,2698666337285.8823 +0.8282503445971311,0.146028760134693,0.4286872794096872,207.28590831155375,64.32417385972309,320285.9942597237,6.148375151392443,93.11238488573943,2.0094511655420955,89.1669440212249,2.3558308380667867,28.241095220092063,0.43126344465861,0.8190321507127244,239.98470570830787,60.99902764854013,0.3113790453385731,278401.9167892791,2.630528475378001,98.29641390118026,3745.664267800057,12.767564950441454,347.600571172207,24.947769994282957,0.20331077186267002,0.19451508424611663,14.419727442087037,28.932341840972487,3.6066222602235682,5.6225200851065855,0.0,0.7929379907959065,0.13263358379404078,15.271077633659141,31.927117163958687,0.4111445750160982,3.649899867797105,1.6033010066721712e-07,0.0001132097967789073,0.20756069050427275,16.16637374184471,32.384891136090836,0.28976666407700663,4.246699728756153,0.0,0.00014063033626880034,0.25200176992347756,88.02490709318286,55.50414907566592,3.6197873721145775,8.21420101183556,1.9907974977412392e-07,0.0,0.21723797376209833,22.91265887334574,44.01013302821069,5.924867488049447,4.74012649444079,0.00033180518569731236,0.0,130.82003446705812 +0.8080782546860883,0.15716794095575592,0.37991877995263607,178.64170322573472,130.33018731062657,116052.16341591095,4.099278200291019,74.82157479615674,2.8293359205459536,52.397285638777454,2.395387024744962,20.24661876045754,0.32915511800226815,0.9913035967769469,342.97343434448794,80.4557461004754,0.27809569428546876,70633.82769195404,1.320816904303117,91.76468487311516,4151.890068092995,261.6944043404478,340.72726005214986,54.585961754974136,0.24639367642597756,0.19334437905328555,10.08473312601548,26.863168792981227,2.828352262636814,50.32040529637192,0.0,0.9548540118847052,0.12553926673714613,20.575435215174565,42.87084939558261,1.0736983268577738,11.561638544888444,1.6033010066721712e-07,0.0001132097967789073,0.20572305511719707,12.89443370229604,30.77573799228199,0.39333705315574546,49.085555571054066,0.0,0.00014063033626880034,0.09182051833144377,54.15664012273425,48.2616627103228,4.027849130198827,15.776799494636688,1.9907974977412392e-07,0.0,0.2075618255812892,24.22058597172992,48.236178382243494,4.919911619391762,22.4263837376915,3.046287616133518e-06,0.0,135.09755486185847 +0.9383173914097755,0.20090050700984358,0.3677807059035383,116.24747181993227,246.65514092153194,272991.1729289623,4.790523136807984,40.00070092082794,1.9780153221305294,82.78486413656015,0.6842142191803342,20.216963787228266,0.3943129565510981,0.9336283992505345,898.4131359635481,52.12142550239253,0.07160466655088557,79590.64524392449,1.4346250331316308,49.73336206016449,4237.166882538397,69.90039894051284,349.6040927492532,43.577369552333295,0.26021687718957315,0.19876343185888992,16.91827325066514,29.7341703645338,2.8626080483201313,55.922739040195786,0.0,2.42294913033553,0.13364760334457623,14.198043463521069,35.83846215948013,0.5286644926606553,8.454680564347928,1.6033010066721712e-07,0.0001132097967789073,0.2074598826647771,10.5837099557233,29.454891131519794,0.29348116871417157,41.2543100103032,0.0,0.00014063033626880034,0.1176649357293168,41.32073656621432,44.684975248869286,3.0942117080864096,15.861231838333923,1.9907974977412392e-07,0.0,0.2103771209553241,18.1846862839252,42.37006835551816,4.9284775947152575,19.10076486689623,0.0,0.0,122.60348164620827 +0.927346318162511,0.10392174916645056,0.34287070251765456,219.14892696929095,72.50651794980196,114365.89492368685,5.754139367088556,12.664775538953414,1.7214066977958666,26.448825270785086,4.662294862968131,20.773070938864706,0.3866419974266789,0.92704171118196,763.2035106651113,21.172264881113996,0.08232055041296692,138083.94763814565,0.986340168307219,68.35878501446886,226.70676764442373,221.45112404585518,347.3720437171058,32.86146183685889,0.1507253569909941,0.19606893982599768,16.213240651045197,30.70112831199836,3.415066083362068,39.55012260547817,0.0,2.0179297974803516,0.12999374994751195,12.524762442991836,31.316252619366182,1.2155012001754284,4.959483042946559,1.6033010066721712e-07,0.0001132097967789073,0.20511100736550014,10.63464101034879,29.863814890110877,0.41913395281558913,31.450367671569495,0.0,0.00014063033626880034,0.1369708200820543,50.306985919991554,45.34299914144901,4.649010518038926,19.723009643484957,1.9907974977412392e-07,0.0,0.17796802531779038,10.81414785896019,42.18138122215413,4.800575999558799,11.028694006840153,5.519763360461637e-05,0.0,113.93727203310581 +0.9172782754270979,0.22452664834540043,0.36939032379374526,199.9341939554349,211.05540215469694,266316.0619337905,5.753496593620053,80.85410758826805,4.970825839718997,95.59133430284122,4.198894038192649,22.16633056900816,0.35160225104291165,0.9848826986819175,698.5082275609992,66.19384095473099,0.3450901007726268,70664.22547405085,1.5165603230265055,70.90077460393691,3861.634122187558,74.27953698431787,339.56740934038885,55.30418591624224,0.34388973953700347,0.19221508103079846,10.045866418149686,30.098547953629872,3.0469140174106863,46.12664940956841,0.0,0.8453598612061948,0.13380449689325932,12.26516553660419,30.939368412381622,0.8308205405963758,8.334900844764338,1.6033010066721712e-07,0.0001132097967789073,0.20404973739483595,11.62288674764895,28.397358326666392,0.3430927320942709,42.815410918809526,0.0,0.00014063033626880034,0.18018465319991991,43.81829708698754,41.76652998145216,3.462356928367959,8.887616336476317,1.9907974977412392e-07,0.0,0.20053667893211397,18.881395251772226,40.36429134506562,6.165489393568702,15.305053127727096,0.0003835923580736344,0.0,114.50240325734836 +0.9360661718223868,0.11336316022820729,0.4236766315391158,95.81381188306243,44.292698521381254,181902.6684003285,6.04633107530857,78.35443011449965,2.9683098693331624,47.28520354288821,2.04155130320337,13.326505870719284,0.37495799709997973,0.6052961981729995,412.1492956359486,25.109379531312914,0.10869239345381988,58337.98920108084,0.763704040886009,60.382032347829984,2296.095565732843,269.119856780459,319.1920580846693,58.08778073396374,0.32808522832395537,0.19984229830161399,2.7388362976033265,22.562369255264475,3.2007233617878037,53.26397482178211,0.0,1.3332259380641067,0.13972451852869716,2.678910670451542,15.92537303272298,0.600809661667126,6.319562980068264,1.6033010066721712e-07,0.0001132097967789073,0.21191255921342167,1.6186461870366051,24.77783132619284,0.33357084362624895,44.12770417299362,0.0,0.00014063033626880034,0.09291155729947947,14.175784180884758,23.170497802395673,4.558053221499877,7.8349574420611,1.9907974977412392e-07,0.0,0.2147257348290324,0.7493933485382557,19.730333510697537,4.452825504338357,11.756744537400156,0.0001092541289351444,0.0,87.17049934568043 +0.9162158935113982,0.16453324757899965,0.3631242353184989,65.97992360511712,249.11920938038753,279020.0669240884,4.355337030650167,71.50815527701357,0.3645056373713597,46.45012998970766,3.1455623329053894,12.841589358173545,0.3680967204173565,0.6286307946443584,884.6194203906671,90.49005582161593,0.18118927897948828,133867.56166727663,1.053621171590313,49.091191780314325,643.295973486431,298.61604438128506,349.5386026652927,56.10227849256705,0.28835427476096687,0.19990263923130383,15.07762971367598,29.758732009442845,2.691729395789843,42.429012881042254,0.0,0.6368999088975879,0.14140611999280425,14.601625413101445,31.847730052764444,0.28283876851108514,6.022668336396342,1.6033010066721712e-07,0.0001132097967789073,0.21271305411198507,14.53772530889336,30.99078467905256,0.25783059054496604,39.634905845940516,0.0,0.00014063033626880034,0.10035730753068783,33.08151646414241,32.353790817332936,3.6770951497990607,9.256484721440897,1.9907974977412392e-07,0.0,0.23230447450090055,17.829896318300907,37.77080273960127,4.323004261016898,18.337526449569342,0.00024211046311669354,0.0,106.14807036600004 +0.978356062502409,0.22907014722189945,0.361750648382445,208.68090700925316,135.5736853794368,289488.3449187875,4.171066491505657,60.026534061380154,4.493546543835757,49.425842655594174,3.6484536069059934,17.655948127917092,0.39346710190546097,0.8057475837718031,319.2087893240298,7.5610012747944575,0.17351975476727166,136505.3269329419,2.7556694415540894,96.00358919442898,4961.032153071044,267.01668938694905,346.17792804537754,58.04057197499115,0.26159308793093483,0.19222238061875274,27.06041099651767,48.37310900387629,3.985920322586822,23.29072964522898,0.0,0.7465215555558885,0.10799501892269354,20.517109046281696,38.265048834763796,0.4260387584587975,16.982591799265066,1.6033010066721712e-07,0.0001132097967789073,0.1997484247005578,28.65644478248233,51.56965989490889,0.27754424412145834,20.742822624502672,2.289903437093629e-06,0.00014063033626880034,0.23903951125377967,65.37342516693656,49.789504711391274,3.733882484718508,11.516826859159025,1.9907974977412392e-07,0.0,0.16688792592397467,37.79838998231127,76.04680421846362,6.384390023634113,26.260269233184978,0.0,0.0,156.7082466358471 +0.8161601615517764,0.14827121301936327,0.33926349514541965,14.072950182932402,201.56146849728657,260413.3413747838,3.285836259433511,82.73444371389192,2.9274744728565025,9.976396189236278,4.166794268834023,27.021396108698998,0.3748217759402016,0.672895579157306,126.85511680754887,26.877755471569277,0.14658168189846316,86393.74194066091,1.0285184949692803,92.3968078665968,2784.738854972104,264.11827829768606,343.6368607075718,33.71755030380305,0.17354701382654514,0.19750815941983843,7.535389501075078,25.15874910180137,2.8760819561561037,43.809114278385465,0.0,1.055362644785031,0.13575876265766085,17.70697564518604,36.50998885823543,0.4191255185629361,8.851399235533728,1.6033010066721712e-07,0.0001132097967789073,0.21004942819488814,7.947453145905079,26.4460744569818,0.23840789502907034,41.7083064776451,0.0,0.00014063033626880034,0.14709488787115527,49.46958440986375,41.364135544757964,3.7525062123660047,19.408756519543385,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9598615126089727,0.12052044519956079,0.34835181922070785,245.45180793665037,134.345379091371,273766.1330258026,4.020447658434986,21.895021328978263,3.013202575010674,59.51741893546482,4.983344651756326,26.134860749378053,0.48239784345669495,0.41255619474285676,692.9988001289565,29.928588000723273,0.22104858576502864,121615.8596345902,2.437966068474802,76.25275128089578,710.7847382759898,298.59225923119527,341.72723260721585,57.854922812408105,0.23270099346925308,0.1980813768018072,19.565522832922596,36.50306987383803,3.0395370827942134,23.559160876844377,0.0,0.662477528814944,0.11847561999354105,17.37789886920801,34.97320237165577,0.4632739269562348,18.883340205062353,1.6033010066721712e-07,0.0001132097967789073,0.21014776804493393,21.58456092436183,39.63702231810904,0.2835486505438727,20.24543884498089,0.0,0.00014063033626880034,0.11841570942592686,55.23581730013006,43.9107808774997,3.230141663096976,5.262309966908778,1.9907974977412392e-07,0.0,0.21721523201603254,28.41468794732034,55.28012608754816,5.111766261275875,24.16903637952274,0.0002770552616511522,0.0,126.88517560883881 +0.976155834589488,0.1494945201310576,0.3682601096503353,166.6996715435515,177.60262682375821,338962.57369318674,3.388387870075473,23.720422070252166,1.1509079063251093,77.04906550342943,0.5806536580057379,12.701184401339692,0.3767617532870579,0.7866909791869514,577.0629090886667,65.4349343085528,0.3381076599980644,100766.3215183909,0.6621614266830442,80.34811460832292,528.99698015386,246.2241148002509,333.53008731848035,51.59570908109566,0.18319531951435208,0.19648515501227304,5.462869159360128,26.479229435150923,3.0000231631823846,40.568631419861575,0.0,1.0431884844333907,0.13834872377837668,6.357624359134797,22.40086321060466,0.24356255032494484,5.527551000064297,1.6033010066721712e-07,0.0001132097967789073,0.21066655663401002,6.124216680768132,26.617612477051246,0.24834321661111522,39.89946955274471,0.0,0.00014063033626880034,0.13958734637661735,32.37101210955943,34.069908536847436,3.149736598878266,15.977792210053202,1.9907974977412392e-07,0.0,0.2169338791576455,8.416271647092666,28.77090818681273,4.6944751528294315,15.83497869820834,0.00015840168615994778,0.0,94.5682955446754 +0.9278353475467559,0.20687149558572906,0.40764109286135974,223.88632945693752,240.6923642553353,307252.0047199917,3.136135485716337,41.47820021082382,4.70048323770926,91.24110860976118,3.027545449695734,22.56023769639694,0.3697254846498232,0.92727105222304,786.542386193985,65.27265286056735,0.09994167488703234,66738.54536993231,0.9357910182817136,80.4602780675046,2438.649408388583,272.9140311121779,348.27470845424017,52.98628328329041,0.2635824876020695,0.19625867069495495,10.582324507044506,28.081267560774418,2.8326761958582605,65.72183360233446,0.0,1.1526414690890168,0.13377303691209444,13.13727447827771,32.616970765152374,0.36043549595303365,9.849949134549508,1.6033010066721712e-07,0.0001132097967789073,0.2051653604757637,7.930774775470324,29.29415405191576,0.25839083732145796,56.347420553510815,0.0,0.00014063033626880034,0.10927142524357912,34.20140987529788,39.11040694445933,2.949881402984459,14.88388794674926,1.9907974977412392e-07,0.0,0.20344195206429505,18.416743421032898,42.86566258428359,4.632649075696241,23.55635335163391,2.178149762540199e-05,0.0,127.83486783196297 +0.9311427391978108,0.18760944021702491,0.41460831802738674,208.6330122183448,216.09054446576997,258156.97126209846,6.986775382846851,76.36123026409292,3.6645342933561458,64.94340515730018,3.150430122335897,24.877913592009662,0.4587066639422849,0.9977694276564166,919.7687232132705,92.01881265582504,0.3234539435981392,210098.82352397917,2.7021072409825697,91.0334735933559,2652.263090397558,275.93855522229904,346.048948670728,57.08318620905932,0.3327371904409191,0.18787493410902337,24.47840108264142,49.06005418194563,3.0163258556972385,15.695785011905121,0.0,0.7343245983419882,0.1258058429910001,12.459922981829125,30.273841296065612,1.043991043323403,12.269773487196101,1.6033010066721712e-07,0.0001132097967789073,0.19522399909488428,26.551419724305045,53.909917345810946,0.3792459851693119,14.35644315278175,0.0,0.00014063033626880034,0.3553736520129865,44.48008213651607,26.88872037989205,7.8164030832756755,40.80588318435499,1.9907974977412392e-07,0.0,0.14805367442726017,30.243497577462772,70.96890426038762,6.835360021715106,17.801183412245408,3.3694939647640356e-05,0.0,138.00641441928553 +0.9386909392441405,0.23795847724392535,0.3742901082070382,215.06164485520569,246.65514092153194,272991.1729289623,5.560414117507194,40.80159309906062,1.858914512523245,63.48709570042611,3.8926929026948707,19.803596683145877,0.3943129565510981,0.9275033330465813,850.9981811349879,92.1564008638871,0.07160466655088557,76921.95021455466,1.4346250331316308,95.1271344196786,4257.592041180874,283.4157668433696,348.94896736404996,35.944696516729685,0.261336833584065,0.1993564757631067,17.587180091658645,33.168106568748414,2.9299855875861667,52.90251834312124,9.745479617256576e-06,3.188966283859794,0.13039478245148417,17.280674927335458,37.9488764142656,0.8508349496243373,13.622983856782206,1.6033010066721712e-07,0.0001132097967789073,0.20712538168170025,9.638729341203025,29.223257106499467,0.3436311150968598,36.35937943522923,0.0,0.00014063033626880034,0.09888379464765122,50.82864924664079,49.071986425164255,3.8365973348180304,10.395766421526114,1.9907974977412392e-07,0.0,0.18359612404786646,27.061712519685262,59.290901110445866,5.958834010533221,16.198868276754695,0.0,0.0,134.4661378129741 +0.9634404876220203,0.199804422547357,0.44720847119214985,140.11707709032146,68.39032811861969,298440.3856060886,6.272294037526515,73.28741889292994,4.513122048958534,29.65652121384127,3.6629985279734143,20.716589155551382,0.5012480119253026,0.9134973639073464,948.0538743680937,64.12531348098496,0.2875699941459435,85735.95696719628,2.950052324043181,86.37418465869911,1484.5705947195463,188.55492650600056,259.34215640943296,33.519560433358805,0.28750223936986075,0.18798929753554014,4.856768240054069,27.302576039580202,3.0641875800715415,8.630007164033975,9.1235209539019e-05,0.6914183577555502,0.11912931944315051,2.0513710018817,20.434328139040012,0.43770070737746536,21.85322176249838,1.6033010066721712e-07,0.0001132097967789073,0.20758411183625716,4.358980466824902,24.359003714770125,0.2943866257081211,4.375666223390345,0.0,0.00014063033626880034,0.35312618472238605,13.61259385799189,16.449932902185733,10.299288175294278,50.058509054774085,1.9907974977412392e-07,0.0,0.12978003936309515,1.904208662654234,33.98535679735225,4.848254447397059,41.127337457916596,0.0,0.0,91.24770477676202 +0.9480794652611424,0.14074930684858414,0.3350719987235343,92.17801641576436,53.07849171419322,349931.36311973,3.832178095537561,36.03569062798299,3.2168941152829875,69.188899336583,1.1575383731650015,4.656443129076351,0.32882277334126386,0.9233374305130626,158.6157161881859,59.0176120842879,0.24355246699154487,64515.15360833231,1.2834593817821174,84.75273728820179,714.0376975069184,85.71123204164171,289.1749963856706,32.455228343405985,0.29708451362136734,0.19898701070757388,1.4261589264767527,23.2364949918104,3.4125558139358088,28.006657750495954,1.3304240224218239e-05,0.8387052887475538,0.14235212990170132,1.3711734946781122,13.024851303017998,0.2558219010271985,4.873885800532271,1.6033010066721712e-07,0.0001132097967789073,0.21273726662995554,1.8872038456904758,23.528172898171317,0.2416079878534433,22.578777903605303,0.0,0.00014063033626880034,0.340218764822266,18.998706988869028,21.246750012383885,3.7654278208840717,12.666706735546306,1.9907974977412392e-07,0.0,0.2240729435546392,3.6220287844227075,22.61116462586735,4.699908587103084,10.786298937918897,0.0001720917832149178,0.0,65.20062169197907 +0.969579548249648,0.13230436809671373,0.39686584508697065,234.2637152019547,66.01213747479682,263911.5210492153,1.8329933458279726,49.446689659435734,2.194127797023879,65.65203721443865,0.44863354569085745,22.58239427123089,0.37580241095315936,0.9817707543225171,669.0985080310917,29.236293169208825,0.29053101639198314,67851.21528074992,0.7993598431572171,89.79504164583761,3768.4513733452504,181.34712933667728,346.70352063382444,23.62490248374573,0.31406571056630866,0.18665402491798894,0.9467334604957738,25.826864915008066,2.6461811589856867,37.420972773568046,0.0,1.2078494856451605,0.12996985419595009,3.8205086945719944,19.69539985624805,0.3297537298121754,6.670661973469807,1.6033010066721712e-07,0.0001132097967789073,0.20191167282879874,1.7131763037887164,24.850229236654542,0.23561423881857974,37.33022254753012,0.0,0.00014063033626880034,0.09559888559131476,13.665243795514993,26.141171391742926,4.0138352527951575,14.617951646990996,1.9907974977412392e-07,0.0,0.18815288824984816,4.121855797710054,27.539787948009682,4.272632950251462,15.542681724568412,0.0002539347257727142,0.0,81.68957814797879 +0.8244557024182362,0.1681047000280259,0.32536958635345087,17.862428706709366,195.22940117436207,231519.46733482924,3.850713676728743,13.01531787035644,0.7564032972306614,24.570787456341563,3.5382029021053967,13.101223409035388,0.35992831934413577,0.780760776996205,290.00676670852965,27.09651096052238,0.0633842155812177,287882.1348659134,1.2651379366701918,84.45474113621397,1750.6601196522881,221.20547725542048,316.50696850347293,16.496760272143668,0.248899338256616,0.19972215890989745,6.628063355330276,24.246668753807366,2.6942646857421595,7.513353326616605,0.0,1.1797014874814944,0.141961832036639,2.277165565046886,14.40407189215911,0.31002726392883784,3.51670986343746,2.0751945383063556e-05,0.0001132097967789073,0.2114760345354134,3.637125040283837,24.38379653207874,0.237631011538099,6.528392444137218,0.0,0.00014063033626880034,0.14954291641729325,40.933129867255005,29.472191890457957,4.106391005395092,4.915381805796196,1.9907974977412392e-07,0.0,0.22058749038668382,2.508274548584824,19.768986829767968,3.2159807246941527,4.007105417119106,0.00023029872967707973,0.0,67.68580548047085 +0.8225001946042398,0.13027702155168558,0.44776761416788513,155.68561714676903,140.8344094654417,106620.1982906606,5.603747895894429,73.8221977766649,1.391774558451966,5.445208362702843,4.274562927951402,20.362659708989685,0.3821698831796255,0.841395583242619,128.78293398203698,69.92904796981088,0.09405647490173204,272931.34017564123,2.9192608177615527,83.86320629827671,813.4550941180205,248.05684476483287,349.96438824613125,27.30496267188547,0.159878685111134,0.1987672533486095,25.66289878392854,39.27572162765203,3.0608878075755763,7.929796952378953,0.0,1.802456585835124,0.132674017555988,27.513912384024852,49.96491809179309,1.4185450348685427,10.993309296502467,1.6033010066721712e-07,0.0001132097967789073,0.20715119933641624,25.722717806061336,46.496354956084986,0.4490986834065224,5.889576097999937,0.0,0.00014063033626880034,0.10376305865086363,91.42676029716174,64.27498415465998,4.016850561466729,4.796672938657354,1.9907974977412392e-07,0.0,0.2104759407109327,35.297039238519865,65.86658162115384,6.205644600250035,8.036918855279508,1.4738548554810674e-05,0.0,163.48795610474235 +0.8830805643859746,0.14433438516860042,0.3800485109465459,142.7603529126306,183.0296544637389,133495.91030868544,3.3048470739113056,59.69550910991307,0.7390859569490541,56.73853973479527,0.25716902215209547,28.77739632254397,0.5289391176688389,0.948436624771773,283.0302739810217,31.424950145699167,0.22333327432243621,87888.75547473576,2.5056808480980113,43.07462027517181,1612.2815802158827,242.3982290496879,349.4122839103077,55.4968922834978,0.15704603089402805,0.1897167737794558,19.23836914497968,40.800006115987884,2.8969964578123415,28.515417814268385,0.0,0.9461208156180713,0.10355399212888042,34.241698660387456,62.76097253964202,0.7978966890600997,11.779748618271695,1.6033010066721712e-07,0.0001132097967789073,0.20308046630022042,23.061179771446213,48.91455546346564,0.3457849233695305,24.89095347562331,1.0612192960231158e-05,0.00014063033626880034,0.1010648933021017,90.17534443535688,73.5995091925684,4.309725909602444,15.57580568413392,1.9907974977412392e-07,0.0,0.20038704358223244,49.33772794192967,84.98422499106816,5.182779008396821,15.432178900490221,0.0,0.0,188.10496339861834 +0.9881197098749644,0.21096962486749954,0.42875536543905646,237.1255710107377,172.9518017359936,225008.19524174475,6.584735368506181,69.15226393153996,4.509077268284856,76.60876032679347,3.5535038418640594,28.01657779643792,0.7810339335699191,0.9792921607710696,873.9608116131543,98.55304065024204,0.26936023337464127,246388.43472940542,2.885352691869335,99.22753895746672,4902.253949019511,239.93251025898172,349.1345232847875,58.78156377163322,0.21966737024331656,0.192205963287945,30.448643944936116,55.492199300204526,2.888577497776152,15.410297537331179,0.0,0.7197786112317852,0.10474985464513308,20.829310146461204,40.3355790957607,1.0779500476014763,13.3329395443947,1.6033010066721712e-07,0.0001132097967789073,0.20066082023026668,32.53158885676707,59.86861096149887,0.38700263757948744,13.669831011396148,0.0,0.00014063033626880034,0.3535049240414585,74.25968181184794,42.837271638935306,4.7935485787215235,24.017758901909776,1.9907974977412392e-07,0.0,0.14440529516239564,19.221790549128567,94.78942629177888,5.284934389040407,13.18785512431905,0.00012829321993237835,0.0,169.78845734583442 +0.969579548249648,0.12896786925356105,0.4001535011129807,234.2637152019547,66.01213747479682,261385.88274431654,1.6483267844109404,49.446689659435734,2.081173373730783,69.41579229427343,0.45650006018335754,22.58239427123089,0.37580241095315936,0.6818524856412812,664.3875997825917,28.8900226660041,0.29053101639198314,67851.21528074992,0.7993598431572171,30.104626243652337,3768.4513733452504,181.34712933667728,346.70352063382444,23.503019404193854,0.31406571056630866,0.19497862996433246,1.9671529589331003,24.179866993054016,2.6166408236078507,36.061498650991254,0.0,1.2437880923783093,0.13575471185983293,3.5196251910676493,19.568761928274814,0.35849518399319896,5.99220845195123,1.6033010066721712e-07,0.0001132097967789073,0.20745935855941536,1.2575979779524216,23.279988683212984,0.23464408173444354,35.79986827887402,0.0,0.00014063033626880034,0.12103306822348116,10.396261635873556,21.85016728373903,4.049723601069292,15.772218042317869,1.9907974977412392e-07,0.0,0.2064806972634211,1.3464399225235428,25.79368973788808,4.217258255425941,15.855272480769418,0.00011779676643780256,0.0,77.07839983689173 +0.8817838564775771,0.10604015304769022,0.4070350934162145,14.569202606292421,123.98076751979227,166517.92483905854,1.9842405210855019,8.78631482371268,0.7345504932987215,85.93051960081388,0.7006426356742634,14.654131098036967,0.44948272300005815,0.6414155190564742,325.30370479572264,89.65597814652885,0.1146988286001224,54989.398189851396,0.6470490694369465,52.27151437262048,3981.840117082344,112.48086258067586,329.64987419723184,53.8401538989708,0.2800303080899507,0.1988819636605726,0.6878700770178662,23.849424322027613,2.3673004523829366,63.955333850914016,0.0,1.3206923764304561,0.1394262983383242,4.587518321669436,18.376025936669915,0.43111268121708307,7.749166389626941,1.6033010066721712e-07,0.0001132097967789073,0.21222379634684657,1.753271773523708,24.597740888773025,0.2387212468522745,59.10128243376563,0.0,0.00014063033626880034,0.15390046488951517,9.357805783532745,19.70327805193229,4.616335296076315,23.75968932105228,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9793056735772128,0.18152537846307787,0.4147963539015901,212.77954019176116,188.76884843839852,265261.83287435374,6.929225402657093,53.41983572833617,1.806613036773085,53.66040098424835,2.992716803357885,20.86384773953035,0.7760250552390952,0.6585893187703037,917.9995076159628,45.6231081481598,0.3188212866633771,72712.57035147048,2.3981063459998455,90.8715578213485,3422.8073419754805,273.7190957295887,222.07914773413995,48.32679481129007,0.21568798390088198,0.18239051500368555,4.449921139805499,26.40106159826315,3.214538284239572,12.430900814508629,2.3677248446107475e-05,0.7617535909133419,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.195471118760336,3.8315774289049678,25.49686208469335,0.3687933242481575,10.058622065269267,0.0,0.00014063033626880034,0.3380273441640573,4.590072324056927,15.266332430337188,15.742876304344506,56.52410840943298,1.9907974977412392e-07,0.0,0.15507497481324628,4.318608513694375,33.389508128647414,7.578334519972122,54.11456123591768,0.0005609204178281921,0.0,2698666337285.8823 +0.9706789810297014,0.23497001238314802,0.4154293156744726,240.14715119508824,216.14859071730672,161319.91142354565,6.931238684253714,34.350954712905505,0.8816602879523578,31.606631714795625,4.885719009617478,18.960422600420678,0.42664163696729956,0.8451308353289211,984.1702460323621,30.808646975843978,0.10485580979232859,50221.95971583541,2.888130487767233,99.55256451489113,1144.3574740251277,120.24708803912607,228.04887667861823,56.0198496385019,0.29756200934264976,0.19680883427303508,3.0544875143902477,25.14112143257097,3.2309192309837886,5.852482481656372,0.00013779144236603495,1.9132667125764609,0.1105635070980908,2.102676548001069,22.07692449881596,1.5143098565446362,22.386564134037215,1.6033010066721712e-07,0.0001132097967789073,0.20428061783497423,2.043780073727434,24.675855343270772,0.464624347127806,5.464702564286695,0.0,0.00014063033626880034,0.34883455615799747,10.436611480665736,15.332247459978086,15.226963654132664,54.81909889062093,1.9907974977412392e-07,0.0,0.0862108037286731,3.2875507097147594,36.0798071270614,7.497927259813611,50.06318713900741,0.0,0.0,98.91659320550454 +0.9883217968641552,0.12675505760389874,0.4405905474078014,127.77405465586273,145.67024920538302,335843.40966252255,6.57161496977749,95.74242562382825,4.695377284242383,8.7056275980079,0.5441731467095209,19.70514942022641,0.30493829544636963,0.9466500349348234,848.6116743248496,58.63584437187879,0.21344855488241019,82239.21854819197,1.3753233819040505,90.97813392909273,2380.956388592236,99.70930380784367,348.95926815568225,56.567211345203376,0.33792749107596415,0.1909887849856599,8.08329554126447,29.5603710032689,3.234612842469033,40.26912244823868,0.0,0.6530773157274734,0.12325815531588893,6.898211044309603,23.84471048743984,0.5367825933758954,8.105160445555898,1.6033010066721712e-07,0.0001132097967789073,0.2019212955543171,8.136116345008357,28.136292351760616,0.299353807770317,35.79434070921779,0.0,0.00014063033626880034,0.3475229765651834,32.10632875879444,25.136894391415026,4.144468314780608,26.013856744999092,1.9907974977412392e-07,0.0,0.18763161453682653,12.133110239224361,29.32943428664515,5.594978743328584,13.13875435890323,6.87123544608056e-05,0.0,94.66329829195676 +0.9340833714951615,0.20697731515841158,0.3499779191310722,238.76808727317317,48.5305576853164,135115.38660290086,5.815560410984315,26.332111859721937,1.7849354648932676,63.44124867583364,0.6669253251949573,17.41648575630879,0.3541645311720468,0.8811500420042472,175.59923352616983,83.67611960598438,0.27315628298533057,286680.0449104923,2.934925195841748,95.10126975721846,4425.7896778921,224.8813411553582,340.65584830800145,34.209452703164025,0.15546336553893225,0.19582839696536528,21.701855515082315,40.856239834685084,2.9486477539016684,7.258575772987724,0.0,0.8452282150188135,0.13498360305511642,20.312527910342965,43.864911552936334,0.9400063480417729,10.663437198413769,1.6033010066721712e-07,0.0001132097967789073,0.20889176725835365,24.660438140662727,48.95110942873806,0.3845662692613875,5.937437390779159,0.0,0.00014063033626880034,0.10867952986064108,100.28594118554345,68.5970697847101,4.034782843919764,7.5366084342966,1.9907974977412392e-07,0.0,0.20384662016979913,31.07547143875417,63.80595731151692,5.0442480286919595,6.736855491456252,4.156420730714326e-05,0.0,166.24423636969632 +0.8838192858148233,0.234893991180146,0.3602812787523058,248.04405297886547,155.93407203797963,299470.0750543462,6.053016964781534,37.832463257511286,3.580267955360744,95.70979288664127,4.628814565013714,29.019130259338496,0.786449467546356,0.9956259532308874,912.6529625208409,4.763253313278309,0.21984089241518195,234679.30059931456,2.8717351712974053,99.82247221528695,2419.100171497519,269.97823426406745,348.7452856959568,55.30698147848887,0.261175711651203,0.19100858007474994,37.68622684676404,62.57191277321677,4.196736818414349,20.159977203592927,0.0,0.5545134202103406,0.11502908132609727,27.649721254326426,51.044669687986556,0.7392743409057092,13.4914957018256,5.280680838895859e-05,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.3056715810627586,84.83692465817803,50.163496194566456,4.532066420093355,18.620801400210755,1.9907974977412392e-07,0.0,0.17443071711045516,51.730339769793346,98.5780055286096,6.568412262686176,17.954398582359126,0.00020180668159326516,0.0,2698666337285.8823 +0.8839553913778203,0.14445404764319197,0.3990587471640537,209.32905941682378,207.6676325471768,296901.9620450193,3.3163422566822125,59.30121204521576,4.684699839891359,74.30215729881766,4.4963099600614544,27.464792950084764,0.46774642394091903,0.9831700313274218,366.02774002808616,46.92875963716707,0.14965922750668884,189579.84118164578,2.9747018255645283,85.5014361376774,1606.5597132624534,252.81458667333345,345.22447093897597,50.872185077379164,0.20305460375734768,0.18974269647971476,29.68605069192646,54.82831105120793,3.0709746879569555,15.322976150347744,4.4493163210400055e-06,0.7073947106579598,0.09509016585140527,26.79831011103044,50.00869069143051,0.3682667910347422,15.887834586196774,3.334187012504273e-05,0.0001132097967789073,0.1978414898922873,31.58315461357312,58.7976338730095,0.2617527401233664,12.883244487554776,0.0,0.00014063033626880034,0.18642707549862775,83.30899567171014,59.563423013185634,2.9069371041984327,9.270336156469366,1.9907974977412392e-07,0.0,0.1447276045466095,59.22705219657757,111.38071646027905,5.145006093595331,18.367919647311716,0.00031009915880066726,0.0,197.69797740262072 +0.8177587477582008,0.2312870276223457,0.3365598907766127,243.03408815522104,191.04227321087154,309161.88822859974,6.506175861436017,89.68256944686344,3.759161994892702,79.34203321968872,4.3639077634820325,18.772082789140384,0.7902283093087474,0.9649428411901301,936.97960656863,92.71943478770953,0.1915271685411044,281920.092343512,2.891602557322783,96.82408048718605,4859.547968708377,165.38908200615643,333.35878076853896,56.845800494293286,0.22364721662701872,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20902530345008904,32.522875186228276,53.97372003814303,0.34255889591319477,10.491375035491302,0.0,0.00014063033626880034,0.10215525639673315,114.89188654790689,77.9704358640124,4.764338346252874,4.998853801594094,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,4674227208854.957 +0.8503698753520358,0.20910394254690542,0.3210416445040541,225.13811039435703,148.94009689720187,306231.7383521846,3.8544788718437144,47.585257995124145,4.22261701284844,88.89318447622756,4.505267875802785,26.810329831647056,0.3241628753301952,0.9687019280415974,894.0842667116051,87.25478240364937,0.22964514894319457,126720.48790455372,2.2518192020294805,83.5041252027516,1326.5661989171128,268.3759953965162,344.8443787508038,40.449526171082965,0.2562439330674903,0.19140962581157184,22.22235960645745,39.88198602633211,2.854435060493775,27.890399871655095,0.0,0.6384456099594883,0.08781874085810383,34.04602157103802,59.24924899389189,0.37891634729275336,14.595060921232797,1.6033010066721712e-07,0.0001132097967789073,0.20205909590319374,24.464722120244797,46.26902857528078,0.2673152848701618,23.72393428109225,0.0,0.00014063033626880034,0.12813462289534397,84.80140626636035,64.10302754891259,3.0313155675078165,11.068253889275216,1.9907974977412392e-07,0.0,0.19009667507800992,48.78051176764095,82.55812146831454,4.605364229172266,16.348365509975945,0.0002538360854933348,0.0,178.80719279244948 +0.9364230424072154,0.21184663720563396,0.40207647735173596,206.9399348573626,220.67899226400255,342762.6957247553,6.208570134674004,62.01605298265848,4.320679800613071,97.74798257371167,2.9964272288489653,27.530398977401955,0.44952282194805365,0.940334249464384,8.146153257451637,98.22999769120004,0.2372080335762496,131399.6125102032,1.7119057293684385,89.69384837112285,4494.609337294116,261.14638956857095,349.0104484425624,58.219361638421944,0.26676291825608694,0.19208912842608025,18.151276806625575,36.90561035134665,4.105939125382898,33.54942998879807,1.822850467240759e-05,0.845874508959441,0.12718770420469794,17.380692886681672,35.94383805400627,0.7115861119613976,12.09997337861959,1.6033010066721712e-07,0.0001132097967789073,0.2033421649076427,19.043662597992526,37.93281700818632,0.31981965246686783,30.408964750852505,0.0,0.00014063033626880034,0.09916646502910045,47.807088467739405,45.87691740656317,9.8219687446955,7.357360290752372,1.9907974977412392e-07,0.0,0.20426073597321256,31.24894733117102,61.82438390442632,9.710553146029127,14.144084195127872,0.00027729616215464654,0.0,130.13846623322286 +0.97896037792605,0.20842881909894045,0.44453265099994616,134.75154067508737,153.5852412527627,282703.0420941547,5.025911767459725,54.60092047795526,1.3198357692732396,90.9498568250348,0.26801533382091947,11.504102503538423,0.38667873344333903,0.4152884092521732,929.9384130800312,53.99020785476083,0.2163866946162426,68831.42473761573,2.8829044919409115,95.4511022972423,3569.522017935849,124.16838756839331,268.81672806530975,20.763100155429484,0.2347685889988444,0.2012233267878919,7.163297749249656,24.57916602495788,2.925024554033018,5.724486799592826,6.820612280044476e-05,0.5911557201167899,0.11113124714452836,2.076120900237342,17.534442051603545,0.4984018094930862,26.56482589727249,1.6033010066721712e-07,0.0001132097967789073,0.21437062539696053,6.71929448061229,23.43866086326261,0.2920185605048539,4.481832014790056,0.0,0.00014063033626880034,0.29286385860999486,13.97499632075623,18.869600570777813,9.445581186900672,50.1206615429853,1.9907974977412392e-07,0.0,0.21299404072492892,6.68299244798232,30.30995558648238,5.6864225387899365,52.55805085729893,0.00019550958730635027,0.0,96.12727122698796 +0.8832497064744593,0.21439831786262797,0.43867330410547944,13.784260078718972,19.935245526990535,193016.9024142382,6.749992495722561,95.63653700826507,2.3133971602429177,64.39595043038221,4.316409350587954,26.87078806031378,0.4482727917806978,0.9109051726561432,97.4987779380163,86.41357039763786,0.22197449629722288,155465.12814326643,2.8983414966482868,88.93481753517374,2621.088982865468,228.9638409677412,344.28256236920896,59.41341326324949,0.20198430591565014,0.1899015135545729,25.122951690856766,48.823065901218456,2.6241019428400367,16.15435901088865,0.0,1.0859731271181765,0.11052723223158324,25.48566280333409,47.53872269574493,0.1888242454489499,16.410069764496303,1.6033010066721712e-07,0.0001132097967789073,0.20247112358707728,29.959426320145266,54.560613263476576,0.2513026307402617,14.8688492133116,0.0,0.00014063033626880034,0.11994968626783804,69.32697078245837,55.365483753206334,4.0960250817729476,8.494487995433838,1.9907974977412392e-07,0.0,0.17468331561395134,48.45008054626086,91.28445170479009,4.081543511711566,19.515236181657105,0.0,0.0,172.03671199455528 +0.9177078342289954,0.25672183148370675,0.37632051293384583,108.8126880910379,201.10915778837665,322280.31856195035,5.966505538872431,64.94088693891955,3.0620813099687734,91.21099457190506,3.862666306347472,29.486071427814174,0.4109942175365483,0.7464742831350224,756.9605403065318,97.11982921396938,0.2842411380709818,218474.9915634137,2.9365082321271685,97.30334682949052,2779.7562400394754,273.31232915993473,346.95169005104333,59.52581225257899,0.33957917648524893,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.1004993295940696,18.503132793794922,34.92345010955367,0.5119768724474162,18.83535953667958,1.6033010066721712e-07,0.0001132097967789073,0.19516691935759475,29.261700155865906,54.186964784524775,0.2914670571703539,15.263615430654857,0.0,0.00013645273790397982,0.33748196763555377,52.87345674143985,29.962999103495758,4.393167236995177,33.95971889330254,1.9907974977412392e-07,0.0,0.1857518789590831,33.244159066797216,64.00823352743545,5.1532440036707765,25.175037412775477,0.00011081218243273498,0.0,2698666337285.8823 +0.8852981090896374,0.1546486821729291,0.3684210136331697,234.44309107278568,178.48463757182515,203392.2390250269,3.3040136688751236,56.25253758494617,4.713943635489902,35.547411172368854,0.2913765368309531,28.11028330623756,0.6286084393251712,0.8072872397310235,822.6610471397839,26.381521373936387,0.14513200607808874,151985.88605523107,2.9895546894285725,99.61996237939965,1118.3919696673202,258.71384056694984,347.70467029046995,50.20064695080514,0.1816147907769469,0.19149692293779502,32.17669674049716,53.95958012294515,2.7553279296403095,20.18221128602347,0.0,0.717336142769479,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19829708756794498,34.720940121494934,59.20465692127543,0.3053283858201896,17.58857501233488,0.0,0.00014063033626880034,0.142467471729214,97.05978023828351,70.57539122133616,3.8205046504876026,8.770965074477608,1.9907974977412392e-07,0.0,0.16803799350243148,29.85354822350304,118.03655500232793,4.1269600088982905,26.046780924713325,0.0,0.0,2698666337285.8823 +0.9298751164002239,0.14963016046410677,0.3237963820846953,81.2755262056852,232.78865241496396,183540.50568843994,2.450586826364516,78.89686286767402,2.635275301315592,89.67251046356488,4.81365363459731,24.726208681101554,0.39631499283615274,0.7954138099910187,671.3642106120986,27.53402221258561,0.08079818869828202,299904.30774003966,2.621773803415379,79.57550503122538,1847.3729922067969,187.1418395468151,349.22461974035366,52.97711832106397,0.20578959699757118,0.1963409862364271,38.74134575604303,53.950794539557876,2.5512940787986524,20.40732883159773,0.0,0.9860628715827013,0.13240155961854913,29.742688668011144,53.60042815777522,0.25203369702119377,6.974101442969356,1.6033010066721712e-07,0.0001132097967789073,0.2056723419932722,37.56272563705503,58.315454765808184,0.25361856377514164,16.979425531624052,0.0,0.00014063033626880034,0.09660040783520388,74.3776068836114,55.82729408755271,4.351624785668268,6.233449632265902,1.9907974977412392e-07,0.0,0.2069946017634025,50.00034252652943,86.02530165683027,4.354242285059431,11.756012055664259,0.00020673337191780456,0.0,180.29442519282603 +0.9068374478710688,0.17010819053003434,0.38154118815489596,75.37561621673544,225.59941945857923,127842.14754856615,3.0229299010843653,79.98154833141187,3.065918080132601,46.889447582908645,3.1263287230786334,25.976944130901188,0.45444255479916273,0.7443727957846475,833.8255369561834,36.20351074534577,0.09942547158824315,118365.75638030902,1.380718131594862,58.35035972037734,3158.685635044917,166.8515175945514,347.45326025589605,37.848027182027934,0.1727136070225408,0.19725589746302366,10.821541792134273,26.69747838284003,2.6906471690374647,32.18973184038783,0.0,0.8233023705870564,0.13382531042316062,14.976987636987912,36.0380709022498,0.5747119853855653,5.937048191591262,3.913179312452241e-05,0.0001132097967789073,0.20838172075700775,10.358733960710673,28.69073138777802,0.31117351980032887,29.031562181122965,0.0,0.00014063033626880034,0.1405660323314682,49.5172575375133,44.64876952548646,4.755876265719344,18.752389109075843,1.9907974977412392e-07,0.0,0.20612330566192616,9.28034649200598,39.70944735853267,3.2803766084758745,12.852237798534073,3.31617018716642e-05,0.0,108.92561253529612 +0.9765085416030742,0.1728360592698085,0.3939173419619746,230.82636573067563,83.43239437026669,229707.64542814353,3.7510968344942492,67.02324063172931,2.211803730220266,13.493339027373501,4.678174853623796,25.706011151148463,0.5111670426365456,0.9749166960498952,985.4375393328419,63.680417891871514,0.31985878994214156,68000.24718241875,2.394433400559131,71.60362383430979,4744.221547348751,210.71536826424096,348.02422362727276,54.63662541580794,0.3459075460000266,0.1854759557203702,13.924291488855095,39.94056788538101,2.64387846392791,27.028883244694875,4.9533181276269117e-05,0.9925953087716689,0.09976257544567341,10.887892345510341,31.401751717730114,0.39204404898331136,15.561922164355652,1.6033010066721712e-07,0.0001132097967789073,0.19808473871026805,17.641045389330777,43.0551885942593,0.28207834793387776,24.06436505222269,0.0,0.00014063033626880034,0.26913576402080674,35.49789911494887,35.326597756157504,3.793835919759077,15.232157360213085,1.9907974977412392e-07,0.0,0.13597357123886167,25.062383031270972,63.172301567438524,4.526239510742832,21.79621859651821,9.555680620280511e-05,0.0,120.36537470469966 +0.9772972124606133,0.13986513055275407,0.39396591395348507,183.7842995909903,160.3083035665597,219058.9733433321,6.7727042329936875,58.97190331451796,1.3009992900946528,97.97128187226144,4.485505660726968,25.86222224639863,0.6024497818532245,0.9155542294643592,758.7326943540636,94.61352552868537,0.14553112973784046,153493.78906841733,2.9574813346165776,99.8037732287677,241.49052840650756,270.5309879426552,346.057503471024,57.68694694636823,0.3163556817183372,0.18186536209744478,28.83483136444605,53.33363937678712,2.892406252977281,21.455739354654693,0.0,1.2927501775974384,0.10208528554678484,18.74351917505539,36.68272784820108,1.0267696220298215,21.539215875075143,1.6033010066721712e-07,0.0001132097967789073,0.1846263546979935,27.51177485178105,58.09583251913659,0.38117328477629275,18.476417260186583,5.1783086723817806e-05,0.00014063033626880034,0.3554062000491195,48.259328997033016,28.953300920481905,5.9847652892512375,34.064753502959576,1.9907974977412392e-07,0.0,0.14965901911934545,31.943921076383077,75.12000045605625,7.028860070627869,28.228023046490453,5.169308153307243e-05,0.0,150.51629080821326 +0.9128036955965688,0.23274260604499356,0.3660566029850468,14.601712919939033,246.41280605774097,102086.69366322791,4.7514403603563755,47.55184475647513,1.9436297001194762,82.7064404523674,2.6585087037722355,19.409690716260652,0.3370125678072414,0.9714009491830681,871.0553251367688,53.13069772161875,0.27281366508265775,293079.1550224968,1.4264963488951825,44.208198579367775,4243.679049989223,269.6564770791279,342.91074057292116,52.82642040763426,0.1699233083353101,0.19216340229249526,22.685742085759887,41.75515836425355,2.638430711444041,19.81222140136085,0.0,1.3887540985817062,0.13433863445332875,20.519232447059757,42.17605660142659,0.395820724545709,3.741915984485558,1.6033010066721712e-07,0.0001132097967789073,0.20723783949089733,24.57951922389422,42.86870161782779,0.28319920162968865,20.97461185406706,0.0,0.00014063033626880034,0.1304017926972837,65.26777893537619,46.6801728278026,4.935662644221927,20.54694072255608,1.9907974977412392e-07,0.0,0.2155722513415372,27.179260125745582,48.636400911894526,3.931108162593489,11.11182951322279,2.119512903936259e-05,0.0,133.7318916445562 +0.9869034902018737,0.14341532031301057,0.3267644707355113,20.32570728443818,49.17575248067014,103071.18083338057,4.281514197100202,13.856176017970348,1.1840192233757973,83.94432510495429,4.42104382739226,26.055813454770497,0.3452867727005905,0.8578997990538704,831.119484081129,46.55411024368287,0.13793550520328898,235005.87939939287,2.443304869670329,72.6651282954091,4750.970621794046,111.43888403469049,335.80753902354616,41.39478044993583,0.3106579679428258,0.19255410636552664,15.875746191799033,35.24505442582214,2.6671588083156483,10.630473857296556,0.0,1.0358501749902473,0.12848704523949228,10.321638691826779,27.446350221678074,0.39690527973746426,5.22674587400495,1.6033010066721712e-07,0.0001132097967789073,0.2030979049253624,17.354672616212355,38.77156501404868,0.2899852062200486,8.7731397999115,0.0,0.00014063033626880034,0.2203526151108749,46.51382714930998,36.48820718125991,4.903253466841936,5.694864089606663,1.9907974977412392e-07,0.0,0.1896013286484607,18.574274359640217,41.996132158515614,3.980412134409521,6.436059175574926,0.00010244758016211933,0.0,100.50749249582569 +0.97596509288353,0.14179921166098822,0.44646021114473394,180.57477183390995,162.6758576896818,106620.1982906606,5.3770070719569585,71.10240825662561,2.515587046300606,91.98761932704343,4.206372009330547,26.288921985080943,0.7651509209830665,0.8435078534795986,560.6565150685228,69.92904796981088,0.2730873765696634,272167.63851976546,2.9171561225604368,82.50923699555386,4520.914939154014,248.05684476483287,348.37429669981526,46.933046939350255,0.30219260403815457,0.19177013780988655,20.674331565191792,41.78179505123977,3.0799959303047633,9.307722623882109,2.009592288814373e-06,0.8438584825268154,0.12769321153798563,10.660167565453905,28.613731500660055,1.4733558962527784,10.059341679481197,4.282695502062594e-06,0.0001132097967789073,0.20085500768498474,23.94537639361321,47.70456576421947,0.4576007967915848,9.130548632213907,0.0,0.00014063033626880034,0.35248215330029453,42.78132531990917,26.210851620521368,5.476768143176985,37.36410352501462,1.9907974977412392e-07,0.0,0.1612072670892108,25.4287186682333,61.17499956481875,5.657717709232598,15.145268803216805,0.0,0.0,121.78818543342186 +0.9389384656614814,0.1394270828721342,0.4433282493139537,194.83485590500385,243.23327809297143,339878.56748741627,6.5446915596075455,92.87173929923448,3.3137308292984993,80.4412748784637,2.2725847942692283,26.316769075469786,0.3792514510623709,0.8675733006679933,819.3128812386537,16.62134906586649,0.07410537985222945,102627.69208366622,2.851374567661163,62.40685564574828,4844.6740728232335,273.6619712269036,256.58339723934307,34.984624484134116,0.32885500528906564,0.19510765738781505,3.1574909675365066,25.906282371415845,3.6529068697195832,8.030405194155401,0.0,3.2108959420385004,0.12793348021271864,2.703645665003064,13.451410046253317,0.7658003437955383,16.73516638223128,1.6033010066721712e-07,0.0001132097967789073,0.19444748290068486,3.8603025366547485,25.525541565875876,0.32888158088381725,8.078359694103876,0.0,0.00014063033626880034,0.3522952245557557,14.280922884432496,16.502088125809774,13.253578445010017,52.89670505615901,1.9907974977412392e-07,0.0,0.1045219600578426,2.3208401833289254,35.00287012353431,6.8849460150592545,42.56589790010696,0.0,0.0,92.24980708688256 +0.8466885528346823,0.18206308508299468,0.33496855019778904,243.22852973240595,133.89080212917244,236619.24884668953,3.4863924862960634,59.182131540575284,3.3374344412477397,96.22497430548268,4.754888204222657,25.014275484527474,0.30074297020804264,0.70290927531263,902.9492163817412,96.43542871546595,0.05760651402157907,206802.07528194843,2.9557466567781567,99.8037732287677,3389.4539429563292,125.90398121427393,347.46005730482136,57.771176915048585,0.21057158401312237,0.20098514688244132,45.94835490161457,58.09243610995494,2.6826304136682624,26.807870666242806,1.4703193198713451e-05,2.7294238602987733,0.13391877945008332,32.181514216932094,57.69511718275846,0.4622982357828312,10.718948255782202,1.6033010066721712e-07,0.0001132097967789073,0.21100955582514969,35.962130648274936,50.88702453067174,0.2842483941405069,17.382017921202753,0.0,0.00014063033626880034,0.12101078112450268,95.77979459284569,66.39504966134038,3.5871434988935174,5.889991976421565,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9523954319281965,0.21371208400881264,0.365023912293923,205.95927910756,101.05004403978455,344442.89656148205,5.636492136922008,93.23137957992378,3.72661474798488,48.708366431795476,3.9117158211056453,28.554488087283556,0.34922100135014683,0.9384416655901173,955.7104399875673,57.966136080545624,0.23887700652949703,274727.79227813694,2.90282210860967,91.95259214096515,3984.022520123409,220.51022685681644,349.22523018296874,55.523533011557326,0.266500176440304,0.1904441058085817,34.92130418743297,57.740466830563456,3.1976357588520883,16.889830758676847,0.0,0.6149881137263561,0.11477458240116999,22.493860145917576,43.499219139425215,0.42771069248801363,14.832682130321897,1.6033010066721712e-07,0.0001132097967789073,0.20344144895250446,35.53506349473603,60.11005179075339,0.2826320121521571,14.200654049952082,0.0,0.00014063033626880034,0.3518340603033232,75.87052963224151,42.650506182266966,3.600694548413345,20.28913987863526,1.9907974977412392e-07,0.0,0.16170258554519631,45.28319606930836,86.35057843300649,5.189449875147383,12.43505440270888,0.00021974191228195681,0.0,173.87979269519417 +0.9755290701943478,0.20958297629476796,0.32136761988366747,125.46704713853109,148.96722050138425,304291.5576941517,2.542317523640046,68.71843551616543,4.218016201799419,61.152661453149214,4.495601088694267,28.418712347271207,0.4483024014242293,0.8168288907675211,894.0842667116051,86.92080238974317,0.21938030536291023,126720.48790455372,0.6662134284092442,79.30061390380575,1494.750511386902,127.79309842057192,345.06567066229115,41.11730397197494,0.25784852623649246,0.19231860760718397,10.584082952240017,28.62551819339476,2.678706006950226,48.92190009541736,0.0,0.8618645161850126,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20474121648405996,11.34774898767049,30.485883466022496,0.2394039893906783,45.44622454618627,0.0,0.00014063033626880034,0.12586427216978283,37.5746679483657,37.77772160418304,3.734047342448516,18.37043046065954,1.9907974977412392e-07,0.0,0.1860321008833208,9.640833780776674,42.32932715378077,3.2330482059483994,15.90505063770929,0.0,0.0,2698666337285.8823 +0.9044090140510336,0.1891919963936006,0.37505052412190026,194.61808419348193,92.65375495592662,132959.1494324096,4.869559516634523,32.32995407984956,3.3201054373993233,96.34186923249894,0.449619174141757,14.8449742377011,0.4300830130434698,0.9276662325100814,902.5453418259149,90.41972203625919,0.34584182319447404,106442.71142148171,2.368611845511347,92.9543346436171,816.2006883274216,128.22578074693905,343.12684223399816,56.16537123979943,0.2622455604129847,0.19623848795120347,16.455640928884012,35.52318438781899,2.797675693708554,24.9151621873238,0.0,0.9880489401657898,0.13532636676893062,18.254177648360486,39.54233079364189,1.0062584965085872,12.34188812419452,1.6033010066721712e-07,0.0001132097967789073,0.21007503435110128,20.158307278118556,38.87562625423437,0.3860422575482134,22.036716974625,0.0,0.00014063033626880034,0.142869788225152,59.18772502016417,51.89394896167814,4.318257841469806,8.031626531813236,1.9907974977412392e-07,0.0,0.2094453058964705,27.39287661961578,57.993453426007264,4.652918486041954,13.299540900769959,0.00013654042229337,0.0,131.17721856701925 +0.904012793333223,0.21277384061254792,0.3379278545559047,180.68219432026277,125.32515772982356,239071.51418163863,2.8030370576555383,72.24263325302158,4.212329883911532,59.51756023179506,1.6556851857902681,23.09886209004438,0.31892920157854804,0.9172972423177902,75.88481238267644,42.482343796884,0.20652060834075392,56094.53970313142,1.1100150227151222,43.777505969248175,3469.6164831510036,255.06309383866798,329.87218486966026,46.437386111245345,0.18934027210173277,0.19260919409506275,6.881583376018063,28.136709569924328,3.092327506577663,59.71542257642969,0.0,0.845538166400188,0.12974709057906975,8.66779769509222,26.2347508884752,0.2657554011857023,8.428416280988216,1.6033010066721712e-07,0.0001132097967789073,0.20505507126056874,7.759866404348044,27.481141454940573,0.2550595284423144,55.33839416750994,0.0,0.00014063033626880034,0.12382587680569322,30.058372776047026,34.60532307672326,3.5351371463299093,19.218202216222764,1.9907974977412392e-07,0.0,0.207212218157886,10.815534167024662,32.071355497379415,4.751076799666566,21.09248736264852,0.0,0.0,114.99396199120639 +0.9888213745694604,0.23282359356221705,0.43279835591263194,226.64198712778054,97.86531312431322,131622.92454168253,6.25047090398093,82.91457019099568,3.4996008459413956,32.66417480463038,0.5312829488154326,27.463560401215823,0.598708511116262,0.7013084893611329,53.85740874720176,66.59116523067331,0.18650541896584066,69002.17236741728,2.917982857985815,76.03334828166253,3345.8874445750666,123.19426320948598,244.96341899388233,26.85745077591441,0.24793550505812761,0.19597643838437598,5.267531683416921,24.439599575410067,3.2156437221936702,6.567898687367922,0.00017365613582844534,0.9458492803661567,0.11561506857090563,2.057156131307983,18.92811416240026,1.2852232448951122,21.810101473225032,3.380650538654178e-05,0.0001132097967789073,0.2064839153155674,4.874286559413139,25.108762648275448,0.4275016375871544,5.690761545525418,2.059841527293169e-06,0.00014063033626880034,0.3398787647191464,2.332894418089306,14.861852848986736,14.555223513696124,54.95332548884707,1.9907974977412392e-07,0.0,0.14589829956163175,6.102582799324385,34.225221842279105,7.88623129729514,50.63110830330153,0.00014117536772211372,0.0,97.4607971264837 +0.8772088418008738,0.22865598350548788,0.36512013742557636,195.70441395139073,38.668510310433454,121818.3704697103,1.7385140721865495,43.92754326733486,0.7443298940135754,29.087157288635137,1.6989009578067509,18.500667572234878,0.3909667898249259,0.928035388930196,782.359016923942,45.13702028513275,0.11956804417110983,56649.81339181161,0.8031024843169836,73.10645486761578,2109.731954973384,166.00600083653592,344.9451408088411,38.65346479243678,0.16215375336186477,0.19589303366434097,5.810059652077056,24.106143531678427,2.602561768231781,67.72138435280817,0.0,0.9281732450302593,0.13497281042738812,12.38709418547384,31.038618788196775,0.18770012591993293,10.256950899752267,1.6033010066721712e-07,0.0001132097967789073,0.2090027921062082,6.298399174526786,28.21673401009894,0.25477506976243963,64.11280827021449,0.0,0.00014063033626880034,0.14853699984357688,31.16592490783278,34.73294952483461,4.878454743175176,27.4472830912879,1.9907974977412392e-07,0.0,0.21977399193810065,9.259842210404182,32.0935106705122,3.968106018195499,30.54284661984086,0.00029603516873969994,0.0,128.04880449846183 +0.928108410902437,0.20824443902847545,0.44836697443909407,231.87823365897592,200.4559529722967,265607.23819209257,4.984033386391422,22.328790661408597,3.311748026281136,97.55807251872469,4.978218848336391,5.011925306219775,0.5591610234034247,0.7139480758951868,391.3005759178737,78.46983039295309,0.053265089543531624,80094.06205011274,2.9484428093179096,83.12246141131402,818.3528281851295,124.86826973593524,258.4311770423661,53.5616144535707,0.24252321427617263,0.18757126517018566,4.339636171816765,23.594858355963076,2.8860877446639206,4.982822759112299,0.0,4.3010467793363265,0.12846475206964236,1.8809961542037588,15.940604738227178,0.7462513120058257,20.78414320502185,1.6033010066721712e-07,0.0001132097967789073,0.2139626514361539,3.2863605109686724,23.90518016277063,0.3275168698397765,3.477424197400513,2.8172150821240504e-05,0.00014063033626880034,0.3383413417621701,23.10928175944838,19.234890504864968,8.498716149357627,46.485374715206994,1.9907974977412392e-07,0.0,0.1638293886374656,2.171588969361428,33.84178565907924,6.226292677009522,34.97936580297753,0.0003466240436169379,0.0,86.38011826422262 +0.9263128812323811,0.19067832075792363,0.3933208644945464,145.12468936390405,173.65529464023064,219014.489264996,5.488598576266058,31.16360912341687,3.315324194527258,96.01970092312953,4.578767656276598,26.63095365702835,0.4300830130434698,0.8566866417992306,901.0015959312186,65.61224616263691,0.32031970390726394,106442.71142148171,2.885408858809992,77.10279338505595,718.88364308218,178.95620399540383,347.4719152166345,57.63411016478157,0.15835924581376676,0.19081429216860282,24.242116503739556,46.84705418822302,2.7714016977351896,20.791869586884378,0.0,0.8417473400554633,0.11842581179555399,30.85041184119126,57.34141687763208,0.8005176842047755,13.328117463380321,1.6033010066721712e-07,0.0001132097967789073,0.20345049232044135,28.943149570869775,53.12120017842816,0.34447798733450136,17.948956429482557,0.0,0.00014063033626880034,0.1167642089154633,90.22688096825095,70.29302580595119,3.1594416763290956,13.672549857764379,1.9907974977412392e-07,0.0,0.18938215430193267,53.788306827001136,95.7584061802563,5.163964852317856,15.239919056201996,0.0,0.0,192.93463225215683 +0.8553573177744486,0.16453239468964073,0.3403716123794813,136.23449895011373,226.7157114224499,317233.6224348869,4.131985473536508,77.48080863802635,0.8236040477336948,19.630157107843516,3.387881590509074,23.09515812732422,0.6354025975821401,0.9908407314988446,349.9584974648486,77.97503822691374,0.20206093910345785,146664.9130934262,2.7017293396395647,40.252358064950975,2895.766531587268,276.49078508808,342.7822447534505,50.921503781206425,0.15114722615646642,0.19384141630429919,25.33343009174095,44.18795182572777,3.1075489561070904,22.39741952303758,0.0,0.6590735798641048,0.12793605233282276,33.91923252470155,62.70419229565336,0.37198323974619707,8.289137001294291,3.959508633793363e-05,0.0001132097967789073,0.2041354629195864,27.970238608438436,48.991479106356785,0.2649113720068971,18.459239907918636,0.0,0.00014063033626880034,0.12286839114189689,94.34732107663508,71.5578554627701,3.0176922339069887,15.310664209827411,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8695033501876418,0.10851862544636771,0.3838074733650695,91.76196476362037,232.08234537433557,129777.95544106382,6.8517378378747775,85.12266484059677,3.248622467160985,47.1897686001373,1.3870764267625202,16.76880956608315,0.41127093152056127,0.7890525410400496,53.16186883917351,4.092856600744032,0.06478755405987197,92687.41793853676,1.914868810783144,72.73639930108537,2889.769770793277,34.83798549917149,293.8489646068495,13.228516889048386,0.15071600598535376,0.17779994984168948,1.8878347815060301,24.882693836478186,5.4516677788382815,9.01185629397567,0.0,2.0746884714585923,0.13855612048502253,1.7962694101710537,14.297690840407164,1.3351141924702348,5.5248729918899535,1.6033010066721712e-07,0.0001132097967789073,0.2097518247193145,2.684134036751837,23.396402574858516,0.4364512392792927,2.346639634638458,2.7579500485073128e-06,0.00014063033626880034,0.3461024951919533,24.50213864988308,23.05674351439192,5.406217079892332,30.19622074433667,1.9907974977412392e-07,0.0,0.21818515878200617,6.707419756763984,27.467700933478888,9.911935565732492,17.35031032132249,3.4596973727122733e-06,0.0,69.35571233143199 +0.9768560806594695,0.1790605247010899,0.4057458748612722,177.20744634036072,33.5593581227205,103209.30139889181,5.330587791819773,44.50330995882029,3.302527533242449,8.997357595697133,2.154476536235007,8.866384158331913,0.3457803731452089,0.8061472549280295,826.7381853843716,96.60074477327126,0.28211727201994213,139974.07458119513,2.6385006322286273,73.1229811700063,3951.5317841339297,191.0168634573396,285.77251853062586,11.329230389223143,0.18613006998474302,0.19836154419737062,5.7804099199448835,24.51630641400146,2.9477035441907327,5.569995907544126,0.0,0.8320100131479473,0.14079406442316736,3.2753506162011634,13.260886778501682,0.9544970938328956,15.953438642790237,1.6033010066721712e-07,0.0001132097967789073,0.2116026661828818,4.643479228031209,22.771162123653966,0.39173034614045066,4.047538408650108,0.0,0.00014063033626880034,0.34922226074967777,20.26113238295255,19.96717672092402,3.80201376332706,38.70074619678212,1.9907974977412392e-07,0.0,0.1495704348595421,7.682759748663317,31.691814563247824,4.4999171742901485,29.091552760936036,6.714174338750363e-05,0.0,76.97474324241196 +0.8049510462884816,0.11111680154055116,0.38883218155669397,26.366803334139888,22.0695081566208,279462.3772882696,4.042961520455242,69.13350775957471,0.546193536526947,38.56315517925824,2.5324129384635934,25.976593734249885,0.38423017511319063,0.7846627040912988,76.9351293116585,3.49132516131613,0.06170617029897274,140968.21303178754,2.1812758630341493,74.87450298026161,615.305026124673,263.59504345406907,347.4195258975143,39.836902000817794,0.1804508449752975,0.1984754880441869,19.50390945595493,33.38183518366821,4.306535813591773,23.98636173577643,0.0,1.5473803804804525,0.12998191309235327,28.8183241908313,49.63165942296525,0.3392531097415676,12.015101875999953,1.6033010066721712e-07,0.0001132097967789073,0.20901318776228492,18.756150837856246,33.382521558412485,0.2377529386224298,18.378768331137625,0.0,0.00014063033626880034,0.11611335370331193,76.28828598884508,63.074409046910546,3.858300022757672,13.253294447897364,1.9907974977412392e-07,0.0,0.22012806710307015,38.582935288969786,67.01644780774902,5.955912413430025,12.622202199233257,5.618296994596125e-05,0.0,153.28716283152528 +0.9715026788389687,0.22940398963416664,0.43402890832356544,202.09477632116284,168.96343656210712,154164.65539855044,5.482444975852685,41.668549184912315,3.8472648652029955,72.65802908577567,1.2516115360904858,24.795288544312793,0.4580718611210725,0.8515825016065096,750.7905122904842,93.37545834576173,0.09011108749787308,60897.0442104553,2.1175656227347064,96.9618854454755,3181.6253804765242,177.91091555709363,341.3422537471198,49.74814135192934,0.34310470519784975,0.19645180792616826,13.949322678230821,30.90293420187585,2.750666169861449,31.455213590278944,0.0,2.10615392533861,0.09151607458889739,10.44349009165032,27.545067565615472,1.2014894913360543,17.513741529689845,1.6033010066721712e-07,0.0001132097967789073,0.2014015424552729,11.33434944777448,33.54796900812327,0.41034302478285606,21.126773768561858,0.0,0.00014063033626880034,0.3001959324035266,34.59381666985292,29.083405445170467,5.560295425750833,25.53538041226528,1.9907974977412392e-07,0.0,0.159205303996666,17.079486802469756,48.285635063737324,5.514269909496091,20.109821376615123,0.00010881337954439648,0.0,103.97690959938868 +0.9134146569558528,0.24372307067522392,0.3794545487511437,187.6057456998475,156.2136149491853,332999.50900866423,4.299132207903643,72.91232347905174,3.164992835235833,5.936079948404615,3.3089776092560976,27.24804434315257,0.7887366797363915,0.8852260338611191,746.4676003925272,51.47101178772529,0.05814520552065548,267958.69018866046,2.788337013949202,86.78069689737494,3630.6967963757324,263.45657223600824,343.4575225355581,54.05331084974054,0.31882354639075616,0.1987694646424,41.28267463302055,54.576856792242,3.152574212658456,19.7485262729598,0.0,3.3066373438745535,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20416527909841645,29.70532187529865,51.904385948460124,0.26637855614187766,12.024319333558545,2.0402651519669658e-05,0.00014063033626880034,0.34780153739124986,57.78349563825543,32.153136496609186,3.455172973885921,28.05074189171409,1.9907974977412392e-07,0.0,0.1879825855634097,34.21035901268548,69.15949676362345,4.873308873746491,14.013319683839052,0.0,0.0,2698666337285.8823 +0.9000177749684454,0.19719420748572117,0.41387536698536564,221.55378520574894,244.13764921346745,192418.1259541295,5.531001515116535,73.94679417600227,0.4167204381052695,14.300598029737522,0.3270076453578706,24.00886268892904,0.3282202498202843,0.9399002463528853,707.904174293712,59.678553093076,0.1335772135434305,284768.7005226761,2.334129372267738,52.17235233176581,1000.1342214205365,31.63781909520921,318.12259609863827,56.429696562423686,0.3482865502221143,0.19578418867571648,14.775457751084764,29.727717526289247,2.8569211102671614,7.74757621556029,1.620202003806804e-05,1.2113938040748111,0.12494128744443218,7.057133094399377,22.165583469712253,1.1613440319879604,3.3893357968230573,1.6033010066721712e-07,0.0001132097967789073,0.20297955822383273,11.525599838613866,28.861044360667,0.39917767934674137,4.7232194617170835,0.0,0.00014063033626880034,0.3517524493907536,43.094982716277975,26.064236483725576,5.0637488009808,37.86782095072175,1.9907974977412392e-07,0.0,0.17804732054728367,4.5015969469288475,26.914962381764898,5.490469011673168,3.881740147861294,0.00017682288751181256,0.0,86.60372072748729 +0.980592805742756,0.1541736886034113,0.3463129669298651,236.51514081938996,64.1133534169592,295437.61660472956,5.942774630700629,31.310388205795228,1.1752363937305859,54.047856652867736,2.6397894534034623,23.779651150696505,0.4011570890073085,0.6418584136037144,463.4046409513421,47.99146266280319,0.3105262712832976,61720.664507911875,1.7184263296760984,62.89288954050582,1240.9379678203068,246.1905589364453,346.17465666298637,45.808348703500286,0.31276658692902254,0.19654623437976873,7.790252646970572,26.60739647529003,3.333908868263836,40.603954941606645,0.0,0.7471112588853539,0.13098875468306134,10.256759876641258,29.475422600633998,0.45246384116185623,15.824209422297868,1.6033010066721712e-07,0.0001132097967789073,0.21131763035523543,9.623874555367768,27.661296511529788,0.29776628763437146,35.71766540419347,0.0,0.00014063033626880034,0.09741845543728023,34.506033158377505,38.39196015416047,3.19548460697897,8.152793965680742,1.9907974977412392e-07,0.0,0.20560858441261548,19.23283458771544,45.57736477381754,5.589907453958621,17.668848147510527,0.0004881021608114153,0.0,106.39214303840497 +0.9184214012854328,0.19068622392038304,0.3753231721938724,142.4461269389476,179.5033290176658,204859.7675111156,6.26659469147012,13.836548776201482,2.261474051242452,83.62946002382334,2.547433620916744,26.751189046813455,0.48517256338128406,0.985649845683275,670.423917493163,93.00039762378891,0.14673017372843244,112322.6616026104,2.8211215106458094,96.2959237751665,1047.9180764176733,260.9548732484612,340.4988928240672,58.67053594416697,0.1621109222644471,0.1893863041928986,30.699905567093168,56.517752587975686,2.7949368599312794,24.491187472460187,0.0,1.096077474399129,0.10688471796781025,32.80726702534466,69.14619412603221,0.9694645155650762,17.355177934017767,1.6033010066721712e-07,0.0001132097967789073,0.1998958172414733,30.701185173831654,60.522546971877084,0.3727849669161641,18.469211826394126,1.8085830250238585e-05,0.00014063033626880034,0.18439580017043555,106.05093782235171,74.09163991322885,3.0775280965907137,15.221118531962544,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9421438593048831,0.15070636995801756,0.3379962207062842,194.99614607624926,186.38657858529973,232763.4703014425,4.80284250945734,47.62063380374181,4.03194089225671,35.34095461046405,3.296823949451807,26.093734278236305,0.38288717990041615,0.7561623999750772,281.1745224236698,98.6660246872684,0.07271667267553321,93632.85202550514,1.6476158152862295,25.91156732380876,4019.8030259229845,250.40067302383653,311.5406430322043,57.379908266596146,0.27695943011892005,0.19818034520277444,15.232113633445888,30.177391785189766,2.9701360400267953,38.787707559106906,3.602370478892839e-05,2.572421281579503,0.13118414691632485,5.105025318902824,18.2819452190401,0.7521282049649441,5.239467050980217,1.6033010066721712e-07,0.0001132097967789073,0.20717548094783822,8.082712948879252,28.365358643578507,0.3319922658740598,23.162039048843532,0.0,0.00014063033626880034,0.10750138522605299,32.38530145686343,34.621046531951364,2.9121544671466704,7.327958386012126,1.9907974977412392e-07,0.0,0.18478609753589134,3.0656574121752667,29.23392195486386,5.004449172073626,7.116204211609121,0.00019327008155177087,0.0,87.78892212365908 +0.9117756377476665,0.14905510780862485,0.3303366019860365,118.28058594342482,191.57543681781158,198921.87086872628,2.3477481901389368,40.03778325819697,2.261474051242452,54.84037306969422,3.8559724793916024,29.486071427814174,0.4777016916322271,0.9417660923972994,760.272856021841,52.802327368748195,0.2866001910549542,163467.083338938,1.3599158572985988,51.11406873984341,4767.934937635344,260.7193923852546,345.3577568460261,47.14469514840147,0.22193603662661238,0.18854189376592984,17.27650158892137,35.27786109274362,2.4734259658090374,32.33410216976227,0.0,1.209670901538267,0.12578912311858723,20.931833617645854,43.684683530686655,0.2576587470758631,5.582923225174697,1.6033010066721712e-07,0.0001132097967789073,0.20275509816909673,18.665026780766645,37.44303901827094,0.25287382793221796,31.371518268011634,0.0,0.00014063033626880034,0.12590515810144065,51.57984238116663,46.992428027267735,4.352802151070911,16.991390461805697,1.9907974977412392e-07,0.0,0.19167979134518828,16.196990831774173,60.390374411647464,3.2199122381659455,12.812820185715413,0.0,0.0,130.26455088700786 +0.9851756301851233,0.20400859117129094,0.3373962134280375,202.0730271843381,217.84618540911816,220462.22560135048,2.1730961730340854,94.55957934876619,3.3111300117327014,51.806166570219375,2.875527199181798,12.625269148643365,0.3641312463203972,0.9305742732492789,887.090357886715,87.27889438542213,0.07412444027398965,54817.09609972326,2.337359058806439,11.941390434608161,2031.0056564179454,131.26363192162748,346.68869686327366,54.39007047798878,0.3101856861658395,0.19735966968564983,18.576250845893668,34.171562410383665,2.4443843629056277,41.11476075011361,0.0,1.234641248465203,0.13897268254888323,11.178906305577435,30.342083878712906,0.2931148111152336,8.756032467699963,1.6033010066721712e-07,0.0001132097967789073,0.20862895592397052,16.54050191047918,36.68164784678015,0.2526014227833751,29.34284762383341,0.0,0.00014063033626880034,0.12171439255162203,27.397136630905507,37.86558219793167,4.184906642417074,16.7502395675628,1.9907974977412392e-07,0.0,0.18913377749139662,9.548716698317566,40.41541785847314,3.19783892811781,13.801248363544802,6.365434547701982e-05,0.0,105.93009054911329 +0.8157561144565493,0.20550614047915278,0.34430185720804435,187.10303737387935,238.14338387096728,337016.190537262,6.233105105114827,93.28852014435894,1.734648073375424,65.86496792808556,3.3876433996553548,29.79494691819198,0.3939057739746442,0.9599017047635061,610.4995000440526,57.98271396755778,0.24162585387796162,236026.3657653834,2.8045745823574224,98.26010269621301,4374.237998628814,289.8761714616967,347.4946987327097,56.02066771333586,0.2957936466957683,0.1924375912508347,38.40961242522456,60.838688609845754,3.334585500482924,20.92623578267228,0.0,0.6665244194220482,0.1003439554685517,29.985948086589463,53.40010704906337,0.7158918401879992,17.15994311620089,1.6033010066721712e-07,0.0001132097967789073,0.20028456982275122,39.81891813525893,63.04820937874307,0.32076570798456133,18.731477295795106,0.0,0.00014063033626880034,0.31186829928925275,83.15383001863778,48.47396166676425,4.8813049366860355,21.465244055842394,1.9907974977412392e-07,0.0,0.17481344057132364,55.96158866303558,99.3849219021652,6.773511944385957,21.160214095371213,0.0,0.0,197.06647273677459 +0.9875902707720234,0.15566629132949025,0.44901287854621785,156.45914430508122,104.96611382713071,282205.52090020955,1.66802528502253,58.28137420487598,1.0864460042427395,41.18391860766517,2.805107507191379,9.122072542326412,0.38674688700270937,0.6073197495722893,303.7353597615613,60.731164288466545,0.2243026382029178,244833.84385591996,2.347573854158731,79.18002368486613,2001.6248298911764,170.2974251838008,331.9765146489889,38.386498368755674,0.34080650499663895,0.1991518523598857,4.398512181736342,24.262165425007133,2.786154194100487,4.282010854916297,5.180665220304416e-05,1.082110634299533,0.14193657608088162,3.0464356593834494,16.886996673644813,0.35329747117540766,5.548158799027664,1.6033010066721712e-07,0.0001132097967789073,0.21333745424267903,5.835328161384769,25.920652480100063,0.23446914760807364,3.900348331085638,0.0,0.00014063033626880034,0.3345222664365804,31.8811537534529,21.450776575417592,3.506041920503199,25.833378344363098,1.9907974977412392e-07,0.0,0.21835465554319006,1.1569167411045065,19.162148690855872,3.263222491613125,6.738399815876419,0.00030444946806421893,0.0,65.29067011453844 +0.9792160152146212,0.24386044120112796,0.4408206987290938,248.91761425202543,14.350317549295324,315110.5386236218,6.661482575856551,84.50998625297609,4.148445276627104,27.04733434943671,3.9687420523222294,28.05826148031258,0.4152126619071797,0.916928489394865,68.28021847473295,78.15729424955525,0.18782395129926815,97871.54443213445,1.855096578157697,97.6884604808577,2117.747037161728,264.57942516144675,344.1485793035198,59.94081809294613,0.30410994086056353,0.1936248190739722,13.689808775692013,32.85085743892281,3.9450170888989855,30.982632456717575,1.918806205409542e-05,0.945558201669816,0.11650750108950633,12.406859094987539,36.04850721350652,0.22351153233913626,15.536120259672563,1.6033010066721712e-07,0.0001132097967789073,0.20416345523313276,14.037077869254388,34.760756386725795,0.278525285482668,25.7967637597691,0.0,0.00014063033626880034,0.24320659852042392,39.678199585892216,35.78395068003014,4.31846416350787,8.861984148748089,1.9907974977412392e-07,0.0,0.13368304739952244,30.51193548158759,60.34720967935426,6.014764412507258,19.95631540307446,0.0,0.0,118.18678841185597 +0.9790044509897846,0.24327972313395946,0.42562744995716584,232.33484539973327,14.350317549295324,311190.50158272975,3.2454011754226975,32.506045251249155,4.0884746195955834,61.81085799656543,3.971218346904483,26.696177179028552,0.3826721887548206,0.9156470838010485,69.25991202931218,24.911886084869355,0.27367275448355677,90367.08767624559,1.5096014684852945,96.96520802643016,2153.2506527195615,244.18275115172239,349.3195742749241,50.33481093803504,0.19316139034515442,0.19035826659935523,9.928527770865218,31.97241543233985,3.5846392119953823,35.78709019609463,0.0,0.9419536070447821,0.1150670823908092,19.348591299727136,38.35660687521017,0.3249918061298253,11.562128817666819,1.6033010066721712e-07,0.0001132097967789073,0.2036901892600529,11.028805581261906,30.939950148683042,0.24158153376520758,34.04392937816427,0.0,0.00014063033626880034,0.09625143482557906,48.556203290688494,48.292933401061,3.7888102027946604,15.505546154520168,1.9907974977412392e-07,0.0,0.1890363637936949,29.653434885744975,59.66868341016905,4.930870293560675,17.746461312516722,0.0,0.0,127.89200789409423 +0.8921754062001619,0.23195757903221534,0.44527501211458703,166.93314674509284,226.7242677479086,306795.55277456355,5.3599415893358975,74.5576643475606,4.472872500817861,86.86694757669217,3.5378579848310485,28.517762057998763,0.4830672509854265,0.97252273463431,669.5416467179703,33.24695186579966,0.22383354962951696,143759.85971210475,2.9251078084863273,94.84378377518458,3261.720678196708,260.78756560122093,348.93120355572347,59.70428173559588,0.24405948853673276,0.18847504780772575,28.981680769269467,53.666283973433735,3.2498435889956867,21.006904949081783,0.0,0.6429382125189035,0.08937538699639051,25.616758545582606,49.92057348980492,0.6265300733610325,17.95312182927434,1.6033010066721712e-07,0.0001132097967789073,0.19449632093243768,31.644435488825497,58.07361059121902,0.30717168994223804,19.264629529871005,0.0,0.00014063033626880034,0.2926005273792397,68.59813688342821,44.7915845736571,4.348456339951575,21.859428477344345,1.9907974977412392e-07,0.0,0.13901091286702463,50.07004669988176,89.26779522301904,6.147654930366484,29.611697919570723,0.0,0.0,176.03327033776324 +0.9487801867007138,0.24612316193982123,0.3531012782347259,200.90353975207833,249.43501346317078,343398.60375478066,5.940156078415577,79.50606109794177,4.291082186699358,74.27629254449185,2.287006422866578,29.413875908513393,0.7222031824210295,0.9593316165078049,931.3703731513789,50.456293101985075,0.19221671455619235,154209.60998705289,2.6209024111968975,91.41487289552933,3112.83237202153,251.8858231176261,223.6043742713709,10.76103495259121,0.24265665380943072,0.17531058503755262,3.1984861194587872,25.95838391944345,3.2643272597117137,11.636304447345434,5.54478506488904e-05,0.7033660090549856,0.12718647412747577,1.3560166331790284,15.855832423267579,0.69911443652441,13.23533772916794,1.6033010066721712e-07,0.0001132097967789073,0.184904773583844,2.3946847091193972,26.066913221519723,0.31619576566999563,11.265830691415543,0.0,0.00014063033626880034,0.35268111624867793,0.7502394640038244,14.19436497775566,18.058895488957535,59.017851198753824,1.9907974977412392e-07,0.0,0.09837035897045095,2.2331091269230816,34.98708191414105,6.333225442794574,33.238586252156345,0.0,0.0,91.96332528383769 +0.9883217968641552,0.20869109223334947,0.37131867090497195,140.25669044737833,211.31422389550258,325893.03159890196,3.321223052961868,94.15855967775713,1.983235502409891,76.41610821692498,3.1739390352445067,28.74634404700752,0.3047048160176804,0.568885320640864,970.4940770529035,5.193270634494933,0.09206795286731499,66536.61612455432,0.9428231286885127,47.512962747396614,4407.859742740241,137.53543006807124,344.5632254321043,56.27047304875838,0.18293881815689678,0.1991546243827886,10.150925103318462,29.184376372314173,3.377006498056869,68.4600696747409,0.0,1.1291169165433954,0.13312348665513687,10.450316566850454,27.55272069450852,0.2441166580828296,9.359941056915039,1.6033010066721712e-07,0.0001132097967789073,0.21018498570271954,6.806701791265788,26.313351114068677,0.248277983761384,56.29411249423683,0.0,0.00014063033626880034,0.12805282905603974,37.50155828267937,37.21025680952169,3.7101449964764868,22.110922261764287,1.9907974977412392e-07,0.0,0.2162164959653407,14.120350941438462,36.18587313977099,5.711552780894529,24.540489405878198,0.0002518721776705776,0.0,126.31517470450108 +0.9532123468750359,0.19013839847838435,0.373281064720969,216.7355127802,89.28322561136801,302702.0665092918,6.249997939221622,14.72891330598504,1.9083338250240787,36.59190521714184,0.6239173325891322,24.740841843563928,0.30791906439348943,0.9231492437468427,422.1537442026787,70.39623710417973,0.056269245201486934,99336.79444677517,2.731455711269459,91.56031849567084,2761.242821532904,136.26990473849122,348.5428758959455,57.71521266457216,0.16357223887166658,0.19907431713146095,37.676125181456925,53.8715598107244,3.3976911655873434,37.846930427572914,0.0,4.661944280313692,0.08827714737806122,32.80704177455565,61.99359190290511,0.5537883941575164,14.865708813356045,1.6033010066721712e-07,0.0001132097967789073,0.19958143792501026,27.21271078845059,52.36072423335479,0.308592440828564,21.001699332220387,0.0,0.00014063033626880034,0.21488286257772465,105.05633984506858,71.36876178623717,3.2901048248519698,13.89101754509501,1.9907974977412392e-07,0.0,0.1653645034001839,58.274452844665696,107.23852566215437,5.998884079962052,16.012540459273474,0.00026913174112810527,0.0,215.34654062095174 +0.9117647135163643,0.1897752272813984,0.36929776100814304,182.0903072349729,43.07337140501844,277420.7723479142,4.690982268243456,48.03184274336253,3.7833803921301157,84.93471435311858,0.9934736550947856,25.56415466574665,0.4335446820513577,0.921075607199554,772.6091552901005,82.03848573879768,0.21137479549678265,104694.6833384051,2.86066780156677,77.62823391071224,4322.715045153727,279.9484444717327,346.5498518620272,57.86055689601004,0.18947422694525953,0.18936168629729766,28.581097474471296,54.34362326976099,2.846009918695947,25.152341108687914,6.17942796842554e-05,0.6225303200028276,0.10138242286594108,32.80851236308488,58.947976528635685,0.2529724178558787,18.061208821932826,1.6033010066721712e-07,0.0001132097967789073,0.19824383457737813,31.938445070106173,57.487505126133456,0.2677079058181247,21.942225227261197,0.0,0.00014063033626880034,0.14223410500414763,88.21181369576303,63.08645000263793,3.8342135367228734,13.011528279283159,1.9907974977412392e-07,0.0,0.14979587944190842,30.83304356203944,111.01944879101967,3.5459889676926264,22.42058567025568,2.7859845374864138e-05,0.0,199.57901923463655 +0.9721188025297767,0.14908794235515355,0.4159386638004912,183.19318873113394,237.31876634961836,302033.76691506564,6.140766244199534,61.671455124454994,4.266830996093845,86.1790322165758,2.813764792320798,19.027875247188934,0.4833672134913562,0.764171264999965,52.981007419120715,1.5597147139700156,0.31785978805502485,288900.48759796796,1.8876200622332635,75.46074052907474,1227.7449797992506,193.55303769823558,241.16804770909923,54.2836580483882,0.23290935297831053,0.19509842207405634,5.215580604582821,24.239396729568394,7.361193331447524,4.050900532537248,6.78690524692616e-05,1.2691677278151179,0.13568625132859818,2.3575188749051,13.32230205173788,0.7832542055621504,6.712588065448318,1.6033010066721712e-07,0.0001132097967789073,0.2082925191779778,3.0049937554244104,23.70032550947001,0.3335769208447422,2.989717761930837,0.0,0.00014063033626880034,0.3477037858326,15.05475797314712,16.0591530078623,12.739904328760556,52.05121816487807,1.9907974977412392e-07,0.0,0.20373190390195992,6.149903818749126,24.727664534967598,12.271476468412711,6.262997087375727,0.0002075314577716666,0.0,75.43864586096026 +0.9208693701499995,0.1277960208737863,0.3205950693678725,186.58970931725005,95.91836954724693,250339.9484778704,6.259526979560226,73.9293766630767,1.4758941068358853,63.382921763542946,2.382552527921354,13.952621244627561,0.3299220221278947,0.9265372683688048,72.51441956533779,90.52135990960689,0.05561355389966301,255974.42210707275,2.425242735136058,81.3717790393721,2247.425440405144,81.8048844092226,339.8986197923655,34.72118889907088,0.18164160135445484,0.20084104619610493,33.1394246276881,46.84922635781829,3.4713299157842394,19.06321166038936,0.0,4.428206493668972,0.1357616463095367,12.372831443243609,30.942474024035132,0.692092233449856,4.293853108968357,1.6033010066721712e-07,0.0001132097967789073,0.20785868102487978,18.537912412296855,37.60840624785978,0.33289320484518253,9.087543021533639,0.0,0.00014063033626880034,0.10149889525817374,79.75475837689868,60.15380531366113,4.036281433303146,8.452069061358923,1.9907974977412392e-07,0.0,0.19614260029919808,10.849672135718555,44.262615882643836,6.3735713520671835,5.511696649649796,3.06534698699037e-05,0.0,137.3804734310649 +0.9394392499302116,0.21911012638038724,0.3677807059035383,210.36329206743528,151.73056232339218,273439.70594977017,6.696175983309615,5.9940952958641915,1.7660181249054847,75.78910141148177,1.2557774397387813,27.32894066820294,0.35621803363399657,0.9315496347125177,785.9585199324689,67.05334272714254,0.1880571299675777,269768.93553396023,1.4085962350111432,53.481137264773224,4261.971937067793,128.11031088815872,348.3813548196093,50.45771503553328,0.26021687718957315,0.19376066696872754,26.942928949892007,42.60380246647181,3.1354206301494862,25.510876161395863,0.0,0.8121383635113402,0.13130185369504205,20.373289905102197,42.733481070214694,0.8452363371339159,4.493624046693648,1.6033010066721712e-07,0.0001132097967789073,0.20413667686560724,23.83484335939748,42.8720408626957,0.34981026844237234,23.342399031286632,0.0,0.00014063033626880034,0.2472219870295468,65.53165721732567,44.110364829095055,3.620358705545162,5.339851451091082,1.9907974977412392e-07,0.0,0.19683659295277786,33.57009850733972,63.152187182757984,6.268703216677871,9.744730105660082,6.499484370351507e-05,0.0,141.23341335726855 +0.9093543483131317,0.21198949016271829,0.3244641830488271,57.68775843257749,249.44661854506623,145613.64093386586,3.0087647672698123,31.236073147775222,1.0700180522491811,50.48653070374357,0.6775593740414879,22.562822042300514,0.604550812731622,0.924488757640778,296.4073997555682,41.636437392348206,0.2315084052850714,292461.23583373794,2.9126268636055794,71.83176141605323,1878.4446793444176,294.86297523627377,346.63318514202774,41.60981293410754,0.15814753194168021,0.1927793534674801,32.02373611757377,55.586271553104986,2.5887057969513907,13.105762227506194,8.532404520759453e-05,1.145704346042686,0.13243533745116573,35.443946137190586,62.67090376320979,0.40070043774150094,10.055945139189474,1.6033010066721712e-07,0.0001132097967789073,0.20569549223737818,36.48083415303571,58.15142337669993,0.2802137665147038,12.107480873497503,0.0,0.00014063033626880034,0.12144321800880954,106.13662863696138,78.36408240362927,4.5591753387490925,10.522012815943935,6.814928839736522e-06,0.0,0.2198391187189638,59.32803315242787,102.55184852125834,4.371491475341633,12.605637845147392,5.395386009943536e-05,0.0,214.92258321069002 +0.8915510623441307,0.23194314099173974,0.34597219724599926,232.54339910236519,184.53198681485833,228652.90722701768,6.457674798687156,82.38435912791343,3.4418366633470914,89.93475941611908,4.195762308793982,28.38749217568825,0.7987953587045217,0.9543196385252426,961.5322233441457,66.62596639052057,0.15189017572427846,171564.57097081235,2.833539324012591,92.67558688141426,2493.1774662728744,291.2219121538972,342.83146709875535,56.787868104720005,0.23134703640560042,0.1919514492909635,37.34079008523488,60.17884108245159,2.9627167674531085,24.074760517337356,0.0,1.157181279450293,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2002375073752986,36.075889531518484,63.257323932326145,0.38404475386239606,19.463259430901488,3.3200805860713135e-05,0.00014063033626880034,0.18811156451021818,93.524401730086,68.12034078481173,4.137493583595042,8.167198034612845,1.9907974977412392e-07,0.0,0.16514048741610313,59.631802072308595,114.71073260328511,6.524346351090501,22.17235010133736,0.00020180668159326516,0.0,2698666337285.8823 +0.9630285468759443,0.19569827810340062,0.3222582887890418,132.16065597800556,222.165609269721,204221.18406059273,4.087380298632038,22.508888278531387,1.8543376628143369,91.84222466855306,4.575362960571168,29.12355736507489,0.4171795964028528,0.9085949872397027,842.1699660891336,78.24513339276197,0.31265396207659246,124265.3936439996,1.0765569607194652,64.05538709977243,2724.736426148153,280.1729506039691,344.26625132830816,53.449992001148395,0.18604944821762745,0.18956616431395032,15.232085087829915,33.92824889428238,2.592740977094498,44.26805241247758,0.0,1.0015546799967108,0.1264100994751915,20.092012492690834,43.0380766071248,0.6489617245122922,6.801374838535998,1.6033010066721712e-07,0.0001132097967789073,0.20231697971542045,16.704337985961114,35.36296857546538,0.3162117906613857,44.9946002233003,0.0,0.00014063033626880034,0.12156843381667318,55.47666647312136,49.066337415743256,3.636081006103034,19.969591693916012,1.9907974977412392e-07,0.0,0.19856692669130568,29.40819505597849,59.463286629891996,4.545397775336408,20.028920100298805,0.00043797619349037235,0.0,141.16381659879468 +0.9883217968641552,0.14529517532411756,0.3887773524028288,104.62582501290586,119.98593405123927,167129.9263403642,4.951164815902198,38.80256265377363,3.84514374266871,20.22171069557166,3.988565189249422,24.90535668643837,0.41741902165219147,0.8146050351900244,34.47073920025042,82.40279024614404,0.10209470766059545,60780.34726528083,1.9070385955879254,10.569789882448028,4320.904758200247,147.73184385507508,338.0857426891567,56.476375126330254,0.34437137090058384,0.1955863291033809,10.428400154963276,26.020928446771656,2.9176692943654907,37.85240510716444,0.0,1.3608090089121039,0.1282654967345161,6.73171954374793,23.738221221746336,0.7539520702430682,7.1111978682768004,1.6033010066721712e-07,0.0001132097967789073,0.2046787790496357,8.993581306682348,28.295019715531886,0.3450134191971233,27.485548185233416,0.0,0.00014063033626880034,0.08183243255581046,16.21068698985842,30.08503493294414,3.173262100875297,10.180266497337485,1.9907974977412392e-07,0.0,0.19793541405388232,11.667847443536502,34.42072132178224,5.140697802827641,12.890530197733,6.812028990935213e-05,0.0,85.56457258928974 +0.9570744931024545,0.16334886079223782,0.35797591516732635,51.36918066220145,149.75356202138593,300672.0450017385,3.3882675417376795,19.758973365912688,4.396921591993655,65.76372956689394,0.6496316511099052,27.836009602673126,0.4709665346283836,0.9854094838156067,247.3473019751638,17.232971963705772,0.2816320803164166,82239.24704024439,2.7820491276510295,71.01086616531262,3627.1190282395,162.9434968741254,343.2575459664394,56.57221362354041,0.1608936669934928,0.18748338970296724,20.183876934720956,52.01795466485474,3.243861996868092,21.995013477063306,1.0520229957883203e-05,1.1267180801906052,0.09255259265938341,32.54120405384337,65.09978748169775,0.2556876858625518,17.422869662364864,1.6033010066721712e-07,0.0001132097967789073,0.19953033886965832,25.29494867165649,52.688732871991824,0.2398647390471802,18.64699374321758,9.430916952919804e-06,0.00014063033626880034,0.20891350938339798,100.54899937448852,74.6372675587574,3.6140880659717904,17.967928141477852,1.9907974977412392e-07,0.0,0.1659910352583495,59.511830482599024,110.99842277500875,4.79024259592741,17.13246748075222,3.782266759867569e-05,0.0,212.52936194744427 +0.9564365641446576,0.2013086391306726,0.3588940069486284,235.61696696963116,229.46118982190973,349431.68404812645,3.2522787875789643,27.931083250959645,3.8317674014033036,98.00839885524934,4.524226207456308,26.16528643909995,0.470609713135841,0.937750633241206,533.1603401266661,99.59262126894156,0.3377963646593153,253084.97227009738,2.702899749932622,98.82868616348661,2475.79243031268,200.4494843271784,346.5834402107069,51.673735497692256,0.18798049300082495,0.19011167199417586,28.21552632427708,51.41250453178705,3.0044424061151838,15.866961557910084,2.1432852270116316e-06,1.0085029288455036,0.12746455752021016,28.177459419337303,50.846066977072184,0.3093557217095338,11.003418155542597,1.6033010066721712e-07,0.0001132097967789073,0.20477821956055647,32.10119880326445,57.702721347037524,0.25219739982760103,14.38493556537576,0.0,0.00014063033626880034,0.1628036356749948,94.7701727403936,63.810985078264146,2.962742916628416,6.502146011928197,1.9907974977412392e-07,0.0,0.197662464306601,53.94478618798765,92.92314344130652,4.845927619632422,13.097572744615434,2.5329036239839293e-05,0.0,191.34506132575197 +0.9117281857535506,0.23411065251406357,0.3664704628889797,56.23584682783748,65.77862604564234,181577.780732496,6.107824308764307,47.66408201119602,4.343724551175951,70.3085776430948,1.9292459264748403,8.362872376102898,0.765185985829625,0.9745336511447628,991.9466498431534,63.68912006105192,0.2135230361202453,236926.9801207514,2.752979049489032,43.9590970394075,22.826228972011222,203.8477526511395,341.88116490010316,41.98279140636712,0.17615625371132598,0.18318129739154732,15.939996678830795,46.42688819827364,2.22257209180291,10.471007530967526,0.0,0.7424121441499466,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21156709307715668,23.16306701266694,44.432072654208795,0.3230510075525358,8.882947226862148,0.0,0.00014063033626880034,0.13368702982418085,111.46510265000059,69.66282519791214,4.356318433278859,4.8900306234003885,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9875902707720234,0.1557735673307977,0.44533010850213767,156.45914430508122,104.96611382713071,281569.8623686994,1.66802528502253,58.28137420487598,1.1180070942423268,41.18391860766517,2.82886480730325,9.122072542326412,0.37046214673927336,0.6073197495722893,459.92406746908864,7.042484963562668,0.2243026382029178,244833.84385591996,2.347573854158731,84.29876746460693,2957.8971210638106,170.2974251838008,331.9765146489889,38.386498368755674,0.34080650499663895,0.19923327250083234,4.403874680621045,24.41792439855836,3.1583196648529315,4.408782964585423,4.123834544989884e-05,1.1113992119731801,0.14194179188793452,3.177952232888683,17.090499397996027,0.3527041883072069,5.759287796464206,1.6033010066721712e-07,0.0001132097967789073,0.2133360299520904,6.092159251597958,26.022888473163963,0.23447594332664168,4.055214452048167,0.0,0.00014063033626880034,0.3345161447774858,32.394913589802165,21.644496475366907,3.6983759654576054,26.072128228608896,1.9907974977412392e-07,0.0,0.2181632915424031,1.195635165778827,19.324881444558752,4.2558496060199,6.89340618860348,0.0001260469413531581,0.0,66.0657639877169 +0.9789143807797035,0.12916914442498234,0.3677938322547687,209.81795406411229,53.43211797850889,270761.3484142133,4.824488386828606,23.826380964085683,4.69203269594851,82.17084784736218,2.5143111892632004,19.538665223721857,0.7027094882662113,0.7166160997153848,377.14230015206283,25.775397309270826,0.2906902933701138,220504.06866364263,2.6926768819040303,91.7632104820056,3706.9123197267154,278.6318528988878,349.9914215622657,59.938652804727354,0.18625013334936472,0.1955013683432618,29.824713629598595,49.56002154960084,3.420710789445539,19.6389439176733,0.0,0.8443185188019843,0.11802196258521178,24.768567292908227,44.6299728495723,0.32719083661913034,16.801396586999836,1.6033010066721712e-07,0.0001132097967789073,0.2067192531633336,33.39218780035915,56.28242295982769,0.27890996189058676,17.789586656575107,0.0,0.00014063033626880034,0.14908002375456478,76.93736836180896,54.61508259422051,3.8548385526445768,5.3443308911135885,1.9907974977412392e-07,0.0,0.1792105996173722,18.798906532199723,76.6127167554741,4.501387528806181,14.503023691032151,0.0,0.0,163.18720126558523 +0.9205194471703732,0.1611500378730492,0.3671200986686963,177.20096799179208,219.03743744124148,338819.7093459944,6.496412147157058,83.48961484438408,4.7038761194527146,29.875968045153652,3.7658490696371505,28.703448914838656,0.43108122585889314,0.9403026726755913,816.3018396885213,49.538837899846435,0.3149818641623277,299253.3075348225,2.8315609059599978,97.18203645973549,2582.948971202504,85.03217256555548,348.88709528899,58.063204981979425,0.28014692465148583,0.19062599299911906,33.593211153332895,56.897114572314514,3.3302896257852286,15.850291936474642,0.0,0.716254335902045,0.12593464114914085,20.6141688347289,41.47295694321113,0.7054550296003547,5.704449856194225,1.6033010066721712e-07,0.0001132097967789073,0.20319494798468424,34.94285464766612,59.029882166086395,0.3206059815689549,14.109521585661609,0.0,0.00014063033626880034,0.3539133389392429,69.10922140470277,37.74809481172924,5.0689845641769535,30.359314196268947,1.9907974977412392e-07,0.0,0.19004913999133533,39.32566134202689,75.97028362499832,6.353230229089145,9.046420467684186,0.0,0.0,162.17322387320263 +0.9684256714083435,0.19425665320249588,0.3545463696659851,199.75558462357748,243.95554241573882,317969.7637633463,4.0154991507086875,79.99203865726403,4.4932224530434475,91.40750162938372,2.0763362680721844,29.74340538574387,0.4803071122766498,0.8159235563874426,933.1485465112114,24.77758986178798,0.0914824640568529,249257.42356333617,2.9692187404053283,85.74717153283437,1971.4853405373467,258.9867444974413,348.851190968391,50.55659981364764,0.2456945808301938,0.19741044271344785,38.67254965138375,54.413966695520756,3.1221405859809352,18.601750052928285,4.851730639202396e-05,1.543598774853695,0.09901641034337083,24.661872045768877,45.85642649117844,0.46898277681123207,16.141375568552135,1.6033010066721712e-07,0.0001132097967789073,0.20420386957575135,34.3941572595671,60.64541988570426,0.2759028650458455,13.788585881779651,0.0,0.00014063033626880034,0.3221661103987083,78.82350899701662,49.91251056374845,3.2897500302659695,15.043640180906008,1.9907974977412392e-07,0.0,0.1528694655625533,51.67404260380872,98.72146722434968,5.2152483236626015,15.640473871465776,0.0,0.0,185.65323828101478 +0.915370677127309,0.15433795757639635,0.34812952727806673,137.4755621212816,217.79781413272855,339680.2643443739,5.178415183687352,46.27188977579356,3.3075996288394744,40.17073896222063,3.8539105340903532,7.8982352259827575,0.3130651562604828,0.8248640189144638,900.882831872296,86.71853617064279,0.2073632469912517,62097.91501359464,1.0575480605095922,84.31597321380818,1221.885604845564,270.62608552595117,345.4208385668535,39.343670128653955,0.17848740754584447,0.19929655667738058,6.912134171204478,26.88421644388699,3.0469537362748453,58.72418170892008,0.0,0.6073378862398627,0.14212896125767965,13.066313430454397,33.257155371961666,0.46594078444288667,11.029936021598829,1.6033010066721712e-07,0.0001132097967789073,0.2120867386668586,7.007094064556897,28.167097557263858,0.28048556282774495,51.80225449568809,0.0,0.00014063033626880034,0.13572602820750646,50.001225290373185,47.61240449028082,3.0564538805913037,16.30230426343333,1.9907974977412392e-07,0.0,0.22864082990872767,14.72950277197732,38.98994115325799,4.963437771562118,21.0387575406366,0.0,0.0,128.06321303407344 +0.9411854364310447,0.1796873028999558,0.36720891936699396,50.52349815436611,126.24820808709686,310842.0494775653,1.65139457264513,69.78483001106844,0.6009684129905764,52.84924432109527,3.025239123270809,24.40570956122834,0.3660250625677544,0.7244093464673222,128.93291745740447,53.762280034197644,0.21721724254786934,53081.96949160221,0.5531945588216438,92.19727838436646,1054.7241791111885,271.06267800322337,333.79685841374067,39.856320099480506,0.339370331697697,0.19591145037705177,1.488007558249883,24.454615420935312,3.0114265778340448,62.36226336253332,0.0,1.1591718246498122,0.1340957437594693,5.299670858509172,22.695711000053,0.456371017839467,7.731211007279487,1.6033010066721712e-07,0.0001132097967789073,0.20794125239478184,2.465932147388692,25.261452809704394,0.2389378920995574,60.33360470378544,0.0,0.00014063033626880034,0.13194047578567072,12.598504712624376,23.568772401153588,3.55093797377432,17.9926917222138,1.9907974977412392e-07,0.0,0.21669110338515907,3.0930534887651064,27.011466432799264,4.129586528342723,25.70570297631541,0.00016266691299121519,0.0,108.88082247028838 +0.8637269321764685,0.11681677594334264,0.32996248083804175,212.19242832678293,113.55253654968627,320033.36498182255,6.421161415609679,14.597111974629797,4.743696265428446,24.20713435514817,0.39307189181109314,27.529879839250597,0.31004406464358003,0.7730533655432189,575.2134470291298,1.1028339847841266,0.10200811612952104,221102.11306799535,1.391549058785499,56.22249442838631,3856.2246602245364,143.04246714570445,223.15458545884064,48.85057461661815,0.34437137090058384,0.19727920315057568,5.395361460915058,24.706767422902782,5.325970461027356,9.819167859995263,0.0,1.547339059795079,0.12809594848222597,1.6949824939719125,15.93846702529714,0.6013505505605474,3.2561376503146096,1.6033010066721712e-07,0.0001132097967789073,0.2063251436876397,2.6554225761783377,24.9419087821466,0.3118428209100372,6.857093970834556,0.0,0.00014063033626880034,0.3442617695498265,14.95628444553141,15.83123077716704,10.4035559863762,51.10146657725245,1.9907974977412392e-07,0.0,0.21055737422328263,2.8477333748136857,26.289916251842396,9.868357282733399,4.932082130147138,2.2256656265431174e-05,0.0,75.67034751152293 +0.8984883317636343,0.14701828416264123,0.356852598326741,81.9878749880961,111.20712724503589,198632.20037329308,4.68261501806766,18.146842657949282,0.332321666582001,54.00029051370543,3.081518637830654,18.89057048059252,0.3148183276655592,0.9225421452050747,933.1241392251186,4.926038371080107,0.16659909989886457,55011.42141440949,0.7990827198525352,84.48236102198622,1370.5044757805686,245.3481591950335,340.96401300863744,26.369435825474916,0.18866400982249593,0.19423075882263532,3.3118705267726645,24.221810740344296,3.3115955306277187,56.50408996635253,0.0,0.5541729708824361,0.13033238930736832,6.510605873972761,23.295593302947672,0.5072320619340398,8.210809551973385,1.6033010066721712e-07,0.0001132097967789073,0.20570021735965996,3.3432213333574845,24.730356522057058,0.30321185240188153,51.00019419279282,0.0,0.00014063033626880034,0.12425218858699168,26.092660885292126,32.80932957317225,4.633718874810934,18.335318906342067,1.9907974977412392e-07,0.0,0.20654761621155632,5.363215612911349,27.678701380397325,5.81474004394429,17.55404894444629,0.0,0.0,104.54758333686497 +0.9868591632299386,0.14546392125807975,0.41570417904979307,130.16644812892113,72.33974552261316,321597.88483096054,6.549526044651513,77.0641402728596,1.494598878626287,17.103283208899555,2.8741388418125395,16.762618593985337,0.3838386606956647,0.6387237136371554,44.74118112590304,82.66272309722075,0.05738014492519074,51536.40113332651,1.095908276176139,82.89524294100039,3096.389679989718,275.4351525557368,238.11680923269952,32.812561474107,0.15487822249489483,0.20075221021891254,3.5920659737655027,24.26773747950179,3.906330831556881,36.683165453806275,6.666548887014649e-05,4.130338120676717,0.13992970032612043,3.5891988243743396,13.146302080537902,0.41900347444409486,9.321434142026915,1.6033010066721712e-07,0.0001132097967789073,0.21022974009554327,5.190406290060077,23.67819364791832,0.2895521178483623,15.923405486599137,0.0,0.00014063033626880034,0.33845644085114734,1.9510293174149451,14.961683311241574,11.687271620672432,52.142837652853295,1.9907974977412392e-07,0.0,0.14914504775073711,7.10486051595695,32.5454718442208,6.4069488742828575,38.79894580962618,4.1179813886536284e-05,0.0,93.98547274018833 +0.9657132221744656,0.21452789031096964,0.3814197810211956,118.2213673000112,186.67506059093694,312906.5801769299,6.811783297795405,68.99669317966294,2.374081971316642,87.64510374769274,4.991288201749176,28.56911508786622,0.3995096437829623,0.7634098255192009,637.0355588560296,46.6186287887806,0.09262246086940522,167223.58778037416,2.98649814631567,95.0458331800478,4929.556927369882,187.25244529403633,349.38478947277963,34.85781189264709,0.2569092494540888,0.19766226633782635,28.805689094162492,43.71515044598018,3.3005393972178187,15.728579951526006,0.0,2.2403972742181693,0.08810076593550734,20.363766021441734,40.84036097311736,0.6386687060527182,16.085682813140785,1.6033010066721712e-07,0.0001132097967789073,0.20119728272091558,25.550629679165628,47.401965777755805,0.3155406127434722,10.866678350945948,0.0,0.00014063033626880034,0.31135949503996946,68.77118276117865,43.97283063626628,4.4645270164453805,20.401621415321465,1.9907974977412392e-07,0.0,0.16925148222427094,38.11723745702095,74.35259499721055,5.829207503121018,13.041683460358737,0.0,0.0,150.49444350819266 +0.9472652734070721,0.16041411253005594,0.344383200541382,147.83684535242827,209.27747755309332,341944.0431645297,3.386288044222059,80.33181506173014,1.4518438068802557,64.77379936438618,2.3088636258243307,22.293318105843525,0.3028544104270411,0.9610985441180453,800.1523753156425,61.32948834649752,0.1835632737642401,73182.18272101376,0.7494904526005146,93.94763523055622,1797.6356354798847,296.8172561179183,318.36676990139836,21.415006756379725,0.15910299879055007,0.1887979625073452,2.0635476023775583,26.242421089286246,2.9406783008306943,35.88460469568076,0.0,0.612644566039626,0.11965305519257022,1.4520854584497378,17.360544256889913,0.2414681837306832,5.297566262131742,1.6033010066721712e-07,0.0001132097967789073,0.19947887977088288,1.866238374522716,23.080660686679867,0.24757256816610898,31.74614967094768,0.0,0.00014063033626880034,0.2658352230752306,26.24124549082275,26.76725643632182,3.217619653204505,7.413819199490409,1.9907974977412392e-07,0.0,0.18890456171518466,1.3491820729673445,23.007674588302535,4.558296460380189,9.561041563292765,2.5479302796832243e-05,0.0,77.32604433953496 +0.9404906044075808,0.20542231650444517,0.3991688409247042,208.9668789110088,246.00700527497966,200128.14475300425,5.513537626862614,76.60691660101176,4.679443086070265,89.70850813311527,4.6983038593216575,27.343349781483298,0.6124963078249961,0.9884039941336246,652.4778977579233,79.87506991913553,0.3294338524610868,161809.04203206598,2.904486392157279,91.30451558602475,4832.659363220773,187.42690309847512,348.48157748154927,55.65963073471234,0.16578747776403108,0.18786363887027774,28.307367432088462,55.33383698433315,2.8126578717506745,18.211265203033573,4.3836191338252376e-05,0.8599504765122576,0.11468461367998804,29.978832003965373,54.85897107587528,1.1038089038798624,12.397463722716214,1.6033010066721712e-07,0.0001132097967789073,0.20220804702553888,32.204250780003356,61.19608996027982,0.38923233513589567,16.022777180086823,0.0,0.00014063033626880034,0.1545798367840515,95.13325492806212,73.17669578919698,3.9280978623673417,9.23915471548501,1.9907974977412392e-07,0.0,0.17495903307170135,61.24876639343927,114.69797889708425,6.073204432948193,15.86365513271992,0.0003232349080540044,0.0,212.1490698853706 +0.9171092310704082,0.1917284045165815,0.35111140235005966,123.61077390316991,133.2417555539373,135610.93461169087,2.581753687172323,59.12794265757509,2.595272541478054,52.682425345537574,3.1233191839262497,26.959439315133718,0.32601931917965254,0.8447387200468546,918.0440105253255,91.2589655743101,0.25796062203805575,159593.44685927843,0.6631066680998732,95.69667717997471,4837.8179874911575,291.9191642942576,346.08940902597305,53.91389399982123,0.24658778913447768,0.19118359726654024,15.954722697626575,32.75471476536466,2.56680898698241,39.67680243056419,0.0,1.1439482880295346,0.12457565704898037,19.677153434269723,40.47291523475025,0.4907871276260654,6.223717091630193,1.6033010066721712e-07,0.0001132097967789073,0.20543685203744563,16.740665252984737,31.964691119796303,0.2971321992803581,40.16869870303265,0.0,0.00014063033626880034,0.1239626902050141,42.93797992357381,39.65663933974193,4.680370324096919,19.439532912337466,1.9907974977412392e-07,0.0,0.1812939616273358,13.538973025184374,46.90304104223538,2.920695253935982,16.03679302891003,1.3031400119173042e-05,0.0,119.81055157395248 +0.9262735184265204,0.134596216268685,0.44785212665888086,206.61569717160515,143.55948677087622,139400.7853993058,5.452086415846075,81.73411335889332,4.723454463854648,31.842707871177602,1.36776304716491,14.73253628349202,0.3852661597232709,0.5616337784346681,848.7374585381775,73.79522271003789,0.20626645085942466,74824.42828939599,0.6816471756616896,48.51265352458559,1497.0304778772115,183.0816102754327,240.20555947242468,17.92432648722827,0.29301517301921276,0.19989141544894362,7.066099649779334,24.083808379454016,2.853691652678441,17.042152858512186,0.0,0.7379937849290465,0.14106785025213064,3.7247261970394177,11.993403377818757,1.236631019886498,3.204301077516016,1.6033010066721712e-07,0.0001132097967789073,0.21273501647681678,6.449214208856602,23.81117888373566,0.41751805941677894,15.34285282660744,0.0,0.00014063033626880034,0.3248513848820443,5.240466967096696,15.122647804974457,15.364546296494826,56.14062647938808,1.9907974977412392e-07,0.0,0.19260017748602434,9.203185051082013,31.513932484084506,5.353049334106843,43.72897610916126,5.1210479614168983e-05,0.0,92.76683620970164 +0.9190956513086573,0.1451692926408509,0.38986438678989266,71.83794246853371,219.39150231437958,318576.35037073476,2.1314977780022293,19.253393869392433,1.5653230424125266,52.70790152242181,4.684313535028673,20.7649781160903,0.6683425365480204,0.853573589510188,325.2190723199562,93.80967164662187,0.3059689787185896,55222.90964682385,0.658767337838353,96.49468331782364,1352.7625252671317,264.41937988927265,344.131834470927,55.91604825044966,0.17868660644809364,0.1935092195730523,4.084290211250193,26.462233635399503,2.8731496806506374,70.32081398290744,0.0,1.2301321475657176,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20625043260521247,6.068169736401836,26.610376631520847,0.23505201037661502,70.93704310452941,0.0,0.00014063033626880034,0.1492784173237646,26.779228036921726,38.566606357303016,3.5171715533952503,25.21404284503748,2.7615343999459633e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8163642241196292,0.11372182932916824,0.3317734749550271,204.1396648292158,184.4994659667325,274658.2586436608,2.688048757560093,24.73979203769877,4.4435806134276925,85.97308727508319,4.430459780606451,28.39592917037591,0.4383704783618668,0.9885497713949831,572.9957310929989,8.380206391114722,0.14647260041894647,123960.3477400265,1.0362132674003366,85.2827230690524,220.56141471962133,212.2730018223022,348.0891248128489,51.78745192161404,0.1971694207320696,0.19238913584378384,19.779545507860426,36.82261488795191,3.280265747591071,51.49687675105663,0.0,0.6772556999667809,0.12950668028627635,27.265141479807717,50.177855604614436,0.2670983877476221,8.690403140245472,1.6033010066721712e-07,0.0001132097967789073,0.20320324325535635,19.838485904177695,37.310447849544225,0.2504353648155896,50.39107538614215,1.0647288003327423e-05,0.00014063033626880034,0.1319294889533145,71.44994435048949,59.08046648291097,3.9565882667895353,22.653260781366775,1.9907974977412392e-07,0.0,0.2013290053567471,35.4062774799244,63.90804445523454,5.5482990493569355,22.61783613752797,0.0,0.0,164.55031754458273 +0.8693103652437074,0.14998851970379656,0.34674881307371114,194.0790065281993,134.25421553845985,201096.58094235515,5.185859541414211,85.0713443738384,3.536223510100775,58.05750379230104,2.390928609219008,16.84969577178871,0.4788193340613478,0.7866565403171786,657.998646496627,40.410294026710204,0.13454012542514981,67229.6317840681,1.9069226018747054,75.12037689773663,2899.8815672021383,242.78783821231383,341.1426756131681,53.004960202695,0.3228309512348426,0.19890267368871709,15.124092978079767,30.713224767544304,2.9064702455385767,43.173145068548344,0.0,1.0724392876456912,0.1284625397261481,16.195291336872778,35.74068864200494,0.8319806061065154,16.87755402877451,3.684473024352096e-05,0.0001132097967789073,0.20879805307105206,14.697168737191529,33.814460487798314,0.35150407889787877,34.12005854712363,0.0,0.00014063033626880034,0.11997380577784336,44.41457536263698,43.53496122546669,3.4099462748705682,8.810871928170776,1.9907974977412392e-07,0.0,0.19896578757132052,10.230791741423381,39.47956527676395,4.861778917499403,17.857992445616393,7.496437048962549e-05,0.0,115.57561782697272 +0.8941901234477276,0.18959987555066188,0.39280374986236405,232.12295865220312,175.28904282462182,313190.41644534265,5.4341078989148315,53.75748729659291,4.756954185640033,54.54502647728261,4.996780442796901,28.420529488949946,0.4288792399470066,0.9890510609829105,648.0277377516884,39.66509307362934,0.2090995666465932,260274.63020971222,2.984760285324852,91.44781655533308,4390.880724878894,265.2439025572969,349.0970618348685,56.972962768592936,0.3251122330337352,0.19095545080225648,33.34236475400658,58.009665702036244,3.2724719178885247,15.52414005808071,3.914321354479395e-06,0.6702635940270697,0.09926099349637459,17.785606352268463,36.11010789806449,0.6452243456242394,13.813173429828694,1.6033010066721712e-07,0.0001132097967789073,0.20051791984881462,33.25767798033235,60.81726594524026,0.31095193145931743,13.365052629001482,0.0,0.00014063033626880034,0.3537427243170821,52.35527874808694,30.092911391100863,5.599224503894568,37.75859185452789,1.9907974977412392e-07,0.0,0.14677345809276987,37.250904007115125,79.59182556822199,6.193964357976067,17.749778298072737,0.00014746774921079678,0.0,157.17466905157377 +0.9767422327872972,0.20744506442045174,0.36939032379374526,195.90575703359252,243.09748834596525,247981.27459232215,5.753496593620053,80.85410758826805,2.6922449606233707,95.21882363448283,0.2850350764865679,25.903047086625595,0.7254996535773657,0.9845829580852437,490.9377682883151,7.760403182027483,0.34579186001302575,63635.14418098166,1.5165603230265055,93.32943708806857,4952.7535654932735,286.4557226181065,339.56740934038885,48.87408129167921,0.2574035792009284,0.18958462019215905,7.571887182879254,31.071830298417126,4.025059331654203,41.8317038154441,6.532940750199043e-05,0.9745591505279241,0.11306032173719374,15.52916008460954,37.35573483501751,0.9246102074960739,16.326023963198733,9.025999358876757e-05,0.0001132097967789073,0.20182207920116554,10.039154015764964,34.443301190236156,0.358070961897521,37.84564255517308,1.8085830250238585e-05,0.00014063033626880034,0.10740158120355493,45.56463215701123,46.87787519961324,4.739106145306069,13.370033441329117,1.9907974977412392e-07,0.0,0.1504753259637915,13.631863150683257,75.3946722857364,6.293098210265168,18.897053850139265,0.00011718116223958678,0.0,134.74152324488915 +0.9135551443354529,0.1880735434877569,0.41860724605646915,215.41248838435038,46.99320544524092,303871.9753985499,5.111529675232628,14.301630483641212,4.406167854920959,88.39369716441472,0.9702032337173544,24.512911745677687,0.48337077384521976,0.9278468401727169,645.5837424309083,82.29023171249892,0.23874757114626732,112965.75123798597,0.7443600247854925,72.94759683564003,4326.591689250323,295.48759767907586,349.24120983449865,41.55597661556472,0.18960299649940077,0.19430916469719553,8.702517652417383,28.47003623480727,3.0196875357881634,40.9909131266728,0.0,0.6863230149244263,0.1296035125947855,15.789132449301185,35.47636206941339,0.2738505790629458,6.421357478108773,1.6033010066721712e-07,0.0001132097967789073,0.20468521068151485,8.96856035407372,31.174844372522024,0.2701324313977086,38.702866064747255,0.0,0.00014063033626880034,0.14425898103251564,34.62818530884322,44.504867380416606,3.5791218144398544,18.63543628993435,2.7581264978416273e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9240489316762658,0.18840460124497344,0.4287666843366356,153.2650722647468,178.70647903939596,348820.7310572214,6.160818113029792,58.21076386588868,3.3230267643807694,95.77324101890714,3.3500702513085407,24.87776560788756,0.4234341312821669,0.8492459831663697,778.6759423687248,79.00773277723123,0.05338534460442321,97516.45515969559,2.7784988018786207,93.0078946425961,2687.8999143159044,285.5748071877876,280.17379445875287,14.495225943757132,0.31995684516805584,0.19295149987665455,6.680141280499656,24.816688928568293,3.48333424032628,14.785344306009746,0.00017658908938952996,4.838011116905866,0.12064028825135363,2.065514424483933,19.29576628442299,0.5564761212502296,21.480528041032436,1.6033010066721712e-07,0.0001132097967789073,0.18460634975831178,3.2481798080256414,27.178725524995393,0.29810731031895266,11.79536854038606,0.0,0.00014063033626880034,0.34886976624620375,23.807330759758432,20.20923980046762,9.1312038954904,47.578348394537485,1.9907974977412392e-07,0.0,0.081697445494415,2.5232283725731333,35.77224642510368,5.821168195810984,45.85302367831877,0.0,0.0,96.88296343979995 +0.9715928998964994,0.23597679861846746,0.3367451885224842,215.21912920512636,207.34627533444768,216787.42078875404,6.091160734495281,95.8509242150202,2.5254132969417094,89.04725304381952,1.9944029169414594,26.378227707130108,0.7556922154395049,0.4030260820101203,997.9972020542965,32.56915924783993,0.10597427252937153,63395.20272785229,2.9837207198446607,99.01350027931977,4721.750414818697,128.23037892004658,227.76637605507963,43.86279184636512,0.30589330667583337,0.20015573369159,4.257280381728604,25.19237933775299,3.0756395156725254,7.167268707178631,9.427632699526042e-05,1.787811397869676,0.11986924192150036,1.7908402028638741,18.81426461660084,1.0764362124912403,22.49233760676337,1.6033010066721712e-07,0.0001132097967789073,0.21126752082389844,1.6261876080074709,24.592576813509318,0.38561784295939006,6.296388745838368,0.0,0.00014063033626880034,0.283735919788729,10.978982021607944,18.689498005281752,13.461231823713861,54.21484057076355,1.9907974977412392e-07,0.0,0.20268362226669898,3.09436948688152,30.35075253894079,5.186507092312733,38.9389517229905,0.0,0.0,91.06415867607294 +0.8905556434930234,0.223036947012541,0.3684210136331697,234.86672818648208,178.48463757182515,277865.9887519204,6.006484336814074,56.25253758494617,4.713943635489902,86.36765578310815,0.39372692140771304,29.6512325364575,0.6297815625357912,0.9110349838855464,355.1688230523089,46.348462566256615,0.32775448833552867,205844.93528818857,2.9895546894285725,86.23492433655201,1079.1119097769551,258.71384056694984,347.73452104254886,50.07326410938512,0.2499217408380187,0.19077443423696552,31.637882080659175,55.47336782382145,3.4282844978341886,16.69922753311525,0.0,0.8072889229592726,0.09589548022052886,28.70789944829199,52.86332343870068,0.8254572669974295,16.645927869823762,4.744504898706203e-05,0.0001132097967789073,0.20238962253127948,35.152815936223895,60.418757793758914,0.3429302887649309,15.231766150191566,0.0,0.00014063033626880034,0.2820357739063654,83.23356391642974,51.192151076680325,4.554317211832936,15.168979041132161,1.9907974977412392e-07,0.0,0.18507813541833906,46.99227820826739,89.543766737572,7.296842268117261,17.590342768007094,0.0,0.0,183.77366513437025 +0.9637021222274655,0.20640645847037006,0.342359889595116,177.8416043245146,209.8537119987045,341643.58410541463,5.8477885855074705,43.22408104999783,4.346984353494671,62.4898862904164,3.796464030344448,23.7498710451717,0.4197115278435397,0.9497093575888911,194.06043028593783,9.463940493468051,0.08525240509527386,71471.05682299125,1.0137005698307835,87.54072756007916,2859.951751512045,155.99763195006804,225.3911889284364,39.11656235437154,0.3231913954984068,0.19563572447607014,6.1945636843011895,25.771921388608988,4.6047100332517426,39.43082434050837,0.0,2.1766116272480476,0.1283027162220303,1.2086911104152311,14.841298174799421,0.6122669013128332,4.6129197825177695,1.6033010066721712e-07,0.0001132097967789073,0.20432604636670473,1.911566120279386,23.71307040350744,0.3043940897756927,25.7552143398591,0.0,0.00014063033626880034,0.3542676811802643,8.259239290800236,14.90789145761773,12.47526712965144,51.26703043465676,1.9907974977412392e-07,0.0,0.17949427836558154,4.143680812665937,29.5874444909777,8.118864771624617,13.5348501220552,0.0002020644675164929,0.0,89.28836540111641 +0.9099775661996699,0.20104152568261244,0.4016617141093923,210.14092350730792,138.1020812525968,272450.0079181304,5.291226213110531,65.64393438856595,3.673730957433826,72.43412383842764,3.3655383176584106,29.68575499085312,0.598221125580835,0.9262386368239183,739.968497216147,1.7623220412542082,0.33463881256090094,255686.76069750387,2.58294147184242,89.77584155647953,3585.9729893349377,291.4484168553656,342.01719535286816,54.37698860800079,0.15005851593607766,0.19148207845887125,24.702854444300804,47.011163521431634,4.891801943986689,13.117370593650858,4.215611802169804e-05,1.0364348472881502,0.12608242919060833,27.992673479729138,51.566535191934726,0.6363053888258786,9.71487384975275,1.6033010066721712e-07,0.0001132097967789073,0.20121995177087648,29.43657030707835,54.73874158603057,0.31520561221029747,11.962827998415428,0.0,0.00014063033626880034,0.10594971892868563,95.77047118744667,72.09991001960614,3.965130711133795,10.083512272805313,1.9907974977412392e-07,0.0,0.19207915429178218,59.04889204770601,101.540511549727,7.61962000918544,12.676013911137492,6.203324889679218e-05,0.0,197.64814403778615 +0.9707172472189787,0.22809909493145464,0.3764548761001476,84.25471475218706,141.67542708336697,226724.49426991987,4.573565273985006,41.451044875668636,1.8366914571621122,87.68232170250515,1.2517818701274075,8.703676394499581,0.33952198018464125,0.8099458053248796,670.2378783436615,29.64299867977184,0.18827661685642633,110277.11525211408,0.7262358691960575,83.87303053727841,15.304012787905876,176.01176938526982,344.54463227188654,49.7911228327506,0.19953399346849215,0.19891779374794258,11.309274201977383,28.478839022190904,2.844228123619167,44.55362037961156,0.0,0.6737025477722718,0.14096107540970743,13.810026977792539,32.02974217674012,0.44720790165406843,5.796696544360754,1.6033010066721712e-07,0.0001132097967789073,0.21191115600009405,10.652239203548781,29.704963272530335,0.2884616158496622,42.44809317137725,0.0,0.00014063033626880034,0.08945153138708896,64.25720125486924,48.48455324271924,4.116113148528447,6.685773225839555,1.9907974977412392e-07,0.0,0.21543809644168288,10.20660215383832,36.79188873115737,3.971672295644337,10.692768208557737,0.0,0.0,122.9234808261562 +0.9353556644726672,0.16396893035027926,0.32783103374358114,215.19402861232794,56.527013652647476,102143.23422031975,1.9766889390047075,33.27386062494876,0.8432543808892168,21.899178112871535,4.193980906304397,14.398859586552001,0.43138921279099035,0.9131448611143139,527.8174565155566,45.97465309205249,0.22088412579521818,80939.14744573974,1.2102706256712361,56.116405176451565,4380.305736062611,55.503119587081024,307.8695756056388,28.897994176234484,0.3167276002498642,0.1946727301437242,1.8488883176481306,21.956460283008592,2.7160128388437754,26.511799763523776,0.0,1.1714241578786677,0.13701772365383155,1.7364900765873792,16.983152640916067,0.37379233429327946,3.934174318989998,1.6033010066721712e-07,0.0001132097967789073,0.20797450281825586,3.097521268033948,22.8300358632563,0.2925896758193385,25.10961106689949,0.0,0.00014063033626880034,0.12151669928643384,7.810023908584513,23.607836945563403,4.930227144356476,10.295847823458226,1.9907974977412392e-07,0.0,0.21645671116316031,2.2289521849404847,23.668971726199548,4.166415709375228,9.236913769078557,0.00031638020844388694,0.0,63.89241227849249 +0.8963900593258352,0.19597994190687087,0.3771583779308442,217.76411401576334,236.99361512773655,284107.3247721138,4.609908589250022,30.15553884026992,1.885744705701647,82.13720147256667,2.059613906514397,24.37220583782949,0.43696102374179213,0.860868326685406,984.1702460323621,32.57324976847954,0.24764868488940503,67424.90345854833,2.5093174854132587,77.31363520530661,4453.123601320123,228.51380740768295,347.3366928634442,55.38536491176411,0.22440165193012407,0.19160790517266812,20.166091495188205,40.36232681963469,3.049557133575482,30.737403660684738,0.0,0.6526774651511322,0.10213526768211373,28.78183345176486,52.48792778207899,0.6637078578801736,18.19271407879628,1.6033010066721712e-07,0.0001132097967789073,0.20142168685876205,23.537651227499147,44.39389841900394,0.3105086512131817,26.66244311718014,0.0,0.00014063033626880034,0.14690891969182676,70.32596077754887,60.135433761773406,2.922611150114382,13.059851279118135,1.9907974977412392e-07,0.0,0.18432742872248514,43.08767619981275,81.6687689290785,5.698625988601904,24.4690278022181,0.0,0.0,167.45063435101466 +0.9271282547957725,0.14761727853762951,0.3609785396973838,219.14892696929095,214.80408205983036,283081.7917753132,5.295494967092847,90.46858851175556,0.8231441297629092,39.68417856440459,4.655496559423769,20.75729367902686,0.41474126686888496,0.9830897918664108,811.1258548855654,95.26962483066835,0.14499626887789863,104864.96126015991,2.353155699241996,81.77503736594993,206.0582609158089,251.18058573426654,347.468129716173,56.30964525676201,0.2639508298275996,0.19283479400326722,24.374349448060176,45.293440653313176,2.9245314584493154,32.66404026348232,0.0,1.0300367904201913,0.09775671114027164,20.156621058381496,39.20828759194417,0.7478854797904565,15.860349491945074,1.6033010066721712e-07,0.0001132097967789073,0.20066190563090364,23.81621645763319,48.55120982002104,0.32700903959526795,25.931088856278894,0.0,0.00014063033626880034,0.22059972624518667,62.62930225147835,50.62822645485941,3.1723883457801603,11.935505248737824,1.9907974977412392e-07,0.0,0.15881494398829846,40.095130888337394,83.31044251459979,5.6611676306301115,18.914620989489887,7.687521440383428e-05,0.0,158.40201014000394 +0.9880172151155293,0.2107822583963528,0.40123288046347105,13.1726449371295,15.920019589174142,134770.97737353033,2.8868222725227053,93.22857219974203,2.177523446420157,34.40482140963236,3.71148250286973,17.441681114443682,0.3012001985326535,0.976816753012883,80.67687360175537,56.37691449562319,0.30053450388816666,131411.27630928886,2.9939664801921557,94.8629118924242,4175.494094035437,220.12843502700326,342.1548234446566,56.78518750818024,0.26697208589790844,0.18474599575315764,20.098954514370483,52.95305428146089,2.424946575255462,15.297886602601515,0.0,1.5196115067819722,0.10015539627495142,18.283542479538607,35.62209889413885,0.33518991722603725,18.655126736258957,1.6033010066721712e-07,0.0001132097967789073,0.19150887781772877,26.403186625209635,52.45160684797106,0.23801819011180206,14.972514877220739,0.0,0.00014063033626880034,0.23178453439344374,50.205999396097354,41.48156920477761,4.535468165663299,11.83179574726715,1.9907974977412392e-07,0.0,0.13184944205958649,33.67849453251434,70.3863175084982,3.85495486153492,21.10442855859548,0.00014887774124858297,0.0,141.50935667200167 +0.9413750729597634,0.18912662155022364,0.41587924294603423,231.86040692476828,190.93198889213653,346539.7270006639,6.665446280903023,83.59393726054131,3.882889611556027,58.61053000280018,3.1278629956231274,20.638555331669046,0.43228899304121987,0.8229421195363286,941.2190010969294,50.067306470206674,0.3232643085530322,207500.28956364098,2.9109014309801253,96.26552478920458,4932.675679652439,274.098974378832,343.16064519250364,23.708530957608673,0.21619300279000336,0.19147790935050832,14.530389827397295,36.33957511940065,3.3642472779677166,6.662557562857635,0.0,0.7172861929577716,0.12472498323276152,14.497083736642988,34.37673716321733,0.747928707103282,13.951383580489942,1.6033010066721712e-07,0.0001132097967789073,0.20181374669311208,16.097831231659423,36.156334997453584,0.32729758531238035,5.998954497738966,0.0,0.00014063033626880034,0.3205163908440285,77.2206397438917,47.796469010176686,5.5912695629768026,21.107149560904872,1.9907974977412392e-07,0.0,0.20246112126483048,21.490995198448722,48.45199487722798,6.690892663575537,8.246391590140155,0.0,0.0,128.15744484034497 +0.9308070766617698,0.1747148585253055,0.4387956624511867,183.84383737353738,248.2543519556171,345968.70911616465,6.841421122234183,95.68420908046855,0.7874812917021328,6.133750232810417,3.6686292882081206,23.807157727466066,0.3803480409822985,0.7856707244587449,313.5977198453042,5.704722096369764,0.20169065103727027,92655.45103903083,2.6786478655027746,93.60249392143098,3228.049333454508,220.77841975362458,315.44910827832837,56.47945401569082,0.2856811349952321,0.1930063992463941,9.422235171410977,30.039618361474425,4.794090804769219,10.723425626716315,0.0,0.883111137323121,0.1207389327273413,7.122246557088025,23.898166298225174,0.7718934821859601,14.950579139144589,1.6033010066721712e-07,0.0001132097967789073,0.19795576923521524,10.572130700574784,30.69362902801761,0.3303101871840439,8.393194141082517,0.0,0.00014063033626880034,0.32933867933153604,45.28743230620569,30.708303497768163,8.470067620275456,29.357063660605615,1.9907974977412392e-07,0.0,0.20103703455768437,8.328463395471973,31.976625433857798,9.465648400204152,7.640850275118323,0.0,0.0,90.9281021995133 +0.984082766143651,0.20151915109139473,0.3898835197166238,227.2583426237555,102.66518441894567,335510.02818358404,5.389936049668581,77.8918417464011,3.2797717132731137,97.42080620700057,0.3196028433614788,23.373148474527994,0.5336396449510835,0.9311625718264991,695.8065662718767,94.07155362286466,0.1566790615429906,89238.08318861351,1.6953531455200372,47.12534459407518,3854.5200765851173,220.06770975283496,334.6748198104472,56.48054077727426,0.3389706070487251,0.19456101456544697,11.925250115466843,28.93746642350221,3.11170605359025,35.304931248562184,0.0,0.9465056845229419,0.13290764808817312,8.33087519733202,26.300914547315916,0.4342173507381569,8.407947928870774,7.706425848513467e-05,0.0001132097967789073,0.20512649909423142,10.205781398471574,29.380909830128225,0.28318797811916174,27.885508654463994,0.0,0.00014063033626880034,0.267427704769924,38.05169302343911,33.92742829077315,3.1556660324190706,10.736030963594919,1.9907974977412392e-07,0.0,0.22016281327526765,13.346335036914732,37.457625290345774,5.284841323403384,11.60165758469723,5.594223175869266e-05,0.0,96.3424772389823 +0.9232518930237957,0.15936715956416198,0.34768835771506645,12.060520858052584,119.72280546878793,220941.7237396587,2.581753687172323,69.78483001106844,2.756626818601309,34.029989983776424,0.3464716108416632,28.435554907065256,0.7942236007663654,0.7007510172342162,313.2407134356302,83.98963858132505,0.14305120424534576,62765.57394836437,0.5099884804177914,94.28311467277021,964.0802679394209,224.4873315696141,332.0596656505277,56.5605334619038,0.3394717604401664,0.1951713902874755,5.1805958660219416,24.483826831038698,2.4549477515366918,69.20494233701753,0.0,1.2231752310552193,0.13220291400552023,8.926610882912236,24.76926282179781,0.4571465604115014,8.259052792733511,1.6033010066721712e-07,0.0001132097967789073,0.20790092773422297,6.316741436768291,28.24963623357457,0.240838805869031,68.44958665695816,2.0142207633159016e-05,0.00014063033626880034,0.14312607594779192,15.500998073859414,24.940172488867503,4.298039153807811,21.963193770236803,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9778089495952833,0.20729274963715838,0.3298433109322819,207.39582190677567,125.95979690894256,217302.57709922985,4.767000052484397,52.957959138982915,0.7161360678558768,40.91701202164129,1.8689293708428563,16.422375099878373,0.43194318871886656,0.8898713160862575,826.786997457981,78.45325028870417,0.1734862658647539,157666.1722494576,1.2440677498667227,86.88542560005378,2266.884943960666,214.59261305036685,348.0199771753089,46.11029573791872,0.2597927911989867,0.19518279823982332,19.175358176195665,34.96221593572987,2.7098711493712453,37.31339778143763,0.0,0.7641649988521221,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20802782003209988,17.165530717864094,34.86616110584973,0.3290501457318564,32.94814270993284,0.0,0.00014063033626880034,0.0979528484382384,46.20979981971451,46.02987499787449,3.3473516442205526,9.739864894551275,1.9907974977412392e-07,0.0,0.21213560368841694,24.579358616863843,50.6035029267554,4.802024738965966,15.497338804164592,0.00023355277617012445,0.0,2698666337285.8823 +0.9677250682286025,0.12092919149079391,0.3484934895278441,95.63114495356263,69.82553158387685,340864.7215936279,6.257246125682552,72.27393771813239,3.3175927600194104,87.32374870046016,4.898556601554744,25.01024155504372,0.4903633069709055,0.7254787322392385,268.5135671574088,21.637289751391272,0.1189449523146692,94590.75455126869,2.8090040200402435,47.18163511803361,3566.088451655388,294.9287626495488,344.26478199097,56.45919790823123,0.23605453019519845,0.19538040404962956,25.212266314251554,43.39159710828876,3.8389791735857166,25.607323998595547,2.3271469192150762e-06,1.295449838250832,0.11031204821813488,18.12481418010521,40.659901742956116,0.30695953593204967,16.36339175771624,1.6033010066721712e-07,0.0001132097967789073,0.20287118275726668,24.721571914772255,47.2883144157227,0.2694860474687638,18.67570082106752,0.0,0.00014063033626880034,0.09545219599598909,49.72472814101642,47.2771982794527,3.654943583797808,9.214904231782693,1.9907974977412392e-07,0.0,0.1756626048444766,36.74069617938995,72.66916830847826,5.648577189898966,17.824437490183673,0.0,0.0,142.90842166008113 +0.9735883302556115,0.22357687744381655,0.3433734020670631,208.03180418757174,248.70719712987747,342276.72738615086,6.089518611524841,70.87282934642882,3.997749770464999,76.74738514046554,4.573185580887756,27.959042824705328,0.7757608586683874,0.9251704716131172,614.694010039549,65.84095284961037,0.23972617932815177,259277.5039282436,2.872856880102065,97.78095831938002,3926.0862581076194,296.1102407022978,338.17864908366425,32.62475030865726,0.1813603025300594,0.19229619015362448,22.88519588495377,47.2373391182193,3.3139065155015457,8.080311896364993,2.1770132707622514e-06,0.6830101107996922,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20207761887806677,23.78848119405143,52.040157262687764,0.32161407865774827,6.937142540637775,0.0,0.00014063033626880034,0.18571259553919833,109.84164906927022,74.02098230693746,5.013416635452817,7.0992806937904716,1.9907974977412392e-07,0.0,0.17853924979327865,12.421716504641276,65.13080011190563,5.805581539585608,7.404306087570885,0.00012643982644426548,0.0,2698666337285.8823 +0.9884656904195127,0.13047216196174782,0.4256343634085205,169.33106226646106,81.99401128572578,250711.47596287858,6.044935834198364,74.01173206352411,2.533268244854554,56.486038685070746,2.089306631890335,13.751991022615307,0.6781288313495888,0.43254063703204426,962.4498520918181,57.60108174920929,0.16022911582659,57328.29333002311,2.8322254332534667,95.55637835997489,4085.6284966565536,39.76674404182133,241.57921005857744,12.663330716817038,0.16224306033453562,0.1858081436544648,4.8388047819900795,23.664174745764893,2.5809191325483574,4.104664732394397,1.5221499496500165e-05,0.9055623378364093,0.12503162999742795,2.1401692369387857,17.493192101456657,0.6042846797794682,27.12711930852776,1.6033010066721712e-07,0.0001132097967789073,0.2133237041776298,6.420940419062923,23.616456680887012,0.32111953232322504,3.5717566114151067,0.0,0.00014063033626880034,0.30707377593551277,7.445155899876834,15.482045013296743,17.931949844412923,59.07914166594018,1.9907974977412392e-07,0.0,0.19818625651061356,9.68290702294892,30.939091456554696,8.753390127985131,64.26651048549277,8.904452691599183e-05,0.0,107.84918155488444 +0.9829916184457718,0.1532568841348015,0.32753996971300947,187.875264510877,137.7412907256323,255988.35335504165,6.991947712514815,98.4874298400286,2.3058744259700155,96.6068545205695,0.5560764917518901,29.243809206398623,0.410615216543345,0.9988582207405775,707.5593706266193,86.35709527748647,0.29728350407786575,122285.32688084395,2.877070483551667,89.85130282384544,4237.039385478286,171.23956454193913,346.59097400551843,54.71213722809871,0.2981039698469498,0.18410861202586917,26.084455471488493,54.530769689333326,3.0509257058264256,22.731106833023908,0.0,0.7376076878018392,0.09141589005194618,24.619765091156324,42.91281511579511,0.8760762041883536,17.807723108950228,1.6033010066721712e-07,0.0001132097967789073,0.1987792743129328,28.855724315762732,57.54709792863793,0.3575326759813261,19.369030069865367,0.0,0.00014063033626880034,0.30845631880273977,62.00347185442269,44.13473571820401,4.694232799435085,22.186379502385133,1.9907974977412392e-07,0.0,0.11446830658225637,54.01070982266015,96.03623970003966,6.525306154885106,21.040242504510857,0.0,0.0,174.34978297893326 +0.8973351035235576,0.13056075407030274,0.3296404770050948,68.42142349594714,119.71116713836996,148355.75058045867,2.9078200281718902,51.54275750714869,0.8886458027137187,17.099207990515467,1.7522567049931803,13.68084355239855,0.32151315360641397,0.9239394975790978,594.801602664973,9.924932509455118,0.2626933882344546,60531.17494791675,1.1424420128205661,52.91055878213316,2930.90262464684,255.34200936659607,332.4327923830581,20.034741292513075,0.250129092197751,0.19469481376810013,1.7931674295692237,23.15222382546244,2.8609191984999143,36.235420891343914,0.0,1.2323878116460947,0.1377240932662538,2.6771222517511566,17.028001012173796,0.35309064024516923,6.630823209622304,1.6033010066721712e-07,0.0001132097967789073,0.2089802499223957,3.0462913324670633,24.79547161122547,0.2758926727441504,34.84172482599383,0.0,0.00014063033626880034,0.1359952827765602,12.63547502554102,26.726256219812033,4.682794615258618,16.748045979427904,1.9907974977412392e-07,0.0,0.21466099979057204,1.8766861905310614,23.911737002902775,4.974610336822115,14.002360856781145,0.0003448988444421557,0.0,77.54949703053212 +0.8815157883383997,0.12803626963724019,0.4288228648344486,108.51144382795384,184.59193735864923,263615.76881147607,6.616937087927449,95.29531981223676,2.3265750478511524,86.71439012307873,4.41451875022562,29.101830787017562,0.5521353247840677,0.9222019495181378,480.9008814334383,21.13086505610662,0.3405736875108806,77214.64346782363,1.8299864844681857,91.29207910228254,3661.772858081988,270.0656565734941,349.67953550880935,57.0173088135713,0.17341371292660984,0.19071575232384766,13.151741034309913,35.45770332523945,3.503470079547719,36.569350706975605,9.991890565792287e-05,0.8657557609300621,0.10449881624671763,30.085372967159213,62.95187154621521,0.7170759095526904,19.590884310498428,1.6033010066721712e-07,0.0001132097967789073,0.19973648606691152,16.27876423056846,38.612330722431416,0.33128262146471654,33.9185400330199,0.0,0.00014063033626880034,0.24099861805543293,95.42635387201496,68.63411937268899,3.185998637605292,16.914747709841933,1.9907974977412392e-07,0.0,0.17506382295995213,45.590208912541954,85.53263548439865,6.439451823525359,20.857580923489326,0.0,0.0,186.8783053584233 +0.8917963868191083,0.15416566896298,0.35003772511156633,203.93561927109644,92.23554029760726,210442.3074260389,6.361928008616794,85.50868029342155,2.1737797287553486,16.285190698842904,4.802224363054256,27.6282496016165,0.39811797880556377,0.8300521510335493,387.2191937298869,14.904096242759932,0.2924123245980712,55445.25231492639,0.5751656244990311,92.6520579313328,4079.569644402803,278.6413889980457,334.7293028593996,34.599356927887136,0.198121966100216,0.19321521204804895,3.35022124534833,24.58250449344293,3.8683082127876065,64.18302359722288,2.548531050236776e-05,0.8266451994047566,0.13207336420747598,5.999123290035407,22.24953449977983,0.8456253553105799,7.2604723078240285,1.6033010066721712e-07,0.0001132097967789073,0.20555020249127326,3.8754698169573865,26.16118462094142,0.3593724242757908,61.173933445776726,0.0,0.00014063033626880034,0.12349826746123124,28.06607469743367,35.216069214777285,3.4393718311805226,17.496479539297987,1.9907974977412392e-07,0.0,0.18515947850502903,3.6766741927444047,31.073284577270663,6.35302744659738,12.12180949521225,0.0,0.0,115.2789790073835 +0.9842929680506335,0.18000715227358718,0.3272435912852707,242.61361361298748,108.22205218165576,275464.4260748157,6.677773327677633,97.73902190634777,4.377015808383165,86.4596806631651,4.503073947899306,26.058590128649055,0.3493984501098382,0.9695614810949504,947.5433375189507,30.725635527782174,0.21501676550554058,258841.10833551205,2.563372135210062,98.31884829884432,3667.5764292578397,260.93940476378066,331.010815718976,58.24687619357187,0.1689394721630678,0.19066675867895064,25.875038745194285,49.121619335047285,3.3297917155701273,14.121455278068773,0.0,0.6888810697667735,0.11925599124293076,20.336326206112236,41.9127187730372,0.7512720658757559,10.64547135220041,1.6033010066721712e-07,0.0001132097967789073,0.20039638244410463,25.893875189237143,52.589996251624086,0.3389028099931825,11.10796010084385,0.0,0.00014063033626880034,0.16751982683336242,100.41482263402332,66.82804534568638,3.1221227311765407,7.946706739125236,1.9907974977412392e-07,0.0,0.16922235828780674,38.29783989440951,81.17023542492613,6.128566510146497,8.64535600447719,0.00011646769756346556,0.0,178.6814653886284 +0.9881909174639162,0.1691868744803835,0.40681982802446975,92.01678206147297,147.27627378377602,273591.9233469419,4.972697251222012,79.31798201237498,4.327076031620959,16.69395676070541,3.095930439247837,10.579734665146926,0.3937237630946461,0.5217101918764545,582.9862521646048,28.975149274001943,0.1734618141048781,60634.308116923334,2.795608558735797,86.99953265208215,2694.8557096932564,197.22126519866924,269.84568692294494,12.436783343067585,0.2980048161727899,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.118426318252955,2.4069744124140726,17.622317102031833,0.4093615953257218,24.035524776712155,1.6033010066721712e-07,0.0001132097967789073,0.21293168622739464,5.464788044704176,23.693383290625086,0.2795196777406949,5.13349822597526,0.0,0.00014063033626880034,0.3220674636277827,8.374950494775941,16.85608661667639,10.040266999784626,50.75777242160144,1.9907974977412392e-07,0.0,0.1838473350564421,7.456726839438564,31.71027109671691,5.612188247382704,50.26350675414577,6.321984584086686e-05,0.0,2698666337285.8823 +0.9894512760113197,0.16946488581212055,0.34300304402183307,217.63893133363902,237.16266654766707,287166.0129222476,6.963565245019197,94.53243286692084,4.3492577990713475,92.52807097990477,2.385156693823568,28.722399091415678,0.4380636258456043,0.9511309234896878,972.2434196508743,64.93521966545309,0.20155459782043897,238028.15503153316,2.556487900273819,94.79957161133217,4933.544845764277,279.1289227673997,348.5918652927393,41.09626798549984,0.25199696211576866,0.1902103611208713,28.214484863611045,49.33446292654631,3.1565750964226704,17.30517756313996,1.130046027988859e-05,0.8087757489985251,0.10111308635955844,20.909945104792016,44.25153904943001,0.9906561382827226,16.21050632800506,1.6033010066721712e-07,0.0001132097967789073,0.19723941840896347,28.02327923481006,54.31496576742495,0.3681903710858576,14.142990017082719,0.0,0.00014063033626880034,0.3425503130607623,75.889763184733,47.194401431629124,5.603556679128321,19.838282395941135,1.9907974977412392e-07,0.0,0.13904354511942352,51.75742271744237,97.73093992677025,7.105472994837706,14.551250590610685,5.237687450381062e-05,0.0,176.17871753517343 +0.9824824673341447,0.1839127941110376,0.44130676175003947,218.58743692020943,235.66037876169634,242002.4287780958,6.7475271603739735,95.39223007813878,4.030933096754937,68.73918277529386,3.6735783046844204,21.603495706348355,0.4409175139465463,0.9289387063895118,635.4713490981279,5.427970862567612,0.24956861254136226,255638.12175372028,2.8797750157134896,98.99832091266943,4727.5297563493195,241.8082801297802,347.96609692153686,32.62475030865726,0.18169384943675884,0.19069468228573064,20.637986798408882,43.83907411860294,4.45240602857329,7.5459691898095675,0.0,0.6730893193138248,0.12324947077295614,19.176307699925882,39.94712927488655,1.1151976509536048,11.158574226543331,1.6033010066721712e-07,0.0001132097967789073,0.2006632305798645,24.0049485049674,51.16681367488712,0.39063577503298413,7.266330334067617,0.0,0.00014063033626880034,0.33317912568363767,83.46350627260742,52.19787192973854,6.129884471017988,18.433338742294755,1.9907974977412392e-07,0.0,0.19247604022210602,32.05020885037022,63.12196329649078,8.085813729420844,8.48364763632456,6.702688275339125e-05,0.0,151.58770488802335 +0.9290082711896558,0.13024847589836475,0.3853760278037512,129.10932242191487,200.68759568979632,221574.39306460365,6.870679368630629,58.54890611150647,3.689147489521919,44.659736815664786,0.3951266547935085,20.389220363850697,0.46249826489476187,0.6201500689189684,959.0262050732053,58.004769777733614,0.21579524389423987,76515.87963237826,2.942680731395881,96.43459518797023,1605.479286508535,101.84175023012968,249.75202416745864,15.806289628183155,0.21282695913920435,0.1976973639584151,3.7988176021633877,24.235877498682846,2.92906484547713,6.133561891165797,7.276607708469522e-05,0.698410700602269,0.12332310650501481,2.103536468771838,20.0848581217721,0.9711310799358907,23.52149040627535,4.4159183196208625e-05,0.0001132097967789073,0.2097102220489489,3.7988567011008203,23.64932879045799,0.3725778937861082,5.007759358034008,0.0,0.00014063033626880034,0.33322487977158766,1.8993490595394122,15.457243921468873,16.417086095421276,57.27595992084103,1.9907974977412392e-07,0.0,0.1671304803073249,5.586270631700775,33.077259227912116,7.810796184286694,56.08030416278442,0.00010589434287948641,0.0,101.65438059021557 +0.9676893245244571,0.16106546190679744,0.43639304657540234,208.5132023527496,97.35600666328244,286894.86057805904,6.044824166437328,16.384900850037525,3.5165521622598392,86.8229940566626,3.726957826996589,14.499414082033997,0.616823206780157,0.7013084893611329,865.5222974917067,67.34689626169126,0.3429631967016501,70693.92918817324,2.7771472581702623,96.24175167413375,417.9776158439612,286.90488597157946,277.05653682412344,26.11467903465934,0.24752486257853504,0.18971201543350266,5.982203217162806,25.43334816111846,3.066587101917267,10.158186532161508,0.0,0.7965900292523598,0.11881044518154853,2.1140089937574875,19.42552236699569,0.5886606196485415,23.188256766959196,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.34233510217828006,24.278515978059076,20.27531176460925,6.873139971258994,44.93368296461635,1.9907974977412392e-07,0.0,0.1392136223420674,2.4987997909571775,35.05718116456708,5.333924635108117,45.39576271572171,0.0,0.0,2698666337285.8823 +0.9005773047848769,0.13149575665113214,0.350419509618169,203.53340775590945,59.39410016970901,186699.50819746804,6.332496826055301,82.39068196383049,1.6026206975001616,39.59925167750632,0.3479221254971889,28.218893214688908,0.7864020595910497,0.7716984942797643,705.7675396629966,33.19901596676478,0.2653202196076702,68095.27952632631,0.7575608846241345,94.0181811070284,2071.11721931562,251.27692595625035,319.1713233295685,49.18469687115138,0.2487912765715577,0.19455894842817748,4.408272765393427,24.386250986308166,3.1344744602916923,51.75913613495191,0.0,0.719143948112385,0.12957291884878366,5.710514306150546,22.579349980191193,0.7915847228052718,6.977408171080323,1.6033010066721712e-07,0.0001132097967789073,0.20647432335731986,4.746134992566007,25.657723790902633,0.35901517375560804,47.96798350745116,2.0402651519669658e-05,0.00014063033626880034,0.10873633735160916,25.367865893416596,32.08197039925735,4.06110497085939,11.450130180352502,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9529331079288392,0.2075558339309891,0.37608279484473073,106.17027562559988,216.2197239594346,142765.2699633716,4.041891151989976,68.48059328231385,4.7480231429877895,90.99578468120009,2.4088129935499563,23.739430602724887,0.42186125966451077,0.9234022023527491,255.0650134502082,82.86846298769743,0.24889725967745782,54239.76873746288,2.2249779123537308,88.20809956427394,4433.027405404571,255.79651940239174,340.710841243345,57.80751365681431,0.3473547632629154,0.18376065227705796,13.701255423351242,38.72685969081077,2.6550111023707426,33.95405060230583,0.0,0.912550729955343,0.06806902304059771,15.427181099851133,33.50479997238105,0.8381137135452612,19.13995792069572,1.6033010066721712e-07,0.0001132097967789073,0.19212327436706925,16.68649375261769,39.4012763953792,0.3535501299476543,31.083477200151343,0.0,0.00014063033626880034,0.21771589660180082,38.23613439626429,39.23893924647626,3.9319178452109425,13.91715626661423,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8010260089033294,0.1456797638115204,0.3533685355316907,135.9943475198319,207.08703310927643,133397.39523537134,5.365755218318938,58.81908703619902,2.5392407216046102,51.20060066192245,1.9953398608052226,21.620715985282843,0.4730153129215475,0.9932336290284696,660.4878416408436,48.71434363021642,0.3173884702375162,238112.39089364232,2.8872394712960627,61.38559277577139,1911.780039283718,194.15583237836069,347.25656949492435,42.04949944676189,0.19666270066560848,0.19345961926341687,29.180218689974257,49.119578555279645,2.978564872340152,14.542208116623247,0.0,0.9378333628689205,0.1330344624717461,33.851134162295466,60.19819569702408,1.2353501265673235,7.9319562002902035,1.6033010066721712e-07,0.0001132097967789073,0.20723917994136953,32.78316080549978,53.968061484033264,0.4175557786141008,13.100069232668268,0.0,0.00014063033626880034,0.12270920878465122,98.7676139702799,75.1211338572022,3.636554166472213,9.159267063961293,1.9907974977412392e-07,0.0,0.20542039726959777,22.698155101452784,67.12878423014473,4.535085437062401,9.170187011021952,0.00030422850913166275,0.0,181.93493474554708 +0.8321984681584078,0.23336161480148002,0.3680172452157333,226.76217385260588,242.581638492181,308950.3450145478,5.542599554266951,61.42080803758681,2.383507989223437,12.622553410464066,2.696709985928728,20.94885786229784,0.4055674641025151,0.8743025761562713,682.9371587317701,60.0442454561197,0.25983185175008894,194476.86103613602,2.8248781443671973,74.21855400024953,4935.795499593118,294.1756651362215,342.1569871893162,36.745532370823994,0.1603149400807427,0.19666283573021476,24.269279597457743,43.19216166187021,3.1649329358385234,11.77439943578885,1.317921099298911e-05,0.6903602027215591,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20808365994610756,26.74779426395648,48.970108434562995,0.3265127576415294,9.109716166643064,0.0,0.00014063033626880034,0.1306766366041723,103.5122239783579,75.90835104763866,4.263963014462693,12.969562431353035,1.9907974977412392e-07,0.0,0.21983695409421508,37.83424042751376,72.75703116157507,6.468712331651118,8.375645022954432,0.0,0.0,2698666337285.8823 +0.8921754062001619,0.18179159662618374,0.44493206263403906,167.39257193636246,226.7242677479086,306890.77162631095,6.458653035609666,84.24847932877326,3.597457222718429,86.86694757669217,3.51442661810006,28.564807299151767,0.48390163558318183,0.9755729358384588,706.5478238376015,32.28801458373459,0.17691461005230236,143759.85971210475,2.9172824203773953,93.14027960330985,1861.357991318744,229.81206505725314,349.89455362381267,59.66909690059269,0.324688122038776,0.18856111244413268,26.82483985235438,48.51833147224248,3.4165022929873463,20.18888447633051,0.0,0.7899771592280044,0.09833808562015554,15.836179369403753,33.212717702098914,0.7685633877580444,19.070164771296696,1.6033010066721712e-07,0.0001132097967789073,0.19290308641636608,26.976771591055993,54.770335734192564,0.3325060386848605,17.454018948480098,0.0,0.00014063033626880034,0.3534525031025631,42.81582971790421,26.097578986670516,7.754821026734625,38.41093017724727,1.9907974977412392e-07,0.0,0.1468540289760121,30.064826977392876,68.60156879046548,6.868171485578199,24.483367751857745,8.550807850349364e-05,0.0,139.82356452876024 +0.8246058803093803,0.1063363160380643,0.33658088045424756,213.12258278822148,132.58412275078115,136019.66130501206,4.392855632533293,25.869168512972298,2.9884346290779815,34.79880102311373,1.791830075101604,25.00454323895417,0.3614198088069057,0.7388364950635009,908.9609980071085,7.673251074076838,0.3142207180994822,111963.46359868659,2.515098125837455,84.38554163150172,2112.8287407799735,242.21579709982063,347.44037558956563,36.62344774271025,0.21572612453787451,0.1943456138334952,18.84796871607841,36.32648762482245,3.348256241930242,20.645171777042844,0.0,1.057220186450963,0.10088078239754408,32.51868852449053,56.210222520648564,1.0444560292198009,15.761232796081364,1.6033010066721712e-07,0.0001132097967789073,0.20834055333726942,22.847077403114767,40.973283875405585,0.3870401299724336,18.00203664314075,0.0,0.00014063033626880034,0.12611585239583922,81.24920969375968,63.56980861119328,4.451395030682372,10.846711117042995,1.9907974977412392e-07,0.0,0.20614981817963604,44.528734822696634,80.40565136894078,6.103007434629122,18.452785959001208,0.00012818956007373895,0.0,169.4425990486498 +0.9526313066412615,0.16974742975457452,0.44391858186845107,160.58857971341982,107.84791089058122,134378.90796523882,5.77560498228922,78.2770596512491,4.363537818630713,10.794841508921671,4.448749377429484,28.020205304894034,0.41472108152641524,0.8283249028734709,404.04564607788063,14.049484008137611,0.3084595325308652,245263.8211545639,2.7409587395106354,70.54668068629046,3446.3893180947102,179.92672100042992,347.41272698229216,50.14187192645153,0.3457199766529298,0.1931509372654252,18.106603982619657,36.93598869508187,3.689902407942873,10.098308068251491,0.0,0.9372219321099198,0.1298187559234141,9.04890332980428,23.793522081910567,1.157155398365406,7.517483906676534,1.6033010066721712e-07,0.0001132097967789073,0.20544609947924386,20.916429830564887,41.89718940830472,0.4081671682427999,8.44145048753431,0.0,0.00014063033626880034,0.349744857522924,35.06711229163388,22.729682156640383,5.240509949590953,38.0581476631259,1.9907974977412392e-07,0.0,0.18064465687126546,18.85818424099092,45.63722116193328,6.399214382627644,10.781833733871986,0.0,0.0,102.94081172221537 +0.9855101076239343,0.10541146641726248,0.44547157283831634,86.59783866199848,146.84597040314532,238482.88797785187,5.701725087904538,53.932333612417644,2.0466117405059743,43.09108560778181,3.32577613796752,25.83682975833442,0.3047048160176804,0.8098353444127057,563.4721860421134,83.48292813750155,0.2870114192929557,101693.33924136579,2.2793952977526954,94.00839027800961,2397.462418068207,235.8205697984045,340.8022013437136,56.4547742503376,0.3423325239277224,0.18479452277505595,10.72567441238118,33.91687583290744,2.809048923691263,18.963427488022823,0.0,0.8114631396138301,0.09299442229178459,8.08779343122292,23.405711565173554,0.5732131078560513,17.55516794816414,1.6033010066721712e-07,0.0001132097967789073,0.19195700506505914,13.15937646100391,34.30432750744338,0.3107123066134384,16.97171327606909,0.0,0.00014063033626880034,0.35220636337446226,32.87417124093353,22.185128154522186,4.108440939337766,27.360624737032353,1.9907974977412392e-07,0.0,0.1378778531652262,17.571874813279244,44.33962633844356,4.783300446667804,20.73995872866821,0.00015475729987130804,0.0,96.22782960520851 +0.960755646882536,0.2378175510605812,0.40646043828934997,148.0767993470312,234.92655255926033,337051.06517394254,4.67664240637195,52.40748709901159,3.8457921578002954,34.003984225283126,1.455839191066394,24.05543689748483,0.47039278025025405,0.49165607047702603,641.8887693961826,22.17827231417357,0.18650761036057334,54354.28706911666,2.808418519309792,74.7913128083901,2067.066658252805,80.4466742320246,223.83379442594125,53.44001823132064,0.2353040887873601,0.19988626261388312,3.28842465389072,24.69727977317159,3.3464213058355248,4.801265846160631,0.00011627487769744262,0.6093855319452266,0.1290977385325072,1.692383758317574,15.739367448196795,0.4395872260657081,18.489449549059554,1.6033010066721712e-07,0.0001132097967789073,0.21300103306916443,3.577385496043589,24.422603924658283,0.2743535529740367,3.86146468686063,0.0,0.00014063033626880034,0.306495601853474,7.892843736641099,17.074508918689343,12.339579748521107,53.38798634321212,1.9907974977412392e-07,0.0,0.20777184507262048,4.055873604316802,31.149824267490953,5.902395149843269,43.33711322735579,0.00023103380420749713,0.0,90.15878354290922 +0.8464823238459691,0.12439326671848372,0.422431713373986,204.81743389557496,195.3424548363917,245169.24792774644,6.863188383567005,29.820866296491637,4.983388647297245,98.08712621471679,2.941910791672841,9.508917894573042,0.3438304170613727,0.787522894427438,828.2160849797626,55.99431886560603,0.30885168400681806,129421.2587894689,2.2454214378803923,85.84306578503382,1382.5177637983968,17.149972910469003,256.6743092622004,15.350672753541465,0.2652924246034131,0.19938594890383446,5.119008125986111,24.44787053896572,3.0995986412301773,3.31627110955286,0.0,0.7420577500883337,0.14204579864064729,2.5718842609517827,12.867467409504318,1.0358052409108804,12.85292349511122,1.6033010066721712e-07,0.0001132097967789073,0.2122061938342531,4.1421781452873,23.811340592665786,0.37926879406520236,2.148901807255197,0.0,0.00014063033626880034,0.3438912830879204,4.085494239676815,14.581235807083127,16.120840913816334,56.900430843323974,1.9907974977412392e-07,0.0,0.15835159087641085,5.909481387174124,32.870278311958494,6.7712287582618425,45.74419704237352,0.00033041372388095956,0.0,92.4838650260639 +0.9466953424034271,0.1553100662121683,0.3590812409898252,204.05015345086372,182.20904762580145,329468.48316810373,6.524423597867243,73.26250799718382,1.7567598807034808,31.763864346507603,4.685808047094336,26.581339579627436,0.768641501168278,0.9650563971433825,425.1604189379824,94.24882646391995,0.22521622322345863,204249.67251303757,2.8234620044128733,82.58528791136848,860.7721932707204,297.6626348139126,348.0621743733679,56.24089475044094,0.23579252188416777,0.18879945726857025,33.41646811356121,58.63851868412404,3.3656105423048692,20.26991084187554,0.0,0.7571823432635073,0.08216460784231065,25.98808986510141,50.609200431938206,0.7228701629807864,16.72356689544097,9.267609917356666e-05,0.0001132097967789073,0.1971855603836519,33.85010620690945,63.44831954712376,0.32505271046149364,17.408047703264124,1.2067869693871915e-05,0.00014063033626880034,0.3018631406593281,78.20712775038884,51.93738349311891,4.828538557819386,14.848978554490943,1.9907974977412392e-07,0.0,0.1501962316405972,46.81886521934695,95.85643891059688,7.481372907267488,15.874432331802469,8.418214829953934e-05,0.0,186.321558622338 +0.9447168208062071,0.2014981113618094,0.34392371623937634,130.04494795165814,216.75653517954703,232977.4907239174,6.389503099750294,91.23853104380109,2.1177544212430752,89.4039588968581,4.911964358585361,25.575236429376684,0.44926094191228816,0.9311625718264991,410.50906353707984,62.87199333730887,0.3012254889329995,88832.66958212064,2.247501651244362,91.87950666729641,1908.6195770008821,56.509865022957854,337.45382801148685,56.93596606544624,0.24244328086597502,0.19095505184282585,16.144319471080873,36.04255458452047,3.0926659541822823,30.223597762110835,0.0,0.7997293169084184,0.13106737485397146,17.210933158468013,38.66493565770335,0.8864054616277516,10.102469434613642,1.6033010066721712e-07,0.0001132097967789073,0.20208896765247572,17.74329187559673,37.90490015005125,0.35739758451715514,25.220541023166533,0.0,0.00014063033626880034,0.13775515377477623,64.54597187000199,56.57212991508383,3.301602780821154,11.33955594515944,1.9907974977412392e-07,0.0,0.20187389854279264,29.35607662314771,58.85793779996214,6.435365521897946,11.559869251371085,0.0,0.0,137.01289148830318 +0.9716457485901802,0.1799512478121947,0.36508029567123146,205.41327159355416,206.7228022726229,289348.00229926564,6.620620231439294,37.26512317264401,1.95243998633818,97.78940263844865,1.6096365497513985,24.300623426666075,0.5251269055087638,0.9589898520764151,204.5964580632628,96.37223437655567,0.07746977765150408,93061.19932319915,0.8993468895997289,92.50203672274036,4558.894076237728,130.4276809927647,349.1344394352397,39.35032701184443,0.30900492527272183,0.17558554350510527,7.871532449954711,31.474249197685367,3.5352019897009375,58.18740958780203,0.00023645290431566454,3.1726847982116033,0.12924933625252566,11.00527746018607,28.188982288190573,0.8797498067377456,7.216486968942297,1.6033010066721712e-07,0.0001132097967789073,0.20236628137803161,8.536359929440692,28.09961133740445,0.3511726003127541,43.93820093069628,0.0,0.00014063033626880034,0.10932574434724368,37.17594838298167,40.31724759779853,6.79627416394166,8.843444511726549,1.9907974977412392e-07,0.0,0.19594588612071756,7.66931930434943,41.7296214809939,7.682812334914557,13.196183932308944,0.0002513689940551301,0.0,115.70683404774576 +0.9474652536166526,0.13846227981091191,0.42100544545855534,89.34285947811033,40.18291512996201,336266.7849143791,5.803537216991952,43.40664352082142,2.5230378571612784,87.52835741113417,2.8311351580549555,28.488334233124895,0.7390082916847928,0.8240643836886413,244.0847325169516,34.39716909426157,0.33269012437668627,94590.79879479497,2.8103384663301534,85.0819167374424,1067.7218214247107,77.48965100421422,342.64451961000134,53.53330804513317,0.20355390793528316,0.1915025573087482,14.682531557813945,34.832563851631804,3.5877846869945014,14.843869091902821,0.0,0.9241942540104274,0.11828277464882452,16.90126434922515,39.46863297683834,0.20492422347858022,11.517408996033849,1.6033010066721712e-07,0.0001132097967789073,0.20524657276838107,19.531267077259493,42.068949789273326,0.257362945404764,11.493924248177525,2.6368863806231475e-05,0.00014063033626880034,0.1690585578939227,63.88060321820593,52.95280219710165,3.822300533805953,10.00977661153846,1.9907974977412392e-07,0.0,0.21150626673251913,28.315577614504516,57.52737348914408,5.242617848085223,8.921854913715714,4.223306608234463e-06,0.0,130.92161978563053 +0.8832497064744593,0.1857454032835538,0.3800485109465459,240.13043406735432,47.282227160356484,135710.45863352946,4.957102609653565,59.108453639039084,2.6386803430164942,48.585470333049614,0.2762284517879219,28.30696350423754,0.7006613128914679,0.9911551573151832,695.49312616734,28.268838638099492,0.32853009273982026,257027.92217629385,2.886231041126931,94.21343234343635,1516.9905525648353,290.82889203583034,345.0436401013318,56.96896905246848,0.2027501340347871,0.1882000996743289,33.98237682998346,62.1191262970394,3.1349990649185164,15.230013205146186,0.0,0.9799907877912774,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2009694524500628,37.7653277243399,67.68107002348769,0.3651281809960552,14.429504835145236,5.341923924902731e-05,0.00014063033626880034,0.1391603795464886,88.90130462578237,61.24135441396787,4.927796955640261,5.66556987932356,1.9907974977412392e-07,0.0,0.166938094827447,26.324917897614185,105.03682132198628,3.907608800378223,14.742531245045853,0.00027324310783805153,0.0,2698666337285.8823 +0.9117183906292893,0.12853272451133563,0.347496159593774,164.36184369663187,41.09874313328028,243794.7184620935,1.69218254172119,59.16303721849183,3.1516814145130416,23.58710640804258,0.47326250599201414,20.79048604461363,0.4245066646024582,0.606483522815107,465.46911430635276,5.301744038716194,0.20730162193075086,62179.18365185674,0.6556997918127286,59.99484821196607,1341.8999619299825,252.88381022139652,336.80887592538147,45.56538470181707,0.17964719478383814,0.19772234417635337,3.4881805720484387,24.677816793153216,3.194056447220799,60.642376861990385,0.0,1.1184819248293147,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21097496887942357,4.564485679302964,24.36709978789588,0.23493276077903574,59.63320261717655,0.0,0.00014063033626880034,0.15285054266255202,20.75198268236538,26.116126813111617,4.210909291719204,24.112551975565157,1.9907974977412392e-07,0.0,0.2134450324231696,2.0161443248703512,24.845908044587144,4.271676767162673,20.483932454296866,0.00030435212817003635,0.0,2698666337285.8823 +0.9805635341672309,0.1291564759033655,0.39433705817020215,78.52483159549661,239.54627125723738,299963.57571016846,4.835338622181947,64.46117412616354,1.539258972050817,9.643099618461076,1.5587498739238423,18.75265198206455,0.34714331088692607,0.6553961206681387,31.019078483624355,92.74081643893334,0.07638118253242242,77275.66633475346,2.132977389414431,50.361975954307155,1758.6500542653896,255.28802788677248,348.6475511278257,59.294048755291165,0.2651091198334852,0.1993251892702308,17.748538669367733,30.56337992982595,3.4057155512046022,38.57496938355318,1.8484957629499114e-05,1.9583034650970834,0.1334994456806645,12.063201760117561,29.74067241264873,0.34727651809388743,12.997073474859407,1.6033010066721712e-07,0.0001132097967789073,0.20999761937349998,14.680466858879326,31.51192748320541,0.26589586130821086,27.294693443629228,0.0,0.00014063033626880034,0.10936806951414106,33.95410367449412,36.603087319488324,3.770164908707706,7.736045668869738,1.9907974977412392e-07,0.0,0.1879108473043604,9.777201679449758,37.80103673561613,4.65067279929856,15.159463807173148,7.486491733065422e-05,0.0,101.23280759660472 +0.9185054573343755,0.10768198648173627,0.3573365417421308,140.68819294698397,27.634013920768524,273294.6345832023,3.933868632164474,25.21779365801155,3.6702401552979613,30.30431681778294,3.0506770746262006,29.385208143945327,0.37186922327400435,0.6865821940460078,466.16677100577357,42.12582041332014,0.05530425951787356,67416.58607502098,1.2515667492894682,80.76201898604846,2052.2715314195907,34.59791482569854,332.1022872323567,48.634382149336616,0.2854284073439211,0.19907009806981038,13.530500765246403,28.24270231904784,3.0033849231952914,60.524521009474654,0.0,2.8902360334404773,0.1297644453417278,6.770210934360461,21.783984399162552,0.20191948585968936,6.540218383725273,1.6033010066721712e-07,0.0001132097967789073,0.20705981096458648,5.84748829875964,26.073281584513325,0.25083646320349146,39.84751535015945,0.0,0.00014063033626880034,0.10922720953947326,23.589128666015775,28.727046966159467,3.9407989259162015,16.345221656874894,1.9907974977412392e-07,0.0,0.20566266399203745,9.095124918720728,32.38465926573049,4.561801102368442,16.597819464045344,0.0003812260821250667,0.0,103.04722535498027 +0.9881298815081826,0.23797126822597367,0.4344417814604159,138.79646618852965,171.68099235937547,270693.10284540144,5.031197854423133,79.14351546529402,2.452477045734102,76.65679131164265,2.703186332314916,28.30744383613055,0.41451279078559167,0.8293333578106694,680.331000779739,37.67957359029645,0.3103862378983916,251797.04408817284,2.9240345225125166,82.98781468223184,4152.655281537844,63.529596252450986,346.154355523164,42.130845813099846,0.2837523386472972,0.1917010209514131,18.879879014480856,38.650679773712184,3.0502632461308106,7.9866092976337555,0.0,0.8643825321365755,0.13172395784437635,13.190560661492214,29.013898883184705,0.5590870652114065,5.444878099436783,1.6033010066721712e-07,0.0001132097967789073,0.20491948240597302,21.732755351441625,42.55572003292192,0.3013998641583958,6.233612895909118,0.0,0.00014063033626880034,0.3486456407451485,52.239515241190915,29.965007367226605,3.671730801382115,31.230973694489794,1.9907974977412392e-07,0.0,0.1976269946642927,23.886085783722308,51.07401813418123,5.1401853767226,6.5901529195234865,6.252010048464737e-05,0.0,114.70441137689026 +0.9241363564433471,0.13550079992470748,0.4070038606416995,218.65672514588684,17.431297353060636,315735.1556439162,5.742898248598279,7.760884106386335,1.751766918180379,98.5174691731681,3.8243788446542193,23.792151506145352,0.40618706961159806,0.6411809235832295,246.70562328368138,90.16016637892548,0.09200687994496118,57474.086054916304,0.6675304281320702,79.37644539134286,3954.811146989191,113.07289214301349,345.0220978474974,39.672360744171655,0.1804821955279763,0.200519636710514,6.1557259217975915,24.267421664173476,3.4313928864841845,69.06238977361805,0.0,2.17889654123886,0.13552785256233493,6.950305463945495,23.10532906927771,0.1853114378678794,7.680838090536896,4.945215586263609e-05,0.0001132097967789073,0.20940338104848233,2.2428659736032466,24.54461488949313,0.26494120949848315,54.24538654118376,0.0,0.00014063033626880034,0.14919576306124754,25.592050312299115,29.36290902140999,3.6912602182346514,21.914271296854224,1.9907974977412392e-07,0.0,0.2234596166576382,6.612747130718359,27.749733498242854,5.0895255559031005,19.36626919492547,0.0001396447290210405,0.0,113.27016517403631 +0.8161601615517764,0.1379334610066477,0.33926349514541965,14.072950182932402,201.56146849728657,260413.3413747838,3.285836259433511,82.73444371389192,3.988794756435257,9.976396189236278,4.166794268834023,27.021396108698998,0.3748217759402016,0.6779098480601345,126.85511680754887,26.877755471569277,0.14658168189846316,86393.74194066091,1.0285184949692803,92.3968078665968,2784.738854972104,264.11827829768606,343.6368607075718,33.71755030380305,0.17354701382654514,0.1972382813314691,7.516475179199282,25.350439155471204,2.8760819561561037,43.78634249689528,0.0,1.055362644785031,0.13521607880540373,17.49152543797256,35.96938687806737,0.4191255185629361,8.570651930709701,1.6033010066721712e-07,0.0001132097967789073,0.20974641746653305,7.996191447778887,26.676515899103293,0.23840789502907034,41.80185458238396,0.0,0.00014063033626880034,0.1465727455028967,48.69260267698958,41.10703777689738,3.7525062123660047,19.50696012958645,1.9907974977412392e-07,0.0,0.21647078291428593,9.905209946106707,39.078168457763475,3.255674719511915,17.629832451329282,5.484339226506158e-05,0.0,114.99712311058282 +0.8171773097715225,0.11534917428396595,0.34235162523153956,12.64573078207184,207.1932327378389,279462.3772882696,4.3090851238188295,69.74535339209802,2.8448767282952936,41.061130209132706,2.526257290574606,26.076404918261844,0.3875178326252801,0.9074748706036732,55.92892137677061,3.5011712064164997,0.06961447662581975,153204.75062176277,2.1803846987429556,82.96981256033244,3070.25911542185,261.3300252835732,347.498824579709,40.85204290634154,0.18145568944736473,0.19330445209409727,23.138406673718414,38.5653317551616,4.10706338411865,26.55185768655824,0.0,1.2845854549697877,0.12086792652505529,37.67692279841115,65.53485468586707,0.39049043159665475,11.235518954932902,1.6033010066721712e-07,0.0001132097967789073,0.2058195247710087,23.240421402600287,42.107411894535915,0.23743330940557061,22.14926136530848,1.0985706701086382e-05,0.00014063033626880034,0.11114821422611693,90.25623162292851,70.53682726834683,3.7618668292679556,15.21392234177075,1.9907974977412392e-07,0.0,0.19385178433108696,51.77810824289812,92.51426606683674,5.57722566393803,14.417943369381144,0.0,0.0,190.36013142992215 +0.9037583327413403,0.1117416236162989,0.32080209269942195,54.91270786422295,62.71200443805111,305722.16268229694,3.7673440754344227,97.73902190634777,2.40813049194879,96.37939461106501,0.6914593145447343,13.844918274498317,0.3436866108988653,0.9586168116991505,290.0634147666577,28.627261647060923,0.23035406599571245,62946.232867575396,0.9624206661490085,71.89281224355219,1475.3630317079953,136.82453398638506,343.8729697328355,51.37720617403734,0.15863403701029394,0.1949627934313777,9.566586617640437,29.204316259988847,3.145391187108577,72.155379576683,0.0,0.918729408734224,0.1353513047155081,13.982194524147465,34.82402310632159,0.25624169506805206,10.91903231320486,1.6033010066721712e-07,0.0001132097967789073,0.20835064342793216,10.39329312881067,29.475160845799643,0.2414104916602875,68.65388803142788,0.0,0.00014063033626880034,0.1461398703623242,40.334343716088824,41.78573192429304,3.6386380220087107,25.334155730074936,1.9907974977412392e-07,0.0,0.20973443310356085,16.336601221829806,39.47002826789525,4.626315975240407,31.80736046776899,4.5335356291809524e-05,0.0,142.35618395155288 +0.9519797956583943,0.10489333043838142,0.3286691152764366,156.69540576546058,183.00325125523847,260668.20219739102,6.1910128702083345,52.94166667908238,3.3387201488471985,48.19975932231307,3.717493817103046,27.045057502553476,0.4426906186567706,0.9449912998982839,915.8901669125923,26.297054562972935,0.18833801976846012,207169.1194557199,1.5725521807757072,25.99223062053973,4682.028870319573,234.27767039600764,349.6510047184797,54.95630129754241,0.16152858665525452,0.1891335906906784,27.568157914563894,48.78858670200139,3.2361139847895237,33.741973952032225,0.0,0.7087930445381482,0.12187728321660235,26.573505457243435,49.816565040715815,0.7924382942717839,5.589542998104272,1.6033010066721712e-07,0.0001132097967789073,0.20212812303106115,24.928406264901422,43.75306346187031,0.34087643983195043,30.415318413484524,0.0,0.00014063033626880034,0.12683323087460294,70.98247697835545,57.4050350595529,2.9586445106591612,17.605742658427737,1.9907974977412392e-07,0.0,0.19457638725440435,42.19459517087523,76.26704556171133,5.929754711129896,14.000775643329417,0.0001701327927240217,0.0,165.68476790265902 +0.9181792304640517,0.20654281196343655,0.3279552187709995,210.36757502361996,225.54677204107995,324386.6554602663,6.418581501616077,68.90082945204037,1.828033646174486,85.25224333201844,2.622423309964151,28.634164269530594,0.7343150034183441,0.972037684517275,818.7867335436298,90.75277119619183,0.19880762628197696,160595.9846247991,2.8244264158681163,96.8510414015329,4527.200583568863,149.61639830470395,349.81160872998805,37.14704195298911,0.29951766157688514,0.19263864764385794,27.500308750117355,46.71864059045426,3.169331220832966,19.86308985669212,5.67727181307734e-05,0.7525272420348029,0.1186006639519305,22.050217583158645,42.76374383044355,0.7924632332949653,13.991932134453581,3.794776504446669e-05,0.0001132097967789073,0.20021558493564973,28.838483102073805,54.64962274818094,0.3339908038186903,15.303878042783596,0.0,0.00014063033626880034,0.30469952610103745,71.82527163849858,47.09299551651702,5.7032788658932345,22.926531585627266,1.9907974977412392e-07,0.0,0.17684344625986032,39.40071407703816,77.41431461308399,6.602963737559064,12.563456667882296,7.3371455788587885e-06,0.0,159.9680710297808 +0.9210525512340021,0.19064040834357926,0.3423934065969469,199.2662147527529,237.59609308798557,206970.38201292083,4.890272132870391,72.3535447781206,3.3903756729572234,30.913859380091957,4.041793616328441,20.78317970320161,0.4708804807822945,0.9574604294977271,924.82386435126,66.48462751116672,0.33689659711277115,151384.5101627233,2.87800074161983,77.18332793619825,1531.7253790411485,290.6390453976848,349.20702739531066,57.03869531324691,0.2380067633183346,0.1894839611536902,31.49609230748723,59.63448352360997,2.7432152357039774,23.543278581018242,0.0,0.9200755054622157,0.09493407705276899,27.916419087229514,52.40856637778484,0.9411535063768789,17.94017182209023,1.6033010066721712e-07,0.0001132097967789073,0.2028811727915316,35.41202274259735,62.90858186231018,0.3617389896536833,21.45947012606052,0.0,0.00014063033626880034,0.180035921066723,79.84661232464535,61.73745164287283,3.1747073040994898,7.508688071081782,1.9907974977412392e-07,0.0,0.1634740965726376,53.66794355132983,101.60989629852556,5.424012183466001,21.306862730494448,1.4499498098508243e-05,0.0,196.40166511702807 +0.8883309510288396,0.1276944244702532,0.3402999555207732,17.852878275532,166.16633923414483,170897.59494340676,1.7847264975559303,13.65019424011058,1.3631444110000543,36.0296287841985,4.099277375222428,7.48277938225347,0.331475283786412,0.8753196630313739,368.4642404352911,28.552205072719456,0.11883666866669516,185292.31469890196,2.1355551478359653,35.93556380930469,1500.6318289978897,20.320446291807542,342.50216526712506,16.77019596676663,0.16134767046947268,0.1983667462141702,5.9059992686854255,24.501767916244965,2.400216309360168,7.235633593696042,0.0,1.3296848713406038,0.14212020405126916,4.1564632237463375,18.27207181900212,0.4306248724000559,3.177233566006389,1.6033010066721712e-07,0.0001132097967789073,0.21177176391061767,7.167402039317669,25.602959918815834,0.23842253616994316,5.640183568754257,0.0,0.00014063033626880034,0.1556552248902709,33.49688556835833,29.347235251163564,4.593471605089355,18.226535378489906,1.9907974977412392e-07,0.0,0.21521370602695616,1.0780163072059665,19.582234185770975,2.812666687766828,3.234666638466525,0.0,0.0,67.34286133636924 +0.9177078342289954,0.18037162053123768,0.4011524215471754,136.31573619053117,243.08180651141228,336480.9895037913,2.2395680845481682,67.61281914247147,3.9117422476584576,52.18381165353628,3.7140806982390493,29.44589050514516,0.49056639918526845,0.9852864086893685,757.3125647092713,93.64243782003815,0.2968981017183245,186070.36728708673,2.682852073397967,95.80851244559817,4760.751885559425,261.1723099085811,348.12182476889814,59.52581225257899,0.16211030922557726,0.18571757201123937,29.202740866759168,58.01012046730866,2.7827262950439513,19.508198206909547,2.0330306272436662e-05,1.1152136324082145,0.1075813596831463,31.576293036380566,57.27424570123019,0.2668584453935214,13.32840634554052,1.6033010066721712e-07,0.0001132097967789073,0.20113436741921217,33.7322381696898,61.68442030110119,0.2361604471778583,18.599271403801144,0.0,0.00014063033626880034,0.12576828313578053,95.95072876167715,66.98813413541576,3.6462535135803136,9.412535657792537,1.9907974977412392e-07,0.0,0.15702726941336795,72.40148389593952,124.43497850996292,4.203877519716397,18.416921022283287,7.931147626282481e-06,0.0,221.87910081956755 +0.9712050342687835,0.20747314683065549,0.37033867188435793,73.21923634858948,210.04089391309554,308822.7121343378,2.0963043372963734,86.75263976008677,4.858770667856545,7.134087785293648,2.50080872945119,29.082950188555714,0.44741992526321894,0.9850525684792061,582.3759714492624,48.47977062376645,0.3050201489269274,258946.52658858887,2.951395836582956,93.56121549512646,3245.7882596556715,177.2025765940535,342.3365992565425,54.84282136342848,0.1703881485417838,0.18650749418525653,26.931236455644402,53.47371402418538,2.7309080719434187,12.080264420379653,0.0,1.2413744445190424,0.12065342784513089,26.951648654579287,52.43756340091584,0.34673875529868103,9.972779567774392,1.6033010066721712e-07,0.0001132097967789073,0.20063338435301484,32.02601466682031,58.95851428143369,0.23505093957591497,10.878369228247948,0.0,0.00014063033626880034,0.10470050340823964,90.04286582842734,63.43094562414324,3.7235252024729997,7.762119326279322,1.9907974977412392e-07,0.0,0.18411381339137087,55.630251977563816,99.68586471925583,4.150183388353663,10.74074482008679,3.539781786183178e-05,0.0,193.14639457711766 +0.9878721798022588,0.19981895512178652,0.345911437135172,247.89364961045283,208.53307777827993,261889.0073054732,3.6498780480653394,88.27637320037984,2.990451327853804,83.88209783481177,3.8999673498945167,27.922745088842788,0.7910391964931518,0.9374021003744325,808.7362201671017,63.74457924553372,0.2620600681778945,152714.44767749286,2.8147814097713617,88.76198352070091,4566.062080465583,219.6590461161447,345.38285346596695,55.40573641271368,0.24906558599420334,0.19061182431760096,26.423426307600288,53.299141561443285,2.762844680493026,20.170909509605988,0.00021373839640868942,0.8047811825281009,0.08608263502683727,22.909772659372102,46.46320241267802,0.5527105894038564,17.031797872366216,1.6033010066721712e-07,0.0001132097967789073,0.1985978672828342,29.8984871587277,57.49154482624293,0.29153887998453515,17.885459131360605,0.0,0.00014063033626880034,0.23133376465079789,72.43594819222048,54.76096575899822,3.150508906158493,12.257008747887573,1.9907974977412392e-07,0.0,0.1497544924742887,44.56060167854869,94.66533343627877,4.844100807988553,17.902021130455143,7.193833940078778e-05,0.0,176.4782089197636 +0.9656101814433611,0.14682072396226414,0.3304006982973134,56.53357606085081,92.11108515942729,128423.21602667133,2.9184642663512337,94.83470077108133,1.6543808165292448,61.0148714312223,0.41971176140781274,28.39356713919662,0.3466106581760035,0.8581825695530158,91.50610504809039,20.840144071278466,0.10602452396917887,66452.79462027765,2.9306152434865576,96.01698305560353,3848.950609159605,135.84129259409582,343.22590059415785,33.9033651639091,0.16344410269354961,0.1876504422377613,18.20995903282043,43.78523607461487,2.839060256463339,15.79938196170944,0.0,0.8934688386932089,0.12811359516981616,39.479915244691846,67.05593628031856,0.3651085479139482,17.636932626738258,1.6033010066721712e-07,0.0001132097967789073,0.1991890341332734,21.55926119365294,46.11061303124049,0.2818623298863306,11.193760273852934,0.0,0.00014063033626880034,0.21558644749192996,83.29863046378647,66.81992138113566,4.522458771469121,16.827626111155144,1.9907974977412392e-07,0.0,0.14956887561135362,27.25357348340852,95.40300413624026,4.054993246018304,16.010194997028186,0.0,0.0,182.79650135760957 +0.9812328874452046,0.2695924952999648,0.4402955075988002,175.6360279940386,202.84999933427054,222727.11335343696,6.714998876691823,68.53442363097001,3.6617438681635,82.1306065976184,4.501643101300543,27.86820437271767,0.7106249313939853,0.9060492946970023,959.0262050732053,59.75134641475839,0.2960054250286908,69855.5460501812,2.9590248092993887,99.7197926037006,4253.763508529169,281.0804982342516,247.75508209695815,49.10148014222206,0.21238556326483757,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11486940720737925,2.4287820766461596,22.492629806057444,1.061994481460874,22.304177913897476,1.6033010066721712e-07,0.0001132097967789073,0.18669571535227453,3.0893760454356705,30.749161117344297,0.3849237333314733,15.620395107661487,0.0,0.00014063033626880034,0.35084022025245465,15.436731322847905,16.730483641687616,12.913538038197323,52.03207128435957,1.9907974977412392e-07,0.0,0.10005259580509057,3.773539385808039,36.46511756398359,6.300461938366309,44.082294504243634,0.0,0.0,2698666337285.8823 +0.9821881514182715,0.23208150638064132,0.4193384894027461,148.2652468424499,239.33579716251882,314602.07685450086,6.93116420378,80.1285884751241,1.956939444443114,65.33530713231363,4.556845346673512,23.821625734537804,0.6105520482580931,0.9905529509878733,999.8953557100675,89.12141980896504,0.34424220064344724,284306.98446171964,2.909401747505633,93.75399684229546,4886.763648173738,289.59258772252366,348.94896736404996,54.476805417446656,0.2990108307256455,0.19103151417657657,28.002894067050686,54.40113589653435,3.1072542724836762,12.884041527053624,8.054044279757757e-05,0.7378785386115201,0.1310565492292555,13.456235168534347,33.311897458159706,0.7738745975191574,10.53650237631427,3.235716383704329e-05,0.0001132097967789073,0.19799175381093442,30.36617203226937,59.53574466751957,0.33412017372081976,12.23714945702979,4.074165157775349e-05,0.00014063033626880034,0.35542786683229294,51.517187100644875,29.871862886958056,6.680249044911354,40.69391610061171,1.9907974977412392e-07,0.0,0.15481354087584506,33.79195749551687,73.4138291448544,6.237445212020779,17.172522472831872,5.366685124333944e-05,0.0,148.49640533089809 +0.9177078342289954,0.17933737753033208,0.34859415279370387,141.84349828231134,227.59082539212497,336480.9895037913,2.2395680845481682,67.61281914247147,3.9117422476584576,52.18381165353628,4.755038690868757,29.44589050514516,0.4938883127548574,0.987376851202848,960.6556545813502,93.58271292064538,0.28860212332930124,186070.36728708673,2.70780491750707,85.39956782159976,4877.682216910407,114.88504239990203,348.12182476889814,59.52581225257899,0.16276667683874724,0.18844331491528352,29.96665235273642,52.455945240261286,2.7552948995796465,22.796702301493497,0.0,1.0916703817848714,0.12475236711381875,36.48380639409796,66.49057539819701,0.2662585614210034,9.622853828727186,1.6033010066721712e-07,0.0001132097967789073,0.2030671863982729,33.35410678310165,56.67925160164812,0.23620647571511022,21.3843019404552,0.0,0.00014063033626880034,0.11759203562945097,100.36841161406113,73.94510525104252,3.614816151684172,13.261926815721035,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.985352259812269,0.21329615363024448,0.33099373231846846,116.24747181993227,247.33150018767518,165607.93988400462,6.001981081045857,73.62276995726083,3.988107808739124,82.673216020434,0.6765990424385806,20.620072847295717,0.39756500390602123,0.9849502998460589,829.2023605359283,93.77224529672937,0.06477936113903417,182214.14466640752,1.3057579343346313,70.25368083797773,4714.2250618416965,69.90039894051284,349.6040927492532,43.54104701199326,0.25843055625809036,0.17794670224490117,15.957243717262157,40.898236240088664,1.9548138626136335,42.16578702587302,0.0,3.335228729670348,0.13089525586414782,18.625024218506372,40.470010414174084,1.1127550491245768,5.733267893597319,1.6033010066721712e-07,0.0001132097967789073,0.20387312182796904,19.240113774303364,39.25384050268537,0.3965593677012266,31.312699707249635,0.0,0.00014063033626880034,0.08557194152358846,49.599292641706256,45.68787239622257,3.2204743755366056,8.560903770922852,1.9907974977412392e-07,0.0,0.2014548824486265,27.163189647934193,53.75891606160357,5.305324760573677,14.210467770548938,0.0002812097299253734,0.0,130.84312115291127 +0.9789965290329293,0.15555450474554894,0.34601297358474936,62.09040843449243,242.77506644898776,345646.08811616525,5.178415183687352,46.93911002252793,3.3631439028005743,44.64962246835936,3.8539105340903532,7.8982352259827575,0.313501547943677,0.9543812072299729,936.1486774194782,86.38794470122308,0.2073632469912517,91756.88622921926,0.9619892531777342,93.56782622501773,738.4698394552595,242.37142062593796,345.35140723890856,39.343670128653955,0.15751729319641464,0.19743795130811947,8.259756815009528,29.39790787396502,2.9413347304043325,45.6826032660088,0.0,0.585460987700464,0.1405235670423818,10.09407655298531,28.615516994081897,0.2471494173764189,7.742631660596949,1.6033010066721712e-07,0.0001132097967789073,0.21002638455069605,7.877674777036307,27.96011506011475,0.25301959787222006,42.06992049994069,0.0,0.00014063033626880034,0.144596794826743,43.74480049778617,43.14925498762612,3.4203176091767125,17.689375360691354,1.9907974977412392e-07,0.0,0.21402869434598756,13.99391978549413,40.2131415126104,4.499478254725559,18.369350602445884,0.0004274949726862838,0.0,113.55053265112963 +0.9822690608727636,0.13090843168889937,0.36158535249169893,190.02259342049717,242.4526094340632,341180.22726953076,6.011831157209286,90.8160597138903,2.5481404576001814,84.19856483541632,2.47068148243898,16.96755986957391,0.3376471258271439,0.8415865238797214,985.0723647463634,62.86328788536882,0.22332362597602373,137192.28402146924,2.407294848740631,82.79320101633124,1725.2441538174203,199.43762957457463,245.97870381590803,14.875953667789659,0.3359861126134669,0.19534554508780264,2.4293631201086012,23.071487183018192,3.207554496401623,6.967905906798337,0.0,0.6436030220239788,0.13322178629384143,2.664479788642466,12.957604384967782,0.6882608277972795,13.284070733957405,1.6033010066721712e-07,0.0001132097967789073,0.20821388501296753,3.027272812793289,23.139814775846947,0.3153243775759039,5.862453318020556,0.0,0.00014063033626880034,0.35299791590527035,1.5824911708291076,14.296968089912939,16.873571903517913,57.79641637896871,1.9907974977412392e-07,0.0,0.11176063886561562,3.2672309787394545,33.95450717400926,6.153027497794731,36.68652843471194,0.0,0.0,88.92751907619223 +0.9765085416030742,0.17307928105997933,0.3939173419619746,49.794325274693534,74.0494441962979,236646.76355269641,3.344670069845238,52.9639998038475,2.4605564749069373,8.14178995240136,2.3270475420893866,25.74298053858866,0.3082954707688371,0.8892441952952173,984.1739722182971,35.23274021412489,0.08559688131511034,68067.37401624641,1.2975148013016942,72.00089330493934,2461.2692362432363,241.43284880042071,322.2218400996638,56.59331748924461,0.17652236811926386,0.19259988143135373,7.070945971675194,27.215096649910205,2.5252971369711585,41.75217575835614,0.0,0.9995358720221229,0.12204190598285625,5.732002587809916,22.724700435438,0.22336254660055768,12.063835517180763,1.6033010066721712e-07,0.0001132097967789073,0.20056323715322952,5.069803152232394,27.398382980917173,0.24443446658860768,33.108082276074036,0.0,0.00014063033626880034,0.07630195606662803,20.69182369861621,28.43385694633936,4.196091781615789,13.78201056255983,1.9907974977412392e-07,0.0,0.18505823943434233,7.072154856310388,30.70381052532272,4.145178485940668,13.751298647572929,0.0001645618842015683,0.0,88.04573995545832 +0.9204213882347395,0.12448642912127231,0.4019886886542756,241.38385435790778,32.20502166305574,307816.240650839,6.7475767616489915,87.26895829567442,3.026898999705321,94.05699225141764,0.7020341110202437,25.019997601326825,0.42974688248328685,0.6959943145565111,640.2388123349325,25.10750954528445,0.12954026795330034,71147.2195527114,2.737485097835261,96.05737942094497,845.1786482633131,177.1256761743707,255.83011506033816,13.258604341343185,0.3335622492835046,0.18739029147907915,1.6312614926719304,24.908004216898394,3.543404747349776,10.48061014445313,0.0,1.3788714192396,0.1168094128410883,1.9521093927338997,19.682561958623992,0.3412254191773113,22.185677400675132,1.6033010066721712e-07,0.0001132097967789073,0.1960977992472911,3.943368645204873,25.070341557739074,0.29208072103283467,8.673912074730247,0.0,0.00014063033626880034,0.3408956645836717,1.3016649693432065,14.591166965101372,14.183735091826147,55.60413332232366,1.9907974977412392e-07,0.0,0.1449216485000126,5.886095840171473,33.79602636806472,6.47350161061748,54.28250655370473,5.027108651063075e-05,0.0,100.11709132668943 +0.9841702582271805,0.13160581940890997,0.38005836780144936,215.3670746824456,164.6024446055465,339137.0588749181,3.1762233972120555,68.83679050244544,4.546714328054589,64.22640307620355,2.408299083165679,26.770786532633785,0.7979566875140606,0.9357716793030308,279.71697351862366,27.508895682567445,0.2472628090753659,255599.67416478525,2.886231041126931,73.05938697221559,2062.305723907539,299.5491014295038,349.1546647176931,59.1969633187509,0.20305460375734768,0.18973664873039295,30.999468774451035,56.715858449314716,3.4136970881300086,16.066656131005395,6.054877504481304e-06,0.8336166232553198,0.11096948066737453,23.11123442455519,45.6678370969861,0.2421773136491407,15.746294707480084,0.00012546272377973727,0.0001132097967789073,0.19974017536295388,35.3571756231829,65.34535386084706,0.24750266866497622,14.548739517841934,0.0,0.00014063033626880034,0.2781675983291659,76.84787751114278,51.51116111597821,3.2879420480662356,8.245227211684004,1.9907974977412392e-07,0.0,0.1656635768832124,44.943582669128034,87.61861845235993,5.190948194379238,13.181272705949663,0.00034557006091542815,0.0,177.71697075663275 +0.982606871786127,0.14898956256976775,0.34988881190470916,136.02729404852042,205.3397435388513,323531.5152742374,2.3477481901389368,82.881447500454,2.2793267080103816,90.47903924404983,2.79497681245321,18.73078240954301,0.4271114464506466,0.4987989276658762,826.2491414494992,92.08806870760844,0.2866001910549542,89817.72068564687,2.079743638601216,99.8416011421562,4743.26028201822,275.1419931915562,348.3501926611067,59.41795610565052,0.16211030922557726,0.1971910440508808,17.29764474224746,36.16945939066773,2.739886458322299,34.66553340244993,0.0,1.0855064636810643,0.1311240059949432,24.12317586740073,55.01563385534159,0.2550500769903996,18.36350698129831,1.6033010066721712e-07,0.0001132097967789073,0.2099396008251044,20.743921770088978,39.0584261049945,0.23740095713868248,31.916565638767356,0.0,0.00014063033626880034,0.1298697145824045,74.71692263317611,59.21435019594147,3.636513980755565,12.003249680305256,1.9907974977412392e-07,0.0,0.19890586594324144,17.65484835131503,61.78553805404254,3.3399563201028006,22.070194706239626,8.380063819575645e-05,0.0,153.66248761180003 +0.9311747314656469,0.28477513415132016,0.40014223995707243,218.7063505419063,216.52891511581055,115736.91924616869,5.635753067723789,58.64595087620277,4.4557426077103965,85.34175270392682,4.837518064911553,29.111230547354143,0.6403075660441991,0.984727665850681,822.627015477116,8.069403330661125,0.28913113031144927,228486.6139933315,2.823021879011881,96.6795620682872,3180.451599927099,255.94986699647268,347.0124247448406,55.906629030386924,0.3435774519434926,0.19087301676994442,25.898444711205226,52.68819429964996,3.618734639971295,14.68373692213867,7.6784782889278e-05,0.8836076842530804,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19812101454651182,29.98265801352009,57.15600500206326,0.4793942968685412,14.159555074428894,1.5802785776830375e-06,0.00014063033626880034,0.35131719505527187,48.9336429446622,28.411226907722295,7.095170932893675,35.01635322693183,1.9907974977412392e-07,0.0,0.1479171529989275,26.160627826123754,72.01663506306627,7.076052879439113,17.795754616714543,0.0,0.0,2698666337285.8823 +0.9759830312877772,0.1515582950285799,0.34918417045514866,231.09290248318294,236.22601622812695,275807.9791754584,6.637807873240668,50.97979621235552,4.8363017820834635,59.423874371305416,0.5934381508304065,25.46929865343452,0.5848051653217515,0.9867889461145718,381.4238259822277,42.030051464286046,0.216861818499121,291049.94082644564,2.8137085893791527,99.23816729304694,4793.565071121517,253.42178269821704,331.89880075348105,58.80558792025745,0.24929037824908146,0.19140749722711484,26.773336063589394,51.649198582901164,3.5096843550890386,10.91553751315375,0.0,0.778459792074869,0.12258025988871306,17.3877466936738,38.39909908477854,1.0041502889773337,13.089740303003076,6.091328450793964e-05,0.0001132097967789073,0.19810517012566775,26.151491295983824,54.938724680863764,0.37019070757882944,8.856093001397534,0.0,0.00014063033626880034,0.35651719271649035,80.82347790360635,45.96850989987203,6.336484865639476,21.936629492522904,1.9907974977412392e-07,0.0,0.14384836748346988,36.21033757483128,81.563285163546,8.55240859723607,10.738069846843686,0.0002139495273004681,0.0,162.99012684786243 +0.9851501086901459,0.11053936849348059,0.34272142901878816,211.80679813977224,77.53888608551127,313263.67623333307,6.542834354600029,50.12531332866054,1.7086553312189323,87.3070053824178,1.119093948742837,29.78457858837238,0.39160259417749854,0.8231581690790148,762.8466725076439,92.50451254217428,0.1733685840001829,141185.65102180763,1.3074507452945385,42.486793473467614,3532.40062286613,213.77288479143826,344.95129257261067,51.50524250943607,0.24369461382265098,0.19283090970033587,17.468145895509394,33.298533768103965,3.135909884377732,38.99597327317653,0.0,0.9002779573168682,0.12461172481190393,13.170447138264246,30.79003439605748,0.5171417826775516,5.943700064886682,1.6033010066721712e-07,0.0001132097967789073,0.20366752349054368,14.495886107225354,32.9650991601341,0.30498868867772827,33.211498319283834,0.0,0.00014063033626880034,0.06967229213606103,42.477700593432566,41.782476799400904,3.1428624363807325,9.650066010662574,1.9907974977412392e-07,0.0,0.1812304140989069,26.70981438051114,54.11776156844666,5.335850259864184,12.732370081063191,0.0,0.0,118.271976241556 +0.9693629493392786,0.23057399382656682,0.32823731166000164,85.67995255840918,51.75627591554762,128600.19284461434,1.7886617533014746,47.86550194961164,0.9838435163863011,48.766990211762675,1.624368704176422,18.54959181815047,0.4117616589089328,0.7827988208899587,543.7335209805475,71.06394793016803,0.21272921620562452,229580.17474802485,0.9565803062675472,79.85929829066251,3535.7076311100536,66.70718555967821,347.12463268828344,38.387379146562246,0.2975853949712957,0.1952694404936433,13.913666926309938,29.41437321626709,2.519540855353659,29.148291726644523,0.0,1.2523200433874553,0.1357901337725879,15.468923725828889,33.75786879155404,0.2071995928275168,4.7453191410641535,1.97233998264671e-05,0.0001132097967789073,0.20892430023191866,15.682718484873071,31.58211098615137,0.24831812789848706,28.656085747216334,0.0,0.00014063033626880034,0.12301734277758157,33.438941033823625,32.796860566300815,4.749673213523281,11.72975906242207,1.9907974977412392e-07,0.0,0.20080942907633142,8.597933990682199,37.47875330087943,2.7756347761869704,12.035282471885298,0.00030178737065766074,0.0,96.78646666477108 +0.8997716975449449,0.14646720080038228,0.4332344243339944,167.6957584762133,220.70619983067525,334421.4593918062,6.506307899518952,51.10216540894576,1.714312233953655,7.248895489287214,4.261970576370217,5.2231024713173415,0.3995266170002211,0.4805332634452485,890.7688384073807,34.92832803404514,0.1381846070106388,87088.93168719872,2.958420673346209,65.80355973768403,1928.4886046908407,182.3128479867149,237.59832994514608,25.75693820265406,0.18512919429971697,0.20202459256376573,4.335532033561455,23.919588589416875,3.397786754836652,5.175405073834318,0.0,1.2139647903360558,0.13023517453360411,3.1979552639369224,14.053945995508125,0.7009445705238594,21.22560211700491,1.6033010066721712e-07,0.0001132097967789073,0.21506505372606607,6.246849666670238,23.326875790121186,0.3203944190313327,3.6876724518839543,4.872481119495969e-06,0.00014063033626880034,0.3051176330620196,1.862178173916825,16.123829292215948,17.377429573773448,58.32638587285779,1.9907974977412392e-07,0.0,0.21523013493689588,7.601229236325469,30.384279345812278,8.04746695731702,55.93309943529031,0.00034099127736829935,0.0,100.14120300203756 +0.8959517179959037,0.22164503808493374,0.32556308153629604,192.49791312441093,184.15303245360153,279857.41080518503,6.194175507628954,72.61016100349896,2.5866239594219955,95.42955951644659,2.382552527921354,26.141384555373026,0.7654754043524837,0.9464090650354937,819.1375190393793,90.52159477118681,0.3460771393307937,256026.3023220147,2.811556520362449,91.22560805367475,2702.278774147076,286.8645887052792,341.8414374728253,34.72118889907088,0.18164160135445484,0.19058221833190714,26.567121963600805,48.90259780240075,3.0136493892905873,11.14193673164152,0.0,0.798988959993053,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20288691764858952,30.11818009669784,56.905844702135816,0.3396100101628531,9.595942050277227,0.0,0.00014063033626880034,0.1149377126080523,108.04628777326276,77.7292466272146,3.3850629684717344,9.001312578541095,1.9907974977412392e-07,0.0,0.20636837005291436,42.34271391075611,82.61483932056582,6.0477378881113015,9.942070682587472,0.0,0.0,2698666337285.8823 +0.9754165247264697,0.2148885883952315,0.40885299645779855,216.22768658191336,163.2628335426865,307664.25903648406,2.821378919451701,14.24271724340068,4.5246049434298445,7.312852469296518,3.184961335410481,24.416793895998346,0.48061503498866487,0.9335798356220213,849.4302833553206,14.20726187553565,0.2669235343000298,142699.0241635212,2.969715178156942,88.35725231286185,4607.079028769171,293.4417583874913,349.2330669426126,50.441478908699835,0.18182850602168246,0.18457400796950899,27.353487337033833,57.06609032991884,3.029866041195868,18.174542082690497,0.0,0.9652470746251557,0.07326620468742101,30.34501770211341,57.58904668065012,0.2343987502252939,17.841582007062815,1.6033010066721712e-07,0.0001132097967789073,0.19632363957128793,31.854581265378574,57.71837829911108,0.24659187208106348,16.958839169190412,0.0,0.00014063033626880034,0.14404861700425836,79.74706476157905,61.8952531401107,3.6923773369011896,8.053369612491117,1.9907974977412392e-07,0.0,0.13904984273407148,61.55408802628048,113.04915029536244,5.129598022406651,27.77309178023142,0.0,0.0,202.90529904688708 +0.8901166007342292,0.14957960605642592,0.35139016327453537,164.72590494862706,138.1773246974053,308492.9263576128,3.022172074949164,58.17467664584904,4.750821495310404,78.33213453280118,3.8239457143451623,26.169577446813566,0.48106702546245017,0.9211390340427251,737.8140083007361,98.30105133614518,0.08865347585668061,243363.03436432156,2.565354307382046,93.53283431348858,2436.383673559201,219.61261441515904,343.3100269348945,48.010756515773906,0.18021665477536378,0.19519276948729897,31.403909469875607,46.98020061449786,2.769314902062465,18.68422769921973,0.0,1.3026321276051218,0.13016001673737657,28.64444370660425,57.01808756497924,0.21443761184935908,8.14916814380244,1.6033010066721712e-07,0.0001132097967789073,0.20370178117222307,28.5777242942392,49.450229851843545,0.24557247111655198,13.785516760026775,0.0,0.00014063033626880034,0.10956090143533626,89.66924095577302,66.89510315459118,3.5456925344673915,8.606602156056438,1.9907974977412392e-07,0.0,0.20554563781463492,49.845803987266706,88.47551331869177,4.2778056797879485,11.817229238712722,0.00019715337019882983,0.0,184.97225713983732 +0.9014361133426658,0.14808611907602945,0.3479809231181571,149.62265821615668,82.13318404230417,223667.11224718543,5.753087654707869,11.670379563625382,3.3812272019666816,58.15202750005235,3.4434910181228857,22.790278266528357,0.5105126182304955,0.5596420727964619,268.3914316307603,53.74870119522585,0.28784209476401834,50066.72949452179,0.5741574591558345,86.44133454883607,4067.956038734638,211.0183758665667,239.73781881973528,28.819671327106757,0.25766745802738156,0.1990627691849607,2.851600268407626,24.747527744427117,3.2034999797869594,47.77680966302536,0.0,0.8273955504304319,0.13928024000441627,1.47326720470935,14.340272259437754,0.6325446263215694,4.727758853973512,1.6033010066721712e-07,0.0001132097967789073,0.21194275643383204,1.6927568903104366,24.499779291459625,0.3269954783314329,45.35956167618322,4.0067412199549654e-05,0.00014063033626880034,0.3212650976233952,6.542016025922002,16.22037409751613,7.210685405505149,47.64368295081105,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9193190635223837,0.14853230320045682,0.3880582623869316,232.4972815064794,113.47316779751085,316398.1933665177,5.466576438426661,39.34116762414658,2.086200773718849,41.68793296279978,0.7773055314912348,28.400936424008826,0.3047048160176804,0.7538681416237953,344.0482770460933,1.4622143929299887,0.3065008675198245,223482.8011553142,1.7280736010722832,57.70706717025775,1758.2346086098742,219.35432342380136,340.83480928203215,54.28852560562369,0.18151125254818706,0.19235024290945335,16.24746780251032,34.01985969871291,6.248972387603625,18.423238390536664,0.0,1.1297688757131914,0.12399245344483069,16.167783445075706,34.32707400675616,0.5133285761489651,4.833295619748003,1.6033010066721712e-07,0.0001132097967789073,0.20412977966447005,17.840445809713557,33.678699898143,0.2956989203577701,18.07103199331384,0.0,0.00014063033626880034,0.09899131052221857,59.64580557958193,47.65761417461268,4.738253872151229,12.262346990359026,1.9907974977412392e-07,0.0,0.2025191147246823,27.176357627512807,51.924742046809115,9.388207203136723,8.04459595808076,0.00010886962626043251,0.0,120.96713125000518 +0.9353556644726672,0.16396893035027926,0.3278430473556528,215.19402861232794,226.66257911913777,240555.89769420912,1.9766889390047075,16.646278308451727,0.8714170124449786,21.899178112871535,3.203570263664433,14.538021012931358,0.4308572483245233,0.9131448611143139,527.8174565155566,45.97465309205249,0.22493381852722072,90489.6457390269,1.2102706256712361,72.39419341995846,4380.305736062611,55.503119587081024,345.9511083888293,28.897994176234484,0.3167276002498642,0.19479844247082184,6.7738755883970425,25.105410573802494,2.6030311784193514,38.07757526213803,0.0,1.0205376283919458,0.13701769227434213,8.404902943044828,27.548619223000394,0.23695068759574975,6.162981257661591,1.6033010066721712e-07,0.0001132097967789073,0.20797447958235799,8.10848976951477,26.537636075424437,0.24447645074980864,36.05397864846575,0.0,0.00014063033626880034,0.1200520007941134,29.40764743752202,36.201078964887614,4.0318983864923625,15.552184853990857,1.9907974977412392e-07,0.0,0.21645671116316031,10.097749402879623,32.20259656347294,4.386947566810263,16.98859478002707,0.00031638020844388694,0.0,94.61438256964674 +0.9210525512340021,0.18552485664586876,0.34099095439968025,143.56926138542906,68.73975666703069,135747.53791318,6.323253097340572,70.02724120957723,2.333261818378046,36.61754265311961,0.27536866484141664,28.007639662669156,0.46901936967422797,0.8109430849850647,307.5572311156134,47.81487326848986,0.32915372556429645,191698.74656331132,2.8814925095118866,96.45483098621224,1535.736848793606,253.02808232520812,343.377263402531,55.8321796142486,0.20413473293906853,0.19259280183709399,30.4585657807679,53.7446489604341,3.1210564720287937,18.167337624699144,0.0,0.9223038848005386,0.10701076582112794,30.164994929171247,54.55241146980123,1.055910864225863,15.920734326913205,1.6033010066721712e-07,0.0001132097967789073,0.20129441854468924,34.45595052269316,58.819784854363505,0.39752761269073933,16.304276906389383,0.0,0.00014063033626880034,0.12276033688015692,87.83790052543488,66.95512282277393,3.994745300877914,7.147933066534688,1.9907974977412392e-07,0.0,0.16664800807695904,64.94269816907511,110.88374445042476,5.3188277440614495,20.505395963885327,5.693755819065499e-05,0.0,206.00361102429883 +0.9177078342289954,0.14905510780862485,0.37632051293384583,132.7154791447243,242.86173397166175,202861.88851023617,2.3477481901389368,64.30631147339807,2.261474051242452,52.18381165353628,4.723511796365324,20.973207115258226,0.4938612402036145,0.8199080437917361,757.3125647092713,26.924160453144523,0.2866001910549542,180475.05592822543,2.680992287169678,98.56202349429589,4767.934937635344,221.03109682241416,348.17181447603633,58.710727990269035,0.16211030922557726,0.19329947244023607,26.759369636667568,47.3178957545331,2.5620397319649104,19.829201571131712,0.0,1.1968862363153754,0.12170616429944074,31.67565849805724,56.36967304781634,0.3011517296854785,14.508802671861819,1.6033010066721712e-07,0.0001132097967789073,0.205851286567353,32.37795865051974,55.25239710392032,0.2559798619569437,18.658364206920176,0.0,0.00014063033626880034,0.11483158607471633,92.05520203586435,71.47765212842714,4.323217700985744,8.792806695633782,1.9907974977412392e-07,0.0,0.1928652806718348,54.60159758156045,95.4208179617347,4.524966426992231,17.168659211161057,0.0,0.0,195.6480328368322 +0.9726829153671603,0.22788173734683465,0.3490742913316903,172.610964983637,47.392660510315274,230196.40527325158,5.385978902633228,52.92065876798592,3.645419616035579,91.63850236754617,3.0047884958280338,27.92872128977154,0.39781784954608673,0.7464168694041516,740.6082424408949,58.518493494838644,0.30977767633885883,131279.18219161453,2.9362483438386717,94.90046634109518,2956.239052631689,256.1529899278682,346.9893471104612,55.74053835986127,0.2099326443453598,0.18997207456769083,28.736798201860136,52.57053494728804,2.8589668090504583,22.25617428774836,0.0,0.8219004171394884,0.1036789008909184,27.096690824397406,50.09612688946016,0.4472192142648841,15.447441235448935,1.6033010066721712e-07,0.0001132097967789073,0.1986671671863022,32.90367324603502,55.22594141040794,0.30496355501746475,20.636557995399738,0.0,0.00014063033626880034,0.14976798845017408,79.51240573242087,61.54341089937806,4.220772216186988,7.928189254040559,1.9907974977412392e-07,0.0,0.16737935436859022,58.86591682761727,94.16017823857041,5.047163884579565,28.86892815043287,1.4588176082736945e-05,0.0,188.4560698118242 +0.9749455426710888,0.1262087257087942,0.4001447105428376,197.81936595433535,43.62364011450269,332407.0194322866,1.6302019265674788,94.67238041057495,2.2614775888267484,12.569986461944033,0.4567708408566009,20.551340062951436,0.35324905778367,0.7051739663490749,660.7786614403008,28.347981629966835,0.2903570608954589,69723.74886240128,0.6403976674167069,34.59094013048366,673.5456048551064,211.59632024340254,346.7007000111612,19.331215040308425,0.15592767083277193,0.19507486427632578,3.061739733430416,23.616779196146215,2.8237442458195376,36.068870768264254,0.0,1.1976274312147577,0.13666381837216018,2.405189167636859,18.138610533664224,0.4505142075977723,5.5685557978034135,1.6033010066721712e-07,0.0001132097967789073,0.2083707059759068,1.3464893047134798,23.93175993931016,0.23580267713752673,34.57296256973147,0.0,0.00014063033626880034,0.148688297869844,14.693580424444344,22.915372714738343,3.6956707262045727,22.059195649908123,1.9907974977412392e-07,0.0,0.20877223240598825,1.5307449243526436,24.739589904984,4.2004497091494,14.867649180615517,2.4088987822223834e-05,0.0,78.15318301574635 +0.9648367663398597,0.23261445850875165,0.34881297868403555,172.1232215867479,206.84013355326385,169919.1975736876,1.91285962165944,72.70983180442055,3.126350147617851,18.846625294179724,2.1908802797361426,21.447038038086937,0.36385331394276615,0.8197092579128742,695.6278489494408,1.9284567206247658,0.08038956748552566,55886.85363347062,1.054489599170187,92.91527041136615,4818.81592393074,205.01877595423548,316.07818158782743,47.04420335761111,0.19860165092572568,0.1959974813316261,5.548143787041418,24.938252590439575,3.308441468121083,54.00088199958939,0.0,0.4305222925494363,0.13499180957637555,4.738828575336593,21.13639957110213,0.3181342916312487,8.924007177945033,1.6033010066721712e-07,0.0001132097967789073,0.20706743143046327,4.265070372260274,24.233704240410148,0.25777114770030857,44.906530790340405,0.0,0.00014063033626880034,0.11439219423258867,16.709108125023274,27.834790116731877,4.492442955693295,14.576085557139754,1.9907974977412392e-07,0.0,0.21434768264120285,3.781646637237702,27.495312059724178,5.93847092638207,16.735928548390614,0.00011305549028533046,0.0,95.51657658116294 +0.988812344724773,0.15225200182092102,0.3471842507211701,188.69438880784796,204.41834521503776,323388.6333743247,5.867569473987725,16.25209447199199,0.3566379656915708,88.81618385944401,3.1724462920720202,8.8551760878088,0.37201848470835436,0.8264913583135495,973.9662900880451,20.589102665584512,0.2804466324054299,143996.42718845312,2.852266102584817,98.54637065604928,2612.901326494424,292.018885006765,344.6538649435981,57.45370116069879,0.195213885806523,0.19243071785967913,28.836165499870095,56.559402661814346,3.423685937753041,21.70730589533877,0.0,0.6495067207046977,0.10836595064817091,24.476980358020825,44.364268611236085,0.6662808556201538,17.78090781947529,1.6033010066721712e-07,0.0001132097967789073,0.20234161244849283,31.631398803416197,58.01320307580527,0.31410774602315006,19.47253944905711,0.0,0.00014063033626880034,0.2112535776243916,86.55272733854333,65.82124322910593,3.6215742557962614,9.534944849044672,1.9907974977412392e-07,0.0,0.16580194445819868,45.002101921775946,90.81912470657052,6.187412496341044,23.929132965991794,0.0,0.0,186.9633806811849 +0.9182827370092903,0.20058732688179579,0.35111140235005966,221.3309711184192,229.0027651515021,177455.59242030518,2.638982142999082,88.73610071753322,2.7186814195344833,20.967864518169492,1.5857678693436668,28.434282655799947,0.7940564642395719,0.7330202770346695,881.6452139130997,87.79017849375205,0.14343491433934782,62765.57394836437,0.497206383329468,76.9063680067097,964.0802679394209,223.24132534856614,331.4334540735554,56.5605334619038,0.17461940641632043,0.19670094223965226,6.429179558822592,25.57862181240751,2.4920683470642184,75.52713115176323,0.0,0.7534718449002943,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20785997959373215,6.66581575709654,28.2252489662391,0.29973114464138023,69.74162318209689,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,4674227208854.957 +0.8637269321764685,0.12410415611927017,0.32996248083804175,212.19242832678293,113.55253654968627,321190.5675361677,6.421161415609679,17.608896782971385,3.373325287963233,24.20713435514817,0.39307189181109314,27.529879839250597,0.3100071055727525,0.7730533655432189,939.1938947874964,66.19272290529707,0.12351755486898462,221102.11306799535,1.391549058785499,56.22249442838631,3778.6475811709433,143.94360381541887,223.15458545884064,48.85057461661815,0.34452165621801484,0.19680277712730093,6.733181937364724,25.704583331263606,3.172639715850968,10.217197432067923,0.0,1.6376460641915966,0.12906493492269028,1.7512970658684361,16.351957234039133,0.5987418523132435,3.2732902833258577,1.6033010066721712e-07,0.0001132097967789073,0.2062098964913885,2.8002345220136386,25.058981601105373,0.3113621651367234,7.041447357884164,0.0,0.00014063033626880034,0.34386327357851726,15.13733431203729,15.822090362432206,10.362534866427671,51.06319409755664,1.9907974977412392e-07,0.0,0.21145436072164783,2.456011899768165,26.32952713578788,5.763064378330346,13.50993912710223,6.272418489486934e-05,0.0,76.8100048280712 +0.9679884263791159,0.11786865006113079,0.33533643770199795,184.8686090370664,196.27222153470672,258080.4498932442,6.015819006017358,52.37282406268527,3.1523181923142136,54.32486193273502,3.0506770746262006,28.470429631866878,0.3968850985332017,0.9784092093230206,345.4108782455144,92.84535528991296,0.0947768473052329,62888.013587059206,1.3067148227467833,37.308539411605864,2798.799387956291,48.50061952629742,337.3913307844473,53.40089246009076,0.15716670038517636,0.19360621416459847,13.499847716602192,28.73645667227445,3.153092717096521,71.23500434621542,3.12965624631835e-05,2.152945608231265,0.12164077155834324,7.7803063128964896,25.61840802676903,0.8480895273763934,9.077440058007346,1.6033010066721712e-07,0.0001132097967789073,0.19939449582279836,8.972806028737127,28.42304305971444,0.34797165286281245,51.10754811347711,0.0,0.00014063033626880034,0.09435909052678206,42.7095005222166,47.22989894485554,4.063666582443591,17.868504135448212,1.9907974977412392e-07,0.0,0.1681050655925099,17.93179038754646,43.86784582182952,6.7780370992652355,16.95875152965678,0.00012378552219433615,0.0,131.78634245106696 +0.978440406003841,0.1614046668089099,0.3765831477640087,145.232958000936,196.01632807130707,290846.62590969313,3.770173104477581,54.14623458068614,3.2410778816140455,50.7895809522369,4.191949199808446,28.7767176362234,0.4638658216990691,0.8773021219094029,771.7994221980629,88.89196978498495,0.21057752247619202,54920.52011677854,2.697983637616394,59.39041857689932,959.5219053773776,266.8088060155108,348.35645641530334,36.58437704413332,0.16389083689865316,0.19051462012461456,15.818265079944366,39.91172917401549,2.782757420858026,19.81130564876891,0.0,0.6340602372547575,0.1035110276922713,23.370152590657547,63.94089480956072,0.36209700537193107,21.704293969012866,1.6033010066721712e-07,0.0001132097967789073,0.20251385932326715,19.43197186302522,43.46737529350846,0.2645804763950365,15.667625279977306,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9383173914097755,0.14861707996326556,0.377768148103567,162.69139170276281,196.02078745298462,276214.43700244004,4.8339148545364115,19.813855730823178,1.858914512523245,61.594082939532065,3.8694713918952273,20.36259740563114,0.3935901978541859,0.8133089264526164,850.9981811349879,27.36395494278736,0.3328653943249261,76921.95021455466,0.5655835759280067,87.4582145498112,4190.206080111093,251.5197909717587,348.78938158013733,20.768506389459702,0.26021687718957315,0.1947342182211334,1.3177793849017136,24.59193947947571,3.069451670862079,40.307369647245416,0.0,0.9028721498799136,0.13507654820689566,5.359758196480052,22.656531345781445,0.5888298167927372,5.9514246488005185,1.6033010066721712e-07,0.0001132097967789073,0.2066009946236797,2.1697987269217442,23.509022483799647,0.3031661861374157,40.000256236552005,0.0,0.00014063033626880034,0.11468023286912715,31.76457385544002,36.8165443902292,2.9912460124209477,14.388778543085962,1.9907974977412392e-07,0.0,0.20675755642765203,6.371593434782641,31.00328629177614,5.30100076456676,14.203648596171574,0.0,0.0,93.74944005519046 +0.9022763007532068,0.12023451829778926,0.3687367473326457,120.11325487123318,122.43613686864504,102542.19714133667,5.29331157779986,40.14709532609109,1.1357103269939686,61.34641639420971,1.5375904434379293,7.434874439222741,0.3031156844307885,0.6759812015474689,52.24223111624309,5.087852839200146,0.052859465009248624,51200.24864981345,0.6888787749351861,61.42738202701666,293.3183091058469,120.70383353915524,231.9777235323282,16.093205296281432,0.19199679257893804,0.2004821634358168,2.2682577087723863,25.608088955763964,5.127925858931781,51.57146065011565,0.0,2.523504866900411,0.14298621391083488,2.586769843660824,12.330199561260645,1.2817289793671154,3.9719213929184707,1.6033010066721712e-07,0.0001132097967789073,0.21307453752339223,3.050580626864904,23.513944988008834,0.42856065726305187,36.41270914465893,0.0,0.00014063033626880034,0.33802226280970454,1.8851874091144458,14.73603890987838,10.840375926517993,50.962806604578354,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9688249966375226,0.2548985917332777,0.33047527435656154,249.7908181997988,69.84579724411307,307234.6181093524,3.9900204644047186,96.60141872926698,3.8475762449746833,96.52349739672928,3.7591032613056257,28.04561094224072,0.4085545026571815,0.9692255136398571,927.6282385525469,22.86281069757959,0.25117558328036793,131410.91063306172,2.8820130241966093,77.1979332996756,3566.2350407390404,252.99165107638936,343.78082792491847,41.797413832116185,0.19135356286070376,0.18797360611544214,25.92732947655547,52.336946354012674,3.1229561095186904,18.230404748294468,0.0,0.7282890873074307,0.10827323944880171,27.50414211650769,52.82448710603267,0.2380313812746569,11.894430587675398,1.6033010066721712e-07,0.0001132097967789073,0.20081924773295431,28.758507621108755,54.72002132155062,0.2567985328372496,14.542204011247872,0.0,0.00014063033626880034,0.10292004767095167,86.1188467030285,70.16392276683509,3.749101434788309,13.18643130977849,1.9907974977412392e-07,0.0,0.1632665311895092,55.1444702538054,102.73255451484654,4.878123945258329,15.557557356236902,1.0403928873770944e-05,0.0,194.58557000400737 +0.9498118764776831,0.24099557076243866,0.32380888805615937,223.27712345542673,221.08403683188328,272394.8809843753,4.9810427270618,30.233619152742534,3.6085450577041183,99.87511222088638,3.989455768366307,25.594053988355142,0.6936785036716262,0.9978136960477232,814.8217167790496,64.53384223497042,0.32558676729108943,111402.6499790358,0.7839881551398127,68.95970993269917,4666.574247087816,223.39247816902932,349.06710595206937,34.379607959622746,0.3169741034228891,0.1915423701303092,11.832914153725413,31.831281121784134,2.955637963130376,47.00667929508926,0.0,0.8373115868288801,0.13144657156297038,14.433922847248338,35.12075331623959,0.7440958402286159,7.0343155435079385,1.6033010066721712e-07,0.0001132097967789073,0.20228089973439523,12.41485173085233,30.660117011047205,0.3258814848427906,45.39491153424081,0.0,0.00014063033626880034,0.10874066675153096,42.4484867355284,44.031274901810484,2.978114878314524,13.995957506316275,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9732659315847453,0.15901682525963906,0.35279228658754214,235.17586344771036,139.60790621275194,286444.7718341924,4.334091799248848,60.844138103356606,3.762987190723563,91.02536239494185,2.654104466938424,26.353399456484514,0.32437486315195774,0.7838095518459604,151.16700589668955,15.631445590393518,0.07670130284846255,262224.6999442916,2.8657594923705494,93.86643034895579,4033.605977751129,237.64363056937717,322.9630537442131,57.27295918402619,0.18365169706410364,0.19747892904043723,25.376420390681442,40.25470068138419,3.8295822504870047,10.366264317998544,1.7560236618610913e-05,2.161331787703982,0.12644886978270406,10.177633120044792,25.795572567047017,0.48645695531375405,9.685563536129406,1.6033010066721712e-07,0.0001132097967789073,0.20282653107449267,19.901062560031797,40.88884664814027,0.28702011734615146,6.444292372164694,0.0,0.00014063033626880034,0.23919576565993741,88.82805537683011,59.02667320688413,3.6738601965930684,7.637345891103685,1.9907974977412392e-07,0.0,0.19178566957057683,20.450523595218396,45.77954111339893,6.5176328945294495,8.227349640782503,0.0,0.0,139.40785904322348 +0.9877007784971971,0.14800636409796453,0.3755123776476309,148.6914994246657,246.86691864500403,207383.49249306403,1.5224534817074094,72.27205266788994,1.7249008728265285,54.76102049899309,3.677951746552536,28.6653856466178,0.5350992983357069,0.9813465897110202,252.2311845618524,39.512550346630114,0.2123723174335096,91886.17433814278,0.8064038629513078,91.74277627211745,3553.575517735099,283.5138067942843,346.62892269954403,59.41795610565052,0.1645544879495216,0.18763930332069245,9.361817625935668,33.90881635859179,2.5947592770282446,54.427408502766156,0.0,1.1658898585790325,0.12166964690893844,13.787797930284565,35.79023098379772,0.24299082571729802,9.307049465111236,1.6033010066721712e-07,0.0001132097967789073,0.2001082756449341,10.815778491631214,30.019084850147927,0.2382597303740578,53.17620808272356,8.082429122493861e-05,0.00014063033626880034,0.13206103769001817,39.9555036983107,42.13216354753263,4.202618070114192,22.187945280260013,1.9907974977412392e-07,0.0,0.21314921350617747,20.526049289837776,49.554048407449415,4.220635090518328,25.489886558865567,0.0003454393032304269,0.0,130.52836762386235 +0.8831912641425029,0.16534818829044517,0.36964764466797867,79.70954158868136,222.43211348645087,123108.88144058458,5.996269179192214,59.6909740136467,2.5717552172830476,65.16052220438404,3.333919787956112,29.356344062066178,0.4004747860670397,0.7918151426633298,701.1873178544847,6.006218419335681,0.15001745727346316,102610.13345882852,2.720131176253635,73.26709641402806,1599.6256997366545,285.6705358931642,341.4989219753154,54.93508525192259,0.20523872491367773,0.1917696653219668,23.527685963407993,42.833607238156006,3.6436418487254496,22.978417031177692,0.0,0.6454930073893878,0.1103461885509163,26.22408374522861,56.19901559733441,1.1929154019325594,15.476927643815316,1.6033010066721712e-07,0.0001132097967789073,0.20071652622993869,26.478735089373657,47.33878087984667,0.4140041842661516,19.004620064747062,0.0,0.00014063033626880034,0.11040396611911794,72.29614993824862,61.86979079601316,4.688986094394725,12.050644876901504,1.9907974977412392e-07,0.0,0.18049726894548454,48.256758040598356,88.95793489843656,6.965586447692506,23.049300225595594,1.0428402855261554e-05,0.0,174.25370195152348 +0.9153868079978584,0.21212598813307557,0.3478685335868534,234.04496006407655,60.10622231012553,265244.62865902466,6.651608531153934,87.26648906896617,4.8367891228325295,83.7710761159363,3.809607641925556,28.831099849232626,0.3553584952323087,0.984224102680795,839.0043839248084,48.17341829292707,0.08735503666217373,104296.51105961733,1.852117862985129,93.33489345006696,2487.5114330931547,222.4873514651261,348.7636947307441,58.61877043798893,0.29797704601306374,0.1954757174819897,28.976778043795736,42.32050408521632,3.165608106483705,51.95410369226743,0.0,2.6159660719087983,0.12180009716521731,19.97272783417246,41.04819520169959,0.5803648732488167,12.651558771512915,1.6033010066721712e-07,0.0001132097967789073,0.2029280827293913,20.543237096001754,40.72884032838527,0.32242437859259937,38.336678122807015,0.0,0.00014063033626880034,0.12938529891955908,55.404769166766606,48.131784205212874,3.3665680810116063,9.860614749300494,1.9907974977412392e-07,0.0,0.16153764423818456,42.47730858670129,77.94063172589055,5.400432571625095,16.371455191496253,0.0,0.0,157.52147629468615 +0.8840792163744952,0.13344504762007756,0.3349843613126613,125.41094494790704,127.60706984747367,264362.94730337965,6.8136796384074,58.83540854266983,0.5502105446025807,50.48897225744703,1.4832706402458486,21.645756163775857,0.41346510935669756,0.8225733303097945,130.8390189033912,12.9526880527322,0.3181638393876379,251419.28249137738,0.8461992137150697,92.3553311688137,1035.2404952261925,196.60891136095583,343.11231694315813,47.89854115296924,0.19495844714092303,0.19406784874328978,20.376100514692,36.104995568471466,4.291480729004474,26.067562125337766,0.0,0.9189078306530603,0.13535021906843947,18.4408623645611,39.771838259454995,0.7039975678976905,4.094589584747636,1.6033010066721712e-07,0.0001132097967789073,0.20644536864427562,20.60869514832612,34.130671821483546,0.3322967540662163,26.2277602789374,0.0,0.00014063033626880034,0.1315819778851954,61.95688056887019,47.050007734026345,4.43188084875766,14.491243188823322,1.9907974977412392e-07,0.0,0.21650307746997133,25.685834714927097,47.02237411107475,7.4085600567747685,11.442366757038155,0.0,0.0,126.38483663205838 +0.9590302724738067,0.23918730583873468,0.3241633809214307,47.47064198142142,156.53590458142997,270871.60944523837,5.773344073705801,71.73139253878068,4.178013498539086,75.31289367668663,3.7705595633760285,28.166174855642033,0.6115225202387021,0.9788647714411836,753.3049555036846,68.72875333376459,0.11655104639889788,87717.26194940653,2.439639025455826,77.87654433300294,2982.586744613719,281.2085542856857,342.876872379651,41.51922001771853,0.24443754077548022,0.18974860864278326,23.349884525468454,46.59785716910186,2.761003854087803,29.833651280848596,0.0,1.0047193370799057,0.08203886100535089,25.825884496011547,54.83790922807345,0.32805657579351816,17.654932179740246,1.6033010066721712e-07,0.0001132097967789073,0.1977917388936994,22.57606789852275,48.530789655409734,0.26870403531689946,22.399852380576124,0.0,0.00014063033626880034,0.15106419547977912,71.47112968458282,59.46299616882354,3.8937382941634517,12.475256393721756,1.9907974977412392e-07,0.0,0.1575235513237391,47.56387496182769,95.73366585684276,4.526972024354786,24.237596401331576,0.0002332382394826814,0.0,178.3762319201334 +0.9540275288283706,0.19404737548244638,0.4002665548255225,230.43014693149576,217.33454090664526,304488.8337686766,6.619005271363844,10.327119068383809,2.8466929790704842,80.46726559343146,0.5256885232242012,20.99541716683941,0.6110132665270308,0.5950403131373938,502.0979280267618,63.19072423912269,0.2704372434516792,64931.41505318629,1.3669661970017903,12.069407281541746,2159.893203675607,194.54707498043996,222.48471570064132,11.742020092673926,0.26010684210203566,0.19900426344410677,4.920111132769172,24.279240012206014,3.3398743764088743,14.364731759526675,1.9054326799886886e-05,0.6986148896883094,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2115583003672991,4.533471208487217,23.422725349393225,0.3505902474605555,8.889385526221707,0.0,0.00014063033626880034,0.3277683665962289,4.9941452571731055,15.102640349974223,18.346784264956934,59.28870136625827,1.9907974977412392e-07,0.0,0.19280726860017347,7.468735470458976,32.17866517438492,8.601157445998702,50.92569672325163,0.00011449156462434539,0.0,2698666337285.8823 +0.8972096209130687,0.21075182865625125,0.36963016825470585,229.00126965895848,224.4048788698334,305669.23884316836,3.4213771579093883,87.49957563001237,4.858770667856545,53.56659629523851,3.124482613166916,29.082950188555714,0.4396295942076466,0.9859844171764877,414.77596889148543,48.615428263521665,0.2533417306435506,270514.6274149729,2.963375529375295,96.25248649119392,3228.049333454508,177.25293730769764,342.3365992565425,54.95081884612013,0.1703881485417838,0.1908407142829951,31.264933683137546,52.16062235036164,3.072517344663982,13.394910091834296,0.0,0.8051109235531967,0.12641066476431415,31.910212856340742,55.988582329644515,0.40697931602720555,10.187400611199894,1.6033010066721712e-07,0.0001132097967789073,0.20171232013844453,34.806008739966686,59.38111147437658,0.26577210095949944,11.604792144646716,0.0,0.00014063033626880034,0.11023408212727226,107.2966566280168,74.10900991650219,2.8903622349145373,7.158780393375765,1.9907974977412392e-07,0.0,0.19456264061173723,58.63046954655234,98.9595129366286,5.277716804366353,9.851541936502276,0.00023788831873883926,0.0,208.41514987167986 +0.8081171510310322,0.15028634067089822,0.35376767945831156,234.98041223564752,164.75378810941638,265262.89023969835,6.466220010140717,14.114365989481009,2.485848870253119,84.74507075105365,2.5592137407692532,21.301677627610786,0.3521924366930489,0.8228152146410967,872.2376325534536,26.03308488992932,0.050196579240278864,264023.45649469155,2.6043233246065207,54.68078721017433,498.2890844525964,91.39611394730045,327.90479632755444,36.52598460978019,0.20768753490232375,0.20287733742509936,28.699113117010242,40.01826939018886,3.546701310754342,12.44742809944297,0.0,5.229844769419063,0.13655563489589376,8.890807478034958,22.831127776071106,0.8982715142363392,3.803310940915068,1.6033010066721712e-07,0.0001132097967789073,0.20920883415997832,13.453195909780938,28.467102462431274,0.3567841891334059,3.944740358626618,0.0,0.00014063033626880034,0.0822752371097957,81.72086440851817,56.36148071605275,4.044461054247008,4.674498748924737,1.9907974977412392e-07,0.0,0.2125011774562646,5.896728166448526,25.318809114069932,5.805037851096119,4.247046524761796,2.0179319037128084e-05,0.0,121.91567193883208 +0.9334288006033231,0.19227352670032524,0.3756719558456571,143.14913247343782,173.65529464023064,310304.2352273788,6.823987146946521,61.69434234011903,4.685431183434838,92.11288160015793,4.9368235362353845,26.73146155278985,0.3293663872731777,0.6884299348389828,904.315154380615,81.43118859069621,0.26791767571560016,105783.41218100062,2.3687865631901954,99.191173592841,4449.544313315332,292.9354889276557,347.02430630001277,58.08292017707694,0.19161178137262191,0.19410067564852762,22.9368041316504,41.67892507407608,3.108941052016804,29.389227870323403,0.0,0.6708784310584088,0.09859983379770422,25.708819525240134,46.708563952810984,0.6902371301904275,19.03145367625664,1.6033010066721712e-07,0.0001132097967789073,0.20319171975905162,24.91870026385024,42.72494498847706,0.32371912931974245,26.01703755207467,0.0,0.00014063033626880034,0.14552191643735876,80.95077271017907,61.5359813789864,3.2936260894492277,9.257707415855482,1.9907974977412392e-07,0.0,0.182132547958269,55.15634170182736,92.10705587604483,6.591356513631903,30.884050524368856,0.0001225930656889793,0.0,180.070360590261 +0.8150752696993325,0.18307225299678867,0.3665788845522005,80.88504568455647,200.20021945268917,155284.60253531564,5.710667455396356,74.4956958401212,1.1741869300763879,65.25827598481297,4.307767746967944,20.219057575911684,0.7643675199791832,0.7617847390565464,29.602070787109028,87.98680022718854,0.1414309774382401,111791.76776932167,2.5068505007512867,97.06724785486452,1308.2486147836853,279.2818778304947,342.07952867886496,50.119612175781796,0.29770631256933966,0.19594084736103895,22.631075194111652,38.65186286968768,2.9144734234980483,24.825309831212365,5.356753835028311e-05,0.967870340637666,0.09505793382489655,23.594415986332894,44.34821940061973,0.9352496965589697,21.962139956868196,1.6033010066721712e-07,0.0001132097967789073,0.2025050785780222,23.68514360322733,41.06504273882387,0.37234858847829444,21.313179844092602,3.2052472622139884e-06,0.00014063033626880034,0.15351795618053726,63.21398148331035,51.06400477297567,2.944994534207115,6.7864100809248535,1.9907974977412392e-07,0.0,0.2183202437907357,31.132730499661342,60.24905432084163,6.013438123703643,27.685171735059402,0.00018602232259583076,0.0,142.83031207483907 +0.9487840801596746,0.14800636409796453,0.3765928854221038,136.02729404852042,238.23701706563767,272990.8106055611,5.2928938407674435,77.80431687095717,3.7362805286350143,52.23287957925341,4.6828635422850065,23.85139156862383,0.42653128518706884,0.8312690275928496,698.3413604680331,34.32151470534062,0.3337305534327849,92194.67039749693,2.079743638601216,99.31805250781373,3541.1147331183492,177.66989654450882,345.67811416537904,59.41795610565052,0.1645544879495216,0.19334365936507694,14.874363358384791,33.7706635925713,3.1140619986399125,32.145141192415075,0.0,0.893973443820679,0.11972677501317881,23.27195138665845,45.05787184470491,0.6469052377198391,13.467404252851333,1.6033010066721712e-07,0.0001132097967789073,0.20310980576666113,18.755530906474345,39.82634209123656,0.313290062557657,28.629762274740916,0.0,0.00014063033626880034,0.11141048612600622,73.8283233536135,61.4855861547705,2.946155358604568,14.196970758373132,1.9907974977412392e-07,0.0,0.19055441514535826,41.12426952221532,76.90742283222032,5.53010359029201,17.314807585108937,0.0,0.0,159.04270167353158 +0.9804273405499776,0.1584028141156189,0.3657765468493074,215.3003261840603,139.3165255826447,295590.52669544937,6.595143432621601,72.23966168936495,4.227585859675665,71.57936562007492,0.43874962146930807,22.131956663310245,0.4375386897185143,0.9113835602580604,614.694010039549,1.0184804382139983,0.11534280290595589,153897.36775168788,2.4034691106763173,91.15148311740047,1122.9962968738882,267.9852057211802,341.86544615914,54.65591320689606,0.18167073588980742,0.1935875592849685,24.33862788827108,45.660690079810315,5.206628742984233,23.25345959168135,0.0,1.3570073950035941,0.11963853478901353,21.880461699127586,53.26886151719262,0.7476670804400493,14.436614269528418,1.6033010066721712e-07,0.0001132097967789073,0.2014826148592757,23.829541078557817,49.98623679447,0.3339713284618852,17.751675151439393,0.0,0.00014063033626880034,0.12807763102164302,77.86850589217201,61.63640087865033,4.214698768538336,8.281491029748592,1.9907974977412392e-07,0.0,0.1740037152455143,44.837929253686234,83.85279760691415,10.227860849914622,14.641578094200462,5.895240871166355e-05,0.0,171.64993211752846 +0.9433408546264016,0.21785017111453095,0.36432911654708594,222.46256212288088,121.44792583269071,344385.42568274296,6.514131809229044,73.31060777987572,4.548200658272229,52.468675579615194,3.8685934348027398,28.494852091050642,0.3012537302801474,0.8536731988236496,695.7074474008598,83.50609630549525,0.24412365106250772,212589.7006252843,2.8313003414405187,94.9892788050928,4082.9518301595017,219.88092845650527,346.56316603793186,56.24034951388592,0.3393117480051319,0.19272166581579478,28.744231370426455,49.06102011619402,3.2791424346640956,17.249048402985675,0.0,0.6789290439616332,0.10116053676428002,16.9772301717678,33.650996480323386,0.5871552289207712,13.328197346891859,1.6033010066721712e-07,0.0001132097967789073,0.20001193965370723,29.626050877125916,52.52213635374335,0.30730747993625124,14.84550907285443,0.0,0.00014063033626880034,0.34874950309172376,53.40807626087495,30.398825912348407,5.2942939751560765,34.254497274734426,1.9907974977412392e-07,0.0,0.14368955236651207,35.06239835615071,68.97607127218014,6.2022536420461245,16.962136163400125,0.0004021068057206514,0.0,142.43845658382048 +0.8934282316446326,0.12887837434411564,0.32771073512153076,71.00126845986254,246.29047013838937,347323.419988992,4.063582643606283,74.36417846308836,4.703543862671291,81.27356550701063,1.6551223943027003,22.590567329038006,0.31660262926500043,0.9355483668575869,314.91135110628943,6.544202743603879,0.2290559042754638,117392.27878432034,2.655825665848983,93.63755763820079,4964.481835803478,256.08877426768424,346.0129714665402,43.527025154947886,0.2465954545373337,0.18730125185340363,23.78519881618556,48.59763139071321,3.997284598395171,22.921613494683577,0.0,0.878155516394352,0.08982944834243604,27.50195372768336,49.65011703262809,0.21037426959896063,16.546811781794528,1.6033010066721712e-07,0.0001132097967789073,0.19780006955248586,27.706270993224347,52.32618456257096,0.24477188501103153,20.31536390383898,0.0,0.00014063033626880034,0.18603976930581811,75.53467703109703,55.33033492764952,3.9279543761460114,10.978576999298456,1.9907974977412392e-07,0.0,0.1453943678420112,50.40109004900371,92.1431932001243,6.1169287097742036,22.570122569936192,2.5168493838300877e-05,0.0,177.0985139232457 +0.9383173914097755,0.21124388297455177,0.33006113456826286,118.86978308748928,39.25075929047148,273439.70594977017,2.4001554728133607,39.75361254334688,0.38571870190723023,63.23622399295391,0.6769892267163025,27.632024580754656,0.34371785743997285,0.9336283992505345,619.2665195947318,61.83242142335959,0.07153499975758375,79590.64524392449,1.4317482911090924,25.88626486333437,4233.969958408944,67.6406421272351,349.6040927492532,43.577369552333295,0.2555808458492768,0.1934343516743326,16.673857656525513,30.698640625885783,2.6415467698307804,61.43822848434839,0.0,1.356266407981977,0.1316280542183802,15.360253086656865,31.901622469694892,0.3336168191198823,9.913463330460763,1.6033010066721712e-07,0.0001132097967789073,0.2029959099408945,12.846089412685767,31.19416546092303,0.2373677930266688,47.27568004557161,0.0,0.00014063033626880034,0.12778550470779373,33.58232912649945,35.40900265808058,3.9968032646882734,24.619256640248665,1.9907974977412392e-07,0.0,0.19591587919141673,20.272794502562487,43.714847039684315,4.11079343515657,24.60228396313207,0.0,0.0,125.20794160453988 +0.9719684509062809,0.23195568020184823,0.36768329750249473,161.36232436852052,138.09106201278993,302893.1348999238,4.155567585880015,12.9547111053925,3.0796203063888186,91.04394256031605,2.514946999965469,25.105157746945665,0.3793501675745803,0.9339253456631873,97.97984222350087,24.37042366796861,0.21848716923061653,299051.7984502278,2.8263150913653723,43.79279508268043,821.4488502820036,273.0357634982926,349.6740828140942,58.7364658799968,0.283044625284827,0.19115933704472804,33.803514992349896,56.934495338138575,3.691963031875003,16.420354707281486,0.0,0.7472936223664738,0.1321922811831597,18.495145687077166,38.99007068664315,0.35370213622979013,6.276566507286045,1.6033010066721712e-07,0.0001132097967789073,0.20153758185064435,35.58290000187928,61.106686102855484,0.2665199506563022,14.22482507360247,0.0,0.00014063033626880034,0.3238055421291154,65.54956304622888,40.733802162096374,3.65178736552585,7.883043563895118,1.9907974977412392e-07,0.0,0.19762133187709377,35.3400485420097,68.59004857557824,5.803697865060829,7.805468015322862,2.9775792247749648e-05,0.0,154.4417715035184 +0.955551302268994,0.20267470112883515,0.4437298548106759,149.02852304838177,144.73706092785088,284437.6864930993,6.826325579588322,75.36511361317753,1.4985404007392904,86.32139041526351,0.42560534095597613,19.956528969510217,0.6101028533283548,0.856228716038106,694.8326386635815,44.785179626779296,0.2307614434172255,97979.30642007923,2.6517327463040625,60.56910904567958,2604.0175171084484,119.16951248797297,235.70738269228778,21.61551438913953,0.285924004376211,0.19626905508398934,5.391816405182758,24.629088725311803,3.2374149873878957,4.550323142426797,0.0,0.6818881305277892,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20684540740388266,4.893863087705516,23.71422541990741,0.332486044023602,3.4351209312298234,0.0,0.00014063033626880034,0.35002953739095627,2.6391078215546884,14.07615094174465,17.366248493476803,58.29767956616492,1.9907974977412392e-07,0.0,0.08617348608959428,5.667766886045916,34.92005777529008,6.6829345683537325,48.48741831757835,0.0,0.0,2698666337285.8823 +0.9124395212776217,0.12357608799525044,0.42295209779846926,204.81743389557496,194.8860208019218,308885.63159963704,6.86691557962278,29.820866296491637,0.5416337535189348,84.03712541501706,3.1571314270455306,8.935452409365922,0.3440861985469629,0.9447533440293824,822.6349092480098,84.3268392275678,0.11403234126509601,52514.261928194246,2.8371395572829243,46.60325433515409,1363.9019048863797,258.5583162429956,263.63032493011383,31.10643403553363,0.3122780450831143,0.19946362071358342,1.6183910827114607,24.630651513216296,3.178172243096742,4.715767113006496,0.0,1.9382960347445997,0.13950856179095214,2.5415678974430866,13.172145011227322,0.8361695325637956,11.39866949463788,1.6033010066721712e-07,0.0001132097967789073,0.2101237697225244,3.6146210736628257,23.51886051698912,0.3441971913453973,3.3133652847489143,0.0,0.00014063033626880034,0.3549751826424061,15.793464303585436,17.572409893052654,11.632636240686239,49.991972791574184,1.9907974977412392e-07,0.0,0.133848765259852,2.6648205509139458,32.95312569491866,6.744196454093698,42.676664060914874,0.0,0.0,87.67014872379481 +0.9354135769864117,0.19761505865776288,0.3211066011143967,124.96111521839345,152.37734255586162,304291.5576941517,1.742215709493789,45.00578198821032,0.616191244133319,50.52208464848985,1.4590981327991823,26.38777041996429,0.38474152525521577,0.820666421202031,999.5262472724218,84.44102367264281,0.1956633455115464,106004.0344757444,1.0497548537917512,81.84771867940837,1072.1111292882492,268.96716322457587,344.8826447525597,35.64968549893435,0.25782383511436674,0.1924846969488781,10.536310740141587,29.023422780270128,2.6138967528696138,41.96868321505334,0.0,0.9867021728066749,0.13283802104578163,13.88270109610653,30.60724930822374,0.35113620115746697,7.567813548633711,1.6033010066721712e-07,0.0001132097967789073,0.20690081521024767,10.878983087224539,29.202654191489223,0.2345384525239817,40.43879594570209,0.0,0.00014063033626880034,0.13143936925818892,39.06790327117622,38.93862993591978,3.8026032290822758,17.238400118596417,1.9907974977412392e-07,0.0,0.1852704305174363,10.99036944424999,45.3765657158865,3.0386645015332423,13.835562714553069,0.0,0.0,110.68307254726524 +0.9765871711088201,0.15822947586944952,0.4261740391597749,180.43972076881585,125.066432143023,339899.050269272,5.564078397513164,50.84834610738765,3.273953651207454,9.210354403476789,4.316120016914413,27.265930567170283,0.7167055875781997,0.9657023012541827,372.0070035118169,97.99753527399734,0.3093775984674612,82673.95448116348,2.8184178810277714,71.85115035160801,4712.381612600953,82.73575423746802,336.9584076820599,58.89784896783664,0.3454988051887195,0.18880657838799256,13.378294428450644,35.77559924618639,3.3408031192727403,14.18005875759466,8.464112717715401e-05,0.7782834917810492,0.11329630770565412,8.676983262196819,26.25058558200138,0.46034743861829347,14.453356786352671,0.00012546272377973727,0.0001132097967789073,0.1979840544958312,16.960667043795517,39.44819720558651,0.2852318463603088,9.976312575903,0.0,0.00014063033626880034,0.34935236255353663,36.02872580719977,26.220383319402252,5.43789362556044,32.582698323811485,1.9907974977412392e-07,0.0,0.17194375948807697,18.17307024979665,49.941282057743074,5.682153286234542,9.474416702251103,0.0001262942104983634,0.0,103.01506575514024 +0.9495504999110097,0.2424685388934057,0.38949167127831047,244.122793500783,215.08367957384831,348616.2081059768,6.974636943041524,6.31260062377595,0.6146025361577416,52.42580705408625,3.941788627677229,27.47666395848375,0.4270087406217529,0.9490158845146778,253.63525608494265,64.08370493178342,0.3033585176168586,273665.5545195362,2.28768119405086,99.5994583454058,3984.159902295395,11.811303505684407,348.79987964809766,48.06400685488249,0.31036586773533487,0.1925947507931114,23.912209816706962,45.07249678138829,3.878772019642772,17.47546007747444,1.735824621033411e-06,0.753310390385444,0.13196468701420272,16.050133648283822,33.116033241458034,0.831521013045454,4.108170447411164,1.6033010066721712e-07,0.0001132097967789073,0.2034812985666321,25.112209509346755,45.22466456109478,0.3396942230585423,15.191039149821869,0.0,0.00014063033626880034,0.3524374780207156,56.82494062702854,32.005017262834656,8.281506835445896,32.169473129903515,1.9907974977412392e-07,0.0,0.19716422651019147,28.731549217281113,58.7899696770504,9.674485214611941,7.204345585367333,9.87012425220581e-05,0.0,130.33542967324996 +0.9432741641123317,0.14155197556519095,0.4218665088592939,181.34555086526422,209.67350683339544,285285.91552325245,6.156098359093122,79.2195263301975,1.5700074482837347,20.647675572585065,2.8165180275178257,13.337285794449105,0.3110504901778306,0.5552323242523943,6.674970084756893,1.4358150261857432,0.16211732751974117,147387.27019948183,2.0734710871358555,93.06809965289658,4940.84640646958,188.1487579747892,250.89359539461262,59.039532852150934,0.2185054536619363,0.1992714104599761,3.9851176941987667,25.156851836280726,7.7487235844629065,5.412086447013507,0.0,1.3404183666072436,0.1413041183961838,2.2496390884560222,13.200106141558434,0.7961193948882445,9.120191519678677,1.6033010066721712e-07,0.0001132097967789073,0.2126652473804989,2.7473698917080234,23.86760436251286,0.337821781599954,4.7296967142635165,0.0,0.00014063033626880034,0.32495505003999714,17.72869246805585,18.39099717694851,11.043931035664446,45.92503365396332,1.9907974977412392e-07,0.0,0.22625349860232088,6.5622742795920015,26.124053286836325,13.233169397255216,14.812854141134503,0.000248018678502318,0.0,74.87743146453383 +0.9593631934532907,0.12522759562937386,0.43105609252397725,153.63188196345337,138.1301678874931,295330.09353272605,4.67946487575142,16.82207108407583,0.7403237173589454,68.01462651427002,1.0503579771550084,24.228104564754464,0.5723494613090219,0.6127845093680042,877.6259517328718,47.45861787233908,0.25614444409940124,62987.887021790055,1.3649796067756657,66.88563436235806,4015.813385769163,114.27072561346975,254.09208698022775,17.499664374638204,0.15153501086211965,0.19764605972845112,6.8748519469540215,24.924233523391546,2.968615527423016,9.944056274637152,4.569929115258823e-05,0.7025935780908845,0.13436842603847288,3.3901596994994803,13.93272810005219,0.43171470734808143,4.93667869313325,2.9881530477077007e-05,0.0001132097967789073,0.2102123290422083,6.040946868098136,24.194607032910984,0.28020667354243844,6.039292819922397,0.0,0.00014063033626880034,0.334899934379963,1.125488246059864,15.026721789594243,12.586766505297687,53.40793451952906,1.9907974977412392e-07,0.0,0.1591811951698827,8.201523769623064,33.01593062068288,4.941182551816773,43.68742680312527,6.68412927551551e-05,0.0,89.40767158319808 +0.9071980776044098,0.19020261266613817,0.3452622887401843,178.08140726097625,122.01875036983101,232991.1131499945,6.21291654219777,59.80409436256495,3.392595209565411,74.71915796159387,4.754888204222657,24.86143106317692,0.42386187230541444,0.7411430324115289,451.24892708370635,7.094016829175192,0.21570402315111808,103467.24308424526,2.9227523984735404,99.8037732287677,3036.8843221388624,222.6664049777826,347.42335195694636,45.05092768034779,0.3394002258836742,0.19083458330250871,23.52102013544818,43.31255711178057,4.18475843030583,23.1429425652527,0.0,0.7453239633106031,0.10162158229057676,18.945273563788344,36.70773001954819,0.8071756377649804,20.543424474899354,1.6033010066721712e-07,0.0001132097967789073,0.1943383589069253,26.423699745547363,47.759781582761185,0.34876413626222896,21.153269502943374,0.0,0.00014063033626880034,0.2953683373593274,54.18915355240993,35.787115049457576,5.353211892978876,22.098896002718533,1.9907974977412392e-07,0.0,0.1817143207432023,28.525969810645844,61.923289526702085,7.6748034095483835,25.6207792937852,7.692616136016208e-05,0.0,136.51626914883477 +0.881673657147555,0.23223474747575779,0.4244347864308187,243.93570017926592,175.1531521785873,225008.19524174475,6.569640203692914,36.044260934638544,2.0396901205990434,82.21613821457312,0.7613492780522748,29.979510247632405,0.7617635732296002,0.9650796274916066,824.8231357034495,91.77714363464631,0.08537230154964315,248341.40351955197,2.885352691869335,90.39247502372345,4963.374985845211,293.21174825109335,342.5035346182063,57.683251334656475,0.158050915760344,0.19815796758719764,41.43541325858001,59.78109048741619,2.895338633799472,18.250978928601054,6.776771728451037e-05,2.8801986699156386,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20153387999174296,34.61064635498964,61.78844946743439,0.3884648477255083,11.8749717836327,0.0,0.00014063033626880034,0.10591330013580151,106.81365457678758,76.1396996581692,4.2826075887307695,7.35154938637387,1.9907974977412392e-07,0.0,0.17818001186148605,25.75866227576981,101.51055964228316,5.402957828206896,11.936591495980245,0.0,0.0,2698666337285.8823 +0.9381531484667007,0.14093236786320779,0.36809509182187605,118.6178526491374,158.32709066735177,217430.042209285,6.474600898727839,49.290758308715745,1.5963043904947118,49.31378915261547,3.8010460547304414,23.386255872781256,0.31806336764534804,0.438236061828679,693.574653157942,34.270762632599585,0.30754651041317144,61147.07823518661,0.991368591549572,42.201090335298986,786.6851858849973,111.76571557767241,339.21059744924213,36.665345160699346,0.2456229439510775,0.1991759119536899,1.8936622299229176,24.406699439211966,3.0982459325615626,45.97270226008065,0.0,0.8257602815799292,0.1399677474198344,4.981536446668252,20.454639667664395,0.8537059398014372,6.2079040573634945,1.6033010066721712e-07,0.0001132097967789073,0.21304221085524155,2.436489351998325,25.197801637748974,0.35634712614539776,42.39705342390135,0.0,0.00014063033626880034,0.12453685865028005,28.28654328435442,28.596544321525066,3.235240130277547,13.784521837521687,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9875729081531406,0.22897908871179604,0.3670477381899797,144.08874319217833,124.43991978553785,302553.98046406504,2.9285055361598493,66.53136404077084,4.771593827317004,97.6525752385307,4.81168781131814,29.20925419660318,0.6638475159869357,0.9477535893443292,874.0923695104966,94.61697569579029,0.32872901913768554,92744.08212626776,2.7298364464717277,93.40435268847745,4782.990931206216,125.77536308765283,348.9932636542893,59.64750018863051,0.23601972910023347,0.18570252627222786,21.90476883691912,48.91574043481039,2.712078594798403,24.999914828396523,0.0,1.10996853160368,0.11172247438803296,21.4792225827082,43.458490509050606,0.21458479361450805,14.058053511922134,1.6033010066721712e-07,0.0001132097967789073,0.20184969538168476,26.84116427915355,52.905349916221006,0.2435481139108773,22.94132009473337,0.0,0.00014063033626880034,0.1725329025309965,65.35269870189731,54.74418670823886,3.7295533607127673,12.795087606309549,1.9907974977412392e-07,0.0,0.15622882966147497,21.254308408817213,88.57816136870187,3.257911226463806,17.22773626169013,0.0011898729860922602,0.0,161.71123572001954 +0.8919974189815206,0.14279803739627409,0.32598413485431416,39.66150009013031,199.45579668805485,186789.16649922694,2.8172259877008305,47.79792463377811,1.354346565283545,62.70486838778258,2.876199571725321,26.938230338202995,0.6144229191513693,0.6894550723688627,648.1561823464923,69.11857436175313,0.23061560855902966,50619.27800807399,0.8055057364386968,91.52321254935893,828.2879777066435,244.89185357307124,333.8046025620588,54.15236113953981,0.21579145267448263,0.19578740765340777,5.697162004907309,26.434886961652005,2.415552624859035,76.82557984565484,0.0,1.1829133176399822,0.1350342448319048,10.98823004258698,29.75835562362552,0.2126608637328481,11.34998516267012,4.826312097820442e-05,0.0001132097967789073,0.209108261284829,7.048405812995809,27.17304840994555,0.24508835080205388,74.64294847242142,5.524080243492798e-05,0.00014063033626880034,0.14035608053714488,34.02959472990067,36.664572352706855,4.481369008369673,20.89807614815694,8.111014528506803e-06,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9507115900016593,0.14764600696651126,0.4352973550762313,129.6007404514036,93.47052437482205,231503.46198120905,4.1080912262212275,48.54689173445887,3.1625365250795054,46.95188808532299,1.0807326267679889,11.925777400092514,0.39679797358030877,0.8756821230592635,274.7324316395076,47.36404274348091,0.2508748939877789,293731.9813909157,2.8723353680435166,85.5238010085406,2881.304081506088,233.79085162389916,334.1384939014186,50.73481176434028,0.15007168120249556,0.19663860722103052,15.990353652365654,36.54571699066018,2.994112700342181,5.818018200200618,0.0,0.8367708500714361,0.1380717543767322,10.720806096519642,27.229943825622836,0.39039191722443684,8.257269072784048,1.6033010066721712e-07,0.0001132097967789073,0.20895768015973906,18.811495950343158,40.79937404651275,0.28135082414856843,5.15625065535791,0.0,0.00014063033626880034,0.12208313227990537,87.65273690070046,60.33593560114453,3.818068712583524,4.7498236317847065,1.9907974977412392e-07,0.0,0.21230656334098366,20.314231165794666,47.24618184117751,4.8286379475237995,7.187128536061788,3.1806699694645505e-05,0.0,136.69392956694958 +0.9487840801596746,0.14800636409796453,0.37632051293384583,136.02729404852042,246.21139784705036,206680.1010469423,2.3477481901389368,78.21535126026455,3.7362805286350143,52.18381165353628,2.79497681245321,18.73078240954301,0.42653128518706884,0.8328007609910834,265.68669078322813,37.22602846094902,0.2866001910549542,92194.67039749693,2.079743638601216,99.31805250781373,4767.934937635344,177.66989654450882,345.67811416537904,59.41795610565052,0.17313106864161487,0.19397239564733312,14.282808628767565,32.890320493646676,2.7271898823383265,31.25205162602817,0.0,1.1982722684041534,0.124530184818695,23.191293983166805,48.57718441451131,0.29907591384310395,13.65099662997143,1.6033010066721712e-07,0.0001132097967789073,0.20635263553880906,18.334683635767554,38.44124705169992,0.25540512852930874,28.314025291068248,0.0,0.00014063033626880034,0.12553774792667266,64.67472266890759,57.95217791273072,4.306631758223838,13.924940134942888,1.9907974977412392e-07,0.0,0.18899494761427782,41.72007273271749,79.24747966216944,4.603765521847136,18.61468577122318,0.0,0.0,155.2845614451876 +0.9578721407593991,0.19537927185499251,0.44912955346002853,230.69753692006532,102.64982270776133,256367.46268032727,4.012136918258116,81.0341442193226,4.613342829118182,77.34694500866036,3.755501470458548,27.065960471582613,0.6498727725291168,0.9888777542991812,690.470352615912,85.61666246772776,0.31887350660325364,207112.9194375306,2.928166074135547,98.87216032089061,3943.1731692054423,126.94225120744201,348.90142195190515,59.22261631118572,0.3156801175133297,0.19109580400284926,22.67392369994844,48.15230727805874,2.7531613818049023,12.956278667101675,0.0,0.9375085635549276,0.12670695763785342,12.232955803075379,32.1861578531324,0.4208445194566204,12.5298383848626,1.6033010066721712e-07,0.0001132097967789073,0.2034248254797381,25.472162711876592,49.25475345796911,0.28217971594080377,10.94697083895968,0.0,0.00014063033626880034,0.3557215735496768,41.72702445306544,25.79157835735104,4.216549945061564,35.563062488178055,1.9907974977412392e-07,0.0,0.1595975152248814,25.18526577780978,61.61991137197595,4.66863074160558,12.439557482078893,8.106502710963531e-05,0.0,125.87127380207497 +0.9501278956936239,0.14817337604956834,0.44158902109063436,163.10780954527698,47.78153485846422,277434.9079759704,5.825857858388578,84.43606725991665,4.320861485310273,31.575954290237192,3.1498776916736464,26.36948463145145,0.4312834186142851,0.8720966853347247,177.41317096022277,44.49768316466009,0.32046503264801895,120184.6889724744,2.0897435596068523,87.40493846011066,1043.3398687639171,252.13010289993608,341.59397040822745,58.93528414483549,0.23585129281592,0.19262929826759603,12.773473154328189,31.931590703427236,3.5478329603066516,21.617866968355504,2.117163666192032e-05,0.864779165906992,0.10994284444014248,15.032155440571191,33.98020087179631,0.37599222764014945,14.20550475262557,1.6033010066721712e-07,0.0001132097967789073,0.20295889005976028,15.9943984614754,37.69201752448419,0.2904408449358583,19.203820053715948,0.0,0.00014063033626880034,0.16835241341035231,49.951387459253084,43.31502154976528,3.6904940720265142,7.594695995909925,1.9907974977412392e-07,0.0,0.17260111194903596,31.088153929477183,60.21659635816619,5.508452140911067,15.727914258672905,2.5052119376910606e-05,0.0,120.84864395087365 +0.9249321617742122,0.19437190482374878,0.4104904458534753,184.3590961263694,89.83985007556679,293251.38479122374,5.418791847594042,11.969177265352766,0.9563820655085997,86.28227328898856,1.1812520285544916,7.444174622835037,0.3934441204638067,0.4444566421068063,540.8464352779711,68.21070499708742,0.05049528572457662,79915.98467993933,1.0268960146428412,47.55627894767906,995.5134033713178,169.21838151696397,277.2310285727291,22.247525874952096,0.18517135147032274,0.20349781796096392,4.541971702323682,24.672948297096937,3.2933698490279535,28.031502862537444,0.0,4.523852118899268,0.145727728372132,3.2568541873110113,12.172906691008007,0.4600233351704125,3.3755938241887535,1.6033010066721712e-07,0.0001132097967789073,0.21503848767571176,5.386162659363212,23.317552337529452,0.2923763730805581,12.225882174692646,0.0,0.00014063033626880034,0.29451031473340517,18.63066566806536,19.455750902854085,3.002072278020981,39.221720943794196,1.9907974977412392e-07,0.0,0.2252115203149345,6.849968036338015,28.95877737434886,5.206212454698931,27.428652164419198,9.859694496638547e-05,0.0,79.22959565153316 +0.8937639414169386,0.20551964461247557,0.32532464842265996,126.65143604860856,148.94009689720187,319106.10706075525,4.102756004217784,12.265354531432237,3.7739734566526177,87.93193931403425,3.9334896591418107,25.11230788571872,0.4504438857869421,0.8167450070264353,632.0677734189746,19.839640939669486,0.11533772492795472,84773.19221123421,2.303595948218231,79.08688032473722,1449.4777849386378,220.94597963715492,348.222910275623,17.319869563762268,0.16717304163914423,0.19631229155394622,13.931339385032244,34.672865103808235,3.208264881433723,18.78381518883841,8.305643271995934e-05,1.0486788243285348,0.12593802824060313,23.9884091880056,46.935117691025205,0.2843093555362252,13.014727674346155,1.6033010066721712e-07,0.0001132097967789073,0.20575633814723227,14.160038254615209,36.002380380721,0.25676498659050234,12.367451327489839,0.0,0.00014063033626880034,0.11596818843611978,74.79456967872687,64.79314626400624,3.4384620302150357,16.699223862531706,1.9907974977412392e-07,0.0,0.2152458690146617,29.70775606479435,64.18824770257856,5.119902611742283,9.5803373736619,0.0,0.0,146.83979814149168 +0.9467410816042139,0.21278122953696627,0.3248908296242267,136.32042202507645,129.2105463983058,234325.18261875137,6.2792210034814975,19.949362585425643,2.651771243214903,27.684666138622124,1.6362167635491396,22.292010669484352,0.3069266053444688,0.9135367858318315,127.93359578114107,20.65539798740129,0.2961469558986095,180662.65692973416,1.019428448469723,36.06285184966192,2922.950596234909,250.3319498758686,344.65492020444367,46.78608438961097,0.15428192686594577,0.19050473325007905,18.346582766460585,37.78241212656691,3.8673099871653456,34.02163175904849,0.0,0.8405067528479198,0.1282281042187305,18.512635774021504,39.09550769485022,0.760974026735249,5.212253172537832,1.6033010066721712e-07,0.0001132097967789073,0.2053495975921608,18.496654496589343,36.31342221014869,0.3418834164006909,33.75974076974545,0.0,0.00014063033626880034,0.12613072810495207,61.41390712929779,48.55788709982165,3.7934293167828455,19.777407478388884,1.9907974977412392e-07,0.0,0.17417142993777734,14.946312815535709,44.13434917357152,6.239003920176198,11.938146639589283,0.00018852883138888483,0.0,128.5483710113547 +0.8772674139280611,0.12457222145205948,0.3295216202480697,217.81768961743114,210.96268388035386,274609.1557500251,5.4480333046972405,38.68714163294856,1.4185820895730794,30.880867640173,1.955384101815083,20.487947197708987,0.39123842563595507,0.8348908065585179,762.61091653634,62.914892062200096,0.14158552586555614,169476.6333822667,2.718411912687241,95.9132240117779,2276.1549574757387,233.79446648952774,327.60332839488206,56.364403550568284,0.15275625111001104,0.1964595223744634,26.34102722430382,45.132560349010824,3.015484532194322,17.012382066725348,0.0,1.0983943189035639,0.1245805691124318,22.52605666109177,44.80559075119817,0.7876580203526973,13.210004259675678,1.6033010066721712e-07,0.0001132097967789073,0.20512567283510322,25.358320739649386,47.684260812116655,0.3345213037702062,11.825682950332807,0.0,0.00014063033626880034,0.11890388428953497,92.8520334669861,71.14357543954817,3.2901657638098825,9.275678970847773,1.9907974977412392e-07,0.0,0.1930060922087272,34.889899172711814,71.63801151223231,5.933453863068966,10.27135751338276,0.0,0.0,170.4327873001497 +0.9705510452591893,0.1054236344231263,0.3884726872903379,237.74338527751746,150.42570334301658,241575.44806525443,1.890103687074909,94.0978757007376,2.028906007474091,8.7056275980079,0.5441731467095209,9.446544883352738,0.3050841981311082,0.9290248072117152,232.5482820145961,1.089920256181215,0.09517463534704859,103105.30460576722,1.4231389857397863,57.71344249305749,2388.840443453978,99.69947414151939,340.60931468054775,56.28074751497948,0.33792749107596415,0.1956352190500929,9.705744047776955,30.781863060209822,5.388525429745829,34.347625428800406,0.0,1.0481374101595673,0.13811394652625347,7.305831892498378,22.739088406538,0.22477244673121183,5.5868418200528085,1.6033010066721712e-07,0.0001132097967789073,0.2082541972098374,9.774827172996932,28.977546163109615,0.2409675675850726,31.684168089343345,0.0,0.00014063033626880034,0.0772800940162855,18.034308802600265,28.6328424237502,3.7451672665989,7.512529837813054,1.9907974977412392e-07,0.0,0.20860135270805027,9.282118334105236,31.973193312946336,7.39931847336812,15.285003779593042,0.00012444022609056207,0.0,86.05247231047093 +0.9679077477584983,0.2056200374802511,0.33705244539265505,82.03216585203012,235.1543244361883,106206.06851726069,5.57405855628259,93.98153875767332,3.7436798180677653,12.427153961746441,3.558298922317789,16.621987576780985,0.32429598852618613,0.7804007025936073,436.3782026166313,92.20470293724955,0.2932870080165832,102394.644067354,2.622060360725311,92.00809565980164,3294.5018666836504,269.9894987699974,323.59884406200956,58.908749663110726,0.19212998633414077,0.19307847383066093,17.572417336295032,38.68284098577103,2.886475174685143,17.68818372475624,0.0,0.9443192758293265,0.10208358176513938,20.636602712696288,43.31826645766167,1.2833788006970983,18.054275088792537,1.6033010066721712e-07,0.0001132097967789073,0.20408845977690557,20.881245193574255,41.76951385062887,0.42866267744914294,14.9876371850924,0.0,0.00014063033626880034,0.14419976334225468,64.41540129959981,54.86518474380095,4.0030213917679545,8.773884094054559,1.9907974977412392e-07,0.0,0.19842197243070112,24.871848721065604,59.77481822997566,5.12282049338161,14.170065181929367,0.0,0.0,137.23732549644265 +0.9566400095450548,0.23573270154064213,0.3512769093248255,167.54841850165369,230.68599284381568,302583.67160343175,4.715669628590712,93.14850344712659,4.6530707420932345,92.3565029855767,3.9583982854500883,25.615816774956752,0.4146778975036756,0.907445066763435,895.0620062935178,38.88729816420642,0.2591846778136766,98540.86657019684,2.649950039215042,74.60010788927774,4750.768343619304,263.39556025631657,341.98399664591733,48.902204878316624,0.23695681365634946,0.18974609350646068,20.97027220221998,44.9575583483987,3.0509764685525496,22.267029931502435,0.0,0.706848955261781,0.10722664603092553,22.963715415494267,46.221182352023256,0.5499617396407139,15.508302291933353,1.6033010066721712e-07,0.0001132097967789073,0.1995204406124771,24.280928847271685,48.27029122864906,0.29311768326929305,18.83206898031243,2.8839650825684272e-05,0.00014063033626880034,0.14514519284913727,69.1977056663057,57.51592996931267,2.914106423848414,10.031025641442527,1.9907974977412392e-07,0.0,0.1613690231817713,42.57906354407013,85.72421545443117,5.314605901691168,18.076216672946142,0.00013191062018785504,0.0,163.91365152749685 +0.9331930068742751,0.15523392058024932,0.3795312362769951,192.57264855074072,191.09227942609067,205524.0235142852,5.281030430676071,19.8518089931189,2.1074093968767023,66.96065218968369,0.5458488866970422,29.421717044476935,0.7602561665756209,0.9839788058665744,780.016037654349,15.436686875513477,0.17852523560645364,99629.35357455268,2.92781507239381,71.1724903781506,2995.119311534435,257.59624073458156,343.123780728307,58.950843370181516,0.24474386037351628,0.17249435639143793,16.19409395209797,51.91308769239809,2.863290278002113,20.90943406339664,0.0,0.7675803962123806,0.0809587546838373,23.83343400122202,47.314114679789746,0.9374573868113,17.50039968264361,1.6033010066721712e-07,0.0001132097967789073,0.19453926056595566,27.861090818159116,54.238169662873695,0.36407823096615044,18.72118154232515,6.0571621508281804e-05,0.00014063033626880034,0.22072492580450725,66.93907337132373,54.872363043551914,3.6182496744468455,13.6712255511378,1.9907974977412392e-07,0.0,0.13114643953261773,52.39251491896926,95.71715287361063,6.676232792380909,24.418998054736957,0.0,0.0,175.57107780895714 +0.9793923874025563,0.15440362208714364,0.3439103795220447,235.99017861198672,42.414246889415125,297159.9740020856,5.441273995715795,31.75770893473129,3.3117233040232477,21.07717433091023,0.48178482117436483,24.315238058579176,0.4245066646024582,0.5956275930442617,465.46911430635276,47.29449182912662,0.25593567664043315,61720.664507911875,0.6566450936691932,68.58208869941699,1047.2115671340175,247.21608466259502,336.80887592538147,46.13801258730603,0.3466875182404402,0.19779785706205322,4.3538125101442375,24.606726759358224,3.2586345605754024,63.32749481639979,0.0,0.6918179591535853,0.13704678009858282,6.135709125722696,23.150303782413403,0.30093505091530426,8.481745747643304,1.6033010066721712e-07,0.0001132097967789073,0.2106543207799065,4.088622453715647,25.296390097299117,0.27805750189135037,58.19012528942297,0.0,0.00014063033626880034,0.08787737753232633,20.13260565081229,27.75332337048924,3.6765552417817564,11.638361155335827,1.9907974977412392e-07,0.0,0.21879773137385933,7.783989939337793,29.663005961821472,5.132728823759631,20.877602203265734,0.0001789099452929937,0.0,109.8258648845727 +0.9668461675728016,0.1614046668089099,0.3704998088864648,136.04188779019722,246.0581491685163,323074.9261104179,4.979877128536981,89.45891216421352,3.1704189967779994,50.39030341695524,4.59611595966216,20.359696378688394,0.5447398378938085,0.9864930913006055,292.9498523873444,66.77178382483896,0.3043608673005124,264711.63672901166,2.9146921959007503,59.39041857689932,1061.5828830679409,255.15380484570107,348.436084168649,56.7048153521418,0.15854631789357382,0.1932551790604883,31.27818989680268,54.940009100658294,3.3324500117592204,16.018975261328027,0.0,0.8245846816245942,0.1315083367931998,28.303721364152707,52.115880889970065,0.49055711311891564,9.353681348470214,1.6033010066721712e-07,0.0001132097967789073,0.20454608181344913,35.41085555247139,61.13994918568557,0.28383755161801927,14.218598244313416,4.074165157775349e-05,0.00014063033626880034,0.09398555183873994,85.60722580977806,66.01325736689415,3.445674610580528,7.888569329385949,1.9907974977412392e-07,0.0,0.21281589718906238,54.01064526772596,97.11618415379692,5.790651197931056,12.496382306879783,0.00024407195909686858,0.0,193.29585008328888 +0.829618831061133,0.11819693628729802,0.4342762919781053,169.09686850595867,68.58745643793853,196270.09238146036,1.5013011193743175,11.079468509542025,2.352396037334481,16.96047873052926,1.2764721249168975,17.98259249398998,0.5038562944235716,0.899379839523829,542.4354381595859,57.65639921360996,0.2811529175148076,134141.72618322782,1.0775092379213738,36.49334549940254,2554.947665447216,242.02948586249812,338.49079111875074,49.29701371486083,0.19702904600897225,0.19513426824095864,7.257556835975598,26.527778951499812,2.413504373236823,27.205031024646946,1.5545673007946418e-05,1.3199213234026674,0.13600635402532232,10.113003666771027,26.951274558081185,0.31862280841758395,4.638382101388036,1.6033010066721712e-07,0.0001132097967789073,0.20844375160237683,9.21640302633113,27.882680382833346,0.23625884035559344,27.592243700012023,0.0,0.00014063033626880034,0.1492634207804934,32.54225325250281,32.94936747139423,4.407452364779849,20.089529258093688,1.9907974977412392e-07,0.0,0.21879369562135384,4.076705552886226,24.30251723204729,2.899168128523055,11.537954400581668,0.0,0.0,85.40910623972218 +0.977569577662328,0.15115513801586503,0.44971195310731704,249.90224857824015,150.75961925539858,339503.9976808398,5.891654709440018,87.67766292108537,2.349232485803316,98.84252535717681,4.726649384899309,13.62965357147549,0.4288874412908048,0.7866699530418171,650.8251902930524,86.10659055052528,0.25879311717217984,53538.50061847582,0.5595847578687229,99.7814679104277,4785.841401792512,290.7894801112936,346.5626238235651,29.726934180394114,0.2806982028908554,0.197330110978034,1.8529254124500751,24.904334974405632,3.233923990716041,49.07739159893412,0.0,0.6636494568565465,0.13874607915269627,3.6282858120152945,20.925416987839423,0.6144672875628053,7.3587473421970655,1.6033010066721712e-07,0.0001132097967789073,0.2098315326489741,1.709756697976328,24.532478639975867,0.3072214027352399,45.388162787868964,0.0,0.00014063033626880034,0.1984637489770189,32.08302988832903,34.380514204551226,3.5866064363862833,7.223756720612856,1.9907974977412392e-07,0.0,0.22081695162618617,4.257802327638262,27.744917102787806,6.211327814010978,12.506934486298213,0.00015041461732436635,0.0,97.3301119387342 +0.9788919510812712,0.21449623295419729,0.4404028896294894,89.72517757933338,118.10763202339554,347951.4259079148,5.995465232919713,24.85522120783754,0.28154071908703804,7.068999516077319,4.2915075119686135,28.602027458639235,0.4552265834866645,0.995818795961196,827.6338733593475,50.446571441260346,0.06407128477229992,224591.5834873532,1.1766129256925784,37.220056968348025,1921.9048173530928,69.61569839884552,294.1922779725809,44.91374247374392,0.34032454573771104,0.19660495420575408,8.244752634825792,25.11073669334346,3.213629020471145,14.150143230606686,0.0,3.3443030095868593,0.12273073330179782,1.11416181109714,15.165480877170104,0.3387511739458327,3.1507173882881183,1.6033010066721712e-07,0.0001132097967789073,0.20206666786251376,1.5094706905110946,24.832322634559556,0.26873454323223717,6.7510195567007365,0.0,0.00014063033626880034,0.3560295014893486,36.91982896355571,23.486358019848776,3.3205480042310525,24.169348987337884,1.9907974977412392e-07,0.0,0.19771026063561628,3.324704867022634,27.896336000765384,4.887493928794016,8.43438047734872,0.0004308543866508515,0.0,72.25317837510015 +0.9410378735851717,0.11535160119149866,0.3465702566824872,81.00100470937758,71.1124257768447,339287.391998364,6.388742003514981,80.11553002686216,4.059442899424058,81.51281745402537,4.864105419630056,10.461091040908492,0.30837213774812516,0.9990884667604937,420.6325082006066,78.85790764061639,0.17660679332207282,72342.15113912174,2.6998871077543067,45.45577345356996,378.0255387612044,70.90137846627877,343.20564149694803,52.03220592555034,0.2845542921398835,0.1956398637474595,18.07098240077798,40.44199252823432,3.2636322975452012,25.167271934183454,0.0,0.7439873095594484,0.13464270740245213,12.821429422997706,33.67452289681528,0.29755308719302687,8.651256298040114,1.6033010066721712e-07,0.0001132097967789073,0.20801400586336616,19.48505790834431,42.715129543415586,0.26773631248668833,18.101118029604,0.0,0.00014063033626880034,0.14347975174933794,44.915301613489355,43.68617065552892,3.510116117260705,8.03250783110908,1.9907974977412392e-07,0.0,0.19682539022780798,24.304885753920683,52.27600125732754,5.000145865371545,10.933600402967373,0.00011938344866297948,0.0,118.24930689376 +0.9318872002363855,0.1424947053628339,0.40655656225313863,202.57461211159563,186.36856534724944,262557.08636673575,6.601207319820411,15.610230059733642,3.093002705627526,64.50181321008316,1.6413113926834335,26.35211772903132,0.31620950661977454,0.8799473163134581,93.67597604220958,80.18071705602816,0.11456824956580045,254714.77996990038,2.3719727938153907,52.5651043691486,1137.2711927087298,96.40539868592823,342.441068782538,46.877993902802935,0.18990501372629057,0.19667658534807408,23.389376128355465,38.882233128356454,3.5952520484299813,14.863879724817515,0.0,1.7047757910196897,0.12446530539115687,13.828874877042793,30.663450036992465,0.9239573059638962,4.052420560059946,1.6033010066721712e-07,0.0001132097967789073,0.2018851026314453,19.521009295778185,38.55567360151963,0.3606407750434933,10.457398866337426,0.0,0.00014063033626880034,0.13473292236309717,69.47228329694126,49.257481378702714,7.438097943854492,6.955089852683464,1.9907974977412392e-07,0.0,0.19010594881143633,26.082736992162822,48.833864747819526,9.203244408441394,5.213107047476792,2.3295906580925653e-05,0.0,126.31307491652537 +0.9608489255014206,0.19322021610849044,0.34835181922070785,245.45180793665037,134.345379091371,328664.0124962503,3.8853426610246147,98.37928448815472,3.013202575010674,59.51741893546482,4.686716315693826,24.433485495855162,0.48992596657323406,0.41255619474285676,881.8487490717281,29.596921196012598,0.22104858576502864,121185.2766816137,2.437966068474802,76.25275128089578,710.7847382759898,298.59225923119527,342.5382908928854,57.854922812408105,0.23270099346925308,0.199156545413589,20.360093427885356,38.04582330351956,3.0931130354026877,24.447311239108906,4.347713074807831e-05,0.5936900633223139,0.13368513173393523,19.226888768641412,39.49969056253271,0.3304166377002885,15.640575716120976,1.6033010066721712e-07,0.0001132097967789073,0.2112794802514183,22.164915268697513,40.03110762315754,0.26076646315549185,20.791222261200332,0.00010258694704801466,0.00014063033626880034,0.09473519959570821,56.29332555656809,43.61474990162894,3.1795497725087163,5.322211233402715,1.9907974977412392e-07,0.0,0.22541232972915018,29.609422936066967,56.23579179589963,4.984249337747618,24.112924299249027,0.00046188592121401576,0.0,130.09842767080787 +0.9121912128760741,0.23462383074870227,0.3279968060403697,153.29135090953469,26.222216999455085,275500.25038180937,6.405749408904641,58.21820266313975,3.85945127926174,99.68300412322208,2.5276266421978932,26.818069240292214,0.4166348431241805,0.9171733186352121,835.4865288000541,93.16697452045601,0.33065999580987787,110867.8335077365,2.9415490442093857,96.29799579171727,915.1934129829558,175.69752977885585,349.07641334000743,58.27423301985152,0.26184407437925783,0.18991834772825572,31.29552913414408,56.18471924425945,2.946534841621757,27.988629329318734,0.0,0.7788893176336804,0.08971690437172161,31.394145981716605,58.08823901906993,0.3183180642395558,18.798045458446307,1.6033010066721712e-07,0.0001132097967789073,0.19977956297952157,35.348886791516215,62.45501100893332,0.2904336952123206,24.31691115342598,0.0,0.00014063033626880034,0.16692575834200787,78.09567054227766,59.90026926335323,3.776931173321965,10.106584173331242,1.9907974977412392e-07,0.0,0.1485752869379944,62.84624786834197,105.71472265642889,4.998480146939894,26.976879464992752,0.0,0.0,202.64541920056058 +0.8834183826493925,0.168277074676967,0.32606402213186264,161.69142545778038,190.42223639775855,211875.1571098604,4.203985965992097,57.827521301890094,3.3177425823495286,94.78687545584332,0.5817587801669348,23.102731561377144,0.30840700917370856,0.7948406250637241,322.76020512707703,85.95373287921012,0.13181179953364103,144831.29219335067,2.0326532389866907,84.15829448732764,1086.4907906007556,125.90398121427393,341.7512634557613,54.75908614002893,0.18490920877647304,0.19623993318247504,23.814323146505906,38.29776790572233,2.799189217145349,32.623293357110605,0.0,0.9228110250075833,0.13013304275417242,25.310283386104263,49.55417675654147,0.6735078753474221,7.978405951204128,1.6033010066721712e-07,0.0001132097967789073,0.20861270494846124,21.48338110820644,36.4579686213858,0.3201500716731535,26.974993830515494,0.0,0.00014063033626880034,0.11130878168343236,76.51890302343519,59.55669230952484,3.121964563598329,14.751097443892307,1.9907974977412392e-07,0.0,0.2160170162166018,37.199203935642096,63.699292479529035,5.151127699674518,13.425705257700553,9.410107700335959e-06,0.0,155.12388820987164 +0.9358643258666053,0.18755182345662025,0.43110237183035394,157.88334197376628,160.31486540588563,204989.34721990512,4.622787614163784,30.633687824527588,0.7761180358942842,81.94416697337834,3.916225804650244,3.9746678963877544,0.5208437030282405,0.11704965992726474,471.9117917100361,47.34376047784698,0.25472942336129256,220581.33482532122,1.3186447039529297,92.20182812960883,4134.06408897075,270.5766256450137,349.27187464795526,17.498019307305952,0.15602444241813354,0.20178661944160445,2.707809517643235,24.604800278477768,2.863578773322883,9.113807325648438,6.73712679970256e-05,0.7934319510257811,0.14739120508068088,5.397348832016389,18.564308431228866,0.722797331862017,4.0691650488434625,1.6033010066721712e-07,0.0001132097967789073,0.20051179901203506,1.9479537687005224,26.11439743077813,0.3033913638717985,6.984650555261149,9.997916008050685e-05,0.00014414060373783881,0.16092240868372518,30.52808782219083,32.894404587255465,1.8051169483968843,14.085484984319327,3.0941422188668375e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9350389749495331,0.13375958356687906,0.4301692580732576,187.00649328831622,90.82627194332306,290381.81805175677,6.53669765467837,71.86270277709339,3.3203779311949235,22.94922615999702,4.3491880418576505,26.17771391682395,0.4614995502060628,0.9726475187082717,837.0733127802029,77.33364885311367,0.13009192200602282,247739.76582354997,2.806079714205862,90.58538480896449,575.632514918148,280.9696496225232,342.6223220431485,55.96070046238957,0.15897149239446243,0.1924798985422478,31.139323550312,51.30800827724838,3.0701394353028557,14.372050386920789,7.027214600285428e-05,1.4563686952148605,0.1217075914543958,23.80675513193329,46.42645219885522,0.5976745860661841,11.152436455659364,1.6033010066721712e-07,0.0001132097967789073,0.19863302822782208,28.74554699316621,57.23053958499009,0.31677929915855235,10.363795327677657,0.0,0.00014063033626880034,0.2168975711175241,94.66385080531279,63.60326646436727,3.027058636682818,7.862623981235876,1.9907974977412392e-07,0.0,0.15246067134584512,52.449348784892386,100.71743974789538,5.482280183735299,11.720697629181373,9.208275119515758e-05,0.0,192.39663544790037 +0.9005773047848769,0.11927581388521112,0.350419509618169,203.53340775590945,59.39410016970901,186699.50819746804,6.332496826055301,82.39068196383049,1.6265677474374476,39.59925167750632,0.3324397104399788,28.218893214688908,0.38736538528689224,0.7716984942797643,705.7050404589131,33.19901596676478,0.2653202196076702,68095.27952632631,0.73623069213879,94.0109687599957,2063.325773262019,251.27692595625035,319.1713233295685,36.64221837722424,0.2489105876894454,0.19364029358395743,2.694563654484141,24.288479590332038,3.1345065112975847,44.90689884165814,0.0,0.7191529204288755,0.13080846400138288,3.5903574850187763,19.679487140068165,0.7915847228052718,5.8150429845348945,1.6033010066721712e-07,0.0001132097967789073,0.20517465318728753,2.913860479531347,25.225163300041718,0.35901515034350995,41.23773404384137,0.0,0.00014063033626880034,0.08046649451832123,25.054444307882395,31.612447911347584,4.061074281052376,8.767672550963619,1.9907974977412392e-07,0.0,0.1820384223392059,1.3940935384161364,29.147014672577406,4.544577489132845,8.44131187501819,0.0,0.0,89.8233249598959 +0.9707586731066925,0.12807294588840504,0.3368460972526856,107.96593839275592,226.7618073296148,151644.78492394305,4.015624265500021,40.563083327736486,2.434572383043038,95.60363567686346,2.2985368077947856,28.67300564513861,0.3346478733657369,0.6849490360911428,484.2231924179769,4.803087779398037,0.19844602979619105,91584.22839159661,1.145646325036585,62.924356354216684,4497.401486679187,268.53286426146474,339.94066921275,53.25290664708531,0.16172884781044627,0.193748431969945,9.264218625690832,27.460696881604722,3.6834847096088277,45.452221846830874,0.0,0.8577132119707216,0.13089114706298466,10.99600895352783,27.46786480099991,0.7979540045464207,8.872100309956163,1.6033010066721712e-07,0.0001132097967789073,0.20674885593615228,9.996456285123003,27.792157018333825,0.3458830343660241,42.75183775705312,0.0,0.00014063033626880034,0.1187671691275307,42.27508820186486,41.00814175185217,4.762625376692721,17.88046186139331,1.9907974977412392e-07,0.0,0.17539081517367033,12.166932639903562,44.74123336743952,6.260048033153077,14.126720447967077,0.00024164028504880067,0.0,113.02651963685722 +0.9473343537869616,0.12627524953933736,0.3602191781052416,10.111988385072632,153.22457193685642,133887.55278894224,3.261651382829292,59.54927794431647,1.4370740568117162,5.115023553506799,3.7567020585006974,12.722580080119373,0.42161089977161315,0.9464819140013936,489.34499608760177,36.77964270414921,0.07784195131787289,72132.17831078888,0.5427107485587468,60.7820169953251,2178.965385428629,168.06311964877182,320.1873803210462,24.998774179607892,0.1927168135089094,0.19658004311257676,0.8477071110556654,22.86368656459626,2.449233768753237,43.89407936031816,0.0,1.2737486540444587,0.13620465741959684,1.2531685917726902,15.296899628199512,0.31260706430931356,4.170674879913572,1.6033010066721712e-07,0.0001132097967789073,0.20897396175697805,1.4812998341842898,25.040501182820368,0.23786912643948416,37.47968554698096,0.0,0.00014063033626880034,0.14918012858571428,1.9154588709306821,19.65330300501174,4.8341471062950925,18.949266767130446,1.9907974977412392e-07,0.0,0.20188630618166908,4.081567132263067,21.897400386767266,2.736851695925183,9.789609129992835,9.109789677702159e-05,0.0,78.21030203009596 +0.9817584538588954,0.10938189510877704,0.38390864008514947,249.82634416341523,200.68522751842895,312611.2316015363,6.5621381346099295,40.25450071057187,4.266672965623474,55.270466037582004,1.1295346886791282,29.760212620276356,0.33268510233019655,0.9619875669660449,235.4745703236701,83.49617158381776,0.24185232809961543,282683.7676499081,1.267702861563216,8.680798992791466,3599.716849971526,246.57726895730696,289.2570438457756,51.25683241834152,0.31141085191911794,0.18735640275834028,3.3223664545284115,26.175455274532172,3.6053203051560354,8.200557132439934,0.0,0.8037067420822579,0.1062570400000595,1.1333505679615836,13.995471477072881,0.8562341121853636,3.111007958296455,1.6033010066721712e-07,0.0001132097967789073,0.19665361028774986,2.545167973308739,24.927247833404923,0.34534198455128895,6.501702175179523,0.0,0.00014063033626880034,0.35804936443223334,44.66549995785789,27.000463134892662,7.2026655707272385,23.689964997555357,1.9907974977412392e-07,0.0,0.15490072491188261,1.4002853919744944,27.09037292462314,9.095498296456793,5.266317880579298,8.405197299352634e-05,0.0,76.41050614516126 +0.9890525887550021,0.12659832536102328,0.42250688709642376,204.81743389557496,92.37183156791059,308885.63159963704,6.863188383567005,85.07072223166237,1.8932932228659358,29.6755687920084,3.628134573453048,28.597126011093756,0.3622998951141312,0.9318852482842563,979.1184439212542,55.86230971780607,0.24296433234477716,77809.30293269145,2.9128676843774515,99.8965675058976,4444.037621801739,201.72745914759167,263.76901014840735,55.30520291726667,0.33546677907686023,0.1858723129064991,1.62799348676696,28.53990242431768,3.2277917741678723,7.0495566554186215,0.0,0.6603023405025701,0.11316165918836371,2.084355052113592,21.236994138518178,0.6063385724468975,20.742027776208687,1.6033010066721712e-07,0.0001132097967789073,0.17992460621956205,3.452350655100107,30.071629451420403,0.31725015262461154,11.453790383683122,0.0,0.00014063033626880034,0.35677971685891596,25.526557156649897,20.66105710868632,8.384186545709321,45.48014790981749,1.9907974977412392e-07,0.0,0.14963087397338465,4.9055365058154745,31.797431663091626,5.752727765918151,30.694719761480947,0.0,0.0,89.66072483853665 +0.9661040883964817,0.21468690397820278,0.330590237428502,124.65764160104911,85.86046668237225,342636.27638351667,4.087380298632038,48.87206418471188,1.8033329795670805,91.83381864313566,4.291117589140496,28.471786357078972,0.39757795768086,0.8804933761498462,813.8089326966854,78.24513339276197,0.12545731602763488,299535.81699091214,1.1300473641317494,47.29844829936242,2724.736426148153,154.07214128259395,347.9855842614859,35.583199848902396,0.18612159646312212,0.19342539081204455,24.680616994660873,38.7498950609901,2.952825014525732,23.949383090448865,0.0,0.9453161209900254,0.12894816658358346,18.88702564174872,37.61907616368484,0.20262174161783472,4.019539829259205,1.6033010066721712e-07,0.0001132097967789073,0.2045891331825126,20.055103994275274,37.890983573001066,0.24782095773294668,19.509076608204527,0.0,0.00014063033626880034,0.11808927777452337,64.19867628565758,45.718866679658326,3.6080592377739826,12.876671658281957,1.9907974977412392e-07,0.0,0.19515473324977708,29.934354927158434,55.50973180067934,4.415894247106338,9.896047589607473,0.0,0.0,131.09565966525417 +0.9169599358146722,0.2235738544485087,0.3279552187709995,189.41323266058055,225.5405304581587,324386.6554602663,6.418581501616077,75.07076348406147,1.828033646174486,94.40697155612904,4.277380421524162,27.13442707087256,0.3389045426517637,0.972037684517275,815.6313049079538,91.50143601199943,0.19880762628197696,160595.9846247991,2.8251573031413075,98.81879173628067,4675.594411543991,227.1634471103698,349.58020032683925,37.14704195298911,0.27258325376350717,0.1918397999035712,29.694044370103445,51.42900217038841,3.157069929086014,20.25277194419317,0.0,0.7341448738054899,0.07982115205406577,27.245017361254916,49.494257638358626,0.7589619349854563,15.264503451748057,1.6033010066721712e-07,0.0001132097967789073,0.1997434394228554,31.052199917561843,57.7566403371105,0.32920624766247253,16.60590008520565,0.0,0.00014063033626880034,0.3196905872363264,84.68075109832617,51.17810106235072,5.195439081960982,19.825698623659914,1.9907974977412392e-07,0.0,0.13032053288483503,58.64540398313995,98.47523520653102,6.557751774567861,19.897929128686165,0.0,0.0,189.0362762445669 +0.9298751164002239,0.14963016046410677,0.3237963820846953,81.2755262056852,232.78865241496396,183540.50568843994,2.450586826364516,78.89686286767402,2.635275301315592,89.67251046356488,4.81365363459731,24.726208681101554,0.39631499283615274,0.7954138099910187,671.3642106120986,27.53402221258561,0.08079818869828202,299904.30774003966,2.621773803415379,80.382800315444,1847.3729922067969,187.1418395468151,349.22461974035366,52.97711832106397,0.20578959699757118,0.19634098623642704,38.79921370070164,54.04220471257857,2.5512940787986524,20.39577457846029,0.0,0.9860628715827013,0.13240155961854894,30.029609190337293,54.13630550322034,0.25203369702119377,7.0624852651102685,1.6033010066721712e-07,0.0001132097967789073,0.20567234199327214,37.61469147231803,58.40683616631355,0.25361856377514164,16.967095670167147,0.0,0.00014063033626880034,0.09783493168610438,74.52502866793446,55.637196891767886,4.351607595340348,6.609769951023604,1.9907974977412392e-07,0.0,0.18853239070108546,27.034254937101654,77.46287398792661,3.4108186679364283,11.091397131536246,0.00015556137635481317,0.0,171.53508242250575 +0.9879560039385646,0.1851784892208179,0.4491819517502645,167.8454638922488,245.16054025384872,334421.4593918062,6.4420956270692935,6.538158110570187,4.5868099172982735,7.248895489287214,4.261970576370217,5.573681559270382,0.7456304178898172,0.46931678541257327,178.5099629347999,32.19143416869473,0.260824190857072,87747.58819233702,2.958420673346209,75.80240845751447,1928.4886046908407,214.3152281699529,293.5213849388398,22.864361661730307,0.27863032580176783,0.18539000525726976,5.898561267381106,24.42200799680944,4.009560258500278,6.086433224592227,0.0,0.8388152093070637,0.12456355904819903,2.839303593115283,15.790948599326256,0.7177126534682614,22.207917692554044,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.3107511752606902,30.58823753632735,22.75689244899606,8.773663171226161,39.006207818398565,1.9907974977412392e-07,0.0,0.20630354406316137,3.572508809875649,32.7738075610845,8.583094634725635,35.55761711943893,4.542333779367388e-05,0.0,2698666337285.8823 +0.9731379589241548,0.23568196875492584,0.3210416445040541,154.53198924389068,130.2754047179637,195635.5402637383,4.131223403261793,49.84737548556893,2.814387693547218,21.81335579573398,2.346758462477249,26.18052474913239,0.41318246948658605,0.25544737462412,552.3279647945199,71.90684259933921,0.06344549528157943,50075.18733315528,0.5792071780372403,79.45811637307199,2475.3454788265144,189.77419873243005,264.344069990207,42.347329821734874,0.23759347010129422,0.20282781193958085,6.372032870767717,24.385663227540434,2.6564184483001645,78.6767423899203,5.911901618158761e-05,2.4472702631966046,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21452271132303316,1.607135230882825,24.32424964323882,0.3165606538706531,53.04857501238734,0.0,0.00014063033626880034,0.1490464906279959,13.638261003457956,21.59730513134282,3.7977743631006127,19.36929198641848,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8990453993715124,0.23795331428893704,0.4051685839211773,213.38248921310412,110.51287844766088,337051.06517394254,3.7633049354274277,84.4679440871824,3.4910712132468062,22.80673711688393,1.3357369042409923,22.949906905009183,0.41405540911830596,0.5016394242441788,585.6751812928775,73.88325277715911,0.058557945755196336,54724.32843528154,0.6562676000729819,74.7913128083901,2067.106379518773,80.4466742320246,223.83379442594125,20.280267607595047,0.2353040887873601,0.20212632878865747,2.8249176870969386,23.2842698496588,3.0764338243825478,56.228481139879904,0.0,3.042871317766116,0.14177969686984407,1.82886542418526,14.679413968266177,0.24499834576410445,3.770019310529074,1.6033010066721712e-07,0.0001132097967789073,0.2135772928430072,4.493795466246515,24.00204024275411,0.25205512535061786,29.11217519800533,0.0,0.00014063033626880034,0.2995221004452418,2.6479455202060462,16.140333730137417,12.259026635829963,53.19866868815274,1.9907974977412392e-07,0.0,0.2251357686517845,7.147038772803283,28.975164875695985,4.734351636878297,26.03733024876195,0.0003640994559207676,0.0,101.22563137143715 +0.9282876843235268,0.18383040982937093,0.44736875776362595,198.5629793676578,143.28441270916096,349009.0908607419,4.068073094121285,14.534656197991417,1.2822804673745087,78.5146300902955,2.9868233717704014,14.202393345398002,0.7920034102902902,0.5827995802504263,901.9064145314031,74.3041624382882,0.22998128618537253,65335.36462927656,0.7276384825413191,37.66989025319124,285.47325594056383,153.97378982493944,231.2957467528661,16.929079482523818,0.30546980314724903,0.1997311885573452,6.816240728915581,24.572050386620525,3.016209940800548,19.891106091116505,0.0,0.6274598059884301,0.1419960346818554,3.5155639225963635,12.11249272963194,0.3048819111286938,3.2253166914155,1.6033010066721712e-07,0.0001132097967789073,0.21281711006797868,6.054286822090715,24.444418468055623,0.25725894389344683,17.759295196076927,0.0,0.00014063033626880034,0.3244896189601536,6.008887212412874,15.027980300206421,15.227701103744515,56.19454656328984,1.9907974977412392e-07,0.0,0.2002055764200834,8.949822609842657,31.790558651178745,4.767304433259997,43.3093105477022,4.6330982672804184e-05,0.0,93.89182205765664 +0.9790165224630367,0.12255193700696622,0.34978792544675585,105.71933626980919,149.1664521657303,131595.7203123509,4.115378232259483,35.86190791621135,3.4755863069674793,19.26319620004684,2.3810708091525474,18.83263197249855,0.353971465270488,0.8545883182775751,187.96944888715268,94.40401679596675,0.24737003239652985,55623.33359303116,2.006289210869702,92.47541951232179,787.6193197701791,100.89057450092768,340.710841243345,54.82794785199073,0.15577084691842608,0.19352928248786413,9.209434034946746,28.319337095532706,2.6614470759437414,36.04011767962535,0.0,0.9176603935398027,0.12527329985965258,16.000463002215785,40.64962795294818,0.8477660762211492,14.82539974915529,1.6033010066721712e-07,0.0001132097967789073,0.204523347994471,12.29120054220728,28.71674526957114,0.35908779422184345,32.0360203381127,0.0,0.00014063033626880034,0.10162199899358695,56.20852051525287,53.87236596184963,4.090352344918415,16.763412380519068,1.9907974977412392e-07,0.0,0.16222076159510276,32.58671850413283,71.7929813666713,4.7033576206819365,16.509777310264187,0.0,0.0,138.54608541723283 +0.9666770693096364,0.16250597294742392,0.3666213918015069,69.92572268707384,136.34839042293186,203449.19923112978,5.721178117564391,6.952923844237754,1.2024963550784924,8.44856518093756,2.7159682504302385,9.54750500950092,0.3206560645596989,0.9282236554440962,810.6380414010825,46.08574857719429,0.11873320411902896,52539.96058583292,2.907756864891165,85.75316768244977,4706.246249634468,112.24181435837968,265.3967502180595,26.045420647096652,0.2130154047917432,0.1976729937586325,1.4691347801419925,24.269787759919087,2.7498725177639085,4.825880523492965,0.0,1.0484277133066653,0.11273413001903057,1.7849993350279572,19.36682338896721,0.6133189014148941,21.6818987412765,1.6033010066721712e-07,0.0001132097967789073,0.2092954679922474,2.070924566858835,23.33216203925438,0.3209078378809897,3.9642616513430586,0.0,0.00014063033626880034,0.35495291250957767,15.327158468480002,17.31124295391929,7.379950032350901,45.68340504785708,1.9907974977412392e-07,0.0,0.11693679471062172,2.4425231722167373,34.9682287528492,4.789538460498436,27.863463907910244,0.0,0.0,82.10175078036414 +0.9758132572501582,0.23436171610097367,0.374799257628704,12.64573078207184,126.75929118353896,281748.2658711478,5.039356815673253,16.888491497392316,3.325999512936234,96.90679756386632,4.549652107644605,26.08033530281063,0.48466573629532034,0.9148137557337004,679.0594559617448,93.17985210624498,0.2455706290233889,271237.2019300142,2.948141830531954,81.94641278303165,4639.185479398101,258.51493784297713,348.86441487331234,58.43519259598271,0.23130236729487866,0.19068712595191062,32.58407408014164,56.75518555842583,2.5640116236422537,15.499869646102502,1.6374566374472858e-06,1.1808362924157014,0.12665094095371499,23.567581075638294,42.224543328151036,0.35665826253266036,14.846994161464986,1.6033010066721712e-07,0.0001132097967789073,0.20355837343915198,36.55066604316224,62.08586996165407,0.23682956218544776,14.773067404857361,0.0,0.00014063033626880034,0.23524662970693969,73.11281156668677,48.7112348346529,3.9187345964136377,6.231593350968349,1.9907974977412392e-07,0.0,0.17167109280101045,47.39887519479812,86.86920265949703,3.929150750840027,13.644938173863702,0.0,0.0,173.9714536605631 +0.9034119044006854,0.15798181094256047,0.38898587922092026,105.97662754518635,144.34835164967643,276993.5680923683,2.7969437868151754,66.46501720755093,3.6044905639534903,31.066979542741898,0.47549255916116384,26.20509005443709,0.43479933514193914,0.9862421559537956,555.7464575719961,48.71500298475115,0.28887115811684916,67080.31113617923,0.5736947640335002,69.09311347476678,2716.562483919958,204.7885392239374,344.64826927183276,33.06588557995258,0.32161852568613747,0.19041204845756704,2.960687152539582,27.438042913749516,2.7414634755057534,53.797281262717625,0.0,1.1065112728291853,0.12965284579864492,7.197285032243205,21.661519730780025,0.21795315422128217,7.708063010791004,1.6033010066721712e-07,0.0001132097967789073,0.20166510338126908,4.102357124407379,28.197057809751367,0.24313459888500805,51.7295829615887,1.1210892860652777e-05,0.00014063033626880034,0.12024184549712111,22.2912079883627,31.307076844340504,3.9139782363324938,18.45542296155015,1.9907974977412392e-07,0.0,0.19650243874872636,7.407926515779392,32.32022002119838,4.391136624228216,20.97346827559403,3.303986845113464e-05,0.0,105.47339863491771 +0.9336853414230961,0.1335561707438711,0.4311036087301739,180.5575585397748,131.90732144464573,205650.47800013603,3.312121796667703,41.69555128758185,1.4193888495768892,88.93722591705193,1.0149855782649624,9.874527310516184,0.47041156474812795,0.44498231974799163,373.4457262576684,62.586638148988484,0.23865930951512002,56005.30302644969,0.7200185827804773,48.44424395017445,1483.2320365237485,102.84537093820381,341.68926182128354,39.38773276057765,0.197499574924353,0.2007854672023843,2.261517135632552,23.54377619413369,2.7014469199947593,49.89887088988501,0.0,0.8611987557685948,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21440201069356538,1.1927222314253147,24.156775691422386,0.28741430289761216,45.96648055456719,0.0,0.00014063033626880034,0.150254240348956,14.140670762961793,25.920739344420664,3.7806147288538163,16.14243296369079,2.7615343999459633e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9206821778061067,0.11898425255935141,0.4146716936687072,130.65587674509928,39.79710272512679,337624.16040703765,6.594871735757358,96.8196417097648,4.571556859302281,80.72089188040249,4.990284112971311,7.8061471426459725,0.4325351483252458,0.9180141474917171,978.6038855700383,98.34144231736111,0.13175968644486608,64529.292406891065,1.9121842364809674,49.096141131542964,1584.235170066691,298.4947256937363,346.2778908565778,56.58400244318342,0.28087524479278825,0.19953047445740146,13.111252243534597,30.731314184014067,3.0983376803990814,40.49593272037096,0.0,1.3276669723561112,0.13415754513287254,10.63638694948954,30.826136512079156,0.2832259689620068,15.560058043941057,1.6033010066721712e-07,0.0001132097967789073,0.21036520162597291,11.961805245474574,32.22674588386201,0.2738077759568471,30.53012280706595,0.0,0.00014063033626880034,0.08604706548197526,32.76193001808117,38.425279142247746,3.655365898168686,6.816242576763592,1.9907974977412392e-07,0.0,0.20883466677817392,18.26025298813339,44.34029833759059,4.680226344429438,17.156282730005948,0.0001281389444925652,0.0,106.82956260862231 +0.9860534650457251,0.1414284538981182,0.43758367763667716,171.2347553940122,12.66431814784491,346438.02949950215,6.619867613084953,46.527577388948885,1.2472775871885675,18.22662431714734,3.8367237666719958,17.333549923894317,0.37107420485450693,0.6235712190028828,359.0186413037891,47.67971436148488,0.08537749039154513,80613.95457183715,2.4499259998472254,55.86923989011772,1062.8981376549286,70.4740697641709,222.41654846404342,12.057698756824262,0.33613212988505753,0.20080836854575862,1.9145264235311967,23.0022600130316,3.633900511161855,3.505885171656088,0.0,2.594339774813388,0.13843144840293362,3.9625091415004894,12.849413116439967,0.1777191544151687,13.36409815210829,1.6033010066721712e-07,0.0001132097967789073,0.21060155317199822,6.264152070249761,23.836157786115525,0.2638157246932374,2.615552385905472,0.0,0.00014063033626880034,0.337010449074987,8.064752343051149,14.525158819549628,15.496783061415638,56.66619473305012,1.9907974977412392e-07,0.0,0.15169198686180202,9.29554377199063,32.70651971963067,5.57906656566968,49.25505940392685,0.00028929984813407244,0.0,94.23124749877981 +0.953376336575557,0.11302739147813123,0.3345833226314947,84.21413966018173,192.40484485451452,125525.69663090949,5.0112357863318415,38.82269033675439,2.6307577591763485,33.665108558687294,0.660201463599744,25.606160074485665,0.31924908389948425,0.7805592621887963,474.83907685173415,32.38458803648011,0.05601220592512626,56084.52994080989,1.053584068527228,28.40014403135114,2037.5020193495618,116.22131010318328,274.91697163728617,43.36547089622957,0.16625448408000645,0.19780919524935833,7.218698021626053,26.187298745694093,3.0172255949662987,57.64124747424907,0.0,2.580222714217685,0.12950381709590114,1.0977032145213315,14.58396726048372,1.0188335777439737,4.855209320981829,1.6033010066721712e-07,0.0001132097967789073,0.2031138746019866,1.88104278226086,23.71733809463879,0.38638875696803227,34.705142922276686,0.0,0.00014063033626880034,0.325006097062044,14.580406565948193,18.245013680510528,4.141203001273754,13.731729092591415,1.9907974977412392e-07,0.0,0.19720599045026535,2.9571517393968554,25.54471423545178,5.342377809229825,9.778083399530287,0.000599740494025618,0.0,87.30500064238318 +0.9467409561702715,0.15538197066562026,0.3592015287898537,10.88567037760464,245.50932381548924,336993.890302092,3.6975026019434685,73.21832205513047,1.4926022905236216,36.21409850772382,3.980524332441286,26.581339579627436,0.5308625578833346,0.319196886888848,102.62272897961918,94.70091684609905,0.22647468367970586,53118.75518694696,1.9794429850365107,74.63090165139488,973.7254521476731,243.901595975441,340.9149088843194,56.180192749492306,0.23739456110186874,0.19884067851792342,9.194124461264524,29.92726942946037,3.100622219724613,35.36704628480636,4.773245452581491e-05,1.183435200794363,0.13475553136600044,14.32186404400269,35.54325543083789,0.4766914873839209,20.310449153368822,1.6033010066721712e-07,0.0001132097967789073,0.21250294196649028,12.195113878875782,32.21071167830309,0.2429193746119349,31.77128066640944,0.0,0.00014063033626880034,0.12565009850751854,37.83028535244743,36.45516134779235,3.5865803228610504,15.585545986052823,1.9907974977412392e-07,0.0,0.2132781036727089,6.398523908437748,39.199771679626636,3.1923468103545716,26.537010864926565,0.00024242667017223613,0.0,107.82825961982027 +0.9353556644726672,0.16396893035027926,0.3278430473556528,215.19402861232794,56.527013652647476,102143.23422031975,1.9766889390047075,30.9489147946024,0.8714170124449786,21.899178112871535,3.2188082697290774,14.398859586552001,0.42951340542527494,0.9120791889767934,527.8174565155566,45.97465309205249,0.19289372745074632,80939.14744573974,1.2102706256712361,54.919480775521436,4570.79911255931,55.503119587081024,307.33244612595814,28.897994176234484,0.3167276002498642,0.19515095472359162,1.8973308397311723,21.904819176148536,2.7160128388437754,26.614185153627254,0.0,1.0964632325276205,0.1370261823095575,1.704929452395926,16.936056914128987,0.37379233429327946,3.918634347778876,1.6033010066721712e-07,0.0001132097967789073,0.20794958613662562,3.056012050416478,22.768377806826226,0.2925896758193385,24.999054019569602,0.0,0.00014063033626880034,0.12146612313405523,7.7120199080488145,23.901570420759498,4.9301890463726314,10.266082264661573,1.9907974977412392e-07,0.0,0.2164560536614333,2.293182619401286,23.62212316694416,4.166415517013875,9.184152361282461,0.00032624664024743285,0.0,63.90552284442192 +0.9715026788389687,0.21262572865286844,0.3496632080256565,34.32458368086954,112.73331486898107,216705.4075226706,1.6844824981097593,35.14938971466567,1.756828109146761,14.793833539467396,1.2668187656089385,24.7682670715942,0.3570576973499648,0.8196327425226658,370.240331993783,48.67429008470488,0.2415079723447386,55880.8634339121,0.7466919921630286,45.7871481325549,2235.8018503598105,146.49626651959363,344.4690521220124,50.700571872049196,0.240011771636574,0.19224242406210654,4.502480907139922,26.25222401505551,2.456015033385318,72.17610574745216,0.0,1.3431219968256,0.13086417220656174,11.516629080845615,29.115540908423437,0.42084127565292834,10.761062799041857,1.6033010066721712e-07,0.0001132097967789073,0.20507728846990408,7.1113258304175595,28.79810162065808,0.23700282979996568,73.08983820731942,0.0,0.00014063033626880034,0.14435574929828374,21.980005955720202,29.379146139142367,4.3372492502432705,26.51371166146694,1.9907974977412392e-07,0.0,0.18543112321894495,4.9902781171361035,32.29695627107464,2.9341948325109777,28.82438826035986,0.0,0.0,131.2277833161757 +0.8757243710618328,0.15005865454085118,0.4426563098610902,165.27173588212037,244.65039757600044,184916.47062365164,6.893121672282186,39.21111248510002,2.611973489548379,93.12415267152107,4.009548065481991,28.79430740666961,0.43246476408389706,0.959956935393052,964.4970984788815,69.70431286668563,0.26590315144764853,199904.71095275425,2.883957752964787,93.15392262550611,3957.8268877898026,292.39762367899704,344.71192217464665,35.28096434474854,0.19013913337989383,0.18674570909282553,21.71468040926533,45.606249335696,2.8871401987147993,9.639111739458817,0.0,0.7420502279529358,0.1131099051912346,21.830328125522005,41.60636089620573,1.2834637684216852,13.562379403600136,1.6033010066721712e-07,0.0001132097967789073,0.20157824740311633,24.113976071372996,50.029024383930015,0.4233871950766059,8.379873268294007,0.0,0.00014063033626880034,0.2708918448760454,86.339172610999,57.74537900991083,4.441420387706228,13.932906136591056,1.9907974977412392e-07,0.0,0.16793876292967497,38.7724799951555,76.93088402190233,6.434074881564013,10.681700265166318,0.0,0.0,163.65044528026831 +0.838567531412402,0.209729282590368,0.414423049991279,200.62839929158332,192.7085403736372,319431.8492256181,6.8959729755328665,95.21069093078019,4.1795634353790625,82.58375467999988,4.499425285136267,14.638218708248955,0.43395202079953243,0.9448492106296436,939.5808297437261,50.029439536300956,0.21916788558593586,52514.261928194246,2.820276863232272,95.80723892964627,1385.2837407014617,87.63207147973509,262.96347792078893,31.024678865321373,0.2925412975712657,0.19819115664921144,1.4355565119789415,23.388704860595315,3.299960649091869,4.772520279668051,0.0,0.6698208292756942,0.11960028961973496,2.1841152209319326,19.004963844309984,0.8024182112147816,20.227023733983057,1.6033010066721712e-07,0.0001132097967789073,0.21028366501784887,1.4731152877660396,23.665435076963124,0.3385238781993919,3.2140915806247543,0.0,0.00014063033626880034,0.3485637988111038,20.112163501806204,18.618632696167506,12.050103920340792,50.24456238120292,1.9907974977412392e-07,0.0,0.07640218518180256,4.634009504221816,36.81923401138298,6.567311251748991,45.39536004043573,0.0,0.0,93.98780800312524 +0.9204214635324554,0.11464922928999051,0.35806296693327094,140.23938293692527,32.323834910313806,272544.99645502673,3.896593514077938,24.09893491075252,3.621196020461734,27.93723209599619,3.0506770746262006,29.385208143945327,0.38011932154121886,0.6865821940460078,360.1037253987157,42.34965345562662,0.05530425951787356,63471.78030067618,1.1434847262283547,80.69547422896221,1992.827677748067,34.59791482569854,332.1022872323567,48.363453938251986,0.2854284073439211,0.19949497191613327,12.411650615978132,27.810058201290445,3.0698021970179385,67.34739785045787,0.0,2.8536535334089206,0.1293660710713037,6.543459038090756,21.212056111308016,0.19628149922251423,6.813454211810811,1.6033010066721712e-07,0.0001132097967789073,0.20718061012305192,5.222090338946301,25.80998932501478,0.25127317144911704,44.0441365662904,0.0,0.00014063033626880034,0.12355019732597257,22.41330259116657,29.042298250469166,3.8784803498753084,16.93241576159134,1.9907974977412392e-07,0.0,0.20630480318893932,8.465411972749003,31.899810974761415,4.626798007402835,18.022891446919708,0.00044781388073890886,0.0,108.33514208041684 +0.8877180764344345,0.15039301094129262,0.37526710498577803,234.977448191685,137.28440264869786,283578.2986737959,3.7672957591055067,48.21504105015634,4.177922591982633,63.29094430527405,3.955826825570627,26.997885697486993,0.38851869100166986,0.9809342344130373,307.32714566346556,66.59618955344534,0.18906762617988257,85730.72549199896,1.1014124180399927,92.75423705869986,2511.6959295968854,261.57811848669724,349.35263751498957,54.401688278599224,0.16466834436055344,0.19132439929064565,13.397170329387412,31.843047974278782,3.0651289481041717,57.2550234627881,0.0,0.6667102061699347,0.12952384845117507,21.31747805530419,44.962940970992136,0.39831134933475315,10.94452974942288,1.6033010066721712e-07,0.0001132097967789073,0.20123403441913762,13.111512964270721,31.291236115722096,0.2719418654903027,52.658584531472236,0.0,0.00014063033626880034,0.1142806704705427,77.8616351277981,64.38695614373208,2.992886126073866,16.897620907687386,1.9907974977412392e-07,0.0,0.1888715946918085,36.31428517086888,69.30772708810747,5.117424540946741,22.82549160685605,1.3735512595739592e-05,0.0,167.85041104032933 +0.8915726627846728,0.18149693004041764,0.32624242528419284,14.08958832961784,119.72280546878793,220283.61739800734,2.5884443371849324,69.78483001106844,0.6438691661360872,52.84924432109527,2.6159328242071473,28.429488768129726,0.7983834129755348,0.7377132678971208,714.5595891509302,15.154408155832973,0.21575226975830286,55472.25036645841,0.5531945588216438,94.07772546227396,1174.7073703350784,226.8565409900756,333.7639772526675,40.04678559780682,0.3394144059234227,0.1945684634690051,4.222136855966971,25.072817346319898,2.4291771378744276,71.61215042112235,0.0,1.3088589279675524,0.13470176306737702,7.829356926564626,23.408572006850733,0.43684386577689815,8.267188463167798,3.478813150195426e-06,0.0001132097967789073,0.20789634093191237,5.808333880417983,27.481468985112777,0.2392283916814923,71.55025747495968,0.0,0.00014063033626880034,0.15672784660251202,13.438830569064379,25.31726043597087,4.541161953405637,23.067009191559524,2.7603974972396024e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8225001946042398,0.13027702155168558,0.44939737349861913,155.68561714676903,223.41771587342106,317589.24757932883,5.0431301171590945,14.921823794990125,1.4054496364012532,60.8020833925338,4.274562927951402,26.038619104651943,0.3817481827630614,0.8458021390662299,972.0892078719833,65.88911339817403,0.23355295585358976,283363.0899036643,2.9192608177615527,82.63139242888462,907.6179390137656,247.79614682775173,349.8586092103024,49.59384258379983,0.15748213067877687,0.19447128654229867,31.540061864872694,48.545056786311285,2.995984892091743,12.820579857726566,0.0,0.6201126443823228,0.12856056027665658,31.20826241912374,56.918291371776334,0.534472891595763,10.473463188291143,1.6033010066721712e-07,0.0001132097967789073,0.20517871091498624,34.56576866822525,52.74003012111952,0.29136494945248964,11.424973094009417,0.0,0.00014063033626880034,0.12753422308156043,101.90138802074303,66.03621534708206,2.969512567908737,5.265708203770893,1.9907974977412392e-07,0.0,0.2044392177422203,54.78725080789732,90.09113447514983,5.04147951365966,11.896224797686054,0.0,0.0,194.99240318607787 +0.8980592527833351,0.16238988413445504,0.3889843001541089,208.6330122183448,96.86960015826094,152289.10121600176,1.849929115723877,76.36123026409292,2.4550122422280762,39.31033482751475,3.1786150332642658,24.877913592009662,0.392790736396235,0.5634895923127407,658.3538068086236,73.24298424261897,0.32345652800336155,71519.48948989132,2.237938681098199,66.77931615809625,2552.0868533247767,273.8265502106804,343.7687752778193,40.05737306382703,0.33780420577162634,0.19578958781752936,8.357465197907059,29.321326643023927,2.48684913203925,20.378064328754157,0.0,1.342261058712388,0.10876254221940651,11.582642053823568,27.992245479977743,0.24352172669623653,19.18791829538886,1.6033010066721712e-07,0.0001132097967789073,0.2085319781594766,11.982282047108823,30.86396318545504,0.25539577272021535,18.35395119782571,3.776571532808157e-06,0.00014063033626880034,0.10846881806697613,28.2523354125175,31.5490074951506,4.576755621565663,6.269714206146942,1.9907974977412392e-07,0.0,0.21541681428231393,15.07788174059014,38.972533984330056,4.040075780721872,23.464763189590776,0.0004478035968388583,0.0,90.7686641249277 +0.9225717662102385,0.1481745308239186,0.39904169423141905,143.4990267787892,139.7895460293995,312428.594954161,6.771613152061329,7.565439298697818,4.885689095179636,76.54630575169885,1.2308552502990682,27.73954950365762,0.5434154080964831,0.862024382103245,357.58409358057645,12.534446434763641,0.34652455061487525,85292.87029138577,2.931198144745447,66.07697672446483,3176.1163175626484,48.19424862148923,234.7853687506091,11.297316381867441,0.26601791378962436,0.1939985720126944,4.777558204181422,24.88843842431322,4.0899702869526005,3.793790753667379,0.0,0.8905181161223577,0.12384642837502681,2.1486272544565588,14.95092474144213,0.6297329773180287,18.503338682971997,1.6033010066721712e-07,0.0001132097967789073,0.2036528806389681,3.029916517743926,23.713921064269673,0.31603993656682217,3.167909553172338,0.0,0.00014063033626880034,0.35102668057980957,3.8158356614584754,14.007602662248082,18.01401953519162,58.97769758664682,1.9907974977412392e-07,0.0,0.0881531466276383,4.053680883421347,34.818356593744994,7.317917885702299,46.07245973660062,0.0,0.0,96.1540557114472 +0.8913874098590997,0.19665563567007813,0.43160298766426347,19.316053655999795,100.12777877306851,273132.629091492,6.950755059623494,89.31985835796186,4.790358167496156,21.43283419131555,4.408246432086517,26.86902950724851,0.5002633696840295,0.9819133323059881,523.1799425957062,85.72497612560649,0.2503609188629864,186698.38822377476,2.709348699169336,99.73477541894692,4503.389357573116,291.0574564618504,335.93961804710125,55.67026343347421,0.3238291356475882,0.18489915152754682,19.572590487837005,44.4357798042016,2.694163176041301,13.353941343293641,6.273342044894549e-05,0.9634188588805127,0.10717863122890144,14.770116953277341,34.01676777713028,0.19618893535613843,13.099455645481278,1.6033010066721712e-07,0.0001132097967789073,0.18851887669447154,22.63235439758919,49.09485081468428,0.24869739630580573,13.156877052942434,6.519982748044606e-05,0.00014063033626880034,0.3531236261153619,45.755799099881706,27.292000843333017,3.6622700374525,21.348681387085815,1.9907974977412392e-07,0.0,0.14827585889511788,26.82718105264503,64.24213321164595,4.235715917544513,22.793496694462117,0.0,0.0,126.01131030713253 +0.9109495797961561,0.14903935393942258,0.4320981488960282,136.31573619053117,242.86176380920665,204859.7675111156,4.334182147455094,64.88463746080163,4.491014692590703,52.01817759630374,1.228463476807572,29.491439156108395,0.4938883127548574,0.9860813845965187,774.221579430251,92.78271496642768,0.2848921882037523,181073.356132518,2.685105849263276,97.32127006596438,4767.934937635344,260.9548732484612,348.3170472443023,59.52581225257899,0.15730346271678441,0.18586859654464175,28.136147324104552,53.76560991219234,2.588836383948436,18.963402927699374,0.0,0.8744207846627566,0.09237783454500832,30.440526603318485,53.87882121978705,0.7187865861153385,14.42797769353838,1.6033010066721712e-07,0.0001132097967789073,0.2000851300789181,31.686058481118895,57.9822437553835,0.3272692338909064,16.93995279410946,0.0,0.00014063033626880034,0.11442770899822431,86.80139489675,67.057277640691,3.3946566661185065,9.728797822151426,1.9907974977412392e-07,0.0,0.1444681129819916,71.39588324351847,126.28219992093445,4.734939083435986,19.566701685204873,1.940803419801354e-05,0.0,215.23941485223372 +0.8858426672050128,0.12837652162719387,0.33155081126162333,91.51547057438646,11.439533323040578,349437.02015676757,3.617775868116091,10.186745318769255,3.4560309021410176,37.83479682581082,2.6343609948786155,14.496447577593628,0.3293945563486751,0.7428736844352432,598.2599202432834,41.046649542615825,0.2615204787581446,61445.67274017447,1.7019092683968085,48.25542291415277,1943.3427697070833,64.91573249690332,340.720374440818,34.630163515843144,0.1542054282540185,0.19803904786223586,6.236919392281934,25.06752958467419,3.0262213187628215,35.511031165298924,0.0,0.8848382319190091,0.13877152648334654,8.826520872130441,26.11553156264675,0.36428212503530943,6.8475392962817665,1.6033010066721712e-07,0.0001132097967789073,0.2109305088406941,7.711568417555361,25.72117382757276,0.23838928886978128,30.54222935253067,0.0,0.00014063033626880034,0.1492484461668049,31.91514805607514,34.21329975834949,3.6517678350661806,21.03904014636634,1.9907974977412392e-07,0.0,0.21652861707751256,4.8349533123917325,25.959136812620237,3.5022012435266094,12.345903763186266,3.162687432816597e-05,0.0,88.91766829199197 +0.8652332129838197,0.14597169048878,0.3209281729096555,47.51208666348161,106.821693594934,114224.35783219946,4.220621577021518,95.88698950264832,3.9039102960292276,36.319383349171176,3.249044372020042,25.91285952284534,0.32688462632390447,0.8820339351605778,974.9466867822857,72.8904539019377,0.2041900271861584,298482.8310654555,2.954038593657818,77.41956184556591,4371.126017112344,139.66081697068097,347.95268309260683,57.90782233743666,0.3493377564120695,0.19267087676570652,35.01956147352162,57.24391348048491,2.6974924363600086,15.734557389379173,0.0,0.9544751069981788,0.12635464952242897,20.138625464774904,38.79814125324788,0.6609793880859711,6.571125239152711,1.6033010066721712e-07,0.0001132097967789073,0.2041632103638802,38.00590990742018,61.99032698719601,0.3355444009943145,13.948990345702581,0.0,0.00014063033626880034,0.33807825875676684,62.60850969029263,37.73494739283177,4.724372855373499,12.870797247328852,1.9907974977412392e-07,0.0,0.20699846793120188,34.9314478830558,64.79886692404891,4.116717560228078,8.377535217901482,0.0002596407110807289,0.0,152.42579464634107 +0.815984973664253,0.1011225395365874,0.3242833603296529,26.16513841645729,236.4738859212427,333306.32624797197,6.151043386702102,93.58024622905364,0.8951475654346062,66.3143942744643,3.3876433996553548,24.351304975164496,0.3344211161452436,0.894691249247258,929.2997280424338,57.98271396755778,0.2298764817642102,292171.5474517304,2.8325491684333577,98.42463744991923,4327.5468175523865,290.117507069158,347.4946987327097,52.32059050367762,0.2961929866889804,0.19428942513561814,36.738049098055946,57.665298002273545,2.8487883175699884,17.107742331982838,0.0,0.7916907791042246,0.1135803108934008,25.136132420665298,45.629078285773446,0.21659409271466318,11.90345494817881,1.6033010066721712e-07,0.0001132097967789073,0.20299785769975906,39.74530168759489,63.68465075763597,0.2443735198111986,15.823608404183377,0.0,0.00014063033626880034,0.32408923364491304,78.78406257747591,47.94780764202289,3.566430694860288,11.061938596505865,1.9907974977412392e-07,0.0,0.17041392513835818,47.66195172636443,86.93058504739811,4.279936793606453,15.38961395954348,0.0,0.0,180.11888895303815 +0.920083526992084,0.20071876809313532,0.37584769664446,139.51214718849417,211.37310941196995,211020.40709694594,3.989885574858686,79.2731023153219,2.89933091637815,98.3414798435888,4.579147633541042,29.686951315531687,0.39557010462287095,0.9977835533495921,849.0043621173264,93.75100871710046,0.2470745845439915,96536.50907065236,2.761650940851186,87.26297344685352,2761.3080252185828,174.85077318853922,346.9415441726088,55.17499779955205,0.29645370224439926,0.18707076252652158,22.508427748582417,47.94983731193038,2.5482485904442576,23.536971704359683,2.616298487127053e-05,0.7939613822706932,0.09755871838583073,23.468337613026705,40.79335237017693,0.6149640289014975,17.21482892076414,1.6033010066721712e-07,0.0001132097967789073,0.19460727221304971,26.199555529451484,50.716631039254594,0.3099229990741192,20.80627529855623,0.0,0.00014063033626880034,0.24658982251567244,57.08777503303686,45.19202779379003,3.7421493311882967,16.116905316090353,1.9907974977412392e-07,0.0,0.11950491949182147,47.83444436812208,87.77710774610618,4.637563964465832,23.95397546421635,0.0,0.0,160.416995921167 +0.8430086613700571,0.19087868628180743,0.4077186369773714,118.18710031796178,215.03654832595905,266824.1662286766,3.798530231782993,12.11033860756745,0.5068652756452563,84.06673261768253,4.2131482273247824,22.350556217876026,0.7659849131302425,0.9671517974649929,690.813691459743,80.36036026320869,0.25232820222644925,67506.09016497305,2.580503614213772,68.35878501446886,4031.7719796806614,256.74457664097775,341.3956117208619,56.38372233117022,0.34327135247476653,0.17544276986616408,10.655119669126885,40.18228880313286,2.403668654223852,23.949980961966403,2.9276839342842187e-05,0.8872007318090623,0.07388204306221326,20.47960684786424,39.87791109623443,0.3791998042456375,20.940085715460608,1.6033010066721712e-07,0.0001132097967789073,0.19798838654042158,20.834262435429178,42.68525918765738,0.2685056283343269,22.413798118362415,0.0,0.00014063033626880034,0.20420585565713809,48.02125701922829,42.102061744692,3.500472320036254,11.404176049276566,1.9907974977412392e-07,0.0,0.18773127160153785,25.011285048559124,52.81650066042603,4.71889625802179,25.37363492848824,0.00013054196340225508,0.0,125.76755425285647 +0.9156653999717893,0.1600640803753996,0.3457485032326941,104.16436539529414,235.51126479461865,282226.7161603435,5.815046522115614,79.88307943143332,0.35821367613070576,88.32024203454506,4.979977709478666,22.554702065200573,0.5773757135618967,0.995210788696837,943.4694588438139,82.57998605447976,0.07209799139765985,206661.50776872775,2.675691871529238,92.8148483965243,241.2245057082473,270.18952663032763,348.21311714584476,52.174270710517995,0.19039871101837752,0.19735772402060756,42.299880572744335,57.82815768849063,2.888690565078893,27.590656156383275,5.079101190762518e-05,2.841010721048481,0.11454689909814075,31.10872135809939,54.66212888514455,0.5962421015160722,13.550010337391981,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11200102290201513,91.35701577453905,69.23885191334226,2.8560093077631006,8.320815085779644,1.9907974977412392e-07,0.0,0.1667861740229177,66.84165261033048,119.06918328126521,5.025499963464156,17.259054043731087,0.00039580186564606735,0.0,2698666337285.8823 +0.9348230414888151,0.15036457964366856,0.3800485109465459,139.14653499689157,183.0296544637389,133495.91030868544,4.903338334576309,59.15717033190823,2.5208870137937582,92.72267956747962,3.9343051218708194,27.701513089769414,0.530375864666445,0.947057032927723,850.1953579072282,28.31179316802472,0.22333327432243621,99361.51277030252,2.886231041126931,45.31734665331834,1842.633804121441,252.29563368594594,344.53086293625466,58.9278440599813,0.20503356394576727,0.18825689018164135,22.676207484760333,48.73848801334892,3.0512901303678786,20.300250612353935,0.0,0.720422360170799,0.1078630225644666,23.956126314648227,50.89664496193929,1.1312034773149466,13.936375315371064,1.6033010066721712e-07,0.0001132097967789073,0.2003999820106683,26.713245972116844,54.60650957212561,0.40075950250988157,17.198665437922298,0.0,0.00014063033626880034,0.13056622480779337,65.41758544045308,54.1576705810862,4.068507406405308,12.765066157108029,1.9907974977412392e-07,0.0,0.17694135414183806,42.50657921442084,84.77193581807377,5.316760016412307,13.773311439845417,4.300995482904057e-05,0.0,165.1244419741942 +0.9155643579492657,0.16137403323089933,0.401497193581407,210.02392020774636,214.79270526813715,213569.15649453914,6.084314394857723,79.82180070923462,4.58415620776077,66.85912664944979,3.951850904333589,24.046594804188597,0.5244488530635915,0.7959431610357478,611.4275881955446,58.03680298814618,0.20155458859064318,74068.29730051682,2.8829678917242147,85.74392074645755,4285.007465576071,221.84084299965699,237.71921162140552,36.10593097732194,0.2925603852127059,0.18307082284997483,2.1996145719818565,25.328388112978747,3.0106346193166695,10.649521988744686,4.339122141288153e-05,0.7672742138450196,0.11496201183297725,1.7313083442263586,18.614089221116668,1.0921636475707794,20.602757354721536,2.404649953769016e-05,0.0001132097967789073,0.20796487468024177,2.9205887753052155,24.057602359922683,0.38821994081915745,4.651468256797292,0.0,0.00014063033626880034,0.3465130212834363,7.1548705358112885,14.849580092387905,14.853087924308848,55.322722517610266,1.9907974977412392e-07,0.0,0.10401248272015015,2.159332843342665,35.45151302583954,6.8299230812420575,48.84286613068312,0.0,0.0,96.95643584859346 +0.9725127138418578,0.18782973254383706,0.34913052725592836,168.62468366758787,78.49910479906848,257499.29055850406,5.387017358301462,51.61903961989176,3.860859903721857,39.0653390653473,1.6624039863857147,22.03395611972416,0.4800940237696363,0.9707187804815829,660.481970581712,25.697597404906208,0.20496394708447674,256242.77226912318,2.9437238470259364,83.5591408939218,1090.4214287002005,23.579623054140797,337.641537862345,27.757403751578423,0.2683411685160545,0.19233141931881464,13.820830150110147,35.474354576772164,3.2239283887442185,4.40587360561862,0.0,0.6418788514135647,0.13072333070896286,8.09535338849317,23.130417203885862,0.4949879760836617,5.311314037076726,1.6033010066721712e-07,0.0001132097967789073,0.20300486671810233,13.766547569102745,35.96563637303143,0.3025030800368624,2.588188295354668,0.0,0.00014063033626880034,0.34596242306718433,71.6676090054922,43.47803136386816,3.58750935863944,15.111391291474016,1.9907974977412392e-07,0.0,0.21770772496403895,14.077525939263657,38.277848565894935,5.262170031703413,4.979007413255084,0.00010020666784754195,0.0,112.17141888105819 +0.9829736699835459,0.16083053443656603,0.4397644812413125,136.9854905126544,198.92278217313816,133525.63380947168,6.531272459866343,58.60344355913618,2.655533033472075,38.77638093977376,4.503865155000376,22.986959941211754,0.46787429477366954,0.7265333364905702,659.963188002146,45.158763553100975,0.3030114023741712,185845.01717015982,2.908613445850945,78.35848934461633,1141.88950049143,259.8787552994819,349.87041676060426,59.77344642688987,0.34998866444929444,0.19288798397516427,19.846241976382572,41.153562496971,3.1468516014388332,13.650790854850294,0.0,0.8215353033256929,0.13236870615372476,7.560029758015314,22.328944891757537,1.4046553747177721,14.811148064576052,1.6033010066721712e-07,0.0001132097967789073,0.20329499117813965,21.387278790468216,43.455571877119645,0.4467456218484775,11.89929628616463,0.0,0.00014063033626880034,0.34525754363216377,33.00459079319177,21.729783256782774,7.242298503319846,41.99099345109755,1.9907974977412392e-07,0.0,0.15083325340215173,18.9461541761589,42.699995760051294,5.893148849862822,21.49074940140084,0.0,0.0,107.72804552576585 +0.9815869449664225,0.18372620263165246,0.34217892339917183,11.646084997429966,157.06433695386062,220261.5715881272,3.1106539032185525,22.99344731020274,0.7383308235803594,54.00406930754437,0.42334142212917353,28.331788933035405,0.7006613128914679,0.719266277557488,708.5877357449627,15.033052347769871,0.2050277226989863,65727.7470708593,0.9181308765031764,94.32557789605207,4494.779462098932,264.33412634454976,329.23457527476046,55.1815753760632,0.22554034846496132,0.1937486701439412,4.542968010482803,25.38900329685676,2.4363082452494575,53.60050528487216,3.8915733482354636e-05,1.2784405106567232,0.13261874538904325,7.623566747296175,24.34812845221058,0.42373144403900864,9.906950499666051,1.6033010066721712e-07,0.0001132097967789073,0.2065998882495166,6.658179246135858,27.05709717447468,0.23881537321504273,52.17275489593277,8.971816981756708e-05,0.00014063033626880034,0.1373457623579109,22.34574036691586,29.499049152877852,4.369746377088094,18.63146982330631,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9724925409505403,0.1797876247358172,0.39542856852683783,245.31646649466714,125.48911849289475,281260.60738521063,6.282908170592191,87.06818463299791,4.226634449074711,87.21873055508253,3.901379511435579,27.519739237591704,0.5111670426365456,0.9950838608518922,989.6855466876195,63.562249658449716,0.30423274288737767,67732.99733123872,2.014873404503176,72.30484011081734,4951.69300080455,225.21699857531416,333.8408388533049,54.311758654140135,0.3459075460000266,0.1907351951727967,9.378735946282792,33.84780217790302,3.097020014601146,27.407600860849485,8.740568639983769e-05,0.7131661810338198,0.10526380740706824,9.796126680186893,27.858473065945667,0.7412196841143178,13.84130782580598,1.6033010066721712e-07,0.0001132097967789073,0.19789103763326837,11.383430309148668,32.06783827347485,0.3341778763093645,22.67007926572084,0.0,0.00014063033626880034,0.3054358500041935,38.353122430015624,32.00675799212787,4.516180589399206,25.78946926406035,1.9907974977412392e-07,0.0,0.1465996565767467,22.199386504942563,56.02185360245232,5.829053660093041,15.4433332662401,0.00011785176198023404,0.0,108.70095529868958 +0.9615459578491862,0.13770105529817528,0.32369941654483203,200.12351332875227,161.97587036808252,152906.14386132115,6.280228551104449,87.93196105299859,3.6252387630058607,65.93954028363065,4.474333180459797,29.13986012395065,0.4779293638681556,0.9872881708074354,933.7845710252469,66.80758505273445,0.3019362033225981,286979.41289493453,2.844398474800882,84.67206119038912,4413.789260137867,218.06727010301677,348.73371333129097,59.451484957662146,0.2757559333397933,0.18743582328854463,36.047721456427325,62.888023141619136,2.899061117996201,18.049030714190437,0.0,0.7636818693166914,0.12115008076727518,21.756527696946705,43.285563809485694,1.313820135030418,9.758753188046931,1.6033010066721712e-07,0.0001132097967789073,0.19878717908241667,38.05963130616768,64.6533470875557,0.43000522354643544,16.24223463832534,0.0,0.00014063033626880034,0.3505766654536663,77.73284332011487,45.32677853934344,3.9969536611545577,18.560414557927672,1.9907974977412392e-07,0.0,0.1626757893279995,50.18308335880318,95.8789679253596,5.704361741000833,12.136160882548662,0.00035093302071929867,0.0,185.1328938351004 +0.954367215044184,0.24724447142800848,0.37562025542027005,232.40637834875162,52.99567143080427,282715.69480727817,2.5557394935643982,18.082216059290907,3.290236026508846,83.78127744119948,0.7146566445217875,24.0549710872444,0.4148886457153634,0.7603829286399537,634.052464236934,72.73265578210852,0.1821590512049827,77425.74550149385,1.4970061265400436,91.18423544283303,3711.1518274788305,270.497714077637,348.1871499389673,48.84278777349762,0.3096138511313385,0.19479656236686135,11.23317264083437,29.87931724211359,2.705186973704435,42.7129749822542,0.0,0.6886610248184494,0.1312350997640755,13.331900538042074,33.13233960977079,0.26725447267686,14.192012893042943,1.6033010066721712e-07,0.0001132097967789073,0.20873698289114628,10.826497497152141,29.01295029123234,0.24054824001447608,38.95764455963232,0.0,0.00014063033626880034,0.1050586416950534,33.96933620265831,38.56593447246905,3.8605110747814755,11.509237548935491,1.9907974977412392e-07,0.0,0.21217370780130462,21.198700994632475,49.26182820884372,4.201484524423042,20.833956098430917,3.2041416625947094e-05,0.0,113.67247487294881 +0.8581465769964199,0.1404758591631418,0.3213917222304706,47.51208666348161,178.36264164392617,114224.35783219946,4.220621577021518,39.994720749890284,3.0839740384117325,42.04156637713473,3.249044372020042,25.91285952284534,0.32688462632390447,0.8813172154338369,974.9466867822857,57.66226638617954,0.20383306918990177,298482.8310654555,2.285441003327223,77.06548911359603,259.97172208663414,120.90698748738795,347.95268309260683,57.899767790271696,0.1582106702748437,0.19293873497802555,36.3485703934982,56.16977616056442,2.72662460437349,22.630742631930374,0.0,0.9526166399387666,0.1270047859545647,38.48315465035941,64.63661018287966,0.7107777951593189,5.572263873659378,1.6033010066721712e-07,0.0001132097967789073,0.2040034889829131,38.13767032522771,58.95311184908222,0.3408413954571103,21.745513960931614,0.0,0.00014063033626880034,0.11579689222941249,104.6010885001936,73.5943702562229,4.839714558434441,15.685187921350494,1.9907974977412392e-07,0.0,0.2079495507256629,54.65921346865486,91.22268168048993,4.1763608485331005,12.024626192526163,0.0,0.0,210.2104875217153 +0.9883217968641552,0.10541146641726248,0.3884726872903379,87.39421702278298,146.23952087780762,320755.09390207706,2.8311054209109017,53.856771810126205,2.036307687480136,21.981892542359503,1.4695710012542185,27.262276289381028,0.3063480506923061,0.7812485582255426,238.16516684581708,1.089920256181215,0.06857308490622714,103657.09170459304,1.3752506856566156,57.91931831768283,2397.462418068207,143.04246714570445,340.60931468054775,56.28074751497948,0.208547868597198,0.1931243273658496,11.727412048860053,31.76159469633548,5.810815290049047,37.26047288483327,0.0,1.4205206475746692,0.1257653253319934,9.17517462531265,25.84097695983604,0.2620661154286576,6.789028433242324,1.6033010066721712e-07,0.0001132097967789073,0.2025194517749825,9.669540458632317,30.321045594789048,0.23838230657582551,32.83441528934909,0.0,0.00014063033626880034,0.07756685909123383,29.95737679560024,34.59571520155328,4.061509881325886,15.330473442730263,1.9907974977412392e-07,0.0,0.18380726402177863,15.942723486978961,37.32772882892874,7.611812031782532,15.036455088239155,7.668502960485178e-05,0.0,98.67676494602613 +0.9444912757754055,0.11162440899691554,0.3801972375524067,63.27052427507546,161.49589977432643,127923.04531689992,4.479004553963268,31.180248558485346,2.892277727844135,11.507210555400835,2.9809384237513483,10.529060773120626,0.3067262239252031,0.5723282577671933,135.7929588583595,5.10770266954191,0.11197555547783479,242874.74525857315,0.7907381775234565,86.23690394572061,3128.5043630704754,116.98417084621347,345.1202948485488,36.38296702542956,0.16745914299525871,0.19946029394979775,10.923141325839431,28.166132661670474,4.246970464814274,21.329987851685214,6.203250742326303e-06,0.9128313130457666,0.14043619636404572,9.72628768928912,24.999778659311207,0.7698436692760252,3.6748164356848187,2.1583028821722063e-06,0.0001132097967789073,0.2130542046872646,10.343605531633681,27.80867284570401,0.3493595755302192,19.086178178523017,0.0,0.00014063033626880034,0.13334885675407723,41.37590639357524,30.59131944805172,4.657929092807237,14.246320475510778,1.9907974977412392e-07,0.0,0.2202418719013666,4.861610681977767,22.141876019021392,6.503001177619609,7.903611937544952,8.790415512994276e-05,0.0,82.80194036658976 +0.9342020543641167,0.21096962486749954,0.4294841714533392,237.1255710107377,172.31456450738904,225008.19524174475,6.554761405329969,69.15226393153996,4.517290683673309,76.60876032679347,3.5549117559856147,28.01657779643792,0.7814952693755248,0.9726475187082717,825.5018256243568,98.96430273536558,0.26936023337464127,247350.32464834364,2.885352691869335,91.40091845458927,4953.202336583471,223.83304157026933,342.54019614101844,57.31229624220529,0.15824387832710857,0.19119157710025494,27.98319503842742,50.13775931244582,2.8961099038508977,12.59571197308579,0.0,0.7200220740656471,0.1234333959506082,27.688529487886452,53.228836793889116,1.0725776131943847,10.394503305014064,1.6033010066721712e-07,0.0001132097967789073,0.1995085392478057,30.81971801119954,58.163414452382845,0.3861405441960434,10.194888758809551,0.0,0.00014063033626880034,0.17964577566409082,104.69922371191682,72.35591910851242,4.124821619402682,6.683297582060364,1.9907974977412392e-07,0.0,0.18576968136102925,45.62322913471937,87.26555532063374,6.553420031752543,10.127673326698615,0.00025655587343203384,0.0,194.19555403628735 +0.9157080063135554,0.14862636754798228,0.3496637141134676,225.54262507546025,124.53617984475127,301013.3072975486,3.9373260510257237,68.47958664967179,1.1015840968821657,37.44782333553454,3.0064691255580276,23.13518569460019,0.48701728016242923,0.9613703200242045,688.1498549225115,91.90974510431415,0.24438605448199602,175797.075045968,2.9026125616686507,91.79699472211195,856.088563008672,270.48053520216,333.7783205554349,50.46652974200899,0.33190173909477116,0.18680360096705464,22.679414703419816,49.74843052225516,2.878535355371638,13.83762536769177,6.020974694280547e-05,0.6923398148218799,0.09784261143636969,17.640826732531014,34.59901308755639,0.3583132590237995,18.391216986142865,1.6033010066721712e-07,0.0001132097967789073,0.18942917216611518,25.05823523666149,50.98403223787335,0.2669815805277855,12.568398621006768,0.0,0.00014063033626880034,0.3529867684975919,55.534099902292496,34.13631436572234,3.4821301978622317,22.394273532464606,1.9907974977412392e-07,0.0,0.14355058763331915,29.886435991437647,68.74134647354032,4.672414511099859,14.648145461399757,3.2079310425557136e-05,0.0,137.98418602216833 +0.9149359823124008,0.1917284045165815,0.3480087140243961,83.21109684479178,75.28604947929094,338315.06986689713,1.7734530123930567,70.73654323914589,4.521107574012805,52.682425345537574,3.1233191839262497,26.086723089767485,0.357348181969957,0.846275317052203,918.0440105253255,54.78259465938747,0.2590975968111743,90067.79573240248,0.7501666910900018,91.6502244605554,1841.2977740447877,291.9191642942576,337.0048906058253,58.93594083241822,0.24658778913447768,0.192534824113594,9.931788879254913,28.755314283498592,2.724608679125899,54.77006904321462,0.0,1.153269462501065,0.12950273833278164,14.843252962170679,32.98627732315393,0.43977281502992766,7.688434611340081,1.6033010066721712e-07,0.0001132097967789073,0.20623017588868955,11.166947342292207,30.726792991230003,0.23690226674439474,54.49508763026652,0.0,0.00014063033626880034,0.13642635972363515,34.273680157609434,35.85463811017175,3.6698904677930897,20.695473811559843,1.9907974977412392e-07,0.0,0.18558964671963363,9.66495448041061,41.28885432702132,3.0857824900953843,18.299604658509683,0.0,0.0,119.93786148623028 +0.8975138261535488,0.22553238865346809,0.40681663452852385,117.78432774956823,178.32475682075727,262929.04118732497,6.800013871554689,56.945050119144284,4.342292462375454,58.87563211465951,3.637747272466041,27.592803463420292,0.4293166858960242,0.9982424597112531,480.24239452214726,41.91900440537569,0.07343192718136962,119758.00216229969,1.678680484257597,59.55792290750402,3940.379835211348,133.64742450480426,343.1217436849053,40.977513515017314,0.3220617799438259,0.1983570344669839,19.146749101003767,32.1786857971654,3.2696401387906318,34.47576209049186,0.0,3.0537954570148225,0.12991189245085483,13.660366629681423,34.95435294008008,0.7610685773736299,5.980995385951752,1.6033010066721712e-07,0.0001132097967789073,0.20291735779525608,12.326374558492015,31.736354440270254,0.33851555160342794,23.381493654087212,0.0,0.00014063033626880034,0.2281974304080011,47.92963473076497,39.31010655492553,3.1392987269937214,6.741254648510351,1.9907974977412392e-07,0.0,0.1989495732628993,19.60400866637888,44.27897375945607,6.368220304198543,9.661684609785906,0.00020673439100893625,0.0,110.17367590807046 +0.8812400925390682,0.20302985025196907,0.36630089659872045,18.603481256814874,224.9498475623901,156112.51489197556,6.112278875324056,65.36517997690335,0.5560018142366028,15.703041085393245,0.647140640349266,26.986728292047385,0.3838741903762132,0.6489211174761516,142.9887794786479,38.91537005961364,0.3184136571910677,52367.64995554821,2.792993290606237,60.08855974382496,4975.970770309738,170.55947738667322,346.5666498337079,53.65549356920631,0.21669260067237844,0.1957156903210978,17.43880296625691,34.78756945205224,2.6750427816922313,23.874754626319014,0.0,1.2949217900409276,0.12097634293258926,28.02934960041976,53.65412212712905,0.3838324683119228,19.362507725623672,1.6033010066721712e-07,0.0001132097967789073,0.20876039472997715,22.92989821475319,39.86909481216467,0.2807032002750144,20.766352065689954,0.0,0.00014063033626880034,0.10027046963701632,67.7993450665516,58.41536059800803,4.385860566182718,17.95894438453856,1.9907974977412392e-07,0.0,0.194432205039623,22.06912609000654,71.45271454550418,3.741534207948768,26.195844294114412,4.0381320467062214e-05,0.0,152.7186933550077 +0.9424732364862943,0.13489079487562602,0.43428357622909675,169.33106226646106,135.36198866777053,250711.47596287858,6.044935834198364,74.01173206352411,2.5338747897501737,92.22023316399286,2.0470101049397376,13.751991022615307,0.730129550032859,0.9823967847029206,980.7882531691276,57.60108174920929,0.16022911582659,82430.79410834734,1.8453991769881726,94.91092933026434,3202.919706866051,222.5147207705005,241.57921005857744,15.851952056769225,0.29299746768292434,0.19219890004318416,3.8816418995477218,25.45640043950175,2.9446357014947973,8.897305251017618,2.2514902088749746e-05,0.9308849377962931,0.13436307560611138,3.263347426613124,12.314892153779162,0.7455951571377842,11.067718270981656,4.452465713793522e-05,0.0001132097967789073,0.2029242440255742,4.68614581383282,23.63099936770208,0.33665913927815905,6.8749607172361955,9.216425991399707e-06,0.00014063033626880034,0.3568386065120875,3.8647204105130646,13.67347621870061,16.957378248001415,57.814245468262314,1.9907974977412392e-07,0.0,0.14091841365697344,4.449801617544979,31.881093763949263,5.510693629718546,47.159929201218894,0.0,0.0,93.74288417494674 +0.9845175005010587,0.174675538015443,0.3708512614648823,106.99462620762581,224.5330091480401,288854.9018093536,6.585019184265226,9.752192638353982,3.7303198128463104,53.5732661113817,4.781912808826486,22.128286505403146,0.4580309220589803,0.8289590074906411,651.5149710141928,43.85574465578883,0.23035365643088918,252400.5848897199,2.854343889917827,75.65586617581462,3218.5813197311204,293.22467127715885,348.291511918035,56.14198574003015,0.16636975028763656,0.19407273291499696,32.56679763307361,53.580178977160315,3.1974588359476313,16.881576503888773,0.0,0.6933614892965566,0.127193877941394,26.21551876824465,46.36395462438101,0.6716457560632175,13.900176987692417,2.3131668777359127e-05,0.0001132097967789073,0.20572297405626064,35.38117727156497,60.727997062379444,0.32096968465348763,14.492400001548784,0.0,0.00014063033626880034,0.14039964584412226,91.95802902129445,64.86031779359189,3.045844279310948,5.848004307320145,1.9907974977412392e-07,0.0,0.18379065737838368,56.67777489915758,100.19419913710763,5.887182255599224,12.756862473186159,0.0,0.0,196.37443780896427 +0.8912896538166646,0.19544531918568156,0.3968777622820688,196.9712700778663,201.15354499643675,195242.6779689605,6.788270780313882,64.27953330753328,1.8663893585328402,30.163167688183204,1.9182552936404127,13.689461280369517,0.7702564286125004,0.9503162409632566,673.7834340160837,30.588843744596502,0.3179343802226434,67424.90345854833,2.7905271369180595,99.57483237170331,4453.123601320123,232.80571829622943,236.57929360657798,44.34474588776999,0.22434195472602317,0.16537278846033415,2.0221964508362333,25.991004609014777,2.84668363416488,10.699336714299648,6.888805340779823e-05,0.9102097987141989,0.1189033291704718,1.8321119312025371,18.47374644642242,1.228196986208522,20.890314698535704,0.00011276034117882719,0.0001132097967789073,0.209104638819549,1.4880641421514298,24.586364185773874,0.4132829325738628,4.633796828139823,6.893328230300084e-05,0.00014063033626880034,0.3518902109332204,11.702071111319038,15.580855406318253,14.294309816825121,53.766426272414954,1.9907974977412392e-07,0.0,0.09551623666950947,3.7820331516325534,36.095445487448956,7.165382212336224,40.879413676743695,0.0,0.0,93.42727312508585 +0.9011360794043384,0.23459790470624498,0.410260141425934,43.717245925684594,200.70561321855195,314709.0151260496,4.951529799304194,35.18177679702408,1.034191086522346,55.24759769612221,1.2290108727041424,14.949828759710222,0.48480161459793747,0.8222530838643485,642.6512491032613,92.5064922210688,0.22707003362943293,70069.16829655707,1.3545284728378495,85.9808165753795,25.242776225764487,107.13185081890393,345.3508355895827,58.51921108987381,0.15514632145876459,0.19809422046600883,9.453657878186265,27.336678057374193,2.8234281747719967,49.4968949673334,3.977440700413501e-05,0.7527782998820015,0.1394393341477978,20.343567252902478,41.37704140538943,0.2034060713393698,10.009368470235831,1.6033010066721712e-07,0.0001132097967789073,0.21088522926328576,10.395500409323946,29.015743504739554,0.24764382434597806,45.590768522168275,0.0,0.00014063033626880034,0.13548513437472814,67.9370011277042,55.23733364642932,3.6396531346894103,17.424052021155404,1.9907974977412392e-07,0.0,0.23673208081843458,21.862535508632654,47.6696353403935,4.281870891841131,21.933940149412233,0.0005213879907996547,0.0,140.65302405611675 +0.9384939039715319,0.11727641337420461,0.36710242051524333,157.42137504366247,157.99674446257717,124192.65031744813,1.9004179391889602,70.5336923631146,4.418029230467074,18.977854502992965,2.4312866573987812,21.47467538213323,0.395515826374347,0.9339158723015053,270.3479325286589,36.11395696416474,0.28829271019817887,55460.51844576515,0.5588322405609359,94.35593929795729,4804.430704764278,184.94717591805295,345.63478491637295,42.744443553177604,0.34282501355260936,0.1891079827721103,2.6972579502487517,27.02442262071229,2.6333111754839265,66.96638080764019,0.0,1.326507655943676,0.1308511540445749,7.452228264318922,23.480149346135992,0.4290197316938684,9.380996799921059,1.6033010066721712e-07,0.0001132097967789073,0.20398737953478935,4.601259181947031,26.758440229731146,0.28133590682604304,69.31139680253548,0.0,0.00014063033626880034,0.12611029744922403,13.830631898364082,29.02045806224756,4.713364184656788,19.191070410868484,1.9907974977412392e-07,0.0,0.19998891783724035,6.755041579197825,31.899007850782322,4.429705253772322,32.17573450418419,0.0002595126770435418,0.0,122.51274955826511 +0.815641241316341,0.21124388297455177,0.3684691716209091,161.75270735241634,33.25215613136099,215995.46179645587,4.32138991930391,93.44437175809239,2.676122998664615,63.11892002883492,2.5995566401473025,26.714811385523497,0.34823579158123535,0.8932450115116759,919.2425865264837,67.47031111005032,0.10239105147307061,160585.93137435344,2.7445406892964286,46.986329096908335,3057.8151561486106,123.32108213644646,343.42309141791526,44.11247806162264,0.17421640208581174,0.1982163323919699,26.40314715715545,37.33447929174617,2.634470070498936,19.05804113866712,0.0,1.2737557331589735,0.13417038088353106,26.663262395531923,50.20628658336049,0.2862614429082161,6.73943976332685,1.6033010066721712e-07,0.0001132097967789073,0.20546488189941753,25.76910099580706,41.41261674763821,0.28071724072445137,13.688316500950949,0.0,0.00014063033626880034,0.12397791503754564,82.30984970101622,60.532501980422225,4.2178530824744636,16.33087031426941,1.9907974977412392e-07,0.0,0.22285473268365708,35.70639926647021,63.8632240219276,4.326613930740268,8.109755532211308,0.00011641029364432612,0.0,156.42268912310993 +0.9788919510812712,0.21447330772709466,0.4404028896294894,249.28287005033067,118.10763202339554,347951.4259079148,6.925118706561234,79.73517551550653,0.28154071908703804,26.311267806198227,4.2915075119686135,28.602027458639235,0.4552265834866645,0.995818795961196,827.6338733593475,80.52755910682541,0.19330296808229383,224591.5834873532,1.7848684211702022,97.62912131603464,3109.994116126648,156.77837415959064,349.3480952438479,59.19958788819031,0.34032454573771104,0.19116575497720395,22.1928094481582,41.3109506578582,3.3312324022592126,21.74281534246793,0.0,0.8268375996867962,0.12272130974905572,10.75100337450722,28.496528063858467,0.6339993962360426,4.97348399362974,1.6033010066721712e-07,0.0001132097967789073,0.2020623145116475,19.5354914352452,42.425429895227296,0.3154497565940688,18.563173732362245,0.0,0.00014063033626880034,0.3560302017593772,37.79206149442576,24.213151314728677,6.261519554658424,41.301652762882874,1.9907974977412392e-07,0.0,0.19770714817812085,19.114805585176384,47.363307365077,6.445319687881031,7.22954400275952,0.00042928351326160393,0.0,112.3607517273903 +0.9517950852594783,0.12026035513914723,0.3811145136920388,50.274678695708715,231.50343081100235,273954.42014724325,6.912047456576843,17.69884593442292,4.61878559632308,75.78596229049126,1.4946064677233846,22.825434018073214,0.4091779101944494,0.7676212227018427,995.254969398938,62.94879930365445,0.22327493875770119,82824.79528392287,0.684306766245493,81.09862497157151,4822.760013357627,261.63812207699857,325.50272788074545,56.38979051168872,0.3323020089289732,0.19479564635944888,4.807786585538565,25.204305200800295,2.8459449603171016,45.88152072063235,0.0,0.6152828034471624,0.13341563558514163,4.964384645341403,20.760336944037615,0.4727834436230222,5.359776305977063,1.6033010066721712e-07,0.0001132097967789073,0.20783989101905265,4.586769651651185,25.644534808669352,0.2925659738545532,43.669312382006396,0.0,0.00014063033626880034,0.09611946871470302,26.389913370602674,29.79957179768698,3.5037415175603037,6.73573719682866,1.9907974977412392e-07,0.0,0.2098113088033889,6.273832098373578,28.245336786235274,4.577229333486493,15.489287513276356,7.511287067024147e-05,0.0,92.64230064089024 +0.9783426791160283,0.14354451209995173,0.32397723881444607,192.7323085012723,210.69100786126108,110191.4447560907,6.3721627844435025,12.91944992075129,3.8668373499775934,70.34711432723292,4.842515878939034,9.848188458022845,0.33152392324073754,0.7427888757389782,392.95772774501825,3.503971375539095,0.2900346486270478,178104.12714780818,2.4074876399712535,37.8672020768486,600.5443300868201,133.2719633227655,346.1058031652066,17.716646319505482,0.1867191041860144,0.19810500731236796,7.647856628847741,26.9350598245319,4.973950618805944,7.57065698084506,0.0,0.9415534743423215,0.14075445967413774,6.349541688328194,20.78447491154129,1.6981354863449118,4.266123840804937,1.6033010066721712e-07,0.0001132097967789073,0.21154587155534726,9.748698163559897,27.947498945739408,0.49568880954969424,5.457505678465052,0.0,0.00014063033626880034,0.12403828070152227,55.554928364861816,46.61493844389505,6.130513939583927,11.16039480311229,1.9907974977412392e-07,0.0,0.2089310606591145,3.8106149018395605,24.624747672312367,9.156514409347086,4.533970121800683,0.0,0.0,91.72433588252316 +0.9774905133042702,0.23688604799132673,0.44993597894215365,75.41809430213505,70.65575375073593,299725.53310460725,5.318993484118602,73.54602009972436,1.7187425749026688,83.9993355117633,1.7070248130752932,20.844034960398922,0.6812735502075532,0.9157821450068314,949.9936085650148,63.371290268768135,0.24184087181822156,56992.57247098654,2.8120803957459577,87.37369854539922,2278.7424479018687,131.65227133404818,258.6073734797366,34.58729196429969,0.2920420889210119,0.18945991763906592,4.52640119912503,26.525096227051154,2.8734479266645834,7.105392436648547,9.985323011969554e-05,0.6750736020448366,0.11517971048648534,1.9938701190158203,19.76037893199807,0.25904526228909863,22.503107175387825,1.6033010066721712e-07,0.0001132097967789073,0.20797332569468852,4.336681447192966,24.356971405426926,0.26161944717992464,3.644124504167612,0.0,0.00014063033626880034,0.3524011385869726,11.68425846025851,15.929520491485658,8.060063154702805,48.22865527640623,1.9907974977412392e-07,0.0,0.10336610620160366,2.1392616866955594,35.2701927205077,4.421542187436507,34.04094864825141,0.0,0.0,86.70614635022778 +0.9461183661591811,0.25381128458237767,0.3908409833876061,198.62386077396332,179.32637598603625,260378.37134858666,6.160744359001256,91.9793514955737,1.4623024609678374,99.58950517444063,2.1759317859587934,29.308741912089594,0.42344715383461085,0.9624907614664451,813.3382889797258,14.512276839566859,0.31825954351947633,123907.67952421698,2.824019329719625,73.04264028032388,2917.480594156903,294.1910021784553,343.89183481983054,55.205279605544035,0.19767192094802355,0.1871389969904379,23.891269104453603,50.39633337848778,3.4784020692385464,19.418911205355137,0.0,0.8104811912317811,0.0891522390518877,28.45735677373572,52.66709425097255,0.8554233976725603,15.316800594692861,1.6033010066721712e-07,0.0001132097967789073,0.19794837980247615,29.26530090084759,56.086739898357216,0.3497531200030591,17.46453266146516,0.0,0.00014063033626880034,0.13862938889136325,80.14423970160867,64.06779172271919,3.651786303845638,10.5023533945113,1.9907974977412392e-07,0.0,0.1537332457440534,56.1292880417604,107.2163525629288,6.334826245633538,20.390251651892047,0.0001215276402609466,0.0,193.3390872960367 +0.9808575375291393,0.15225265774551625,0.3403285234427457,14.91712782365397,230.04740320831988,290603.9757836312,1.7808284826633232,87.71846617437242,2.7085754410683727,6.367417085336111,0.9372099081662384,17.763898913386843,0.43878207847564965,0.7425215154326129,649.1719623740428,28.92609065148519,0.14651663979900553,63175.48426574388,0.9463102870984271,92.2862347869258,3148.8741265925646,249.53185796869388,311.7370032493563,51.0813528670975,0.1732545144118382,0.19523955270829335,3.0050160935244015,23.45584483084337,2.5757991401930176,46.74046326921493,0.0,1.261827931554038,0.1355814023698979,3.4373510053429066,17.85159896994799,0.5281178825624017,8.562805836226604,1.6033010066721712e-07,0.0001132097967789073,0.20886508270990084,3.4736004670030742,24.25456495345319,0.2482957746631259,43.46127644945776,0.0,0.00014063033626880034,0.13110331269785952,11.228389056606266,22.879042482026,4.008462088761999,13.526527632750833,1.9907974977412392e-07,0.0,0.21621870969963944,2.048814667788474,25.486715421880337,3.9235523282170743,19.807428589906756,0.0,0.0,86.92363925507392 +0.9170343356845136,0.15271722924666511,0.3827100030059133,122.18633856552104,52.49285781087174,273092.8182125108,3.1418635632228926,47.37613655874772,1.95579380126043,86.93911471933977,3.1446861729422735,20.20440896373013,0.34102213781786855,0.9357066921648979,899.7815685642516,48.59514089239507,0.07062752681915517,68795.01495919084,1.5461358142444372,96.03402513572472,3108.7236509354157,56.64401814119943,335.07231629986376,43.577369552333295,0.3038469427044103,0.19546132697756902,10.934411029455568,26.28010804484754,2.688624034679148,42.62065793956222,3.2182055090676254e-05,1.6419588999091013,0.13279250910544127,7.836040099793928,24.94146759272453,0.22719135956733116,7.303057111376132,1.6033010066721712e-07,0.0001132097967789073,0.20588319417737616,6.873673099269942,27.21852152926971,0.2443690860378279,29.996128231489124,0.0,0.00014063033626880034,0.08022948424107747,27.839460941646315,32.836672132787314,3.9410112109014914,11.616772744703582,1.9907974977412392e-07,0.0,0.204230561468083,9.627612304913974,30.775048478061187,4.257771913809191,13.09015218535078,0.0002672699714099903,0.0,91.07483271043608 +0.9177078342289954,0.22684692589614197,0.37632051293384583,136.21227159984062,242.86173397166175,197819.99192200985,6.0188334228994185,64.88463746080163,2.2208330216340726,90.46090549460713,3.862666306347472,29.486071427814174,0.4940318075591422,0.985649845683275,756.9605403065318,93.00039762378891,0.2861362789990179,218474.9915634137,2.7153500299389237,97.32127006596438,4767.934937635344,273.31232915993473,348.3501926611067,59.52581225257899,0.34570511733938947,0.19172324755079476,29.410789629349352,54.469231657069564,2.748235194941617,18.232429592224335,0.0,0.774113835045786,0.095374256501653,17.393041896705583,34.47816380730043,1.0202587811319905,14.32887856176361,1.6033010066721712e-07,0.0001132097967789073,0.1981998300775261,31.5938111078317,58.06142055796328,0.37910734144280483,16.842701481764298,0.0,0.00014063033626880034,0.35317161367613426,51.469280798021394,29.67182366853985,4.933438057285464,32.795463465039596,1.9907974977412392e-07,0.0,0.14661727194806892,36.071451823359276,79.29235149711354,5.590873510385556,18.982431730678375,7.588149095302727e-05,0.0,152.09482646648362 +0.9706608431399761,0.23209815028838368,0.4127992731143434,245.67387716918378,170.39381812734132,176290.9348884282,5.769124485071073,65.80793868751927,4.364063849013473,48.07170698786058,2.899916989356983,17.350709262107596,0.7229318404006545,0.95601952266182,22.80367911337794,21.65278407167631,0.20716753637522842,299298.63420558145,2.683701704006309,98.39779708241653,4705.819295234638,238.05851825593228,343.19366537067555,40.05834507439577,0.2991337640940857,0.19471723254515155,20.45625334482007,41.68278949246426,3.997425496132449,8.380288701707382,0.00019142641703282664,0.87307125796475,0.134249325544648,13.915751543981758,33.541723852088914,1.1848724589434347,9.141846646593141,1.6033010066721712e-07,0.0001132097967789073,0.20809262227081232,21.817027659768062,46.05823629164753,0.4060104510940451,7.6981111031829395,0.0,0.00014063033626880034,0.3538952407296086,53.32796684029835,30.611364573523364,6.755050765320641,32.05536225331198,1.9907974977412392e-07,0.0,0.17726940205385827,9.987858471048737,58.589513973640095,7.368728778361052,9.400133669647436,0.00012759244372748455,0.0,121.79013132411482 +0.926798584259593,0.16224374965724356,0.4387820123514467,127.34134791368622,160.40083140464475,239109.46719222,6.140497148661822,86.83319184436249,4.070542761109007,81.03340430031037,4.259890470123454,23.015217276204336,0.32038173200035125,0.7239710471726046,22.369984124260213,68.10668216615872,0.31287111403705814,140375.5387418387,2.9123958299664663,93.28418997328038,3696.1474427010603,259.3930674185917,344.6175693511696,45.83357357444284,0.15961783925186862,0.19259021402516982,20.461623851819596,41.87223744736676,3.4828374235932134,12.607023339563968,0.0,0.8704612257426476,0.080261401392537,26.89008568286135,50.12269497326098,0.7596000208878503,17.236244670110313,1.6033010066721712e-07,0.0001132097967789073,0.2023537805471202,25.06080379019915,45.09733397826331,0.33922852890480976,11.599012679930416,0.0,0.00014063033626880034,0.16027323446881386,82.7655982165287,61.1511828573834,4.677379890276332,8.192691733400212,1.9907974977412392e-07,0.0,0.2084033105045815,34.40289119120276,63.30205577557292,6.7881635503665905,9.085519391706391,0.00017501729613876506,0.0,157.07124910542873 +0.8935204920160782,0.15292049197470278,0.4186026106998676,188.2662315188486,160.90425273477547,333677.601993476,5.072309968949118,79.23402602575788,2.4853550250902727,57.01371381948071,4.052231541455111,8.152270604421638,0.36146585653396424,0.5108156451221839,424.22134586976745,24.594425251400722,0.34927556705960683,71106.73424615312,0.5541934202821706,59.95618734765847,2745.659109003748,201.5480719550623,333.1262981686148,58.762824865897315,0.17251883140138513,0.20097448440911247,1.7250232082550563,23.676782181479346,3.565253539951364,52.81290046335251,0.0,0.9082404037656011,0.14440735982156905,5.557238616328023,19.254190357546225,0.4819539001605961,7.045598099606454,1.6033010066721712e-07,0.0001132097967789073,0.21452417499030346,2.7463138852482722,24.528910901454534,0.2845363887356225,50.2204439715449,0.0,0.00014063033626880034,0.1498264762025394,30.215299135710538,28.85464056539089,3.4502490226823412,16.00976919905633,1.9907974977412392e-07,0.0,0.2269223229288288,1.916705077036577,21.938591649586233,5.367019820136291,13.702575343486725,1.2055643366755874e-05,0.0,98.30900775060994 +0.9218255461215535,0.1824016784836181,0.3273819206693236,187.78600075504562,247.95918061553513,253385.12946726594,2.0159897098979394,16.164283248637005,1.4873208957981694,60.493161052338344,0.4132097888177008,21.249375657500767,0.46877293588094,0.9301756916548527,280.51391449939246,94.49762377590469,0.33613515883325634,65047.68423379599,2.215662209682294,85.39865308440855,3647.4718265842494,273.1518018170618,343.0886546696656,54.75549215012607,0.20305460375734768,0.19140576069151188,17.871544330060438,43.561127129298825,2.709714966520583,36.66670115792989,0.0,1.2679914038200983,0.10587834708403875,35.78769097209851,73.48110336448393,0.22536801623831004,20.759349408327854,1.6033010066721712e-07,0.0001132097967789073,0.20202923127624078,22.44078325525659,47.49216587693565,0.24266389163306928,34.21976610418178,4.274103107160903e-06,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8917365286234245,0.19711592095168162,0.43653619645635644,203.66194317217335,247.5085739881781,303505.1124458232,5.541852948188168,32.95586813830087,2.6988012560005386,48.260154543491936,3.237970409020039,29.0921618138922,0.6510647864937251,0.8884880170026659,817.8010112181402,27.89946764566564,0.3197105024211049,228660.0823769452,2.8756763286622657,95.55034268780109,839.3961227569544,253.30339506771733,347.73257621486846,56.09674921951987,0.24013344773653827,0.1909264150274548,28.434068092409632,51.43907189342878,3.3282940238160545,14.51932496610305,0.0,0.8090569060786221,0.10629911485922094,22.35393102077059,42.93541719670375,0.7445115321506721,16.186930262089867,1.6033010066721712e-07,0.0001132097967789073,0.2024701255069966,31.50390816397208,55.696335139566564,0.3248744891750831,13.644804683421444,0.0,0.00014063033626880034,0.34581894560236637,70.18239829521515,40.587773984806226,4.8482897862020895,25.34322844067511,1.9907974977412392e-07,0.0,0.1780322505667029,40.78748614411729,80.19632030247817,6.321149592960519,17.09678604582492,0.0,0.0,161.95643922667543 +0.9376925856825561,0.17247513069552123,0.350514340922177,235.1285298810048,168.64488694655705,309297.4874116284,6.619895579794241,39.00113206480474,1.3509523518700415,62.71504370275056,4.276393530969961,27.729488104113358,0.309543887894812,0.987591928143292,793.056190228225,25.524074684480016,0.0591341854204428,61109.63808234445,2.8223018175804726,70.46159475047695,599.7987911442258,119.26208741546645,222.9867667556043,25.419184998956972,0.1631601764480416,0.19515589682776596,11.540231184588139,29.719886398623505,3.556359979830771,8.399360848261754,0.0,4.508381773798983,0.09318995774137358,1.4292760557510027,18.973125857780104,0.7974328808358662,18.9493914340752,1.6033010066721712e-07,0.0001132097967789073,0.19710032855446716,1.744046732483761,26.897064681599442,0.33845365983287107,3.0888794729452025,0.0,0.00014063033626880034,0.3557330513471025,3.072485674553478,14.07541506984805,16.583537231623232,57.298845101627926,1.9907974977412392e-07,0.0,0.14484984388933536,2.34658033393839,31.36863806489767,6.945411771613197,43.87692571758467,0.0,0.0,96.47145413248016 +0.912625675037967,0.11764924849017955,0.3714441622326574,144.00547949339028,127.45657966359249,143150.24358450394,2.7331931219349057,15.98032355928625,1.6993159959711364,86.43301361161275,0.45524794590099926,20.996928925061624,0.5846503747819913,0.7864236923978901,43.81461459459801,25.75883941578849,0.21054466686594517,50190.968399988575,2.868426101029811,93.81637110925809,4245.401581221584,290.87690813288725,277.5741741295622,25.552813939765464,0.19528627395802617,0.18279080651547658,2.1655422258326342,27.66962170750876,2.9529306188520246,10.808524697034184,0.00015270298787125998,1.0141311248499816,0.11027521111902844,1.8184521736352086,20.04239768242283,0.5193801065783493,21.348620741045266,1.6033010066721712e-07,0.0001132097967789073,0.19306661285531113,2.2919200268376017,28.216214182675433,0.30170646626348935,9.41736490304021,0.0,0.00014063033626880034,0.3476378981615007,18.554395211472333,19.628632136877947,3.8138938985297974,34.60170227283519,1.9907974977412392e-07,0.0,0.14759585730224303,2.5678595428171627,37.067784831018066,5.044831090982921,23.197592158489552,0.0003384085538866589,0.0,80.83244584515593 +0.9605378460047758,0.14688290803331214,0.3276329355974642,54.289501850076384,79.48400860611144,305663.14934902947,4.397202966203512,94.8495054478594,3.105587470751185,61.0148714312223,0.4413538182184915,13.620632892855632,0.34974893484078223,0.8587585858731828,91.50610504809039,20.84379714018335,0.25189358500698805,170674.00086585706,2.9306152434865576,72.54967097912105,774.7591007245159,136.07306286299604,343.22590059415785,51.78632812630105,0.16373418844946203,0.19511508077441878,23.78309269901765,44.46151041127268,3.5556887080715245,16.435357816825796,0.0,0.9220918430950804,0.13715366227613887,23.481871375859104,48.15869741474564,0.21065979771072135,8.059603545842835,1.6033010066721712e-07,0.0001132097967789073,0.20891821781148512,28.06973440931337,49.57972791246217,0.24577409044565285,13.662350783946978,0.0,0.00014063033626880034,0.1224309558943309,79.72853077972285,62.9734282204158,3.8597372912369345,11.883354032708466,1.9907974977412392e-07,0.0,0.20778558249635554,39.275122616039695,76.13556131298652,5.036974407467483,10.711620276766684,0.0004017463618811399,0.0,164.77968849757087 +0.9376925856825561,0.17191415378150796,0.3504127293987894,235.1285298810048,168.64488694655705,331926.393531046,6.619895579794241,39.00113206480474,1.3491322882271706,62.71504370275056,4.276393530969961,27.729488104113358,0.3089245529263237,0.9879186838253206,793.056190228225,49.784075500754696,0.0591341854204428,61085.36448257782,2.8223018175804726,69.07230070756987,599.7987911442258,119.26208741546645,282.1397097287314,14.23592760760182,0.16065175207066315,0.19632377117530586,11.947615283016136,29.8668114898671,3.511228704940935,8.412075822489616,0.0,4.6916923867509395,0.10632342875679035,1.11121991283316,17.882269870210816,0.7409278678094641,14.856221570223111,1.6033010066721712e-07,0.0001132097967789073,0.19735473322883662,1.7468683011259232,26.925344681488696,0.3282143643473159,3.042015163397074,0.0,0.00014063033626880034,0.35576073783682327,32.32259802425504,25.56545875854009,7.041653065317664,44.02839610159998,1.9907974977412392e-07,0.0,0.14801053820035853,3.7352137504130734,31.727088680417168,6.6928959636756895,35.3053267936421,0.0,0.0,91.74974347625599 +0.9680913389808534,0.22570361627186997,0.410503652351023,244.9406327348267,210.8902779073734,184308.77321563475,5.3210594848000365,11.42031057960651,0.9563820655085997,47.00275197525542,1.3028717426854581,7.155811031509808,0.3929051738422465,0.6852701015825139,541.2533558567011,4.196396201920123,0.13181988457665322,62768.581321563295,2.8064227425800694,64.09100252408987,720.821598626052,69.76194473490776,223.08590492021395,23.804508498742255,0.19375373173408358,0.2010366560891699,4.440088308548584,24.693679685588073,4.465950322669994,3.840271218528282,4.877803384451894e-05,0.8433542567855425,0.13380452747857,2.9112328987661926,14.018398146752096,1.1500180612152113,19.42703684406246,1.6033010066721712e-07,0.0001132097967789073,0.21332755663017686,4.8658269976909665,23.870842893152226,0.39783264066795315,2.8065055115133783,0.0,0.00014063033626880034,0.33736603144288263,2.5816956414776837,14.703164679370762,17.047866950461067,57.88466121421265,1.9907974977412392e-07,0.0,0.16511940665398034,6.8626065576078705,32.73229734490233,9.081961350863363,50.038483097180645,0.00038504110973451404,0.0,97.05325558460791 +0.9085142714220372,0.18693661691641905,0.3327805107047519,139.95532469380314,176.2650559302268,139572.1751555961,5.524872567412152,28.42861353366387,2.8379149899967486,95.95362618590215,2.006781005692157,19.38672618551908,0.40148096387002324,0.9221536177162951,707.0109606798305,89.76919802051638,0.23351325366840991,148919.8240432717,1.4506857376585471,85.63185716442322,4282.759398144166,295.42178950085236,348.3261016429535,52.04914440750619,0.1638684214156731,0.19443141667426694,21.30122327975604,37.49583607444815,2.7925215671593353,39.381823799828084,0.0,0.7454716237667003,0.1350024244494921,30.83885974930032,58.90413248859669,1.1900488255063113,10.35080044621936,1.6033010066721712e-07,0.0001132097967789073,0.20852048832797648,21.572405381404998,39.46577618962304,0.41058145970175425,37.19330994109017,0.0,0.00014063033626880034,0.13092711804206544,90.95411466739559,70.29088011617281,3.5374887621027975,15.39559155730839,1.9907974977412392e-07,0.0,0.18687383437625535,26.049419234709415,82.33793833553547,4.473476247759135,14.680562956451384,0.0,0.0,180.30935612407828 +0.8975519419325548,0.22026764823570996,0.3593812302695393,209.75030239577825,107.28372748474692,273439.70594977017,6.536264832170214,5.9940952958641915,1.5644744441074359,75.78910141148177,1.2855103650965378,18.56314863112735,0.35621803363399657,0.9318007979370986,785.9585199324689,67.90678923023621,0.1880571299675777,269768.93553396023,1.3932781434193684,53.481137264773224,4225.734190218629,125.9118224646471,347.2304902747327,50.90107046048084,0.18261287346928556,0.19674616510953133,28.57049489319788,43.2020939319681,3.1032276056562176,27.10169375363585,0.0,0.8022138958875377,0.13547233821820082,24.237538559698795,46.567809397177896,0.7123971099553649,4.722284896050597,1.6033010066721712e-07,0.0001132097967789073,0.20800032701644713,25.50689413068706,43.56852157143011,0.3332312517173464,24.17246217060656,0.0,0.00014063033626880034,0.1277930858544067,75.80927380748429,57.487099358980316,2.954416955147084,13.741578385518167,1.9907974977412392e-07,0.0,0.21465297196868513,34.17396379802049,60.64045183483996,5.883387762512276,11.209724418057078,0.0,0.0,153.60489589967304 +0.9868424892228826,0.13828337785603956,0.3231072246999555,196.9642626596585,76.47309520515604,178416.63678953925,1.989995789904786,66.37075019694642,2.10222516177709,95.15549390571223,4.252174674753747,24.289016741857772,0.3454360109312917,0.7928933903550954,826.166926266978,89.68961561131903,0.0668569861346756,82289.45001788854,1.4917474641195316,81.259798540985,2601.5889172900697,137.7505161109471,347.3375983621588,51.746182598853075,0.1683281178615203,0.19656398217656698,16.648672786088426,31.00332958610927,2.4207008546222255,56.250297745467755,0.0,1.2063105616435954,0.1335732697257239,15.260390164248873,33.43431908142871,0.20169102883686146,11.458149147353733,1.6033010066721712e-07,0.0001132097967789073,0.20566339786923163,13.058364306746192,32.20271686662694,0.24787813403783976,44.19748605663298,0.0,0.00014063033626880034,0.11204468480107674,53.535059817656936,50.824480493315576,4.51200338875709,17.207846433521972,1.9907974977412392e-07,0.0,0.19127962373462723,30.021450329287237,56.60652696857203,3.9492878771532283,23.194975231729888,0.0,0.0,139.56292667190775 +0.9318872002363855,0.2283539973723292,0.32909826036730494,202.35146457867134,186.36856534724944,262762.2172792513,6.601207319820411,15.905340489729461,3.3391070214173224,64.50181321008316,0.8316037335953739,19.589639127060916,0.31620950661977454,0.8799473163134581,93.67597604220958,79.89377254395785,0.26867012312513644,255690.04275846248,2.3719727938153907,52.98154502962842,1137.2711927087298,96.40539868592823,342.44004862399396,45.79646021496725,0.18990501372629057,0.19541776438974948,25.414712935964705,42.97690387322543,3.597349068015493,17.020599290451518,0.0,0.7718666771052562,0.13237111274662128,20.230045487125402,40.63121608439239,0.922950307687253,4.076518052854198,1.6033010066721712e-07,0.0001132097967789073,0.20663859730854686,25.50893666645762,42.815921386190645,0.360475756895343,14.62596411182337,0.0,0.00014063033626880034,0.1118039693089626,76.42786749178713,55.9785677172149,7.4324053085402815,13.352316103098296,1.9907974977412392e-07,0.0,0.21020063926121435,31.836711126917745,56.720967920333635,9.200270200860427,7.064700033589263,0.0,0.0,145.41539064400473 +0.8993753888083178,0.23598515147130122,0.35975899398877864,234.28944336295226,78.70159750307803,290464.5265082996,6.2540384587014195,98.17116592208482,3.5565292862481988,54.036802974990735,4.37741846814907,18.964849077578624,0.7808034858123857,0.9807259961236289,762.6776625900591,92.54294389668893,0.214746678552625,297524.849091009,2.8836462907222553,94.79956558138679,4778.209033938653,214.9101267700149,342.21097307989317,58.462560844628705,0.17989445788826494,0.19573237915015781,36.25278331010558,55.248926409041786,3.0589740340376874,15.762906231860109,7.23262655605124e-05,0.712942865774937,0.13590722886985207,32.41083973851854,60.49430804650774,0.5551964484567938,9.95496460833047,1.6033010066721712e-07,0.0001132097967789073,0.20775971220736927,36.83607564652391,60.47375102489353,0.3115705876286281,12.580099899679471,2.5960915755045943e-05,0.00014063033626880034,0.09884183334889322,108.24204777031368,73.64955142103696,3.0143829241704743,5.61728832679971,1.9907974977412392e-07,0.0,0.2037053233337471,21.622044889882343,83.35285008954175,4.661946961492883,9.923072890370856,0.0001947112814757173,0.0,198.30180018353838 +0.9498554013204856,0.2177238965101616,0.40773139942424347,198.04703090738508,190.50782224839446,328795.7552807642,5.764931923849386,84.41381576663245,0.25542184334735374,89.97769074181598,2.986363091954261,27.17328790579265,0.3720425491296311,0.9198617641858213,920.4831265013679,51.65393306644935,0.16366661169391275,277938.2911797551,2.8112588429670327,64.92255059748689,122.53227639752934,138.0213202651025,330.6691502959964,48.15161915094219,0.32191119186048284,0.19462536575046657,18.06060516019425,34.971368799690495,3.2105336913491667,6.512014168304001,0.0,0.8932864254965057,0.1308521385912741,8.742701505367744,23.158756112576093,0.6360196947780723,4.753093684411004,1.6033010066721712e-07,0.0001132097967789073,0.204203556396092,15.562250418808384,36.28141224875515,0.30916769785236076,3.8825801560044377,0.0,0.00014063033626880034,0.35218122205625824,48.8847119850188,28.569732803625673,4.990583078861419,37.93561123270064,1.9907974977412392e-07,0.0,0.1961975650453441,16.666975292035584,40.10671052150302,5.882666024512516,5.089532288997822,0.0,0.0,102.12352083134203 +0.9717232175213985,0.26908578783907955,0.43879455759387526,93.77779178605651,236.47552020848798,300344.9500283268,4.459737341731267,33.28564646677519,3.6194833401556887,84.20972296077615,0.4596282624120527,25.676293740246045,0.5854339247449223,0.9427060118307818,259.0636773433382,71.84550802440299,0.18435113606307704,81743.17404374617,2.836595844261495,98.94906615417722,4881.036985220455,86.32729605743239,256.3133684635706,11.60862502754245,0.30768291701050726,0.19332127092406384,4.593634903796504,24.53765384499706,3.1418081685884025,6.079513935755409,9.615930025631814e-05,0.6520643966311201,0.1373881234536632,2.3979784817883267,21.473835786415677,0.35055380329261016,22.84728738020854,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.35204682619949434,1.0280477214675665,14.134601999551142,15.556271278813169,56.72233022962041,1.9907974977412392e-07,0.0,0.1282389514109024,3.6093493660461617,34.24174309221544,5.1205881223366605,45.14551678501,0.0,0.0,2698666337285.8823 +0.9382843781960907,0.148217916677564,0.32834693714159846,116.0654266881032,231.45071350175132,284684.94126593333,2.9152796501872533,9.920302407107435,0.38127488980364554,37.83858644021288,0.5714060629854729,23.324122814522838,0.34470711446315483,0.7373650549309767,599.0058490635845,63.32592486137546,0.08021633328111033,96544.09603512015,2.6337262900807348,79.33293523776142,675.0425722078539,70.55000917627771,342.76789495870554,40.415342715321394,0.3005952393368391,0.1981009329911555,20.222805969437534,33.59189769741071,2.7426514763460226,23.022948872699573,0.0,1.3710850631057268,0.13373233035541132,14.71776965984167,34.16458119633941,0.22586483681440997,9.316936007321813,1.6033010066721712e-07,0.0001132097967789073,0.20941641018561868,17.73704128872721,33.66639457064105,0.24642800291811473,14.448723006556273,0.0,0.00014063033626880034,0.16521592016167463,52.37668307849122,42.3392850648196,3.6966439318833677,9.438642506980003,1.9907974977412392e-07,0.0,0.2020387494207696,24.493597518590953,47.673557603768316,4.402439400972895,10.40806276565261,1.4067993362205463e-05,0.0,113.32981204371666 +0.9016710431266173,0.23725944104099597,0.35975899398877864,223.1132602078458,148.86619844592835,225163.93291801974,6.533334873852425,70.863674433257,3.8292920557446832,96.2448964000173,4.473441013448525,18.636247441478904,0.7127987013752352,0.9153161652404842,926.6218189594317,97.11958029246384,0.27186051482427603,260737.5326542748,2.710380115473235,96.8307417598064,2340.4217370070373,270.47694171197503,342.1730548585428,35.48809253668413,0.1783107392253756,0.19627679445117968,24.037863051633796,42.986816100760194,2.8629870510719444,10.413769649056379,8.153043557805189e-05,0.7222263931339921,0.12908866268084382,25.64498845655952,50.90619946447518,0.9995373684473651,12.320352778169681,1.6033010066721712e-07,0.0001132097967789073,0.1914866607589435,16.57610032217827,52.769767031163084,0.3289491693489884,8.042896357630207,0.0,0.00014410350517884027,0.10201420855524586,102.27397853809236,73.87044335445992,3.3277050038372824,5.933456267410602,1.9907974977412392e-07,0.0,0.21993917456056064,37.06988947438739,72.53093415969249,6.044446432794102,9.332282346704368,0.0002782792477066995,0.0,178.29957335952335 +0.8837929362932115,0.20693286277600298,0.39529123855547893,88.15839019702074,88.35999970388778,210366.7647064152,4.087380298632038,24.071045411168246,1.8033329795670805,95.20510028831991,4.567287043334408,28.471786357078972,0.4093530114334094,0.885570860179863,594.0252049513614,80.20583631440239,0.1289686871757167,96201.59480426619,1.0761211308022272,87.26297344685352,2724.736426148153,152.47377209297275,346.9415441726088,35.583199848902396,0.18648784734042526,0.19562656514281196,9.12488944833954,27.7335205927253,2.5825382388891094,40.96728932447347,0.0,0.818202774592003,0.13190676724946515,13.748738344010395,32.47957647980893,0.36535688443976144,6.30696063715542,1.6033010066721712e-07,0.0001132097967789073,0.20564276584394653,8.178608470826587,28.029436450872502,0.27929685269513693,36.57007469957751,0.0,0.00014063033626880034,0.13512465865350917,45.577785869929656,43.17799899214716,4.251673269561977,19.99532788580664,1.9907974977412392e-07,0.0,0.20581524738186213,18.32354758972465,43.60619251399535,4.338977858459654,15.789356407967889,0.00023182958793422647,0.0,113.47697696422712 +0.9194718010762657,0.11240894275780809,0.43603171454587386,237.57279411500903,134.03443310271152,319923.3001170952,6.0501456345917415,44.220093478912226,4.070672149706289,70.18122860427347,4.043566666728389,9.011520421939359,0.6378362173126821,0.9511886097017769,743.6821843617672,59.9092016961347,0.2669416153124432,76538.09775059932,2.901239696330358,99.84635709031265,2208.9560490032145,288.5936620936558,348.88095485785794,22.53434994879465,0.3357222145614358,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.08829946127564195,12.877131428955803,30.694030104357694,0.6304372271533963,22.79922893914175,1.6033010066721712e-07,0.0001132097967789073,0.19281237253416716,15.329553136828515,41.014770464813104,0.3130327638753603,11.533622567523972,5.272248729374707e-05,0.00014063033626880034,0.347562748499317,37.02130997138383,26.708682351411817,7.457044802704276,38.57535204624343,1.9907974977412392e-07,0.0,0.20562772691768724,15.090686655935068,45.49992130985899,5.863038291069131,12.90915209494298,0.0002935848280372726,0.0,2698666337285.8823 +0.933653835431226,0.13188950342949984,0.3684673631132825,51.31988709387887,164.20014984030215,173426.25500551495,5.728424774089482,59.5733781819205,2.001425880689348,37.72172209330785,3.214642005480575,18.693500065460153,0.4038480581691398,0.7496057769055068,811.3681093395169,24.22741608585803,0.1445957413396072,105067.38272030163,2.456659097068533,96.812842909678,1245.552201423895,253.7405851287512,348.7621370614052,57.37371051568231,0.3360382729743924,0.19189562921104142,21.484495934031834,39.6681318157802,2.849012720267933,28.4458228904163,8.196111263618926e-05,0.7283656957320642,0.09563381883026667,14.401372279106587,34.107585254646104,0.6458821770694558,17.65040000660883,1.6033010066721712e-07,0.0001132097967789073,0.19771057674326575,22.25232741907157,43.00721087341431,0.32783444809768625,24.840859001846155,0.0,0.00014063033626880034,0.2782422305152867,42.72362992018628,34.67927566094027,4.208331079029456,13.277467716085653,1.9907974977412392e-07,0.0,0.16702101382080412,25.366007021009583,57.26984834106497,5.070357990137873,29.25575202116834,0.0,0.0,124.59786858520286 +0.9630855081756419,0.16787857065836018,0.34149006839943913,194.22421464038652,132.0449929777515,275902.25605447165,4.864493378240908,79.06288455795023,1.4901002257316653,38.8277161126442,0.32702009943396865,29.09474599436967,0.6308390041786531,0.9266838805626767,280.2393232634219,91.80042182886021,0.33677997755405176,203467.11679913205,2.887121313614725,83.92836818657126,2112.1819019318855,284.6436182202261,347.3150092925461,53.85213877651965,0.20406775533309765,0.1871689996296832,31.859157976261788,59.58239776746297,3.130555065549459,18.554449892582934,0.0,0.8877330683097542,0.10368487688328644,27.66215686261103,54.48516523534149,0.539114072490614,13.610106504989291,1.6033010066721712e-07,0.0001132097967789073,0.20082264899855826,35.50744832033991,62.13112690198605,0.2991724051018855,16.619521935442446,0.0,0.00014063033626880034,0.16942430778067402,86.02052748801472,62.83360344608621,3.0542796081514596,8.04687631961574,1.9907974977412392e-07,0.0,0.13507060046999336,34.160762614650864,119.92492788238519,4.7548705903773,18.634318929333354,0.0,0.0,203.90495627545457 +0.9211141764549772,0.2384540626737475,0.32556308153629604,224.66354505215529,85.27123584823929,250279.40583041072,6.520011524343104,69.73191898597376,3.881882285986356,95.34817579689323,2.382552527921354,14.23565504737861,0.7906813109139358,0.9737623076953924,930.8996943675064,89.0177504292617,0.20490045384817485,281765.4809164992,2.5483423022136855,95.19504400740668,2451.297962538319,286.7537800749056,339.8986197923655,34.69160718969511,0.1818266570406284,0.1968448816836979,25.130452640045018,44.23344435533873,2.934554380976457,11.636903196695664,5.376560550724809e-05,0.72762626717844,0.13726351158092345,23.26561585589027,46.77414685039524,0.7147615666199734,9.577043782695235,1.6033010066721712e-07,0.0001132097967789073,0.20964542077247758,25.300303726691876,49.429106164571444,0.33825139482607863,9.054322062343159,0.0,0.00014063033626880034,0.11857513830648644,99.24418906411297,70.23436737823721,2.957254606615893,8.915941251687967,1.9907974977412392e-07,0.0,0.21176058778320841,14.129662068465274,64.55870631725642,4.488456590932981,8.692377167981801,0.00010325496075951217,0.0,167.4912715140235 +0.9577831533917457,0.15413440427888345,0.33812802009627907,230.69753692006532,99.3158696947817,259205.8286059354,4.295873205685886,58.531641674151764,4.569618343028814,79.12940296910025,3.238378146810711,24.69326816310409,0.3911639214669097,0.8566456789188317,694.7810659031401,83.14555805214148,0.3175556936760741,103990.51414729853,2.9147353778252048,87.77293321217964,2573.3752440945727,126.89398881962174,348.90142195190515,58.09519750485555,0.23950649451240147,0.19229759245742978,25.005629956591243,49.57442414170315,2.805004255263474,23.974385650130255,0.0,0.8898574182266404,0.10875951949344728,22.69546214293384,46.401610897166506,0.4482731909279567,15.700335012684498,1.6033010066721712e-07,0.0001132097967789073,0.20258069017937014,29.954574096086535,55.619881524225065,0.28787941523029276,20.98652364653048,0.0,0.00014063033626880034,0.201474399383046,69.53334153288404,55.75654171367192,3.3963937351285156,12.3827637322574,1.9907974977412392e-07,0.0,0.1705853407206126,47.09615564126751,87.96590334093402,4.667083442873304,17.23824409508177,0.0,0.0,171.45345727747585 +0.9416719240515312,0.21240385329258,0.34306259979849557,134.16065052534586,102.8798930640703,118494.84084727152,5.852923735961072,30.51757772601588,4.289768019755566,86.21695874278176,0.997435420428996,26.807766566679803,0.3917426855758387,0.9868116352284377,178.78006352604092,6.171390866026925,0.20678933895169982,66638.01662074677,1.2627671235995241,76.72832858305321,956.9972399267134,121.91960642883397,263.8929249160112,56.56737880676472,0.3140475608524691,0.19090683825524224,3.2834689670253527,25.65730222824121,4.712669613295368,32.950544560553084,0.0,0.9003338126650444,0.1294060069994609,2.365033543146161,15.13317190445762,1.2216513084634768,6.413395494107854,1.6033010066721712e-07,0.0001132097967789073,0.20269925648841283,3.8500979754069995,25.3814688587276,0.4193374286223296,28.772715140928227,0.0,0.00014063033626880034,0.3285161860379804,20.750534346534465,22.49232216727507,4.761208974083296,19.264593145478102,1.9907974977412392e-07,0.0,0.19329457036072262,1.592327238709712,27.23281725102456,8.011665092542076,8.576932835226128,0.00010137292731183159,0.0,75.85900715368894 +0.8976516911770659,0.22425282569664656,0.410503652351023,244.6663901097943,187.23221918574916,298922.91215950093,6.020420669533637,11.84296280021266,4.616171683457036,85.24523397533999,3.6169746971507433,8.126247999222382,0.3935245368522224,0.7426794122489184,659.5001274480876,79.51558365977678,0.19336552067838347,70011.73968935356,2.8373601590175093,64.42769086582771,873.7941306459064,264.0147851422423,226.69097172050095,20.924842140232332,0.18054881756129354,0.20035932848958898,3.185819579352522,24.67543900356284,3.139762020585458,5.85614962810452,0.0,0.7714883414213662,0.14033807901471157,2.3450902822548776,14.557449413077599,0.7940948072469186,18.05070674930929,1.6033010066721712e-07,0.0001132097967789073,0.21329677924048268,3.9642719730369724,23.654143964273068,0.3359918462620075,4.377741768083485,0.0,0.00014063033626880034,0.33774593815338316,1.5256603556335198,14.645220355190533,17.75449644389968,58.691701201678086,1.9907974977412392e-07,0.0,0.16984555841085439,5.2410642254877295,33.49005398792664,8.136316571335865,55.39168742389404,4.000127417175529e-05,0.0,100.31276518854341 +0.8754570843723855,0.16154399220574914,0.4336856512058827,234.6816447766548,118.66257889805593,302805.5026906858,5.658188308960795,88.81817819202291,3.0795268412793706,49.312884743859236,4.511784880792097,19.047662413955056,0.41582132349923434,0.9871364248265934,820.8225299482704,77.28063805393793,0.2847969689563579,266779.1917225878,2.916457692021571,92.00511393294563,2220.2471172861497,184.3048986914113,348.683529478903,57.46854987877193,0.15695385693637967,0.19320535780502213,31.925744251261666,53.14259844504089,3.046628048376831,14.80301936276802,0.0,0.7133835486204533,0.13295801820312741,30.617515570353717,54.713421117152514,0.5824776284476336,10.15057007236695,1.6033010066721712e-07,0.0001132097967789073,0.20554699746351468,35.4790905543014,57.53797186833112,0.30733396452165956,13.030998375050851,0.0,0.00014063033626880034,0.1614043504622286,104.57421957387575,70.83406564512616,3.009075618419894,6.112594383293033,1.9907974977412392e-07,0.0,0.20460881770451078,50.91333262355467,87.87482930308124,5.456470564421046,10.96880238398322,7.566345274631648e-06,0.0,198.26753440594618 +0.9514282502557536,0.21121353706156187,0.44066387568003423,211.32635193546054,179.88508716486885,332771.94786421984,6.740580291674528,73.4860100018292,4.625018254167984,31.770223097136775,4.997764176879934,27.32458683267547,0.7921472836602413,0.7279508379782501,42.738416508933085,60.63299217148116,0.2167958955817556,171960.71096609996,2.885686961723539,89.38997431356111,874.1271856357698,259.4961509405149,346.3195879967493,56.99000117623207,0.27956146298055484,0.19232958595699584,23.530144438607625,43.532057275261494,4.161966830668871,16.042475949309747,0.00018519876902302804,0.920285800651898,0.09693414798676755,16.557374339044706,33.19421465844826,0.7458095517802369,18.04456245902686,1.6033010066721712e-07,0.0001132097967789073,0.20094595517069389,25.466870789310924,46.49387147515586,0.32893698102441726,14.759651223665834,2.0402651519669658e-05,0.00014063033626880034,0.3370118493006245,50.96422977574347,30.824310053145798,9.909556118691615,27.542294047129232,1.9907974977412392e-07,0.0,0.18243438599431236,29.245780906999542,63.58487376654136,10.295973278293918,24.99111061180865,6.622839360376073e-05,0.0,132.2422624394589 +0.9223333567025644,0.2348018735597752,0.38736836288609333,237.67057817812912,81.84923008833172,250729.61757296618,4.7983511056758505,85.51365518607012,2.827288566451443,82.51190473311833,2.1027479888901484,26.959755219339396,0.7086431163965153,0.9897809297969881,426.604004229916,71.1604254594642,0.2661025962317133,184709.37408907403,2.733339700528258,93.37536304563011,2170.7976699043284,281.17078365167794,349.63905860927576,52.950682984342805,0.20868733580853954,0.18904237339118687,31.093274570684603,57.675463104158425,2.9851751278211616,20.6536759233822,0.0,0.7745824430751201,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19800774015601777,34.32052208433993,61.7494811800138,0.3000752303614622,18.71875239660878,1.3079975453870104e-05,0.00014063033626880034,0.13044448845401074,82.7046776662443,61.81152302025355,3.300975338254887,6.867532851207472,1.9907974977412392e-07,0.0,0.15628802495013877,27.174126050001462,112.35274327613354,4.107294634399863,18.16003367290698,1.2404348759282205e-05,0.0,2698666337285.8823 +0.8993753888083178,0.23598515147130122,0.35975899398877864,234.28944336295226,109.46920058436712,301421.0682201935,6.533334873852425,99.85502872554756,3.5565292862481988,64.87784711065359,4.349394435037553,18.964849077578624,0.793048941559814,0.9807259961236289,938.7865278502956,92.7331605495335,0.214746678552625,281590.8210408238,2.876677046996499,94.79956558138679,4818.680270587816,261.85333326700385,342.21097307989317,57.98731816554056,0.1786030319559588,0.1965127446628218,37.10050536455139,56.89034292880508,3.0699005682924536,16.29294562343532,2.986066509049293e-05,0.7103610629082753,0.13212583946069112,34.02219885938146,61.741594068789404,0.6634149346757358,11.896780996431342,1.6033010066721712e-07,0.0001132097967789073,0.20627726092370205,38.214385966108885,64.83704634528684,0.32327768332259776,13.335875891065108,0.0,0.00014063033626880034,0.10471075636178856,110.06791030319347,77.31068657070176,3.1391689728326098,6.100343735800515,1.9907974977412392e-07,0.0,0.19044623136401095,22.900924759298046,89.77350701744878,4.909494879396692,11.155754415331968,0.0001947112814757173,0.0,206.67215104984265 +0.8226596603211909,0.10219665957694235,0.33646864021883144,223.12161570547906,132.58412275078115,278115.1881807314,6.1450179260660756,16.888491497392316,2.9884346290779815,82.99345307652679,1.7141529088135827,25.690582903673267,0.36585316138403046,0.7501042076502378,908.9609980071085,24.429303661469973,0.3191349129872794,113140.97976625459,2.5151679116629317,98.72291894903896,2112.8287407799735,275.5464757388325,347.4419257498697,58.020463800278414,0.2941487506305073,0.191948821229963,25.802701040750794,44.36901390564218,3.3503670396451075,30.088623357965023,0.0,0.7889228597929719,0.08156548206642235,25.004845863563503,46.051100546123315,0.7326614777181412,20.935502197313877,1.6033010066721712e-07,0.0001132097967789073,0.20332408647083097,28.421968631362688,48.078863420482605,0.3323320393115925,27.645039974285883,0.0,0.00014063033626880034,0.21121273752937886,70.89321123875534,52.20370706200908,3.178992757913303,10.540777743151176,1.9907974977412392e-07,0.0,0.19242791381404298,41.74050470386861,72.86630457298855,6.178850214172898,30.369789224989233,7.601146093736295e-05,0.0,162.80297590306478 +0.8823003852295894,0.2087432362755797,0.36781706801479935,245.24246426952922,40.89205287321026,272427.9620501134,1.8144870356928964,10.781095163788708,4.221592981367529,42.52979256039768,4.5281618324179025,27.980094357074307,0.44685817959940255,0.8205771521802169,213.483652973659,62.78509529600211,0.32214337985272584,89719.82234710915,2.2538184295285824,84.10391208892597,855.9618312185504,198.3700569719043,346.44719779094686,57.1959406592763,0.19499038138556168,0.19203895338404567,17.976031805001266,36.547385483270794,2.8540502801149037,30.775018130835612,0.0,1.2625480438858514,0.11980638081808206,32.67168582532621,62.58304125236698,0.3832021567509354,15.324129529907433,1.6033010066721712e-07,0.0001132097967789073,0.20647515438073977,22.352376912480846,41.541882658123704,0.2348553411106867,29.04916250122337,0.0,0.00014063033626880034,0.10944226162650596,73.75949494858926,65.18889028789896,3.810251892653964,15.772870791143594,1.9907974977412392e-07,0.0,0.20622254112573263,44.15558429828967,79.85717909350338,4.199333797701955,21.650888514825994,7.704668010002592e-06,0.0,172.25211914704957 +0.8402788265483678,0.22381750770482034,0.3994182026378373,204.35985871825864,220.912362502358,339974.1721377724,6.769266068028529,62.25958798262631,2.85697641411351,13.127312178144187,1.8345835734336504,27.435952549332974,0.35082931725021277,0.8933349989621542,661.20683704824,96.77237393747737,0.344820637241334,270957.72846936656,2.830615401346741,84.04356118375765,1850.2278129708961,263.1009356317808,336.05970226640164,44.43419936357862,0.3131449736192487,0.195049499909096,20.648606451044703,38.094214738949866,3.2617640453691945,7.994341267081722,0.0,0.7236446648208761,0.12243385147294944,17.807845817461672,36.76495420026544,0.7818341702098407,11.151680491802143,1.6033010066721712e-07,0.0001132097967789073,0.2055787024242921,23.51943376015935,43.86045677272757,0.3324824174848957,7.335831920662218,0.0,0.00014063033626880034,0.34521610758721855,58.56692884263307,32.23581939367954,6.689324271923818,35.85378449826038,1.9907974977412392e-07,0.0,0.21161175955246864,26.843904767760613,52.222619316757374,7.291976161900147,9.227396392126744,5.698788689707747e-05,0.0,125.15204997935794 +0.9887078722735488,0.23892359604309787,0.3930113630267178,148.64696277557863,165.69557973612262,318562.2197354847,4.458849398068521,60.379120083590266,2.126818941992534,44.57170518383538,0.5597012132742262,27.661466214260308,0.41428259239352416,0.8051681281258539,284.97224899462003,83.72234996090448,0.10132687894689084,272759.82724454766,2.8181542946880187,99.38184717729908,4783.437126965394,135.41510146653246,343.6946857787652,19.37459052935392,0.3446167994626236,0.19661431046490005,14.322028134340794,28.443978970312852,3.218640062140677,4.560894667767599,0.0,1.4591419187224688,0.1324700956945375,7.864928776345392,25.00830645943726,0.38394585958986943,6.4028444036053695,1.6033010066721712e-07,0.0001132097967789073,0.2043771599495896,10.720649922291312,29.324218368149523,0.2693811358024636,3.824667973041707,0.0,0.00014063033626880034,0.34724540828657885,44.48836623017498,26.53850066488356,4.292461024398274,38.53366945087989,1.9907974977412392e-07,0.0,0.20094566419100687,13.411878359940696,38.33152264668005,5.144602851916927,7.317864425621847,0.0001798006787099557,0.0,93.17546242160947 +0.9679884263791159,0.11779884095427351,0.44026393074771775,184.8686090370664,219.3796859711793,275503.637479693,6.022441269602567,57.6777453206606,3.1523181923142136,54.00445816531379,3.0506770746262006,28.470429631866878,0.3903463896799613,0.9784092093230206,6.427272369127138,92.84535528991296,0.10223352066695598,63547.98708455763,1.278645695556557,36.43495327196266,2741.1557443765796,45.64507094792192,337.30590007179495,53.53022675246527,0.15610881979152375,0.19209820861002425,6.962882901556186,25.353155213432476,3.6663095804419816,49.77441360818698,0.0,1.8334416484607803,0.12160550084149335,4.891875671121128,21.356206967269237,0.8253485540742742,7.017506989990746,1.6033010066721712e-07,0.0001132097967789073,0.19937402265992213,4.313185333631521,25.912737707237415,0.34230117448381586,36.60279201688771,0.0,0.00014063033626880034,0.10594382773960404,27.9429346420246,37.82598829161557,8.196443135772414,16.83840554859366,1.9907974977412392e-07,0.0,0.17013746761302959,10.838180235360632,36.112657285596086,8.91653264150221,11.786427635436684,0.00012207922635013203,0.0,99.7393217503682 +0.9156706468203133,0.14517518587523823,0.3821988430278571,132.9687683140877,133.42439102905536,295467.6259728544,3.913541607999966,68.04049181186785,3.735176222726098,79.29815186973936,2.01500522110969,18.417559170685237,0.3648994454531593,0.9815187771120965,551.8284941017505,97.0622751670909,0.2425778798469695,119114.88431006958,1.4761769865489125,76.52901988422755,4711.612310770172,259.297679543292,343.9594602188098,48.351835643869855,0.16375921909305777,0.19228710641206145,13.081992974520228,33.262481578504044,2.8514069593891316,33.40150329588306,0.0,0.7497046458871404,0.13388618759712761,18.343032296451142,41.227128694534066,0.29195154946536056,8.863274901895542,1.6033010066721712e-07,0.0001132097967789073,0.2057220806179275,13.33665230105487,32.16335930282493,0.25881204663261237,30.919177225594996,0.0,0.00014063033626880034,0.12600139305146113,59.967231237482245,53.8226103672288,3.2944462100248852,15.722865289458817,1.9907974977412392e-07,0.0,0.1826884363272786,15.296177306074375,56.06806076078576,3.8449036238564807,11.847685542902726,0.00024319488366634072,0.0,130.26504718906816 +0.9762591022872666,0.24367750220213064,0.3704669721545785,164.071803598423,153.9905402616529,291135.3334590637,5.061932234597077,73.31766986379726,4.635351559252631,76.21689083514426,2.608385869576197,20.4024550814728,0.49074156176813094,0.9392047450740519,314.60778178175946,60.86917610838016,0.23055210405252108,135777.5481080536,2.653366501275836,92.03474800233546,4946.3108002055205,271.87747272868813,346.1857619352069,58.546960009769776,0.28883622707553325,0.18899547079470463,25.457470465414545,51.54004938711941,3.241290464719405,23.619323800820123,4.95743945500988e-05,0.7251196230101605,0.09947452797506276,18.833333910177007,38.56045831003703,0.5312966188435833,16.894325590559937,1.6033010066721712e-07,0.0001132097967789073,0.19984966090797368,27.616974976835674,54.760209629028196,0.29611500608142216,21.232122275559377,6.287537812568232e-05,0.00014063033626880034,0.27948117528650085,61.103580066858775,44.305583792354504,3.703874099519713,15.520134646436338,1.9907974977412392e-07,0.0,0.15134203111348737,36.0999171606396,77.7947926347519,5.755546639939526,22.382650303222935,1.4660163506275097e-05,0.0,155.09252534598124 +0.9817124284697311,0.22616224570025192,0.3608667455938267,211.8762207442808,47.392660510315274,228353.8730942808,5.4667805558672224,79.5121221984396,3.6315107319153976,91.63850236754617,3.0047884958280338,27.92872128977154,0.49072533039394556,0.9854963641331171,740.6082424408949,58.07171274252413,0.3116728172664521,131279.18219161453,2.715087599904617,94.90046634109518,4890.950255645848,256.1529899278682,348.5652151584641,54.74095765678322,0.21490707737945391,0.18437077460564624,27.34469243096107,57.15083326533574,2.869848473175325,24.082450141837967,0.0,0.8111067429268929,0.07733058048776528,28.174170306746,52.92608486205266,0.4786678947795691,16.651611451616642,1.6033010066721712e-07,0.0001132097967789073,0.1953891786959125,30.88691593719743,58.39591811531534,0.3107805498951986,21.839672835613733,0.0,0.00014063033626880034,0.1536373027194428,73.80617569692934,58.738222028739926,4.143165977669999,9.53159560454733,1.9907974977412392e-07,0.0,0.13524725337415258,55.96246718333415,111.43531387959467,4.8979273851954215,22.867379593126675,6.984705800781666e-05,0.0,196.00668803658604 +0.8527906204477805,0.16159875063701723,0.4005040685448944,87.74253444260845,235.30058414156616,215870.1935496686,4.175448761061295,78.63932392306953,1.7273584569641183,87.52882998617508,4.688659451087634,22.616830771068013,0.3224995573368095,0.9277115228969923,675.7893225239641,81.01226785312333,0.25878592486392676,292044.68047194724,2.9987577846239426,92.59750217979688,4532.102615965961,112.24181435837968,346.3835319806545,54.00583168675178,0.22122467475375715,0.193487520885827,31.51289499024291,51.19611359790454,2.590414284409214,12.40345576153278,0.0,0.8973547570881861,0.13075876917646936,26.404081130142494,48.36089532986433,0.49536214140333207,7.065879641166866,1.6033010066721712e-07,0.0001132097967789073,0.20498536438019416,33.6816556760082,54.104609024905216,0.29229598246354177,10.987684248457683,0.0,0.00014063033626880034,0.2956141829664732,86.75881152582069,54.38274637929984,3.7797296213026383,10.545717831634567,1.9907974977412392e-07,0.0,0.20717833917956688,40.69847142050328,68.31353243406319,4.503051700198751,8.742906440211044,0.00011372994297496219,0.0,167.55383276342232 +0.9356458576251863,0.14017263912144878,0.3322820240297125,124.34694934450192,232.11723997982605,218285.49227302556,2.1811433478589852,94.08050717103247,1.8725936556287603,65.67755403388347,2.1018531288700055,12.743474773146595,0.4185745227695012,0.9323913108011548,466.67534543503996,86.71255802146656,0.12685758459368135,79590.64524392449,1.4370565342226511,52.330379644990096,1838.1381686518,28.430834604271077,349.7183696996243,54.34013074160918,0.26021687718957315,0.1962096359850498,13.080283165947035,29.983722794104615,2.4827628163571727,58.8725015430522,0.0,0.7889017997847643,0.13826039484181357,14.82188206022045,36.17143520075922,0.226041196614693,10.388265100055413,1.6033010066721712e-07,0.0001132097967789073,0.20871120763228296,13.576599772977007,31.664394762568335,0.2463175654283268,51.1717449484946,3.092336399475181e-05,0.00014063033626880034,0.13383298248521291,35.84270090243663,42.65711486554834,4.230877134215588,20.330026646060762,1.9907974977412392e-07,0.0,0.20665255365958857,8.43462118514644,38.475857362823895,3.210579104791583,22.612136120017468,4.4076669837264976e-05,0.0,124.87322062641086 +0.9875133993844377,0.1915842712761442,0.42112686377726677,173.9456860983989,216.35464560790922,327583.1364246153,6.876111087813243,81.53452964668246,1.006348058344043,27.33592098530265,4.79069561575689,25.86802399617823,0.38691361418896103,0.6959789165248633,141.68976083376634,59.994067794033285,0.30399624805030256,247792.20001410865,2.869059243481674,98.51983330832175,4460.8337626835155,117.48336087935607,348.70414609348364,43.36024300792631,0.29461215440584815,0.19604600608187506,19.703262769317686,35.05861801928632,3.921034711245833,9.889148141356706,0.0,0.7676306719262636,0.13468695107052162,12.298343582137802,28.95384690766637,0.7668707691776051,8.304993160843939,1.6033010066721712e-07,0.0001132097967789073,0.20737536522141609,22.756742736536616,39.62023521891425,0.33205335776650774,8.288590722457613,0.0,0.00014063033626880034,0.34149371481058827,48.384305321435825,28.277686062946525,8.76628037247039,37.82411049374485,1.9907974977412392e-07,0.0,0.192955103801361,24.92032823820879,51.477665863675284,9.193152322915557,11.723339418473701,6.478502274952532e-05,0.0,114.40288330691709 +0.8078490699460982,0.11778426066299304,0.3443594990861397,74.96855694123036,43.538716092038584,134754.63012045168,2.215078919526947,16.037012497652945,0.6292030706918388,25.675016746300138,1.6090267895012604,14.291074025147985,0.3291058874801268,0.9473153502906436,102.2020274125301,3.139335302407101,0.29800409537829786,106023.5755003177,2.20020908881233,93.4591767757166,294.36165786245965,239.32199736924528,344.4993661385301,25.845603040425544,0.2110971906651646,0.1944083708904098,11.565493072026724,31.69496583615042,4.0040576906222,17.08385063067686,0.0,1.4403671181907214,0.13127305751153714,22.68043598786475,47.24840902107538,0.1889002658628402,13.305988781524201,1.6033010066721712e-07,0.0001132097967789073,0.20656175107960847,16.389611094334963,36.455935267274405,0.25422910072658433,15.639272280591701,0.0,0.00014063033626880034,0.12108372648982951,66.61901256962055,55.62151415601822,4.398479568312761,14.10161124727763,1.9907974977412392e-07,0.0,0.21420051977124302,27.97283686749638,59.133337620250266,6.054208604296195,13.550129758252716,3.309976496304472e-05,0.0,135.88303286092952 +0.9676997924953769,0.23858323870268694,0.3247330889283615,139.61981003207117,228.10168607719226,346128.2521159417,2.8010250427715437,32.576656504826644,3.3982000442303444,98.02575341728301,1.6074798107580992,7.086731880252747,0.4951412533919156,0.7416811160152144,824.5838475405819,98.00941464924695,0.20463077427341272,80291.85626779056,0.6279800301028486,98.52284988219117,4472.72494055393,135.7382408968958,341.74266575010677,54.20811204840639,0.29339605976631405,0.1999002689517899,9.934018199263171,27.802187394782997,2.848863468885911,68.04947574050254,5.810822056226335e-05,0.7034389520499122,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2131682218675932,9.755766582368956,28.610091885003147,0.24052494872583116,63.46719595854101,0.0,0.00014063033626880034,0.14161921828747823,23.689444550580077,36.13507958771138,3.096160239986938,13.937408153304409,2.7615343999459633e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.89922781832973,0.16713919578945113,0.34825202590421406,175.39169357329612,227.777224139449,309758.66773539013,3.8587307306581864,72.36224998187141,3.342311741205436,90.3016505922666,3.0154691847209607,25.985606867901325,0.40193516522850425,0.7755902915701136,970.028586553825,42.33900379920455,0.2255101413520356,222194.71862349537,2.246533260019034,58.75385728512592,1966.4892944691744,170.83077728241983,348.5268599079481,52.48447530578306,0.1605914282892049,0.19651023478910376,27.190999242368928,41.424722996502204,2.935775431727795,23.50060891835185,0.0,0.6339645309287733,0.13387448430759374,31.11459798038284,55.7430939541678,0.41193008624201416,6.805448486577833,2.3361770431119653e-05,0.0001132097967789073,0.20719310811227057,28.554096630148706,44.3141662675041,0.26877688605705374,20.921647093518427,0.0,0.00014063033626880034,0.12166387388517695,88.93409583297577,68.6305637458599,3.051988167097372,13.469116567953597,1.9907974977412392e-07,0.0,0.21599911691448936,46.43858986520138,78.30629535935884,4.932582935643535,11.506459487930513,2.9231810142857217e-05,0.0,177.794513807467 +0.9157952223446558,0.24629880650058766,0.3756118867610303,248.14951224524248,245.23609832563184,285346.27203494677,3.7672957591055067,65.28579622588492,4.966096284281026,38.663655508522666,4.735559638629166,29.228846338337796,0.3880009852011731,0.9883408770816552,231.65231417937812,49.028207268332096,0.25657462518660334,90112.75717462962,1.7666685545689744,83.32053111576485,2511.6959295968854,270.8441574203292,347.04225482515113,37.95014800602228,0.23019645960340004,0.1908233993536759,11.478896581596004,29.67648343801937,3.245538787977566,32.27533527960294,6.64640997135244e-05,0.7856527176633078,0.11509979813627014,22.882888467919614,46.9224985580958,0.5587962751552557,13.344872277488962,1.6033010066721712e-07,0.0001132097967789073,0.2020741925085453,13.758128103359185,33.97136240185601,0.2895548339279604,29.19373182264133,0.0,0.00014063033626880034,0.09706866415870238,63.99657860349612,54.128750717111444,3.3135062651285034,13.555706249863514,1.9907974977412392e-07,0.0,0.17043375344732284,39.531716395003336,76.44318779691531,5.783955841660429,15.867005279646014,0.0,0.0,148.58207235207684 +0.9163344768924634,0.1736815485477369,0.4029905923755238,234.17282173600054,177.8787834094644,270621.83041466563,6.568969967219454,67.28737587858555,3.973038785450657,94.22905580706795,2.654544286489839,26.60391079836978,0.7940746641552465,0.9817921036212633,988.9824601682164,96.56284080963944,0.2957994376654014,231852.94912258117,2.7721069209122278,98.24642827633036,4638.484256321069,295.18884474340246,348.3853988704535,57.68742297938044,0.19784378636224761,0.19089904142858927,33.061351844916885,59.03501121584299,2.9963173179015565,18.01079138045546,0.0,0.6853527114761296,0.09535718574546442,28.716339800432742,52.42551314865044,0.9202904732312225,16.4637331186398,1.6033010066721712e-07,0.0001132097967789073,0.19967705126623256,35.13591600185204,63.47410478278978,0.35932204503752513,16.02581697382641,2.9638705344115397e-05,0.00014063033626880034,0.29215001968168736,89.58550693956404,57.09301584889678,4.219269949596971,13.74574943711223,1.9907974977412392e-07,0.0,0.1582605815730718,50.60730057380423,100.60574646867238,6.4521397994333585,15.74575074618843,0.00034689577522801585,0.0,196.8291882707694 +0.9591145267745167,0.1122753105775825,0.44717549395564427,228.10252239176683,214.95263989842326,168810.68437995051,6.835732341689263,51.83731915096493,2.892875367870393,97.91282586357462,3.8063977993963842,3.496536774639626,0.3865225579802393,0.9264712383722657,375.2545964690272,57.858262283896174,0.08462788249314335,157989.09449168452,2.830251614786932,51.844533603520404,989.8604702472901,62.280482470702346,222.3887225604626,12.30092953811084,0.259905330447696,0.20042094498681096,1.8318190422630156,24.623708913524805,3.164443504970686,3.6118707496366182,0.0,2.7494985392253497,0.14360658389675912,4.357905457900305,11.59095045716964,1.4409572375799602,14.842549362656063,1.6033010066721712e-07,0.0001132097967789073,0.2129456980417906,6.265365838344582,23.629224062976185,0.4513365279228592,2.6963806091495277,0.0,0.00014063033626880034,0.3561070847168197,7.638243339059688,13.664243240590324,20.137060408521595,61.03738285237839,1.9907974977412392e-07,0.0,0.1484011170896338,7.033411293614266,32.56227047174005,8.24220576693667,39.5375487454109,0.0,0.0,93.47932715062714 +0.9245516044934441,0.11031896331481933,0.32070420854060455,123.65498015578396,158.75100068947563,260052.64831982576,2.5872835913811296,69.13341451846011,0.7025811576975118,54.52557339372006,2.888523323417931,28.79561974927251,0.4324090131166925,0.8108452751836256,333.91583153695245,24.01418249525781,0.1301549022825918,59437.45646687677,1.0362132674003366,73.04154872963986,734.5996985004534,213.04118581636328,348.0891248128489,31.916492077793805,0.19557100911837713,0.19456697801417205,7.006744177403247,26.144023397666242,2.972011879212635,61.045993384812235,0.0,0.7261739358542372,0.12936886772832107,11.638268337883632,27.76470369560935,0.21210541318673165,9.512961483542563,1.6033010066721712e-07,0.0001132097967789073,0.20455666347473223,6.97523830951519,28.123836394742305,0.24434674537148388,56.22338414163119,0.0,0.00014063033626880034,0.11922270787559566,45.9367320221177,46.29324804741827,3.942182629789604,18.95264843153241,1.9907974977412392e-07,0.0,0.19549373759893096,17.175294392872466,45.37485418730963,4.751472485474212,24.358971367436208,2.8302630129963543e-05,0.0,130.62972471311286 +0.8466885528346823,0.18206308508299468,0.3345840008310064,243.22852973240595,235.39017093206996,261788.45348361955,4.417727137668813,59.182131540575284,3.25000024490064,61.97815108717269,2.56696746900115,25.014275484527474,0.7870401827242022,0.7028191909152248,387.2898376034276,41.661100687210556,0.21621086549853608,206802.07528194843,2.9557466567781567,55.3312970814774,3389.4539429563292,214.9864164766057,347.46005730482136,57.771176915048585,0.26472549827612796,0.19802577197981744,32.87110500995268,47.75105834645648,3.1819215080755963,20.109407643800505,4.73900619623992e-05,0.7422950258641866,0.13695273866073698,27.1971444275843,48.49772409365603,0.7247341219950078,8.610389106238104,9.509351024048114e-06,0.0001132097967789073,0.2098088350424167,35.1405441027746,51.27664256115445,0.32074862834257456,17.156520470742414,3.240442670673702e-06,0.00014063033626880034,0.1020210273077094,75.19020435308916,53.478669141996974,3.241427276867067,5.259471324123591,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8922426988639343,0.20875493468958223,0.3712339774066373,203.78934561253138,127.2627274294202,300638.16185889853,3.3163422566822125,58.536673322661414,2.6293507800574893,91.79903794882495,3.1313092014730937,24.28663614124549,0.40266252954080184,0.7997684345896727,808.988326890339,97.96926602121201,0.06533750573607594,105091.39357527594,2.889153960801509,79.43667256283086,1585.3828950328389,255.9476312141703,347.7921122106581,57.78908099305899,0.21522534145112004,0.19716684609092905,36.100993666116935,53.13326124040171,2.788795719769887,30.946776589142534,4.67081405953102e-05,2.27982677578295,0.0914528072685262,28.46917055125282,51.10078302006561,0.2579427237416948,19.22666217429117,1.6033010066721712e-07,0.0001132097967789073,0.20422712311276697,31.273805991089123,52.605231305910905,0.2528091841218906,21.92593303428958,0.0,0.00014063033626880034,0.15678403685703177,83.72573613494943,59.5615350011056,3.4132821681091823,11.771999084217384,1.9907974977412392e-07,0.0,0.18125779764294953,54.09399127863896,97.41127519392907,4.559761679149331,31.805977071593134,1.3579090714520558e-05,0.0,193.05509551743117 +0.9826338480559148,0.21098266619441647,0.3875650081784393,231.30977837734417,139.89150880140488,224808.36989966198,5.993013689308241,75.66411507526767,3.3583386088025042,99.11727053859316,2.950523547371133,27.70138714272133,0.4125454444971899,0.8074375965306199,907.7698360775432,96.96073509108405,0.06050060498517308,262725.91834821046,2.7130091163008365,93.60174505750608,4799.436776177869,232.83337062792214,341.8007906373088,52.624494366380624,0.18050310747410026,0.18239246244588134,22.77996672129902,53.69374781533872,2.443752385055538,18.18009294646249,5.935107963226493e-05,4.199807343241392,0.131734832114893,22.122454705035913,44.72039373260226,0.9136179150951341,9.234245587234687,1.6033010066721712e-07,0.0001132097967789073,0.20363887250811216,26.789452251734183,47.52620386260642,0.3626806170520015,10.578355828937307,0.0,0.00014063033626880034,0.2393636220479819,93.35003324806864,59.6959486158838,2.911523291071085,7.433959697134486,1.9907974977412392e-07,0.0,0.18210201142076415,42.75028107003016,79.50853416256774,5.502087942078449,10.148394376002605,0.0,0.0,173.3325034801534 +0.8171773097715225,0.11534917428396595,0.33546575859522365,34.71270260994552,207.1932327378389,278729.50794883555,1.675137061592223,69.74535339209802,2.8908231053353988,41.061130209132706,1.9909582821095813,26.06261990735065,0.3875178326252801,0.9074191110856773,55.92892137677061,2.2362704081640103,0.06961447662581975,153204.75062176277,2.1803846987429556,82.25393678854256,3070.25911542185,261.3300252835732,347.498824579709,26.079652024614475,0.18145568944736473,0.19364840001125508,17.49787838952512,33.48780378900502,4.442565998820415,19.114982461312835,0.0,1.402944181867735,0.12536672652062927,27.718408444268626,51.16368396373358,0.4599441363000368,10.14787289475931,1.6033010066721712e-07,0.0001132097967789073,0.20497382349718718,18.598502293011748,37.43046563689718,0.23978479806502653,15.825248027427952,6.342353416394268e-06,0.00014063033626880034,0.1174795031037924,79.25804547221708,62.09669579514477,3.913303319037222,15.087437420231812,1.9907974977412392e-07,0.0,0.20591625423795204,41.07298706477414,73.75877660294472,6.007353659584166,11.304187327886469,0.0,0.0,158.03010298869262 +0.8962726438404893,0.10296144971401197,0.3822328466564727,173.7850683189434,198.71085399769063,317752.4171589834,3.7852577534256624,17.612588140751285,0.7387490422121497,87.73364720907153,2.404909649142359,18.30125467609489,0.42092028405230314,0.7980914505884255,503.376090817096,48.8387757951208,0.2021264683581081,59450.43913142498,1.2997552747265622,93.1036485801686,4301.162035832427,259.91943901991067,332.00071332865843,58.94753475055857,0.33095094599525987,0.19554250277856058,6.9261417761536315,25.81908216238025,3.0644447876282097,49.204892578085406,0.0,0.630382916507631,0.12854583672276784,9.261811470454424,26.931984340420325,0.35673617342572894,14.164552823134688,1.6033010066721712e-07,0.0001132097967789073,0.20851006022146487,6.547222038935925,26.55848861889296,0.26184176411190774,43.36050154239139,0.0,0.00014063033626880034,0.10669355263286694,32.56464391611489,36.01556819369736,2.9927938363442697,7.660479132123546,1.9907974977412392e-07,0.0,0.21365020209629704,12.038494251876637,36.066394882611704,5.1165449894417305,18.677464016804006,0.00040689305662354306,0.0,105.03290449965854 +0.9174195895366378,0.15278636561986444,0.39093310098707706,236.2309745033586,103.24827957300485,271864.71508697054,1.835335402430543,54.977157922452925,2.162621608613095,80.02169138093349,3.1993971276546276,28.117631685228805,0.4522430410244092,0.8097689825208454,827.7634775123698,87.85780387687154,0.08940349765919199,178111.92835404107,0.9341347184181581,80.51530957843907,424.0168091498756,223.6038740579278,345.0871550955542,51.88887127091717,0.18771508353056335,0.19443354067127072,18.26022762443007,32.84700718845487,2.5507096423673334,33.90171447290886,0.0,0.9555760802615902,0.1319985471716283,17.039664705912703,36.101163501533385,0.2887154853664038,5.091712039231811,1.6033010066721712e-07,0.0001132097967789073,0.20616660903466627,14.876708887676028,32.456420316979504,0.23606272137492867,30.601386398861376,0.0,0.00014063033626880034,0.1287562822055631,48.17736666773672,44.5459252324137,3.937849867990127,17.316937965388945,1.9907974977412392e-07,0.0,0.21049226772100327,22.056078001858605,47.038273407199355,4.024982353194904,14.964323841602036,0.0003342717292072119,0.0,118.15302603138016 +0.9206375415924105,0.1988690545969027,0.3321454198516292,239.8625606128962,222.3595817722618,335476.7636144712,4.729154584996994,94.06418242156356,4.94748393286135,81.4833501342321,2.7856325129367696,16.63094379737404,0.4212496795721298,0.8805744196779297,797.7053193634955,23.48848815020927,0.3030014260541918,299046.3868550112,2.862755293435261,98.24346495308798,3922.1912882845168,281.83253500276163,331.23739636483026,23.81256100131936,0.15189167244150847,0.19474533012130274,12.901447616116972,33.23672962327593,3.3228635842451753,5.962643388711,0.0,0.7479886791289436,0.13604093575622506,6.068997327960069,22.306610219927563,0.5703344386751731,6.90672713502575,3.788114362153324e-05,0.0001132097967789073,0.20754568385900093,13.852315912558334,34.78872841236096,0.2927648939549214,5.132600147900536,0.0,0.00014063033626880034,0.142343214417909,112.31721070771594,76.98881470831579,3.3594426044285512,5.679225489415553,1.9907974977412392e-07,0.0,0.22023409387345322,12.759648966880698,36.252283048326994,5.987132766276372,8.773721274199229,0.00027773686424085135,0.0,153.31438500807602 +0.8903685336253098,0.13283352431320095,0.36794216302150545,234.86672818648208,115.32048908685553,307665.8275761337,5.3005437980221295,99.78143154337091,3.207363936301644,95.5083196494894,2.7929998223323835,26.97183556208859,0.603123161588127,0.9110349838855464,362.0212483477567,41.16566050044445,0.14513200607808874,100998.86174347525,2.370908881167739,99.61996237939965,1125.546678368507,259.1018288783767,347.77889616065335,52.22351802898951,0.17912590003305354,0.1910921927075925,25.52560666560779,47.707186978561765,3.4337354942004694,31.63673808094381,7.325234559354312e-05,0.9858014299821963,0.10684172454249764,32.640370897762246,57.954113949950695,0.5179411140893252,17.818444992098378,1.6033010066721712e-07,0.0001132097967789073,0.19908321553618172,25.738979327904836,50.09547480646529,0.29629350700758345,25.590187267773338,0.0,0.00014063033626880034,0.11781410477120201,84.72036198450353,67.39035653311107,3.2972155615948187,13.571099111429236,1.9907974977412392e-07,0.0,0.1759973786121368,56.26197910700481,98.88082275913447,6.341726270972534,22.61782145739949,0.0,0.0,194.72750896175165 +0.9494153019328847,0.14476766224658266,0.3484458450014415,37.209504143966996,215.56814533272404,243627.69468244427,2.1314977780022293,19.253393869392433,3.2272865364533807,52.70790152242181,4.81133940639451,27.692432270304224,0.3512187300668791,0.853573589510188,357.87054669640634,88.28402998906934,0.30998620824061907,71833.45327005762,0.6211311121343823,43.49201276875051,2993.706337966417,264.393835575588,344.8479102738885,53.836078591122785,0.15742632857389005,0.18986579868694117,6.575600200324953,27.734275772612573,2.5458900415225054,66.56937223153975,0.0,1.3639149811549507,0.12978737428402132,12.3826480524437,29.214017171352758,0.3696913695972802,9.758251152684178,1.6033010066721712e-07,0.0001132097967789073,0.20358245251227947,8.725642984280752,29.843342934612195,0.23574241461863765,65.89743638166316,0.0,0.00014063033626880034,0.14172790369650648,29.843259858767436,32.30905285500485,4.1528413256679615,27.044579746376524,1.9907974977412392e-07,0.0,0.19377362713963986,13.884232069181332,37.738914731584906,3.9471447540593436,34.49463926007309,0.0,0.0,131.03224934360864 +0.8258864479025281,0.1603706606170826,0.3477468922890067,245.85792588139222,46.112669964330706,305557.2334993829,4.185544384705804,77.4455857614278,4.877641143809747,95.24599089273116,0.3913430241965177,26.0255751446043,0.412901215931575,0.9753135216159852,315.9284945123751,30.725635527782174,0.1433428994047492,139352.65035587247,2.6365795904181497,97.5335314444813,3719.6200126249614,248.23207553383494,332.4064225145523,59.57931707183461,0.15819505425220476,0.19255325238158846,28.874141568747227,52.048975689442344,3.406117299708726,22.669589451003837,1.91785582840728e-05,0.8093497261670448,0.1200653735961144,34.03753641267306,60.73121256636916,0.19762145454632343,13.420016231074275,1.6033010066721712e-07,0.0001132097967789073,0.2002904716260649,29.617669594184,57.26029141670731,0.255036120894663,17.662053697027712,0.0,0.00014063033626880034,0.11906710524981405,88.747409607243,70.4990455369511,3.7028729582631947,15.303070726284783,1.9907974977412392e-07,0.0,0.19118788613701526,52.481704152637185,96.76174713597942,5.064314888159442,14.745730587894718,0.0,0.0,197.53079229121326 +0.8397360776387445,0.10708554784851118,0.3231870039448005,118.13160464473826,148.68409886259047,340796.9269523248,4.540331659171715,98.53957007180811,3.890717425963449,69.28708822067814,4.03724893141477,24.292314611728727,0.4464223126651866,0.9144411402923488,898.9318888498464,82.39286691175931,0.10999054060318181,54591.49360519451,2.2641510923159913,81.35320098129125,341.0660507519586,296.5686201407792,326.97232434512523,41.06192206519261,0.24615247663636028,0.1917695071229681,18.544294995554885,37.781935525323405,2.966994256382617,33.92326972844591,0.0,1.2557675345614425,0.10819630671363303,23.963951460095807,47.701815969718695,0.2888257460574233,18.31183794163968,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.14657723277830811,56.47936887658512,50.65754224066015,3.242155632936357,11.985155735732935,1.9907974977412392e-07,0.0,0.1928666978765143,17.187301916801516,42.839074681017074,4.54001034390827,10.185146140947658,0.0,0.0,2698666337285.8823 +0.9360661718223868,0.11735418961177221,0.34487376418634497,92.80186051283447,179.88399440539337,173704.66825994733,4.011455395488728,78.35443011449965,2.9951548578196787,47.28520354288821,2.184175566781741,27.319552489152176,0.37390510266325166,0.894386165721966,391.76682553189664,24.987897652806687,0.10869239345381988,58337.98920108084,0.763704040886009,60.382032347829984,2296.095565732843,269.119856780459,317.8650715316279,52.87026395011517,0.32808522832395537,0.19200806110854998,6.167018552380265,25.647218808346675,2.90686124389215,66.0686582403261,0.0,0.9414793421059447,0.1263584750731376,4.687063615882355,20.53062613590494,0.6026141623341851,6.43302467971078,1.6033010066721712e-07,0.0001132097967789073,0.2019918044051893,4.664411920907357,26.749929271665494,0.31477454779770475,57.31448863658604,0.0,0.00014063033626880034,0.09029136734745977,15.811586580005915,26.74971917386627,4.236151510750679,14.844448401654192,1.9907974977412392e-07,0.0,0.18907243379238026,5.926538354838701,30.504971063593672,5.060419529855645,19.20940747663957,1.1890723304874e-05,0.0,110.1911214907332 +0.8619458036859433,0.16453239468964073,0.3729819426374314,32.524358700392796,177.81191619215542,315861.54655216966,4.01871061619953,77.48080863802635,0.688596630513145,20.985753036405676,1.5678424387699557,13.142470539576948,0.3627067519131038,0.8834875763605634,320.3462958679506,78.26000590189868,0.2041635932992666,122334.83237046878,1.0289495628225374,45.502865211467935,2853.669854642843,290.0250614786866,348.9256073557422,53.82869511858421,0.15970881289109667,0.19686506513137272,14.929513400716495,30.87847075830462,2.9318001680145236,45.69997281092443,0.0,0.8738865555317868,0.13870376905208662,21.798172635121055,44.04525070955672,0.28492390783445354,7.553809266840244,1.6033010066721712e-07,0.0001132097967789073,0.21031897219053441,15.188899431064627,31.52699927243198,0.23815755453691026,44.0854640936436,0.0,0.00014063033626880034,0.1543255438214595,60.93091765394185,49.95916061811619,3.613118419634673,23.217357515029313,1.9907974977412392e-07,0.0,0.22154921587337703,23.47554910875477,46.85805683331388,4.249749809327705,22.918698894451413,0.0002709737301753425,0.0,137.71571358679506 +0.921211374559101,0.14517518587523823,0.3821988430278571,127.16893834891894,170.3447588624496,286475.6697151761,3.913541607999966,86.62553594806022,2.4338737383792908,87.52684455584,2.01500522110969,18.417559170685237,0.38040796816138356,0.9882825393892576,646.5680963235616,97.0622751670909,0.3136815429670199,118095.00626151741,2.962311521533923,72.20453491444687,4711.612310770172,259.297679543292,345.4718110843675,59.281737045046604,0.2371443535262347,0.18733574875028208,25.465707892898756,52.99917744900389,2.7863158136276702,20.269593223969256,0.0,0.9701655638600784,0.08002238482092425,24.00906779489191,45.59120711325317,0.33891342514773454,16.290657817251375,1.6033010066721712e-07,0.0001132097967789073,0.19877637101435805,30.418616447474612,57.46697442012821,0.2635748179772836,18.444700380592884,0.0,0.00014063033626880034,0.19029143944624363,64.94850106958783,51.78847900905807,3.244005203698377,10.396127328530191,1.9907974977412392e-07,0.0,0.14576450773692393,43.426085926648994,88.30401238540298,4.527471392241587,19.619687767987017,0.0001629962717623036,0.0,168.7407524282162 +0.928828511886527,0.19228063525873137,0.39070315997936733,172.7895266939064,18.155867415477417,140439.25259458,6.565753354116664,48.010248496959036,4.5884599286154195,9.49834118278605,4.261970576370217,9.299981028828755,0.7515110826205633,0.46154566921511764,897.1372746881682,28.878091502693163,0.26209446335222913,58922.4645161606,2.288549664051015,75.80240845751447,3082.8173376636996,261.8470170106452,245.9877424609441,22.864361661730307,0.3443646161671683,0.19980544130603892,5.265587944738062,24.729370509541535,3.1748715344798,7.486546062028389,7.15876530475251e-05,0.716161186506952,0.14463582782250894,2.947216494963162,12.631891727013219,0.7201853037953689,13.04366090720912,1.6033010066721712e-07,0.0001132097967789073,0.2132000814434496,4.527110479375121,23.78790917117551,0.36696897683127055,5.116115617017758,0.0,0.00014063033626880034,0.2995241950273281,2.701784365590699,16.48150299981833,8.863681155344354,49.70858225501524,1.9907974977412392e-07,0.0,0.2191725551387373,6.5434484623394615,30.14419371192103,4.675483780752942,42.85585464148072,0.0004658170738564095,0.0,85.41750181789982 +0.9690220145235071,0.18168544381886825,0.32905571819484924,220.10187869241184,21.765960655363003,111242.34256251885,6.476947514430584,87.95809871217801,3.4718082105992027,80.11393823767776,4.64989268921837,18.74647037272647,0.7312685928324087,0.9838902935750622,989.1207756529783,75.70714646672283,0.30413866333233425,272996.96154056967,2.9264076332414217,94.54839125459671,1939.8265056042344,231.83104478088342,349.6870038861685,59.03986173102457,0.3202843668075828,0.19186319736283522,34.786262319765015,61.876349039605095,3.08128940906544,17.178168211365087,0.0,0.7887702782143373,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2057836840227489,36.71551657260334,64.79850616739462,0.39485935213045137,15.484978080781577,1.772287416873601e-05,0.00014063033626880034,0.3535495168726621,64.31130938819112,37.13923028401702,4.575831372824768,17.29527089152115,1.9907974977412392e-07,0.0,0.16988523551448553,37.90229740078559,80.11178042362239,4.5366692236152995,14.21794423486458,0.00010361713342036546,0.0,2698666337285.8823 +0.8232867244050638,0.17116068677019758,0.32399361190778636,39.538282982033635,83.49330843197848,220068.45798598358,2.0557073545585554,47.79792463377811,0.6319829398175205,10.014697612587113,2.763424410727902,17.573792890345814,0.34932000580220335,0.3051030694516479,24.016792227362032,15.154408155832973,0.057490175779626326,50619.27800807399,0.8055057364386968,94.08576913604945,794.5074674062957,112.85416066992613,333.8046025620588,34.41618184443551,0.237975379926383,0.20210269670740685,5.656648628826718,24.949027141056128,3.013831449470243,72.5870935374669,8.648595273245438e-05,1.2644802651122367,0.14672213630774034,4.946034864240657,18.26016388570759,0.3677517019079608,7.753878437164581,1.6033010066721712e-07,0.0001132097967789073,0.21543844276807975,2.80849480903123,24.189028375717335,0.2357571246649614,59.09606998260022,0.0,0.00014063033626880034,0.16178709923671572,13.656668014168185,18.79056513050631,3.718769694666591,21.32050823319547,1.9907974977412392e-07,0.0,0.23792961086122347,0.8182546824719318,23.553525931058047,3.5999508956029964,25.079998336340697,0.00020838527687217518,0.0,112.44176843892028 +0.9250198226406074,0.1667925584200003,0.3420813350346778,58.87238430174222,206.96758102305338,187104.12251698773,3.0198279024391916,83.09124429947308,0.3068951842484984,20.399546937840185,1.7024366090578298,24.52713137551646,0.36072405351484294,0.6654477481889028,299.3752746014686,37.89212187564499,0.1356953062165625,85670.75886706162,1.9161325118898642,95.99929191954391,1940.1670388913526,88.07825808413422,326.41112642619237,59.26123802829372,0.24233801739566552,0.19729322815612624,11.37066572408921,26.57594949910315,2.620687610652723,30.74000571019134,0.0,0.796149384323521,0.1359115545994405,11.130056083606748,28.56542911719978,0.25835098542691565,8.425958743474006,1.6033010066721712e-07,0.0001132097967789073,0.20894980853050715,12.112399010210728,27.23191481257162,0.25675691129737976,25.700562163818244,0.0,0.00014063033626880034,0.11686552081330108,40.58747989895242,38.22742411493425,4.351655380140387,12.724968256058375,1.9907974977412392e-07,0.0,0.2190430920460067,15.423767269908955,36.84277960210508,4.384453180974131,13.780212543225968,0.00011282055833258151,0.0,97.16956908345317 +0.9376214337248805,0.13796139482228986,0.37885069582755665,215.7873549452575,164.93430747359426,280383.2108419769,3.012150657333276,53.25103696325814,2.547359096963496,48.617866690449915,4.446851636761014,26.54861645102175,0.34065432386439726,0.937409261968816,964.4992672821977,28.31179316802472,0.24525273610382406,200117.41516776217,2.914713432200306,96.38338747005797,1601.5648927737184,298.73326397633906,346.18755425687414,55.02923806206927,0.17322079518664812,0.18376016928747815,31.43406368207996,60.577324233468076,2.8117312062693784,17.040672880990297,0.0,0.861841891490777,0.08880972122455415,31.933577025308853,52.773480410962435,0.30202644209953633,14.262345730754557,1.6033010066721712e-07,0.0001132097967789073,0.1986864981499156,35.02830841460799,65.89399812732239,0.2554875259271194,15.460240169317581,0.0,0.00014063033626880034,0.19326797293156184,97.1436817666614,64.33177836079265,3.6193881697288273,9.811814849312796,1.9907974977412392e-07,0.0,0.12617132844624832,72.42762777532408,122.83704959221777,4.781460366172054,21.0415299158366,0.0,0.0,221.94237934487694 +0.9580200216831705,0.10804949128569293,0.42378244577995394,170.1327553825809,129.335074827323,273433.0081293994,4.294997843076626,70.36254156109109,3.0112754310519376,23.94913502161807,1.284787063159089,24.77385447330428,0.3879932255795203,0.9029258323235282,5.883184137961117,1.6779759175684492,0.24438397420703895,217978.64759842088,2.3826639432031382,5.533853945426273,2178.0458615266675,144.02411520700446,252.27602389845865,58.92409273480999,0.18262205264893772,0.18930245165236356,3.8692720635934124,25.709788289594314,6.909248049264075,3.460834744163495,0.0,1.2595246816658061,0.12921492858918546,2.1953721524695884,13.676761765993861,0.43223609207413705,3.374656205933266,1.6033010066721712e-07,0.0001132097967789073,0.2010053591281128,1.8099331895858302,24.644969221104954,0.281086835635218,2.0498509518731383,0.0,0.00014063033626880034,0.3553457260333858,17.82760192320179,17.3249954174216,4.983391649922303,40.257254750729516,1.9907974977412392e-07,0.0,0.19125289410129617,6.940900790842048,26.013303665749252,9.356990341670668,4.416371968517904,0.00018890893328032718,0.0,68.20034391659097 +0.8244962147508241,0.1818674965643987,0.3987236420771475,234.7371957173903,179.48879994767663,203584.82256085542,6.479832749152413,99.75774396818782,1.1564868976352678,17.741412847848594,0.6411564318950962,22.257006890087286,0.32624544121588317,0.9870545409162749,224.06187441970468,97.04386455067674,0.29097711344402793,155193.4701830995,2.8349067991976087,98.99448506106593,791.9578457927556,295.9457902477498,346.12288623478514,58.547712238639754,0.3055977536164867,0.18443448316169697,28.899101398260708,54.89140922557563,3.148321345166507,21.96166230748072,0.0,0.784162031568933,0.10203338648374254,22.76963837682835,45.49733762184785,1.164713411022008,18.639855377575632,1.6033010066721712e-07,0.0001132097967789073,0.18777696944822433,32.18924202267539,57.876262195471206,0.4019008718923792,20.344283339830525,0.0,0.00014063033626880034,0.32528094394289103,60.638671301423706,39.011631610831394,6.70642386900444,26.37887070498294,1.9907974977412392e-07,0.0,0.1504571816135291,41.97986230545336,77.18321578501424,9.590203263579394,28.707286058382056,0.0002530702548390676,0.0,163.2599598884241 +0.9744583331443739,0.2031363313032577,0.32550772227988767,184.88539454241354,103.33872208173388,295433.68824303395,2.6798300587117847,69.53789023138452,0.6193859819011457,22.23642888196951,2.382552527921354,22.657681559723923,0.4633200034569355,0.7243944917066252,709.0469019635549,60.91090899778998,0.19519888994217438,61753.00245708396,0.6617512119513433,81.74533406257231,716.6019707455977,280.8943999471295,330.40497103869956,55.231644253210646,0.22745772277218282,0.1967599991385373,6.8324355185355214,25.372378064409993,2.749687454372472,71.12964762224443,0.0,0.704258627952563,0.135959596336544,8.16862231890398,25.86056813734258,0.22392406067310627,8.705484994473801,1.6033010066721712e-07,0.0001132097967789073,0.20783617849142572,7.124779041886546,26.427665149327122,0.2422202894922809,67.65491362826603,4.776626638077851e-06,0.00014063033626880034,0.13678065624352656,27.56732899075237,33.157883981943776,3.7712112923655265,19.86553608952265,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9592260114835434,0.1334826569996124,0.43105609252397725,153.63188196345337,138.1301678874931,295330.09353272605,4.67946487575142,30.65012997174071,0.7403237173589454,69.13511212479068,1.0503579771550084,24.228104564754464,0.5723494613090219,0.6127845093680042,877.6259517328718,47.45861787233908,0.25614444409940124,62987.887021790055,1.3649796067756657,68.15441174992958,4015.813385769163,115.74552828971238,254.09208698022775,17.499664374638204,0.15153501086211965,0.19714837210772856,6.707468822225406,25.058935882970143,2.968616770387,10.304275241612288,1.152768135645679e-05,0.7025932283076242,0.1352302729274185,3.351962702674713,13.696286053071162,0.4317149978627523,4.9446587544210026,3.5958107459084034e-05,0.0001132097967789073,0.21045667742494406,6.031366705210291,24.119678185055008,0.28020667354243844,6.03692286910657,0.0,0.00014063033626880034,0.33441805156053483,1.1228589969868767,15.07454660739636,12.563095011807727,53.384121028659955,1.9907974977412392e-07,0.0,0.16108109629488446,8.14847463197078,33.06369047353362,4.938661206844708,43.62890525713015,6.002492555621977e-05,0.0,89.38936575564344 +0.9116158867788065,0.20823223313543585,0.36713711062933674,177.20096799179208,219.03743744124148,340792.8522622403,5.275938724215638,83.25096438334886,4.7038761194527146,31.793889224652133,3.7658490696371505,29.41812965760322,0.43108122585889314,0.9425354888016585,816.3018396885213,55.39230119167446,0.20001834140817626,298845.90201533085,2.8315609059599978,97.28357399893942,4967.089188863982,85.03217256555548,345.0780760808871,58.063204981979425,0.28014692465148583,0.19246539125177553,34.77847620533528,55.362120321019866,3.1795643554154913,15.842191150341039,0.0,0.6424489515147239,0.12874429648096578,21.972464735294857,40.9573362102737,0.5499564477381494,5.729337518499234,1.6033010066721712e-07,0.0001132097967789073,0.20371069458929875,33.94709619304528,56.99594499415755,0.29259358640026084,13.028081574467123,0.0,0.00014063033626880034,0.35191997662101476,72.35565215108355,38.89671984978813,3.924901158179117,25.86607019520261,1.9907974977412392e-07,0.0,0.20488175659541974,38.38535154236423,72.64406431264369,5.629433419166962,8.034593864679769,0.0002070930902055116,0.0,159.93761042689079 +0.9844489302742112,0.19448968682072504,0.4005790213575273,155.71775470229005,21.8916117044954,180577.51636729235,4.113284603392527,80.81636899639295,4.7171105280314105,52.70663490268017,3.5888412116361055,23.10479778196778,0.44989303632858374,0.6414155190564742,325.30370479572264,91.26590384728779,0.10949271073484801,54989.398189851396,0.7442171593671241,73.60586618953027,1507.695625322988,165.3386427592178,329.314955951323,53.83083053276622,0.22801732067768524,0.1985807745067341,3.692284473619389,23.917979357215206,2.6559281446311056,62.70657825384156,0.0,1.1297615363913696,0.13705644264915143,4.316892331030476,20.091114873346914,0.28992005542578775,7.786669581974273,1.6033010066721712e-07,0.0001132097967789073,0.20904438706414114,2.335912000359155,24.185231751407347,0.28972322994085675,53.244762172621364,0.0,0.00014063033626880034,0.14312941861663656,14.861331757995293,25.15307810276467,4.438129826025243,18.27799244675393,1.9907974977412392e-07,0.0,0.22389322238893464,2.9697522865254142,26.71825813775141,4.346709885724111,19.84118340819338,0.0001579936923851924,0.0,103.81409111016863 +0.929599706550537,0.23311038093952124,0.3664738623869002,239.3982136590165,37.03608445228677,284244.7792941193,3.7350153398940624,64.64441402153628,4.703814989341613,93.64414018364977,4.69067133425424,22.516507263872906,0.38861114855690904,0.981229087202088,187.8023329440822,65.70205024491108,0.28811882820579776,87299.89857368721,0.9410137114225309,80.56987151278186,4417.580114737353,272.9140311121779,349.0190421704841,54.63045589432219,0.29988700296701176,0.1918785324370336,11.525650817041624,31.769285913204893,3.1838166217315207,57.27479499796768,0.0,0.9040926651953954,0.13350780627782222,15.837578005263511,36.033355193933346,0.19476612796655043,8.421520845546143,1.6033010066721712e-07,0.0001132097967789073,0.20462262717499208,12.910652038914593,30.645782051359188,0.2511014736792135,56.15962557632297,0.0,0.00014063033626880034,0.12527955295067383,32.518739918450514,37.53226814553095,3.6334357131674793,15.202430710112727,1.9907974977412392e-07,0.0,0.20406405476152198,20.34994400204657,43.09025324000216,4.692044378088594,22.91805250375351,0.0003398830855502508,0.0,125.86597287386489 +0.9437809794671215,0.17027833398073708,0.4414738257546823,180.15284231958043,217.44930114132342,299935.3113903013,5.185157203152017,60.713586088088206,4.574492408629678,70.87242797276367,2.6405068635153595,25.507608467903342,0.571943630437884,0.9404240768660125,188.9667633923769,18.400773487023628,0.09109224928782869,86415.93242222456,2.88499739284769,66.75541418089851,4911.59817369118,61.722422354565595,255.00783560764873,11.045406028303866,0.22055336817501164,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.1181507193633909,2.5685228907577757,15.57045358877212,0.632716018353445,19.981443074681646,1.6033010066721712e-07,0.0001132097967789073,0.2027087346371465,4.6540132126521225,23.224637296665332,0.30808208846961854,3.432905135218353,2.9685085435520296e-05,0.00014063033626880034,0.3544125702456571,2.576521902256872,13.984576123463402,17.31512534395109,58.226527154442735,1.9907974977412392e-07,0.0,0.12848592442506937,4.775962647390133,33.239146086525565,7.097334317386562,46.466975160046395,0.0,0.0,2698666337285.8823 +0.9895221424092815,0.20695356051520547,0.35885537418929303,160.14302770230586,46.50062024202227,225062.68156243267,6.5063514999783045,62.231791789919896,4.064664361621484,28.999226766399257,0.9030178529005632,21.872488476638477,0.3408041164759671,0.7452525917657578,530.5771645688393,48.57090177825773,0.251681898701981,85416.43333256344,2.7528937381982668,63.75972052427767,1943.740248705762,245.64306464945705,346.2217685523636,40.340679463608,0.20815729483459755,0.19416948597087313,17.903954211156865,37.75227549146614,3.1050865075096126,18.89603696899486,0.0,0.7496227798369532,0.09468590670702073,20.98514290874282,40.63426692580168,0.5744702378567716,16.642216078718626,1.6033010066721712e-07,0.0001132097967789073,0.2035062747558863,21.66661045513477,39.76052448428193,0.32773670372243097,15.317926234952894,0.0,0.00014063033626880034,0.10199983289595499,59.99072157710558,50.20485217269815,3.983479372883363,10.49579673889597,1.9907974977412392e-07,0.0,0.17937383923557107,34.509496985969115,68.15198719776163,5.0721412600049165,15.805799336483604,0.0,0.0,138.2883706308556 +0.9716457485901802,0.1793842727149251,0.36508029567123146,205.41327159355416,208.71903699157158,289348.00229926564,6.620620231439294,72.1837161972588,2.349447169516078,97.78940263844865,1.6096365497513985,24.300623426666075,0.5251269055087638,0.9517816113013726,762.9958949419909,96.37223437655567,0.07746977765150408,93061.19932319915,0.8993468895997289,92.50203672274036,4737.501531787688,259.8264942513636,349.1344394352397,39.35032701184443,0.30900492527272183,0.17711496664031043,8.603807121074146,32.0793408916201,2.7261332004652843,60.576406574915104,0.0,3.6125419004501276,0.12979503049226732,11.246775891367813,28.675574071479005,0.8826578061381111,7.507715181893751,1.6033010066721712e-07,0.0001132097967789073,0.20282128898009932,8.71659492300178,28.182896873488435,0.35154696274191044,43.42387305770852,0.0,0.00014063033626880034,0.1640625454060312,42.728988310469944,43.50494042210834,4.680392906744023,8.540110687296798,1.9907974977412392e-07,0.0,0.1950267207947874,8.5284315736215,43.046993231675195,5.9158951476318835,13.462286693321646,8.83866076513078e-05,0.0,120.45943814465431 +0.950937004129519,0.12867878280203976,0.3860123708658465,142.3587428416482,200.68759568979632,267965.501704396,6.799075225867511,58.54890611150647,3.689147489521919,44.659736815664786,0.3951266547935085,20.389220363850697,0.46249826489476187,0.6201500689189684,959.0262050732053,31.146559110289132,0.21717428487318785,76515.87963237826,2.9346534379831284,96.13225508576176,1605.479286508535,97.07691569707198,249.75202416745864,15.806289628183155,0.16345903658912925,0.19839436722050588,3.994475568599249,24.62841625287654,3.214774854548631,5.92246050461356,0.0,0.6844463004073497,0.12658808759428677,2.1332322687113825,19.778646450407162,0.8357657582543045,23.6429018776087,1.6033010066721712e-07,0.0001132097967789073,0.20946282127966995,4.036149876371223,23.608488577940353,0.3480551870637102,5.219375631863767,2.8792925977808748e-05,0.00014063033626880034,0.33495188161113953,1.7481665231549177,15.280824320060397,16.78210812798213,57.70117513198106,1.9907974977412392e-07,0.0,0.15887205617717887,5.898275327108936,33.2029602311903,8.221512343433206,57.07203897570479,5.9065045679937776e-05,0.0,102.63886627592058 +0.9405802707513247,0.1192135132206025,0.3442677481419771,179.91485316500436,223.61646926955422,134065.0908668947,5.2715717982331345,80.35897366236091,3.343913332865454,15.730133880192032,1.6141214352070137,19.681352864321056,0.7597583318974772,0.980466705934282,879.4855890380168,63.68312913616367,0.15544402926800704,69008.54305608096,2.20020908881233,93.37256431912398,317.22891065507224,239.35565023234625,344.3948526496276,49.61694139379406,0.2110971906651646,0.18985575660862322,18.540774992445844,42.46352464222445,2.8956675155038156,35.57629286784898,2.488770527724521e-05,0.915264687402213,0.10910228975965992,25.49677575590657,53.0251212738355,1.3440227552787076,17.59502998292504,1.6033010066721712e-07,0.0001132097967789073,0.20180770872319945,19.150357402237123,45.29459592004253,0.43481862496469004,28.595008560673776,4.776626638077851e-06,0.00014063033626880034,0.1681832778801974,73.95628266328993,62.06545751979556,3.8861932880916723,14.104502066217728,1.9907974977412392e-07,0.0,0.170646683121638,14.803544713722122,70.02992077357469,4.514458767562385,18.60451908654556,0.00011451851857787245,0.0,159.55196248218198 +0.8175634765157762,0.19182610805426284,0.43402862721263086,16.228857013541834,166.98931774677948,240706.6573313812,2.1778200718229455,45.33478084388007,2.598106740308393,7.211533122377421,4.239677701002355,19.646762245297097,0.3576303902658873,0.7424818589280467,69.96269752165696,3.9858132288690697,0.20073473609334724,59171.51965838137,0.9010373578624107,68.42245857855707,157.9796552109683,47.63515980246734,340.96237858415975,41.78614538775425,0.15392835507100527,0.19746107765760493,1.302178281363383,23.816313586460506,3.575364942711753,49.68580917441541,0.0,1.3346291659958196,0.13901679905883008,9.227072873022546,26.41517969936244,0.4665971348919043,8.249040213673146,1.6033010066721712e-07,0.0001132097967789073,0.21074267408922415,3.171321281979385,24.01166423854908,0.24121667629128868,47.4065000591548,0.0,0.00014063033626880034,0.15515673585056847,23.1240438645287,27.38938248060373,3.6489519753011668,25.904798643194923,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8932874574804671,0.10271417533893933,0.41255816740857115,223.04846074167597,103.27391866685993,287134.7858827773,6.706404790665841,46.565179420202796,3.369700178230877,95.01865825269785,4.0360368248731096,26.727926934711753,0.42491685429193504,0.7601609772865879,891.0091254983183,93.76055923376704,0.33626518854846066,54782.97882883232,1.4731455657888177,83.22231055472052,4944.5991296603015,195.58540069929978,346.2802373759505,45.79478990863639,0.23142314821653331,0.19527859217721513,5.125568399852059,26.40619827325824,3.0603539220709357,41.864658035631145,0.0,0.7521283224408267,0.12684244932517874,13.539254964747547,32.68212371004709,0.6923928191629688,13.613742152539455,1.6033010066721712e-07,0.0001132097967789073,0.20588286352871152,6.26684492392055,28.601485438991425,0.3299671904805015,38.21553588864832,0.0,0.00014063033626880034,0.10389845069050721,46.16135527741084,45.0541605196789,3.033199188884465,12.898418164098556,1.9907974977412392e-07,0.0,0.1974654015203781,22.176562535692536,50.39955077031859,5.842318710459783,16.852572348679484,7.187742665163767e-06,0.0,118.01593419087007 +0.9741220390526205,0.26051628909956737,0.3435700474882576,82.43135183385374,79.63189547450443,161658.20664634838,5.977280853676661,35.92015960810063,2.054794804481274,86.51402145507295,4.083627342779305,13.030586895423168,0.3249098719937882,0.9165490681654207,134.42328917878686,41.460047416134515,0.11369737057305712,147599.94292093528,0.763119444666131,98.87795500151958,3018.3828376495558,239.64673482274083,258.38821721674293,41.431566837692614,0.29002823310346304,0.19845385848916652,4.266489221396581,23.43481193278506,3.12664903739126,19.159309739707194,0.0,1.2775255603438003,0.13845502078788943,1.340232866021165,15.001692904133789,0.7770947274147273,3.2013645359523997,1.6033010066721712e-07,0.0001132097967789073,0.20990306365003158,2.3649189190997144,24.473451916211637,0.35501544980840644,16.08226312403378,0.0,0.00014063033626880034,0.3513652203605673,19.50206928394104,17.593174465896443,3.920095508694311,29.617026933809427,1.9907974977412392e-07,0.0,0.19800283879631536,4.036305571950292,22.31224000770402,4.624638505468627,6.180719613199948,0.0,0.0,64.8325198550574 +0.9366024816462233,0.20697731515841158,0.34697649923283735,115.50250846918578,130.4332616844431,221011.8194078653,5.445987888924893,95.91038408146386,2.9677147047230354,31.037664635639526,3.5443176015262496,18.492365386099276,0.37010414632331357,0.9328419156650315,821.7093778770502,59.1583434058881,0.25784067624924234,223508.31812786317,2.9353143574545033,94.4468740193668,4425.7896778921,224.8813411553582,343.6352684073666,54.59989978919631,0.15509230609564034,0.19404682583539032,32.08275627782642,54.510756838957455,2.777676455216117,16.576135271236197,0.0,0.7319502597492155,0.12373371974744814,33.68736622072741,59.99564722103901,0.6562868736209938,11.953442485541506,1.6033010066721712e-07,0.0001132097967789073,0.20503756237495585,35.76693978571135,62.026746689238145,0.32514009487972645,13.953629464775585,0.0,0.00014063033626880034,0.1163016760651086,108.16085260863879,74.86459201837637,3.5287598994089935,9.497876163195704,1.9907974977412392e-07,0.0,0.18636999853218458,53.66517621923232,97.4818225327051,4.840424538166455,12.235192838656364,0.0,0.0,210.8194647553025 +0.9216665345661765,0.21083511648902692,0.3633142120413882,236.25466830230147,204.85777258556496,328503.04671769554,6.653256595373805,47.88227641430356,4.8503528772908435,88.45148424522752,4.535263649719577,27.23743298006621,0.33687551103958907,0.9839174842140797,837.6633787438816,48.14243642498951,0.2321999650778259,257585.88458442496,2.9714876776404684,92.83193357864779,4930.28882937908,222.94133618156548,348.4563479125628,52.619130075997745,0.2922139656044962,0.1904097677097185,34.692677084281954,56.03336164779415,3.3494764134935586,16.55477390998355,0.0,0.6812648688490786,0.11530759551085398,21.024721986627796,41.09694672633953,0.8170284371071777,11.490686448567244,1.6033010066721712e-07,0.0001132097967789073,0.19905616318892275,35.25900307605734,63.234935128785864,0.3384770436482277,13.671328883070807,0.0,0.00014063033626880034,0.35383535192999777,68.56515539916515,37.26278573350782,6.201094043602649,30.325848925585273,1.9907974977412392e-07,0.0,0.13541924305340458,46.83343216118312,87.88187419550378,6.98093324427058,12.992868086707222,0.0,0.0,171.76676036802164 +0.878094981519168,0.1808715169613967,0.37287273395479775,217.33636521053248,144.99029388976032,268510.6306733147,5.923863769114659,22.03109689872244,1.121072999742558,49.78974327072136,3.8841643104518297,25.305729420195092,0.5846503747819913,0.7736768036215398,601.042279612676,60.90325842284299,0.2790036985336725,50998.05737300901,0.5713717383768061,94.3797818611798,384.0961363097882,294.7960216362917,278.26398518981046,59.54715215268648,0.1918653477058317,0.1971232483502733,1.9387729695786573,24.318899598228107,3.1268139292655928,59.02153602297849,9.05148395820116e-05,0.7438341529204389,0.1349795102572181,2.878182125074328,17.42230059236428,0.755226814775232,6.991435274999856,1.6033010066721712e-07,0.0001132097967789073,0.2093935371765886,2.202047063720023,24.32249239077679,0.33500193050205507,56.48775172650206,0.0,0.00014063033626880034,0.3276801537692138,28.32600521686382,23.328866313347703,3.068673940568863,19.849390683831896,1.9907974977412392e-07,0.0,0.22928234245557277,1.8981899796936965,27.120589352785892,6.185320311747161,11.461539026028928,0.0001756762343562798,0.0,104.3875028448249 +0.8846401649788901,0.2015856204566854,0.388480823172843,216.19947549319625,114.2287189164199,109066.20057130062,5.025082709698865,89.38526822212657,3.391778918767451,82.77896758570213,4.528411779680084,28.848783914553152,0.42695359254104726,0.7737135273516401,276.5778528414579,21.414869771201392,0.33487230058016815,277385.7502627822,2.6795490108449784,84.5836417537721,3661.4720090239343,296.5862520189787,326.1635935773473,56.709219760882576,0.32847731128774305,0.19448831561605634,16.833787801488963,33.31707582033326,3.5255643642358434,7.642349456142725,0.0,1.0435209820819351,0.1330429585764925,14.145723598291138,31.134961122641243,1.311685188160397,10.176241403244672,1.6033010066721712e-07,0.0001132097967789073,0.2056228931023687,19.93868705991066,39.3997602122508,0.4314174678195668,7.459291708252174,0.0,0.00014063033626880034,0.3408964019224555,52.33701394514894,29.71044560052348,4.406712497834388,25.947940179730047,1.9907974977412392e-07,0.0,0.20917629454576045,21.433372644048333,45.755500791542964,6.55827787581052,9.772464820279847,5.1727389139633624e-05,0.0,108.40721697370958 +0.9719504639991909,0.1506372817592151,0.32848082260262107,128.1658004991903,220.66309051677794,193940.34429242363,5.867356247701477,84.49920749920982,3.529437796344427,7.519341564777582,2.8735137183433492,14.011732748419439,0.3380609768648756,0.7964315503997597,885.7675942326518,2.473209199296317,0.16828858576760267,57138.91929723868,0.9957846836664037,94.70618220880685,2413.4607630427845,144.62295332296,330.83608333058487,51.36565030450837,0.18274059985290186,0.19699635128902782,6.791261639273856,25.893049431766553,3.966811999506397,65.08899922442293,0.0,0.4586938682959963,0.13764307585679225,7.295423857316749,25.402758213302025,0.9703200816862724,9.669154136955065,1.6033010066721712e-07,0.0001132097967789073,0.20887026051829488,6.113989759901311,25.424881121432918,0.37220393977530125,57.094996833973994,0.0,0.00014063033626880034,0.1279879033684265,32.661997440761986,38.47231897760144,4.172909381913819,16.666058255259532,1.9907974977412392e-07,0.0,0.2164890578578718,9.25447813569545,31.462920930943238,7.201421788416743,21.345102363304072,0.00017797786577408557,0.0,118.8744314014832 +0.9310258877547128,0.209111156230795,0.3238322371110095,100.24455725308555,236.42186897179954,198767.65949028285,5.7780811668008605,72.78530274363777,1.3635267017409674,51.471072818265405,3.6163318006405576,25.089009113543206,0.39303926346536777,0.4994278055833112,676.4003935841934,81.5705771824753,0.08398762730908932,69284.00819219903,2.6217172783241334,69.7608320950683,1698.8779942066647,230.5190040961434,346.5180082539432,52.91759085898558,0.20662036893587768,0.20110098389835274,27.07586188524007,42.63224458526311,2.709110827031554,36.81372960059474,2.877609564849421e-05,2.0733866769205553,0.12381905358222854,25.538528943261777,47.34584665137802,0.849978601584491,20.151214259332026,1.6033010066721712e-07,0.0001132097967789073,0.2107104194309646,23.619596970336225,41.542350399711175,0.3540148272081705,25.143594641163332,1.8222979203104187e-05,0.00014063033626880034,0.10970518927136269,82.0516012188284,63.537167779993,3.300415208359311,14.292477975337484,1.9907974977412392e-07,0.0,0.22305892215685938,40.60131601590633,74.72357972732178,5.377549797289683,27.649988471122708,0.00040880810204893525,0.0,170.71732092186463 +0.9194718010762657,0.2414001479916648,0.4316121481910314,237.90473887367733,123.3287664356946,232983.58522491544,2.080403965806819,84.44500099108181,0.5844348203672114,70.18122860427347,1.9366360720805005,19.027548096593076,0.3995508166918151,0.7820377424510009,698.1538734659425,78.86138215588078,0.25065394740242,55424.842317075134,2.904535884923759,98.03187008550647,992.2419047056899,220.2161827344776,260.82531146909315,25.362933831336022,0.33303633330505655,0.18657628776402724,5.002821103756887,25.884879642723966,2.487204706421325,9.884173534798212,0.0,1.072051394417387,0.11824589937527867,2.2943024885533196,21.0094265123472,0.21333341180889642,24.025959344950344,1.6033010066721712e-07,0.0001132097967789073,0.2004730495141808,3.633962776547584,25.06452533585049,0.24386765808807268,8.166083046128417,0.0,0.00014063033626880034,0.3415345609472929,10.093229605820778,15.486242903113952,6.660471886523559,47.63060464067381,1.9907974977412392e-07,0.0,0.17921055685813958,4.881894672951243,32.96488712832193,4.169554837042505,32.75167381415395,1.9989439714561736e-05,0.0,85.95211036647783 +0.9210525512340021,0.18552485664586876,0.3409888238146652,228.98942521685427,224.8719927486781,136127.95021805214,5.07360688334639,12.726325616832183,1.5193962694394587,35.902730038487064,0.27031327635919933,19.141927791338308,0.3633834157294062,0.9577244401032655,966.3767831751761,62.18952565718044,0.328977847268985,191301.4453456367,2.879201294862293,61.39088300792158,1531.5385264775302,194.71418916719705,349.20702739531066,57.03864415133435,0.1964500822562107,0.19294313531094454,31.36294709315401,52.217857832863764,2.893149561157104,21.37918150173618,0.0,0.9086714145988088,0.13246735307317406,30.63231959750001,56.67427291490894,1.3846361134954188,11.497959190921453,1.6033010066721712e-07,0.0001132097967789073,0.2052830887241161,35.35250279699512,57.49097083474894,0.4411328763590555,19.500851394290816,0.0,0.00014063033626880034,0.10030992680966642,81.49216129629434,64.99792332536606,4.219885545710253,9.956914953782377,1.9907974977412392e-07,0.0,0.1795045028330119,59.0749089489975,106.47488299813578,5.821915304336673,11.889835073500175,1.0707484713306462e-05,0.0,198.44728176518527 +0.9169599358146722,0.22622326447102215,0.3279552187709995,189.41323266058055,139.56824109031743,173610.07497698994,6.252424658163871,88.01587774415806,1.828033646174486,89.84781469811057,4.277380421524162,26.792347044194145,0.36236676038786186,0.972037684517275,705.096172284263,91.50143601199943,0.2680965397116474,159766.06185910566,2.8251573031413075,99.79973005125792,4675.594411543991,225.31000539271943,349.743836022078,37.14704195298911,0.27258325376350717,0.18933904792516518,28.192641430031443,54.49899173289025,2.7926894235214634,19.406469855684776,0.0,0.7607202302419112,0.08984592226459596,26.407239129167937,46.728557320415355,1.1266695018219248,14.704905428756357,1.6033010066721712e-07,0.0001132097967789073,0.1990665195152994,31.262071217332434,56.456449748532506,0.3995499125744603,16.97266159305235,0.0,0.00014063033626880034,0.2313122546790849,83.03570145039497,57.81990028467539,3.400903423637315,12.45265465718669,1.9907974977412392e-07,0.0,0.14782280018602412,56.02757913441228,97.16225764571685,5.663364797503298,20.10649501148349,0.0,0.0,187.4087450041003 +0.9845038044228074,0.2375739835500685,0.3215539414894536,207.09098296611538,231.37528919417667,321039.4555003529,5.846896902137444,36.065237063973356,3.7452198698434853,82.28146806124388,3.0042859162822335,18.89069923758364,0.5297635292372173,0.9835611980292734,432.3210301771961,67.60787351873543,0.30157352659791364,202692.7568299566,2.9598035612274805,92.1212514457806,2306.873403734005,250.3736717470548,343.07006662740235,42.49451386502892,0.3152140994593279,0.1913411363167477,26.88778388633013,54.98024346963337,3.3393197563702866,14.625295716374708,3.743527409710216e-05,0.7405972935997287,0.10764195163085022,20.17620781228645,41.34229872906557,0.7294963427697976,17.410146054517053,1.6033010066721712e-07,0.0001132097967789073,0.2014008221451804,29.571208737257006,57.59326917613335,0.3226536879037676,12.861757173166927,0.0,0.00014063033626880034,0.34832934616232103,67.44925079465428,40.75232722393383,5.667217099653778,24.906742349939716,1.9907974977412392e-07,0.0,0.16015514926253346,35.64520666835669,77.91021539049584,7.034988652600879,14.168203904723802,8.088847403619588e-05,0.0,158.7511361608309 +0.9828363998441996,0.14109856464497036,0.4064634782018381,208.84330813129696,133.71022121090866,254829.5192826079,6.338500591640539,80.60220559689046,3.446127986271025,61.559990921846286,2.1648320601118067,9.612899897599043,0.3087032472803314,0.47686703459849844,775.7249367277162,88.0276614669608,0.16436591160526207,100027.78865716862,0.7730082076200756,69.43254056095059,2221.3776764386366,167.21697750842225,340.4322218104683,43.67918645530648,0.23534501505106423,0.2007616278785252,5.480273692958279,25.54598160636607,2.9732414630744084,38.82401570289427,0.0,0.9625171166262527,0.14324257446985292,4.862861182288094,18.765836333552414,0.8154975056742947,5.108620361558501,1.6033010066721712e-07,0.0001132097967789073,0.21384276263381474,3.442991118855719,25.182781515195163,0.3472171275595362,33.3974373136653,0.0,0.00014063033626880034,0.06278037233628131,34.38247805454567,31.726928159355264,2.8742964528255674,4.83341900211602,1.9907974977412392e-07,0.0,0.2214033839266753,2.890570241037014,20.625004565275106,5.110481596946251,9.042111279042784,0.00047849991693831376,0.0,84.41542101881707 +0.9581877903077645,0.10804949128569293,0.42378244577995394,181.34555086526422,152.19894538700038,274221.70634619053,2.9771454639842765,37.203725133525694,3.867025782171274,19.944684474695304,2.813764792320798,12.731914845492582,0.31039853089189806,0.5630044307017023,19.962197619274207,1.132417153042315,0.3184354673220879,71292.88682403119,1.9290349391254016,27.495672332786558,2177.7164832514018,188.1487579747892,249.95251555005152,25.39178864863835,0.18950618870398037,0.19821560457306653,8.28322983158882,24.972312730356098,6.974822363840081,3.518118530609337,0.0,1.4068064191227785,0.14276137362977187,4.025419366263208,11.749465485066766,0.2648693535468635,4.90360700022481,1.6033010066721712e-07,0.0001132097967789073,0.21235417487220865,5.822956233188229,23.222675611063277,0.2526208950005348,2.3017151593283693,0.0,0.00014063033626880034,0.3294712074068874,1.5225194469685224,15.429694612853908,9.442591989827669,48.18998927031697,1.9907974977412392e-07,0.0,0.2307556759136726,10.74527079804617,24.978749648368478,9.56083919491987,12.789059094915556,0.0004233940588494752,0.0,71.82360009324184 +0.8244962147508241,0.11366913613246377,0.3353743935808447,180.9460239944376,128.6318883107769,203584.82256085542,3.9086694903735695,99.73282076787962,1.1564868976352678,17.741412847848594,0.6411564318950962,22.257006890087286,0.32624544121588317,0.9895419929834827,224.06187441970468,49.27312180703995,0.29097711344402793,155193.4701830995,1.1417669469301057,76.15139977538372,791.9578457927556,294.56642109192893,346.12288623478514,58.547712238639754,0.3055977536164867,0.18982367220348312,21.200568973806828,39.24448931785444,2.9520290294737936,42.927256069561636,0.0,0.9682810517926437,0.12782393344182952,21.585528470606235,44.37951880826374,0.5781013491895954,7.238898237848664,1.6033010066721712e-07,0.0001132097967789073,0.20435136806764112,21.85368245287792,39.3267919880596,0.3087737933839601,41.61789865270392,0.0,0.00014063033626880034,0.10761565757538603,44.64070634869107,42.54021468829168,3.372390335456052,12.806527388525605,1.9907974977412392e-07,0.0,0.20150770976407273,29.039211957938647,50.28386197133319,5.055360460010165,19.410925343121523,0.0,0.0,133.56124116448726 +0.9755290701943478,0.20746463605711987,0.3210416445040541,125.46704713853109,135.98813116412072,293848.54019209486,4.10506197421668,96.63371938303095,4.702204184629857,93.37337736264803,4.862312181784115,24.039870634951896,0.44646379402685765,0.9071231201750755,898.2640871562662,87.02963150348515,0.2098342325024093,254352.09552810757,2.7016013777955528,93.93930396368447,1323.9510898837864,235.36726857647102,344.69574313112633,57.92592613948203,0.25782383511436674,0.1927393856599155,32.707165285342775,54.36539802142318,2.7902723981392583,19.069134845981885,0.0,0.6126787529998114,0.12142893966872739,23.75891769078884,43.546499174347105,0.31293574860902484,13.847834487237247,1.6033010066721712e-07,0.0001132097967789073,0.20548258897955543,34.676601250252986,57.068135251230714,0.261993182692209,16.765979798585096,0.0,0.00014063033626880034,0.2744624608900341,79.5579627183684,52.31411977751756,3.454854968889134,8.960256041969652,1.9907974977412392e-07,0.0,0.1794077644657206,45.19046290730334,83.461555845911,4.465892192912435,13.25119939128841,8.560306987910506e-06,0.0,173.6444811975399 +0.9536640341974876,0.1453943360587703,0.32808614121394886,55.9490286725901,195.25295552232734,197914.4841650693,6.023307529378743,43.87756236235265,0.7624159010279422,52.44540838098502,3.256022793591696,29.7223476422287,0.3206213773566742,0.8030137233612238,951.6101435456619,24.49798253823422,0.08853792500441096,67116.50468412276,1.1437785364159294,26.099408252841748,2044.664988710973,105.85688131229843,347.97475555474267,33.5702743198091,0.34791900506902984,0.19584462943525,10.300342479143012,26.246736595925913,2.833336003365167,63.51944629927363,0.0,1.4861017138644088,0.11993928051500573,9.718539833586725,26.637483127850068,0.6326126527530231,7.981886575016258,1.6033010066721712e-07,0.0001132097967789073,0.2042416079120562,6.881347993834142,28.422882788155217,0.32326726197591393,48.578588212780346,0.0,0.00014063033626880034,0.07284173615700444,23.75211357216847,29.129535637596156,4.331183642280214,14.549811745076045,1.9907974977412392e-07,0.0,0.1953396505005433,12.29664090647013,33.195092557629536,4.937026396044242,20.958460335265276,0.0004498350019528101,0.0,110.83003856336887 +0.9360661718223868,0.11735418961177221,0.42355209805433647,96.81196648371281,46.825390075234296,179825.30974316847,6.039415688225704,29.264687865674325,2.9951548578196787,47.28520354288821,2.184175566781741,13.326505870719284,0.37516150500207723,0.6203885364089148,391.76682553189664,35.37526624631931,0.06493901898640522,57837.144783481905,0.7757911929680069,90.63332578849133,2296.095565732843,269.119856780459,319.438093738557,57.58760337045565,0.32808522832395537,0.20200850258391972,6.233600852343665,23.16970690932591,3.063665131069363,61.70816824864417,1.977617642289589e-05,2.8595432437495028,0.13937821793845306,2.9281504780608025,16.395359645461305,0.621730369587233,7.139233059543615,1.6033010066721712e-07,0.0001132097967789073,0.21190864917961189,1.6311397893538548,24.679356484401783,0.33628091449034925,43.82846425452368,0.0,0.00014063033626880034,0.08450366158850046,15.83093969206257,25.094989525878386,4.580538608814326,6.435216034350404,1.9907974977412392e-07,0.0,0.2277386628010952,2.393105475854443,25.115542266314655,5.089988271119287,15.069252210898203,0.00019557729782166046,0.0,95.36829793356087 +0.9880172151155293,0.2051516277032125,0.3764009718501387,13.1726449371295,231.83959119455565,131279.26920404096,2.8020180766742557,93.22857219974203,2.177523446420157,34.60280390164935,4.600603023993744,17.441681114443682,0.3075411002602116,0.9745707193018197,657.4646896318752,56.37691449562319,0.28671111945445665,124281.0090128005,2.9939664801921557,84.45391759130193,4785.93873080903,219.9109983339906,345.32984288588284,56.49323880127724,0.26697208589790844,0.18499177007473103,22.454532196286753,52.94782660467397,2.474385361107039,17.51069392139351,0.0,1.5089557472160564,0.09234834888107979,18.7468603913883,38.64364945293368,0.2950087708804789,14.9616415471053,1.6033010066721712e-07,0.0001132097967789073,0.19603177519308057,28.374381346784503,54.578831079316366,0.23844411651165007,16.946814127171244,0.0,0.00014063033626880034,0.18278253765074187,51.01114106836037,44.197474217447024,4.820853829947079,10.3373975046163,1.9907974977412392e-07,0.0,0.12820828459327283,39.79154663986815,78.98288179596024,3.7606956221310512,19.37416978313423,0.0,0.0,150.53096993976695 +0.9734709110808042,0.23012621524362792,0.3778205735540438,128.41820935078914,129.0396246027691,280544.67009376007,5.034339334653467,72.93336263392129,2.165339895332337,21.22539408639381,1.8770496380272648,26.10858626145043,0.3713985894180952,0.9220092917046097,558.9082547353315,93.13504578441714,0.24557129732546149,273720.9053026737,1.0188355555134743,81.3717790393721,94.15991079961191,270.52996294565526,338.0368219146686,58.623296459127836,0.1829027546255579,0.19237313397877231,20.336705435129378,38.64984315045477,2.906125445249118,22.262415170057107,0.0,0.6762551990587093,0.1311091173745118,14.467803474062677,30.94797898240554,0.4588814667919112,3.891887983137392,1.6033010066721712e-07,0.0001132097967789073,0.20309688472204032,19.210562041139994,37.96606476845723,0.28777263979394757,20.98855292440089,0.0,0.00014063033626880034,0.09917423607695097,61.677550393416674,47.70141508428765,3.053882957838647,11.002013937147112,1.9907974977412392e-07,0.0,0.1963633510256405,24.89205035792129,49.908055876692416,4.893352991953964,8.854335064911446,8.109789771756587e-06,0.0,123.56481683213644 +0.9766796220925398,0.20657250070818128,0.39912340212967257,146.14193243982078,193.5128720802293,197506.07152129832,4.961559970702664,95.75139057661337,4.7719519782204785,69.02506899963792,4.51906227098453,20.78317970320161,0.470288441297364,0.7928685680767663,982.0336317628357,68.680887042447,0.33301223556556897,194849.32387308736,2.835190751400681,91.97572730140394,2480.7475226833703,298.1816611267153,347.14744166106084,56.75624841192099,0.31420974111375577,0.19031609467710298,23.266283464462095,46.632004614868094,2.6783385680167973,16.146805236470918,0.0,0.9384070834667855,0.10025370719977658,15.39575884568061,31.745941122338984,0.831752979165498,20.771592421425094,1.6033010066721712e-07,0.0001132097967789073,0.19361995656662803,27.35576387524098,50.65480426380024,0.34887761522841443,16.185814208972158,0.0,0.00014063033626880034,0.34732120139452816,49.5743964202682,28.861119562145987,4.404530952345356,28.49440725625986,1.9907974977412392e-07,0.0,0.15343462467726565,29.879336981280364,66.9044267666927,5.044019033816393,26.50159851944268,0.0001169537638277994,0.0,135.85606204265326 +0.8991631004876681,0.1971071546588326,0.32791912453353017,81.06707061529376,195.62085487079892,241728.92420129688,2.4031849181735963,97.18877161355731,1.43568763788347,58.210965349268875,3.6845192265478803,24.951736836760396,0.3984625334079887,0.8771888789730491,145.064785059414,41.18724842738113,0.2686995394395716,105710.47412707811,2.937530566090126,96.60600018701822,1946.6122684986472,268.06349429029564,325.3925634195732,55.338638865657174,0.2623341242467405,0.18533151054815078,21.22319445207472,47.491467917633905,2.8756751761713075,17.55063050897367,0.0,1.1819544502414283,0.088967463381844,26.515831713680708,53.30481887268996,0.2327128018926816,22.024566727255262,1.6033010066721712e-07,0.0001132097967789073,0.19275697195183225,26.419327251887474,50.453634815944845,0.2412077422904278,16.4046802721367,0.0,0.00014063033626880034,0.1480422028996819,68.40398629329492,55.64084096465992,3.7756554369667352,8.90116575191587,1.9907974977412392e-07,0.0,0.17474396523225041,32.51730385785678,69.95765996626376,4.47972523178028,20.626913106510763,0.0,0.0,157.58019761219506 +0.8969090631231595,0.13808900025249782,0.373102364229229,113.11417627369688,146.59862922006275,271571.91291075805,5.544497743528288,44.800146407039364,1.4627192700318778,62.21097394801353,4.715780476519903,24.696560278363844,0.7570000474084975,0.9197868153316857,538.6375620128446,63.44849112440198,0.34682198029132744,88344.30862974985,2.0358353782044993,77.21129152222451,1363.2399066347855,115.90662017896156,346.80121496564686,53.20210590756351,0.2606490592976625,0.19205189620278834,13.893626289663748,32.83760059230295,2.9889248449820376,32.88032151353641,0.0,0.919015629201675,0.13169329306440422,17.14833652527383,36.75691932735802,0.5380321975280098,10.717732730538252,1.6033010066721712e-07,0.0001132097967789073,0.20498804454874087,16.98139295725815,35.92266830773067,0.30158144931959374,29.611484597928303,0.0,0.00014063033626880034,0.1067403585321963,50.97563311752384,48.17075453104907,3.0327603377828334,10.158708318337714,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.979735607702518,0.16845937961681012,0.3253748716123912,245.38322124395737,212.97276556739658,306417.25362333504,4.84970856481777,92.15400421696796,4.959423241350508,84.82751307786394,4.413789853302988,28.696284020362345,0.5102090969506957,0.9486087555831062,752.4344042326003,89.59398020776761,0.3144232743117368,274104.7023061554,2.9322483246589757,98.65667374177751,3560.764238865604,295.12819242595936,349.70205673651185,47.72969360513439,0.31443462055126004,0.18752366648051896,32.93211348468713,62.40423099943894,2.9904850807356933,15.649772273484444,0.0,0.7902607982731106,0.09403388085153738,19.90130938896446,36.46803116285482,0.6485312601935606,18.03032978609733,1.6033010066721712e-07,0.0001132097967789073,0.1982547488498586,35.02968735627148,63.111781152590844,0.30778852097290366,14.799826632663619,0.0,0.00014063033626880034,0.3558894534393695,66.92110552608617,36.92404595725532,4.214438515406701,28.5872041744456,1.9907974977412392e-07,0.0,0.14703728539015917,44.76353248958916,94.44432386316167,5.5971153993054115,18.352886412892424,0.00014418486062860804,0.0,175.16504930166658 +0.8982066366966838,0.1402338614136609,0.4075354506369036,46.470592640759705,116.22400155793952,342325.6568825803,3.1565822795087706,80.36889599577594,3.6258340203775687,70.11486085835101,2.003872839711772,28.59873958051616,0.5869385187485257,0.985788954483215,671.4188913880539,15.212478706468055,0.16200639917776222,53611.48367448083,1.0934416012638275,70.15008879506259,1402.793238894681,187.86029364404618,333.28116719701205,40.02735399043466,0.21883181806341628,0.18995664986165803,2.93886666079246,25.53627304899998,3.002924667898008,47.12656752974935,0.0,0.8085483748924209,0.12549683066019762,6.146549196849808,23.44300727311433,0.3376574038477379,7.7045838570041125,1.6033010066721712e-07,0.0001132097967789073,0.20223078021437388,2.8632422797440964,26.15046822157312,0.23604578890464828,40.269685827823544,0.0,0.00014063033626880034,0.1131367637960007,24.451094356557928,31.260900765857038,3.626438964614329,15.77034952548152,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8439002760104887,0.1990740418405792,0.39164935169379544,217.27939890817967,126.36778279657443,198414.3715806614,3.3746293572245083,49.98550648965977,2.628982372255878,60.978471476470574,4.003834957531795,29.816131265693485,0.3322794139733363,0.9235487765851743,800.4066516323701,28.31179316802472,0.22338130245853174,101939.74695964696,2.889849973981429,62.237576858455476,1651.4298935813786,182.0530530307282,344.52633263809963,52.10031296069273,0.19581340042932877,0.19045831962987753,23.16724170794442,44.316665174362136,2.740556377737865,18.952834262180943,0.0,0.7866977077118332,0.08675632102472734,34.12049769985891,58.372051571061995,0.5224539449396957,14.154194070779853,1.6033010066721712e-07,0.0001132097967789073,0.20044047046682706,27.60614950025485,50.11778608984636,0.2980513100771837,15.739504653399964,0.0,0.00014063033626880034,0.13675872589891752,88.40637395454732,64.41374244590062,4.105904035317725,14.503391063000985,1.9907974977412392e-07,0.0,0.19609794191296068,47.81640733686443,81.46437797113818,4.794995542598517,13.177979875342867,0.0,0.0,180.2041316146358 +0.9542821734005639,0.14788403714022033,0.3479809231181571,149.62265821615668,228.09276254237483,247235.99791639415,5.753351169054267,11.670379563625382,3.3812272019666816,58.15202750005235,3.4434910181228857,20.69793287212678,0.5462380255723862,0.5596420727964619,268.3914316307603,53.74865298964198,0.28784209476401834,50188.002310259326,0.5741574591558345,86.44133454883607,4067.989388856217,211.0183758665667,239.3161369068554,28.819671327106757,0.25766745802738156,0.1983642317429913,3.3115929612750947,24.17584135072872,3.265723106205873,46.30502996894482,7.240655051897346e-05,0.821506250061849,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21171686188914537,2.428607493119889,23.46318746823306,0.34263415635453776,42.86062559377382,0.0,0.00014063033626880034,0.32611663155090387,6.174539565994474,16.148836494774155,11.077527674869648,51.63691730001074,1.9907974977412392e-07,0.0,0.2132331636661476,5.663619026632254,28.983495485930522,6.702055168306951,22.419092098838693,0.0003300876845856452,0.0,2698666337285.8823 +0.9263128812323811,0.19067832075792363,0.3933208644945464,145.12468936390405,173.65529464023064,203436.95688511847,5.488598576266058,30.480689007290145,3.315324194527258,96.01970092312953,4.578767656276598,26.63095365702835,0.4300830130434698,0.8580234890097458,901.0015959312186,65.61224616263691,0.34639324451613857,106442.71142148171,2.964685861849171,77.10279338505595,896.8938097290602,248.4734265622078,347.4455033893979,57.63411016478157,0.20291427559845898,0.1874514222414498,25.770335645981998,50.1583732234487,2.760760913667622,21.40557948995777,0.0,0.9239131838963234,0.09162631322318043,26.416923891293788,50.27327956216385,0.8614963914489039,17.42101684292228,1.6033010066721712e-07,0.0001132097967789073,0.19856710838585212,30.409481723151416,54.76077835111274,0.3551123607415919,19.13405108015839,0.0,0.00014063033626880034,0.17213627098619746,77.00304681444482,60.81174892565904,3.2510922853978017,9.927861301995707,1.9907974977412392e-07,0.0,0.15300956700292373,56.1865940310637,101.79211651471783,5.406163641936291,26.808305365047538,0.0004257060263852492,0.0,188.33252783492037 +0.9723851975697396,0.22641083092427247,0.382294561659044,226.86503332802076,148.67640904409947,272764.3610629283,5.705797760094445,93.53647428155023,3.2978934894713547,91.06381073210636,1.9236234844910132,29.741446672956567,0.4421712455204102,0.9879267911852853,884.8957024317963,42.85634705752917,0.3376361294734191,155434.41028082967,1.3977738656304093,47.24049961287261,1980.1047041735142,261.7655538296214,341.2422053225664,28.667607128957496,0.2589406641127652,0.18845686288647243,7.140613466372998,31.244285676941104,3.117786144794734,18.681198443655262,0.0,0.8339480096253497,0.12400928556458121,7.553879896474534,24.882680226628516,0.7314483589569571,4.856701849420219,1.6033010066721712e-07,0.0001132097967789073,0.20116462381427855,7.770732777606539,29.10906625492667,0.3300321840867188,17.34343725707237,0.0,0.00014063033626880034,0.07982775338876055,48.111526636202406,43.71863754082613,2.953274993057085,7.41281534888622,1.9907974977412392e-07,0.0,0.19665388943849216,13.083196588405588,36.72498211275515,5.7391467581193805,5.787067994222868,7.437437496610695e-05,0.0,95.7691121050902 +0.9789180903181455,0.11926367236400343,0.3541874719976571,207.0562567101049,83.2416571847866,214808.69203672034,4.753294136372145,52.957959138982915,0.7161360678558768,84.1029928016844,1.8689293708428563,24.363977407956252,0.43301152992088693,0.8898713160862575,204.3525162487372,46.89324438280031,0.17832985969695272,158325.42781787377,1.2440677498667227,57.06918966455298,2266.884943960666,214.59261305036685,338.5136971211425,46.11029573791872,0.2599334451045761,0.19131740555535043,12.330308808612727,30.970133557402793,3.180328588254649,27.57197593605003,0.0,0.7760725791528991,0.12867019220323486,9.03410748824854,26.27877674657982,0.578937809830558,4.885985921090015,1.6033010066721712e-07,0.0001132097967789073,0.20099628215155885,11.617383987985823,31.668280227892215,0.3165647322939408,24.942776928791073,0.0,0.00014063033626880034,0.08058308136008238,36.34873783132484,38.823868249802636,3.317229593296486,9.454589749844796,1.9907974977412392e-07,0.0,0.19038463238861925,16.59463571156816,39.99214117645126,5.171893476792626,9.721634217607296,8.959586010035296e-05,0.0,96.76602959305677 +0.9577955574119978,0.10761213098434048,0.3369625630112161,181.34555086526422,225.52316527159815,263985.7131300579,3.6768741548121695,37.24831786905164,3.6809370405796633,26.788586015119847,1.5550574702158624,11.098982962159269,0.32461443923665334,0.5552323242523943,26.9938058004335,1.3288034458772913,0.3184354673220879,54231.76972396007,1.9294824895381946,27.495672332786558,1301.0197538495245,188.1487579747892,248.32160895273012,40.00405825205712,0.2130022678811782,0.1988650068392762,3.84959228373575,24.026621778293578,6.9775683189353055,9.61204952837455,0.0,1.3607857617258747,0.14144818481786664,2.0557237170890312,12.837722351733579,0.49075188994639396,5.340295003414419,1.6033010066721712e-07,0.0001132097967789073,0.21256434395312857,1.5069669717647425,23.271390822668383,0.28253774555232986,5.512820422286738,0.0,0.00014063033626880034,0.3284019210261715,8.764005905443502,16.88800788250815,6.652874670015318,38.455036731301185,1.9907974977412392e-07,0.0,0.21560486156116052,5.37633707061287,24.229938200877864,10.919727740459559,7.128667674677259,0.00026076900900794814,0.0,64.64128281469387 +0.8997498936400861,0.12775049437537625,0.40887932281169637,178.19400588235135,147.2720109765722,335049.5197666849,3.2883035205261355,82.39323246343723,4.1093344220550305,11.602739530899306,3.2106241485235687,19.368739702339845,0.4306342455162431,0.8327786880642635,78.30978864172036,25.790382742686223,0.19207142969918886,73152.31734420794,0.6488814920327834,60.35156284763832,2409.5691272613726,246.05642575213298,344.7488492557192,51.5953483074169,0.30939451576913707,0.19520433404019558,5.617059443456984,26.21177372263855,3.6736887351058334,56.69520212695595,0.0,0.7661580893019457,0.13308732102599583,9.806419069065187,26.80468537848886,0.22519192987362557,7.708045727969328,1.6033010066721712e-07,0.0001132097967789073,0.20755853313838804,5.756253751019139,27.169186965525796,0.24677579501745311,54.15056742188082,0.0,0.00014063033626880034,0.11998911798287999,24.53200286887668,32.79944324510974,3.7377151987183117,13.811598964269297,1.9907974977412392e-07,0.0,0.21286500221484367,9.770978337492739,32.413311485162104,5.37266293377266,22.829879280830514,0.0,0.0,110.01581156692991 +0.9227337031849432,0.24278497604671007,0.36993773110087785,167.2085298665519,243.1821771817051,332398.3782944398,6.387073299115684,93.11553537789527,4.533003918844828,68.20048281214349,3.9583982854500883,20.106815907412773,0.5194951508015574,0.8868707719894501,944.0045109656025,37.22549493505485,0.22642358085108974,68044.84034970016,2.3046639227353225,74.27729038419899,3228.721120664107,263.39556025631657,342.7585469021103,55.04129046745719,0.2024884620587477,0.19474119769204573,18.783630716914036,38.69529254859494,3.33625425547,33.23256359062623,9.800308593944854e-06,0.6345179645135646,0.11463665674102166,31.198850380925183,59.46559804490942,0.7127616584622899,17.697911169862405,1.6033010066721712e-07,0.0001132097967789073,0.204089625113877,20.746502645760536,41.45544102728019,0.32135080423643086,27.68913925046724,0.0,0.00014063033626880034,0.10355887924331128,76.11365149557719,63.72253026694447,4.229932601333671,13.606874318412732,1.9907974977412392e-07,0.0,0.19426136947844577,40.41293865388846,73.89869924938601,6.267547513925462,19.63471378065017,0.0,0.0,168.17002154945666 +0.9551857032185314,0.23618194548372654,0.3950614143480611,135.5572677822174,124.69229700568414,308558.9815647302,5.999746347153163,79.56245354078226,2.7259554054531474,82.38130611328859,0.3202177255547347,29.609432553269986,0.432221292845354,0.8086115294653083,523.2843136659885,91.23619822159681,0.12092304770082832,294516.27088936296,2.899180581052989,93.04236549112173,4771.979368264264,259.9153817067591,348.2440054899978,56.97252838834897,0.22867521782363842,0.19763471320198095,38.60996788298259,53.57946629159342,3.1044177529990744,16.996466357733986,0.0,1.4421403007231663,0.11579880559150565,25.5330564317832,46.90181812264711,0.5153013860406709,15.342617727002507,3.334187012504273e-05,0.0001132097967789073,0.20396135644909347,35.495726708448665,58.44892771115711,0.2978049838011336,12.918356371507482,0.0,0.00014063033626880034,0.33444421671320335,82.8507304379144,48.50714989515294,3.238423921762186,17.107844911523017,1.9907974977412392e-07,0.0,0.17259876444271247,47.71153411331724,89.12909501763238,5.469011091814836,13.830905292972991,0.0,0.0,180.42959818577734 +0.9165376365181821,0.13532415015134985,0.4070038606416995,124.75264612248216,17.86528672606177,346463.26258714066,5.270619202556347,5.678951107555797,1.7535021426807453,36.34829723009368,0.8257382489513241,15.672444927447327,0.4256656209950267,0.6478466782914747,296.38232267919216,90.16016637892548,0.0874511881084403,57474.086054916304,0.7241807182667661,79.28879645749757,272.6507186830213,139.8398397079256,340.8236650627351,39.11359665444913,0.18016294379713774,0.2007578821972625,5.570475740015109,23.311357746928625,3.362290300861072,63.44770138398358,5.923288955732638e-05,2.0015328437412117,0.13890571667682394,5.537453630601046,21.244232227823144,0.21468367804689262,6.940448351679847,1.6033010066721712e-07,0.0001132097967789073,0.21173571026900553,1.778668514179897,24.438725834697525,0.2501187368406727,49.002992934258494,0.0,0.00014063033626880034,0.15339159430778906,22.115452903460238,27.847043232870135,3.6400973092401956,20.417503538964585,1.9907974977412392e-07,0.0,0.21852060032903925,1.3101246802782758,21.89777476567177,4.146366036412005,12.997003001901843,0.00010562357662631771,0.0,102.5160185307313 +0.8779341675352694,0.1676175514911997,0.3457440949185594,115.7978539653335,167.00536043343197,186805.26628929062,5.117373327734925,34.78707688615688,3.7731893158360004,82.96602453680772,3.522115430281125,19.576858942042442,0.7547058706972031,0.9698160361296332,896.0378748682649,40.646371919684015,0.17427538338351384,123703.32167179717,2.5674827094783605,71.15658958458316,2411.8309595617416,268.1264619390953,345.37810935436596,28.278774216694067,0.1824765274717522,0.19321988115449865,18.500312762662514,40.025936412338545,2.783566090247502,15.694064514320827,0.0,0.7321366666108494,0.1277069365423641,26.541134480641517,52.45286690375832,0.7919717170713862,12.766538596709976,1.6033010066721712e-07,0.0001132097967789073,0.20540242629061842,20.971471827579347,45.35446879363464,0.34627798284587746,12.200134193941246,0.0,0.00014063033626880034,0.12968454032013313,90.2644899663769,69.71381597065455,3.8454182576688956,12.663684335563854,1.850646767629067e-05,0.0,0.20960108703600067,11.730890779692661,53.94144970345421,3.855658414065361,9.223990873400439,0.0,0.0,157.462104792274 +0.9426265194153407,0.10958057017935169,0.4082795679809555,113.0262773452545,244.21557890944777,199373.90883737776,6.172996798975879,30.248899500876014,1.3135726227654951,64.74481242205763,0.40245104220342,4.419928836302409,0.3501896455363305,0.6833357052406338,625.8131765622022,35.640371124244595,0.058024498469004995,58891.79153255903,2.5699252201601746,81.15099361239203,2781.539274120925,203.58012821614145,259.12653906641424,12.366850461780725,0.2469401968834306,0.18374613950122,1.8400959287139176,23.62447803861169,2.664415946997402,6.895011099620391,0.0,3.728442741726186,0.12373137607780095,3.013764538509201,15.398843082176882,0.9584560887882083,21.338483473218517,1.6033010066721712e-07,0.0001132097967789073,0.21377359066269763,5.353982111853983,23.505343636178505,0.3706116932410537,4.1713786518681095,0.0,0.00014063033626880034,0.3418577014378201,1.5940361236630936,14.651428433964181,15.060355489142994,55.69936133226999,1.9907974977412392e-07,0.0,0.1388357663831275,6.6553644623786905,33.747627883363215,7.192352310111506,54.95256524308116,0.0,0.0,98.65386059571102 +0.9762591022872666,0.14671048361020736,0.3703659007868447,164.071803598423,154.93395029992763,291135.3334590637,5.061932234597077,73.31766986379726,4.821642929785038,52.02389042215243,2.608385869576197,20.40245769010141,0.42573122961994064,0.8210541762940146,252.3419282171733,60.86917610838016,0.23055210405252108,135777.5481080536,2.653366501275836,92.03474800233546,4745.73305802257,272.25847698486024,345.66558444236733,58.54363529350547,0.16031141760178722,0.19170457517630188,25.950335536510575,50.37898338894165,3.3048440495788896,22.647637859199413,0.0,0.730210562114058,0.09832007361164526,27.692363456661244,50.5302039567459,0.5327133745683097,15.33577647506945,1.6033010066721712e-07,0.0001132097967789073,0.20169907093038966,28.68230710735743,51.827862303789935,0.29627382973998284,19.401414516158926,0.0,0.00014063033626880034,0.10996416261886027,80.26793291330358,64.31738253839059,3.345981190207657,10.692450962870687,1.9907974977412392e-07,0.0,0.1672582826343053,50.92934949574481,99.65173254446279,5.7101128493800255,17.87415954023,0.0001297424785949634,0.0,186.43618493185107 +0.981330138547975,0.12330629101253568,0.42077136293090334,174.49007086151943,203.82210182714755,273729.24169644166,6.98794073977396,68.39436930498408,1.841940779189403,93.36682744338725,2.432970217184007,28.155778207773338,0.4488216212862674,0.8867581908981765,924.0071856139966,64.67625376454484,0.24897601525389162,247477.2177267658,2.4080043773197737,78.79372833384149,1865.4658689189678,286.6026941960796,331.03021874450803,57.7830959056959,0.348761992151307,0.19116349726536203,14.91240489819069,35.41380585010334,3.1207962613688,9.270030264102045,0.0,0.6862014189312572,0.12919787612985237,7.90928283846504,24.53596639537729,0.9146573963850784,9.963717779299206,1.6033010066721712e-07,0.0001132097967789073,0.20293492088431064,14.880216634366239,33.78194611587664,0.3591477846098926,7.861431191973245,0.0,0.00014063033626880034,0.3550154709149139,36.06155745425704,23.52961253563874,7.553033614887104,45.152453152502396,1.9907974977412392e-07,0.0,0.16019948026554953,17.99745384745768,49.59270838103379,6.350117193394285,10.758855086477094,3.497894176159198e-05,0.0,103.20588515605561 +0.9165497733729966,0.23023423985757985,0.34655423778371836,194.68850186207104,236.14882729275558,341418.224937436,2.15827474484131,80.02893788087822,2.342023231433812,88.43959673457975,4.922082411324209,29.87358429371516,0.5000505999965925,0.9499220520105378,801.5225752696068,8.074213403270484,0.3443015658544231,83866.7084699967,1.2148421853369482,96.92350739370445,4802.952231452248,244.34954324004713,349.6525081026656,54.98237390105616,0.33244230487930315,0.1904479020335522,13.030899259709244,32.10642132274656,3.1056320668351933,55.901153442225024,0.0,1.2279017226983726,0.12992256706611374,16.915836023938002,35.038872147438305,0.2512245288013983,13.347966571702583,1.6033010066721712e-07,0.0001132097967789073,0.20277885450584848,15.243454161345051,33.88220032603304,0.2367170349541285,53.393544270456445,0.0,0.00014063033626880034,0.10018861623679867,37.21148030578976,39.99879232197195,3.676687589118117,13.215688608538219,1.9907974977412392e-07,0.0,0.20328531713971953,25.260910067318655,52.671394757304725,5.146572064364849,23.847414543820957,1.609581298371599e-05,0.0,132.06287214483018 +0.9204267199810434,0.13114736499542232,0.41012266163282696,181.309310644861,210.93993217537545,301813.4777832551,2.7485537855718967,11.937429421465207,4.49056995683104,83.4532446273596,1.2614352117354408,13.647305447730162,0.40063198269636785,0.738340167091279,543.3561877278152,95.92142270506152,0.18768406631072732,59841.17883900147,2.8218331166477975,86.79486436356524,892.8938765290588,287.1396614942289,223.08590492021395,55.78195600395367,0.18572329180451777,0.19068386421212738,3.0211669247618675,26.17778274809691,2.7887942303317317,9.054047618751287,0.0,0.6488468999408816,0.11726373664178556,1.7814223626354888,17.50727359384536,0.24186514380344412,21.213419761547456,1.6033010066721712e-07,0.0001132097967789073,0.20352587625785226,2.7218655376875636,24.496299002124168,0.24655395387285817,7.177460888772853,0.0,0.00014063033626880034,0.34417487433716676,7.392571285754802,14.895050749190624,9.741113437806442,51.12625521354014,1.9907974977412392e-07,0.0,0.17779085793019866,3.9574215090338765,31.947824838395793,4.415673536294158,31.308519271467006,2.2392662302222666e-05,0.0,84.99977290136698 +0.9461183661591811,0.2526328591012553,0.3575544097333576,190.23317862513557,53.81694157697437,261099.52703782343,6.065935547329026,60.94352137642732,1.243630845928794,97.25302381258093,2.1759317859587934,3.699460713775163,0.42344715383461085,0.4387875003837644,806.6389181467179,14.66036009971823,0.06989861973269312,124039.24808432422,2.734982133287729,71.34915662389186,1873.9201261357828,281.5295656374378,282.70852358785766,16.324906454721727,0.19979502236885632,0.2022299250255675,4.6619559208113,25.017883656127555,3.495289518842233,6.607793982554034,0.0,2.869482918377253,0.1468449696669951,2.4988527809777112,12.620641106253707,0.48027144635006846,14.719200407750659,1.6033010066721712e-07,0.0001132097967789073,0.21536931169062723,3.2903426226820303,23.328795991514692,0.30754061021486007,5.339177748535016,0.0,0.00014063033626880034,0.28873730023418104,29.180749032690944,23.098775854292512,3.1336655432669116,38.19999816957551,1.9907974977412392e-07,0.0,0.21985676332825044,5.058662224979043,28.237908095575506,4.883566572888104,25.29291082280247,0.00025134817905090575,0.0,77.5804937584154 +0.9855101076239343,0.10541146641726248,0.44547157283831634,86.59783866199848,146.13594427820868,238482.88797785187,6.904892272121737,53.932333612417644,2.0466117405059743,82.88241752003348,3.32577613796752,25.83682975833442,0.3047048160176804,0.946921045111236,908.7005228607147,83.48292813750155,0.2870114192929557,101693.33924136579,2.2793952977526954,93.83429693445676,4203.633415072579,235.8205697984045,340.8022013437136,56.4547742503376,0.3423325239277224,0.18157256745319889,11.296340153101072,36.90381597778195,2.83569861822999,19.035499229270393,0.0,0.7261178082913652,0.09682915920234561,9.119610970377941,24.265798723846057,0.7111697997941098,17.173015928596286,1.6033010066721712e-07,0.0001132097967789073,0.18572150633072204,13.49327981696384,37.65308895574961,0.33519816361235505,16.74432980857592,0.0,0.00014063033626880034,0.35760228867163046,32.628930383824475,22.405598862145943,4.720477752923876,31.899225796500435,1.9907974977412392e-07,0.0,0.12918485380364542,19.61694176509884,46.94081721279603,5.0123117061589735,16.71254490992867,0.0,0.0,101.03247402369924 +0.9387531647423102,0.14386510128790056,0.4404774197925728,125.79526877110405,60.28467115667713,217671.84692557954,6.804535672311372,34.67369729398514,0.7228143414176347,19.65261718615315,0.7073478045547263,11.60765028629763,0.6685721670114797,0.690942398438936,929.9384130800312,54.46273853111944,0.3450157811221001,56925.12925592056,0.8292947594185339,68.58402918947664,248.29505908777685,114.82495307524259,221.68439500682408,36.05877710383331,0.15459851321069865,0.18331645789929155,5.91788278792302,24.520976991670167,2.479647522988156,16.216060860081793,0.0,0.9310784198898195,0.14161856990241287,3.6393256853473726,12.107493837089311,0.665579856918147,3.4979952194958255,1.6033010066721712e-07,0.0001132097967789073,0.21184473960620584,5.673796758897907,23.91914112166727,0.33855414330042244,19.274184154126985,9.021371067424454e-05,0.00014063033626880034,0.3405616205958614,2.0822217465896613,14.430233291449936,12.483749961786193,53.214270484980155,1.9907974977412392e-07,0.0,0.1532508850920384,7.092324914664108,33.324287508116775,4.767503629676659,44.71906139026576,2.5325540880142665e-05,0.0,91.86107780595265 +0.914865112002982,0.16136979770508011,0.37556746468463154,148.03094113399428,45.828550020578064,281423.9936700299,2.646013218335064,79.98459426733861,3.293781440426708,97.60813841062159,4.146611485197265,19.108760972276606,0.4148442573493999,0.8780668392614717,636.5043727421864,27.59042550830586,0.32773857819961816,89859.00638694059,1.3431585847250538,91.14279308107581,4901.928752359654,286.34913983866903,345.1752065382816,48.530618173323276,0.2910619496520348,0.1932503724318849,9.082530741786508,28.67201904374087,2.8135783278826474,39.56322492978562,0.0,1.1870161555579941,0.13251264528312004,14.18496723136611,32.86008710367524,0.2884051827743931,11.354292978081865,1.6033010066721712e-07,0.0001132097967789073,0.20647289669386937,11.714230820816546,30.52712902398121,0.23990659088392716,38.24765737951102,0.0,0.00014063033626880034,0.10722853709978429,32.797308076059,36.98878092546263,3.9125340197892777,10.202656194431261,1.9907974977412392e-07,0.0,0.20270018168962692,20.45601767087403,45.535807282501466,4.416065964932922,19.364073030698577,0.0001539653530120768,0.0,108.95428123970481 +0.8649328190075433,0.14786819583935348,0.38331116810238053,214.64106673418928,183.0296544637389,191506.86340061622,6.2162699283924585,58.340082024891316,2.603710986665358,63.56534391704067,3.9994637945871334,28.7056411893607,0.5269632713016672,0.92459958420172,797.0791592819565,28.31179316802472,0.22334083033027977,101939.74695964696,2.891408945805357,62.237576858455476,1639.2804215743017,251.91092419912442,344.52633263809963,55.15117148972965,0.19581340042932877,0.19191962777328872,25.324275568521283,47.15450015660657,3.1757495731820367,21.662816270434252,0.0001584973226416656,0.7160968064924507,0.10137049531097825,35.359404022943636,66.4232018990604,1.163177677620656,16.410447934329596,1.6033010066721712e-07,0.0001132097967789073,0.20181495736650393,28.96592007220384,54.1991902118535,0.40219055666414777,17.857976361652455,0.0,0.00014063033626880034,0.12649677890873745,80.62974586858017,64.73389566904777,3.9246787134702394,12.589276001067567,1.9907974977412392e-07,0.0,0.1779016091968194,50.59850003765986,95.682712180446,6.5535751371802515,16.413785596287237,0.0,0.0,190.43840307707237 +0.9756929815524531,0.23436171610097367,0.37807853643923583,12.64573078207184,126.81990185683314,290669.9961747356,4.608767702971128,16.888491497392316,4.597314277197258,95.1227218763416,4.549652107644605,25.690582903673267,0.41149331812214957,0.7415297195550592,655.0959838265026,7.673251074076838,0.21210383693862228,87772.30834029874,1.855991888962048,20.182400190669885,1895.945756467108,258.5137923773436,349.76561450637973,52.21028184930249,0.23074711782494386,0.19597379337010057,11.793835553671055,29.690798844532683,2.8847533014449955,35.77081700461011,0.0,1.123744273294846,0.13489623609180224,16.128473540743194,35.13032071352509,0.38655053308682286,7.379467456990676,1.6033010066721712e-07,0.0001132097967789073,0.20744134295484204,14.225765716229688,31.42059235115282,0.23728061881844756,32.466484046846354,0.0,0.00014063033626880034,0.14269998736993997,34.591601642721905,36.441447851738495,3.949041991428268,18.349232138564474,1.9907974977412392e-07,0.0,0.21260511730714704,22.432460471438617,46.863358181978086,4.470860581997991,18.115995182387152,0.0001496199672770892,0.0,109.66759775318467 +0.9789953526844495,0.24203819646354768,0.36565464268641906,148.00440457077275,249.31246974709177,311672.1922637331,6.08163410567057,35.71957429303975,3.099952988904759,61.60424712942743,3.8463530657531213,25.58287331753893,0.37881132376771237,0.8573528137050435,97.97984222350087,99.46264520068077,0.05547591643351451,219941.83238452277,2.8623294006586146,43.95006033560986,794.5383022640102,217.60593418333866,343.1012458604199,53.991873318597285,0.19210496182607173,0.17855559328995618,19.81265624379006,53.061886924060865,4.083641734428746,23.9656549321004,0.0,4.441498823702804,0.12941535821581415,22.113854217693508,44.14548346774955,0.6882474011955925,7.3234301206610235,1.6033010066721712e-07,0.0001132097967789073,0.2061620635335663,27.588974191624356,46.30604184564217,0.3185082169308389,12.018753691887198,0.0,0.00014063033626880034,0.09071416319325193,69.37320729112456,55.41753314959278,6.50154327195642,7.815072993034592,1.9907974977412392e-07,0.0,0.1807554233474371,21.44422634530863,69.9675844608369,6.985594944136999,8.193397710204414,0.0,0.0,151.06037427178586 +0.9661476950821758,0.203979170955285,0.4106950335044678,245.01908266797483,193.97207416930405,305368.83586239815,5.2376309936673495,96.84240486068585,4.782920575289086,94.28847076467108,1.7271596894651466,27.897523737686747,0.6623874614339536,0.9717448348273475,996.0112787268426,30.757477088995138,0.28205207092353185,139352.65035587247,2.93993671891918,98.08780715549298,3667.5764292578397,244.82805152923095,335.0909971886584,59.592917259121265,0.2427413600136384,0.18454708391335026,21.71879781931978,50.793635231882654,3.2022506479682646,14.855853970483833,0.0,0.6720180419753652,0.09613112230595702,19.97438378715429,40.5068063516132,0.6805183968651096,16.047897094206885,1.6033010066721712e-07,0.0001132097967789073,0.19327767779157362,24.471364850461224,51.879685990411666,0.31514256006596136,12.92199666548908,3.5450717808909853e-05,0.00014063033626880034,0.3093782318960536,66.21264017651018,45.0789430930583,4.752919406788569,22.853221336739566,1.9907974977412392e-07,0.0,0.15027760407972043,33.789551423989536,77.36279522717471,5.937018692882349,16.642319238504236,7.3582803872899e-05,0.0,153.0965018534595 +0.8607894248541801,0.1291918927908092,0.4490814513207248,183.39632464804728,118.08328216285618,135917.0544458729,6.380231123546056,26.506102266427362,1.1785813021889249,14.172482967251412,1.400044225980256,17.593939193635837,0.3537825243417486,0.8686029934805254,223.67700551993727,32.256141653533895,0.08429145152881162,105070.63546777282,2.7640578063179664,45.27399084128858,3035.9530719398053,180.08459120878643,242.50898843453032,10.355479906724653,0.15958835476581948,0.1996566014910717,1.7200034707769878,23.527248853574584,3.3987600577777743,4.20814680248527,0.0,2.369075477585458,0.13478234145439408,2.527530399601125,13.549031075692323,1.29956162634266,10.40991354670498,1.6033010066721712e-07,0.0001132097967789073,0.20836798084821867,4.731692363566703,23.008210079939087,0.4294889693252808,3.2843371391400735,0.0,0.00014063033626880034,0.3494478023409681,5.83519825438227,13.942886070092584,17.822670407232255,58.667314410660175,1.9907974977412392e-07,0.0,0.11041470634310856,6.850645757062217,33.66622044953395,7.110973173008314,40.187484436942746,0.0,0.0,91.03986237468342 +0.907931637840266,0.16060174632650176,0.44008267185640676,127.65420363908262,192.4410476538255,215976.52984520118,6.616818676174612,43.48577619115927,4.634258469860876,44.256939834568946,0.594317031302878,21.495663114224502,0.31541914114756947,0.7857662125268585,350.5943978381965,31.353018281802782,0.21040707753647908,69971.62831881078,2.850667405110551,99.03472178217811,484.5348443077786,114.17593979972027,257.6350087891742,34.11548697738211,0.17551122256851037,0.19429598518386793,4.344934944256085,24.90857517990287,3.4302615476360723,6.647176906501956,0.0,0.7839245401191771,0.11750569217532097,2.11556187850033,21.15973408111972,0.9475686845099248,22.806206307578837,1.6033010066721712e-07,0.0001132097967789073,0.20540741132339738,3.89977143245225,23.493743568314546,0.369247151074607,5.839073087266002,0.0,0.00014063033626880034,0.34551188475690536,14.142029319018896,16.49196698255717,11.847669567032879,51.384959831963904,1.9907974977412392e-07,0.0,0.12124964899469295,2.475469322233322,35.61242976422131,6.868463116783997,46.46831011041638,0.0,0.0,94.89126342929575 +0.9782235479992114,0.20182117538917424,0.3797578499048006,161.4523691818822,221.4232684078941,332751.658848077,3.7226161017355963,78.21050160126445,4.533827014363243,67.54195031048123,4.155450389360351,24.350657682672736,0.506679157368992,0.9820699293262525,933.5637028479703,41.939010765910716,0.27191427030374327,257731.7105369212,2.824761707722479,95.63682591921106,3167.2827192738337,273.4263221143584,348.5125169377117,54.53173895414969,0.20263787139845252,0.19003199431654744,31.904076480776233,56.73043436792062,2.9865370938629354,16.122483498158278,0.0,0.8225451590520908,0.10333487591650757,27.305955155295134,52.64746679858618,0.32227962031684126,15.92559297746345,1.6033010066721712e-07,0.0001132097967789073,0.2004001221404904,35.43191444497773,64.36570596854068,0.2566264962196954,14.710833459398517,0.0,0.00014063033626880034,0.2848579309309331,86.67130247886514,57.00160548286242,3.1082911526101227,10.198818919723854,1.9907974977412392e-07,0.0,0.15378648823264027,56.643465631512754,107.53359958875602,4.851463381113856,15.659676733343742,0.00010280394098169202,0.0,199.51783740865582 +0.9783267526412694,0.23436171610097367,0.399369280206266,12.64573078207184,90.42989150379833,318463.9778085369,4.714380990145083,16.888491497392316,4.597314277197258,95.15196991135647,4.2483835553389575,25.690582903673267,0.420667833966782,0.9744414140586868,655.3898500663033,7.673251074076838,0.21542093528823447,87772.30834029874,1.855991888962048,20.182400190669885,1895.945756467108,258.5137923773436,349.76561450637973,52.125810497691425,0.23074711782494386,0.18917695669927945,12.013661769640251,32.51141036233292,2.9651882666370484,34.434147773930434,0.0,1.104506901117565,0.1297385004850818,15.700771661565645,34.122484873489746,0.4047906640732823,8.047866463221029,1.6033010066721712e-07,0.0001132097967789073,0.20277361046712492,14.173408108111026,34.75818628882504,0.23789336056438054,31.43634581791776,0.0,0.00014063033626880034,0.13167909845568754,33.75636733588361,39.05329429715137,3.8439145677791524,18.347876588543368,1.9907974977412392e-07,0.0,0.19455079524510718,23.677451278872933,49.89807372815178,4.502629974762322,17.036149144001087,7.021381690187573e-05,0.0,112.46028262504122 +0.9148138692735942,0.18385228046950983,0.34972158939556075,211.53703306331676,247.78223171953047,154331.78941162478,6.142537804222222,80.22370577811438,0.9160191056857878,77.96940703523663,4.318619751477609,24.58449403851839,0.7116160209248297,0.9174198375056475,820.0180297568927,40.20263862905328,0.281476582776414,58406.41145884173,2.5827054413077715,96.78496837002385,3887.271886433893,153.35601237213416,338.7018658930916,49.8181143629384,0.3385783282024269,0.18874021693306992,16.353021149654186,40.214166593684006,3.0809069402297884,25.748611467386084,4.99129231164042e-05,0.7798180486415891,0.07696030009325365,17.213755812552037,38.50709249291919,1.4467344334098386,18.622785358876623,1.6033010066721712e-07,0.0001132097967789073,0.1982038698449232,19.599606674815494,42.61416439630621,0.45254506488709717,21.914992013572498,6.702907664583794e-05,0.00014063033626880034,0.26980785920135414,51.04769301156889,38.19649766176071,6.316834391181034,21.82849639678244,1.9907974977412392e-07,0.0,0.16959152833452856,11.656871375878403,63.786363092429376,5.5515328384097,20.205634361456216,0.0,0.0,128.80746472216285 +0.9724412273765225,0.14921600402991117,0.41506239099445763,206.78473801111383,237.63151184553956,309543.98421560216,6.360306330441978,69.04193042432058,4.679560568199486,88.22357037648764,4.657728682447952,27.588110971256615,0.6748942691241219,0.9783746898010918,793.2920249979095,81.82376465501723,0.3247258235739124,291734.8085840823,2.5166874192600557,99.2827404131598,4531.639000518027,298.5105111941624,336.4602842786094,58.85857283749571,0.3182601392238454,0.1906718052122732,20.307964567302765,45.758067396847984,3.1491178627038066,10.114132391868862,4.6950241629300355e-06,0.7369465073580335,0.12316878289958787,11.232616476821853,28.065464751016016,0.8327757361868786,14.080748898271052,3.073255133907579e-05,0.0001132097967789073,0.1981042829098741,21.22842319397149,47.003513411840714,0.34080570437549246,9.520190208620422,0.0,0.00014063033626880034,0.3572022614004032,45.01918279816748,27.264610187924788,7.4664490910399515,43.4900126980033,1.9907974977412392e-07,0.0,0.1591935800130138,25.548010034050556,60.9201447534804,6.612053164816434,14.394525878475088,7.287632262680052e-05,0.0,125.75708443995951 +0.8653799775354367,0.11853829753979772,0.34346596434145477,134.28895483353713,91.17825700572581,240368.81694831778,6.386388937263067,73.81733475292678,0.9953074956888044,23.258906408484506,3.1080241177182355,20.078418773300307,0.3374501423135463,0.77697641053691,658.0993794570759,59.01670430998461,0.25278764389760133,81225.32231490378,2.224398118877383,76.06328851293523,780.2211107952772,264.48663068052457,344.6591081546531,44.300205395618576,0.18948051575824792,0.19559594278943573,16.87880389631376,34.770943361968186,2.990594852258464,29.857937458001167,0.0,0.7056895746504755,0.10983625518715395,30.8666501690409,56.10549396301023,0.6619460672244087,15.565678035192914,1.6033010066721712e-07,0.0001132097967789073,0.20673365905160668,18.824045383396484,37.90865447714652,0.3302815277752,24.688534645887867,0.0,0.00014063033626880034,0.10054658486505563,70.61999452168014,56.61773809464328,3.3067434581872575,14.858404209346725,1.9907974977412392e-07,0.0,0.2049662084077306,37.219499403255604,69.62398359024652,5.274340702492543,17.734042563869735,0.000468730374712522,0.0,155.367011367871 +0.9710109133082339,0.15440362208714364,0.44799506385303267,235.99017861198672,195.94365609737892,297159.9740020856,5.400450437813278,50.074287687064476,3.276178767878493,66.69048819042824,4.214986586879887,24.38008234164225,0.4245066646024582,0.9335162508948515,465.46911430635276,33.21362150981226,0.25593567664043315,81076.69637100096,2.660552275446648,97.57892736074169,1049.34797091056,239.02798474332468,348.5195538039096,56.78081705980988,0.3466875182404402,0.17336259805584292,16.493579065285772,39.92799778600415,3.4223603489946077,24.68533172135765,0.0,0.6971817439906385,0.09394027172793852,13.024347297656854,30.323654660419514,0.7183445420216713,22.657874093369415,8.427989978217894e-06,0.0001132097967789073,0.18108761222057243,19.901084624463667,47.81416030200318,0.32221808047809547,23.0114169896816,0.0,0.00014063033626880034,0.35343073931058155,32.22946152606171,22.907838104345192,7.896773267009067,39.516534305585616,1.9907974977412392e-07,0.0,0.14703910220659136,20.794810408152586,54.873845621603365,6.857626645856985,21.770897510775754,4.7894620826321035e-05,0.0,120.22886335857943 +0.9862769065023783,0.2129433089260444,0.33099373231846846,116.24747181993227,247.6818405693038,165607.93988400462,5.422912600197323,73.62276995726083,3.969283232402346,82.673216020434,0.6765990424385806,26.03699202281536,0.43142212006207376,0.9804378634165005,829.2023605359283,47.74713890723737,0.06477936113903417,116329.7627234742,2.2208848253902675,49.73336206016449,4713.573345891035,69.90039894051284,349.5774686295551,56.71087181021635,0.27664624735600535,0.19704074689361806,30.885889169240443,43.714981071259196,2.793957704897378,44.50684476375828,0.0,2.774940836851522,0.1281395630784029,18.700961478953726,41.957696253093694,1.0237802946765204,7.472667392926255,1.6033010066721712e-07,0.0001132097967789073,0.2035931093274752,22.74293220736329,44.963446091246155,0.38176545938215184,30.800098335992796,0.0,0.00014063033626880034,0.09175741507108358,47.159468455970675,46.51464560686152,3.4678984104480928,9.169157513046272,1.9907974977412392e-07,0.0,0.17864520015627036,35.41738252294892,69.76929143688508,5.137528883459536,14.09996372202192,0.00034873547266045686,0.0,146.10723298033383 +0.9403793843551244,0.11218437390885747,0.3566428099895155,241.11238824084,151.1268692713322,226219.0440982962,6.030669965331596,79.40192139117649,1.321070173363082,88.32073717907099,2.748728113572335,13.316377696382833,0.4361838201306606,0.5686527521707089,30.651246175050318,1.9981807612680171,0.20663362190541756,55434.75356796407,2.0100154897102627,86.70412967755249,1951.2944278022628,263.7980207635343,250.75553887914782,59.039532852150934,0.2199114825860784,0.1907705745025453,2.3421955720806746,25.784117060815436,7.114919689155232,16.69156279428975,2.1701801639082695e-05,1.077099759511595,0.11138565464742464,1.6175904534538164,15.389232000693974,0.9515577487244059,19.118439754589488,1.6033010066721712e-07,0.0001132097967789073,0.2016859154974358,3.2412596545129255,27.17081188250678,0.3675136317619256,12.79471938045334,0.0,0.00014063033626880034,0.32854646367885354,17.298562339806374,19.076323259327257,8.924304069369528,39.05919089530209,1.9907974977412392e-07,0.0,0.2204206501273529,3.089054195025806,27.325966738952722,11.900488243178401,14.472868341140968,0.0002455122356198651,0.0,76.7799013022103 +0.9434342392699849,0.16009326174349459,0.3758813513473625,30.626578286583424,205.6858692800266,285059.24352477276,6.040413631246594,78.58228099965372,2.2952081593681872,51.621228026626,2.8232361846400877,18.94273835974301,0.4254145117576848,0.9002002407999976,418.58444725315803,9.986429242173127,0.28859906603168045,89817.72068564687,1.8986083065404091,87.53871482342502,1697.9000429632747,288.26150960603894,348.4279305164418,59.23293929194558,0.16211030922557726,0.19214888547586148,15.849031925977949,37.59737362770842,3.437876105241566,36.710732128520064,0.0,1.0494283587929567,0.12166271054545577,32.11733515766087,61.93747212622874,0.22380698101265173,15.483467735820414,1.6033010066721712e-07,0.0001132097967789073,0.20445579983549694,19.26959662146026,40.39060481442705,0.2531252868103144,34.70381670881651,0.0,0.00014063033626880034,0.112970284048032,76.31271921505784,67.67244996441013,3.940669103815078,15.559995320583068,1.9907974977412392e-07,0.0,0.17680507757739852,45.86848889370969,86.95417287269237,5.305541225076894,23.272889712535722,0.0,0.0,179.5431573837225 +0.9806888207643274,0.13551324017928665,0.3832371043426535,215.46888344270036,139.89960339764554,290993.50234121666,5.153270633460524,5.664936226837628,2.8539413191955707,36.315030296842224,0.8479447196242684,25.157309229158418,0.3944579836814609,0.8267249453084633,428.7051217948827,10.836845236969246,0.05722108166762782,61144.35970055082,2.962297211611806,86.23963391007324,863.1438291890017,134.62000398766563,349.5815966324406,58.38485017225189,0.24115536957187655,0.19567617021038758,31.085084693724255,48.068946832400385,3.831583394155949,33.24415681577529,0.0,3.425836796811189,0.09860672736724922,25.053754317156304,46.82266387964523,0.5783406477021822,19.243874430733815,1.6033010066721712e-07,0.0001132097967789073,0.19717919371840847,25.59640545658969,49.2677634615601,0.30410175616650725,20.72064215409186,0.0,0.00014063033626880034,0.2406689252163359,59.124242527021835,49.13002311247653,4.394057699173183,17.375752406605056,1.9907974977412392e-07,0.0,0.14755606631177834,43.91190798668667,86.9969696106824,6.4237467997657385,22.9243818064315,1.1996592431465112e-05,0.0,165.54601663538702 +0.9177078342289954,0.1564920461530815,0.3541956675566268,193.790204758341,245.1783946879128,204859.7675111156,3.76893499853624,64.72570400260486,2.1304533675616373,85.36339470862312,3.300193298594176,18.73078240954301,0.7757113809894188,0.9592313898645233,576.8129272391619,92.02566800281627,0.28614263612839025,90100.41860492187,2.0757384185685828,99.31805250781373,4750.881018999514,272.8393243999342,348.3501926611067,59.41795610565052,0.3384926655354511,0.17324439708761494,11.550231530368174,43.19700738884266,2.2024729607812743,31.951632197529474,0.0,1.008552712770092,0.09542121112020345,16.21236247073058,35.4885698229009,0.7325273982045358,18.47048286547144,1.6033010066721712e-07,0.0001132097967789073,0.19842787055652816,21.737686211280742,43.85463027741215,0.32530544011673546,33.60589729474989,0.0,0.00014063033626880034,0.2131588615171211,49.36600301017218,43.833030540769,3.386180307239844,11.368374294863576,1.9907974977412392e-07,0.0,0.1687168850778801,25.95411291565725,58.221870466953405,4.933538965001826,25.557392589508243,0.00018973950198284005,0.0,132.87390338727465 +0.9015191988650069,0.23665389728124742,0.35975899398877864,213.28748848753142,109.46920058436712,299942.723640536,6.533334873852425,98.82473786361615,3.5333775769223505,54.036802974990735,2.0268645163547574,18.356996168532717,0.7879083994955005,0.9568205094241331,938.7865278502956,64.08772555239209,0.20401216497926428,283500.04507110576,2.876677046996499,94.44727891423963,2419.100171497519,270.47964479008084,343.7706457140789,31.434636913287548,0.1786030319559588,0.19602532970948622,26.63278244055251,45.492429603119305,3.135804235866194,9.299343751771788,0.0,0.7459000370763419,0.12706952481385705,27.834377941739813,51.8755833805414,0.6511275713183473,12.905344047811692,1.6033010066721712e-07,0.0001132097967789073,0.20734568195564917,28.190465984049048,55.28561145581372,0.3216529451647897,7.2921752458272175,8.110079422286977e-05,0.00014063033626880034,0.10419238362586021,109.30594125078147,75.71557671197529,3.1219499350993107,5.682699369384552,1.9907974977412392e-07,0.0,0.2040336317751036,15.873300933487927,69.17730630275443,4.883804702097156,7.869508029539588,0.0,0.0,182.37073209534833 +0.9785435221678381,0.2232115976846735,0.41648785793789544,156.61964902378935,99.27340800548802,252107.74350457225,6.832511432510022,16.384900850037525,3.4996008459413956,94.75766046487242,3.716800791876862,20.035945176802905,0.6054609273199919,0.8537850359021336,237.7948109241558,60.34908370554613,0.34297017560949167,69002.17236741728,2.9374467258408026,78.25483228842351,4938.707117716419,270.9737007966628,230.5586596440327,25.66122482744522,0.2533715244962376,0.17983753270009026,5.2019543757695725,25.253127097844565,3.4051765518373873,11.120900282779939,0.0,0.8242354055504885,0.11540179504016622,1.9883023467963221,19.374480773627113,0.7296613164161568,21.836248984372297,1.6033010066721712e-07,0.0001132097967789073,0.19101802928583225,3.907877985714214,25.271519901948075,0.3394478332921817,10.015657520636438,0.0,0.00014063033626880034,0.3500818268923478,0.9730508867939781,14.175861171188707,16.507985523760098,57.37262149492386,1.9907974977412392e-07,0.0,0.09411060872619414,3.514931740693425,35.358116921706134,7.212812340623509,50.29354282147542,0.0,0.0,100.11004269732287 +0.939829504430342,0.13520421507181996,0.3869791493354889,27.62238588311307,226.6337798621716,129149.50247252655,2.4700896318901333,99.57348188487887,3.4303134839575087,92.79879856040775,2.7201583828638967,24.26532492209307,0.720625453275265,0.8524498062665204,221.06512531801215,74.8577219521923,0.26437463160631985,79893.30124653698,2.5140429299705995,42.301135701037275,3335.858369241323,281.5713185111366,345.98757863681186,59.787615057688576,0.23928548720072698,0.18914230206924162,15.808939065518759,38.87907708030063,2.445787484135028,24.422577564045056,6.309703653245508e-05,1.408033995826198,0.1158350236813317,17.574901415608732,41.136515658392526,0.2033429232764534,13.781668940105464,1.6033010066721712e-07,0.0001132097967789073,0.20288368065972573,20.835578916609453,44.24663783123733,0.24715958471295527,22.540268309887917,0.0,0.00014063033626880034,0.108254824363232,39.23398775018504,46.052130882006566,4.727597734595715,13.345060251446744,1.9907974977412392e-07,0.0,0.18310963218447493,13.744952428336116,58.70429466556697,2.681791271422248,18.905139747813948,1.3267391138255042e-05,0.0,123.76350048098442 +0.9242200276667079,0.15180750338701948,0.39262748398410185,219.1726066491264,195.70652832072648,331876.70176935336,4.952997458243998,70.11305115726701,2.5090793948713577,96.66118746037675,4.8438765344151555,29.4761555970366,0.41749117305863304,0.9288596828112504,845.4708908368164,68.77202170058295,0.2020276234034937,129216.58902827126,1.4331332191548771,92.18443642433061,3717.563831624234,231.02601175100727,347.45430223603915,54.99419852823579,0.2798665314162337,0.191999701483009,16.15507061689619,33.829442647396576,3.0939997523276577,37.12021050180629,0.0,0.6310070955622631,0.1262354592935387,16.15762770940298,37.76316151115768,0.553820722794902,8.274770715967094,1.6033010066721712e-07,0.0001132097967789073,0.2027735573595196,15.35752307692441,32.268198267451695,0.29287022373029753,32.78022011287092,0.0,0.00014063033626880034,0.22225688741858418,51.5567042981269,43.05745097582711,3.152796901190883,7.3830193258581405,1.9907974977412392e-07,0.0,0.1969069370816747,26.67449892406349,54.44016172759331,5.468177409448029,14.16197593136839,9.63012723102273e-05,0.0,124.02948349253774 +0.9238820472740368,0.11464922928999051,0.35781770338723984,127.44114264904742,28.9287244107787,123897.2279455787,5.823122931682003,26.44654352625961,3.621228539169049,27.570550287048036,3.0506770746262006,23.720768855140758,0.3842631927728126,0.7020090688446222,377.8249647010938,43.01340518947161,0.06118640681781303,54554.40353865949,1.1489246491483143,71.06730257446243,1992.827677748067,34.59791482569854,332.18684822422824,43.23117379176823,0.2855910076411906,0.20021881604901487,10.060936979432416,24.7489045297545,3.0729280057850943,69.3890270525152,0.00012623926166022788,3.0524199805055097,0.13398436123943572,5.268482087723805,21.804578844206176,0.8043196502624884,7.507810712379876,1.6033010066721712e-07,0.0001132097967789073,0.20833281415186236,4.080848614863229,25.08551487275953,0.3730278127350202,45.562165970242006,0.0,0.00014063033626880034,0.1280810390539422,19.05233560412106,29.369007345784443,4.818371460490036,17.545688062180876,1.9907974977412392e-07,0.0,0.21804323739330492,5.226378040621309,26.59747472066743,4.947277177909509,16.42566600343114,7.904031203651452e-05,0.0,106.84244129788762 +0.9754171502819593,0.24007303513516043,0.36552436170955566,158.6327371521998,125.84440133900117,175716.73766440558,5.0650746867414735,60.113983813125614,2.9568274093341405,81.96418771239463,1.6102489081845024,11.409955172394936,0.4160792397757761,0.8663260253816365,844.6580009701265,3.081143698844336,0.18914890097428563,280449.25984680676,2.5755539812068275,77.0007881769925,1732.6011488669033,250.23641037186474,346.4492969427534,36.14639142090882,0.18948057015200737,0.1976937331884736,21.875425333831082,39.39667116929491,3.629297031250797,11.24380249780492,0.0,0.5230797593535532,0.13954166676780244,20.415206553120562,41.65281735356374,0.8552784726082023,8.32815392878615,1.6033010066721712e-07,0.0001132097967789073,0.2106693662091085,23.979260410442976,43.76743857301708,0.35822602438937345,9.3187392088109,2.122562930234417e-05,0.00014063033626880034,0.09329203596989406,79.6741617865381,58.530493172930115,4.559097776004479,4.93140677372515,1.9907974977412392e-07,0.0,0.2212039195843253,29.70980630350782,60.19991048152466,7.046565534748855,8.925558725349314,9.598261383604894e-05,0.0,146.37269442755314 +0.983329911382518,0.17202144058489455,0.3914296496457339,234.89823607263003,229.0766318859414,234118.04437245234,4.093015367763398,39.38782842366002,3.9782496602296806,52.82689122669449,3.353165440454906,22.66690201053027,0.7477864010519101,0.788434703361675,360.8809913724693,38.936302060783206,0.29419942363818885,53422.99136612014,2.5454318510418075,50.30122728684817,2995.615886952335,278.68569771151255,347.32075972358905,59.13096416264167,0.34908723171725586,0.18984067923403616,14.24126979030251,36.35217597616048,3.0886438091196893,27.84986838075922,0.0,0.9132811191004018,0.09860424018692208,10.488169048655577,30.985634505668127,0.734272608862777,18.129192119427277,3.403822590993343e-06,0.0001132097967789073,0.19811844741338397,18.00518803616486,40.06475499528702,0.32376687409870747,25.11667412186956,7.468376064290285e-05,0.00014063033626880034,0.26485118723579215,34.7836577839952,31.066595191830075,4.209930302955694,16.129462469523332,1.9907974977412392e-07,0.0,0.17297810424159019,19.708627971249363,49.20415381433247,6.265981696002976,25.369061740078795,0.0,0.0,110.52311928082604 +0.9774429838539302,0.1491463890903031,0.39109887190989223,232.0605651089735,189.93129063949056,349086.82738635526,3.380392261672115,6.757309062694368,4.845835276317895,41.20763184012498,3.156843745667061,28.700071375473673,0.3873950968259666,0.816703749901167,639.8101107818695,93.66010658482344,0.22535107708840324,257212.95348535862,2.6731008011116395,95.28096317814524,2484.6395625002083,253.34522994782157,349.0977502399987,52.78018422016964,0.19547673398270854,0.19235997034449812,28.5940856433013,48.53941017306863,2.981475445040781,15.731570872728616,0.0,0.6656472083682068,0.12198769715038142,21.926809284822095,42.47082763324662,0.28975376675610826,13.169353782258835,1.6033010066721712e-07,0.0001132097967789073,0.20388787473249242,30.68325607169347,54.46980159795099,0.25178748824933384,13.768465214262688,0.0,0.00014063033626880034,0.2816517537685175,82.14147775758885,53.92268121303078,2.9926486442023843,9.685099674638357,1.9907974977412392e-07,0.0,0.16500792866752978,52.49820320302254,90.94262742617444,4.7550418451614735,13.857372599257317,0.00017089018480417805,0.0,176.02764910396775 +0.8903471274545101,0.254623351517561,0.35850439147308344,224.27224162767388,146.97952200958844,328663.19671860815,6.74213752006721,35.010310915642506,4.4350012911304155,57.63512285573749,1.1922779808444928,19.07062778043466,0.7777157547823179,0.9779397619095396,804.5678855770549,78.51223482379382,0.17185183407413265,280744.40169683716,2.7046852565695128,98.17130129489443,2837.832000470135,268.2475388947832,343.38620474456343,28.23809080676227,0.21255591156599793,0.1965717137933471,23.872072617141868,42.58197732216909,3.20487026408759,9.050361486796298,0.0,0.9705612330336962,0.1340398824615214,24.866045718076474,47.236421251589555,0.707735407089937,10.057837541912425,1.6033010066721712e-07,0.0001132097967789073,0.1897035006515499,16.362120647075827,50.61189470032191,0.29742733359448,7.2070972541660465,0.0,0.0001434674724186743,0.21177780076651057,104.73323272496594,68.83907050667275,3.936602602900808,6.190182801507952,1.9907974977412392e-07,0.0,0.20388095836783157,14.124236271660983,61.73005792250698,5.461174674416824,8.021316236314286,2.719756473112983e-05,0.0,167.85386231097903 +0.957493800783719,0.27835813228347817,0.33322734382564567,49.234744258685126,70.35849423937027,221269.41141195537,2.654072687470779,69.3746784785117,4.531159305590295,69.55843160034323,2.535604150298533,28.92154663758187,0.767238358417675,0.9745336511447628,985.8904632440818,13.994864125428414,0.2135230361202453,236926.9801207514,2.8578219761654364,80.758910341769,1062.883277224737,215.7289654653268,347.596844352791,48.807407162095224,0.17355784567478877,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.12535065157477537,37.097355241891194,68.15432018306356,0.27297431913790854,10.88223159090805,1.9855950852951794e-05,0.0001132097967789073,0.20451543956945367,36.14375792605961,61.06918741981079,0.24017914234975976,15.940334912470899,4.224026122696684e-05,0.00014063033626880034,0.11961905110041153,95.7523444634752,74.37547326385628,4.2987854728187465,11.803898835194559,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8361195237501665,0.16443712251532025,0.33776235917595654,137.70872698323166,96.04875790577,250555.33034057333,4.357694387603313,57.452811828871084,4.407399018901206,77.15549227381621,3.417338454431946,22.16633056900816,0.32498288160741406,0.9815878122000266,229.8285241033495,29.864962742854072,0.22995993481254146,67506.09016497305,1.5038872447023894,99.17746464448098,3975.2117020678597,220.57381213612854,313.6162367940334,58.10673993639018,0.2893052267691124,0.19397316754955155,10.907594753130466,30.95148719959101,3.2762089335725104,44.539986068539235,0.0,0.7814941331200771,0.12648401359810055,11.968701369545391,29.377981029639013,0.3937263301925089,13.294858350253296,1.6033010066721712e-07,0.0001132097967789073,0.20462071555126463,10.519315632926844,26.292225860042382,0.2808450067147573,38.5172986348086,0.0,0.00014063033626880034,0.10601178870457985,38.78973866718947,38.74426426700326,3.525351176948266,11.975360741126403,1.9907974977412392e-07,0.0,0.19467800845417177,16.069933159901392,37.60336203753174,5.088235265490528,14.427051087354137,0.0003626192887922103,0.0,107.74495977772645 +0.9070899182770719,0.2521401071807706,0.3764834534604739,198.21198651331866,175.9077811803397,280501.8769542393,3.7713528362512037,47.55379606958798,4.5312085496480865,91.82258605046653,4.316676897400059,17.08911008445053,0.5282375719506835,0.9701935786311476,749.3143220241138,48.10369102050031,0.326150363025742,254228.37102233208,2.8838604425073475,96.6031885054731,3133.639578348845,256.36300231969466,342.55290093123244,59.34727255987126,0.20941419936245212,0.19577118406787342,31.88582855996698,55.05000010035836,2.878721078906904,15.127897908830965,3.0149262424831013e-06,0.9914233949810781,0.1248541323921221,28.36454905197775,51.216433160973544,0.4346744596258345,15.61616796499109,1.6033010066721712e-07,0.0001132097967789073,0.20740281338673144,35.8024453159089,64.12142430153644,0.2752591102153956,13.610560669107434,8.997391688048552e-05,0.00014063033626880034,0.1958920326886405,94.32060799516861,62.913115778516215,3.0784702962751505,6.939916062780418,1.9907974977412392e-07,0.0,0.17616535640722653,33.645173595742996,83.39577103130219,4.537616854439156,12.268314579590704,1.112731967228869e-05,0.0,186.295325318574 +0.9286775066309936,0.1548579636082467,0.3462115275403014,116.99988248595984,150.01607097787436,276596.64226747665,4.801698580561553,8.294447305613822,1.7660181249054847,44.34797050707322,0.7399473940212824,27.227550596718714,0.3133109436125914,0.9342725330812044,470.6817963857136,62.47753539871377,0.1879696083163644,79590.64524392449,0.9985891031006234,77.20914222357959,1325.571506609988,82.9966730862912,345.34583084155014,43.577369552333295,0.18313649753817285,0.18926091387601932,10.052833453723103,31.088808958492848,2.9921368938410664,55.58145525015886,0.0,0.6452389934222604,0.11686284575931619,13.664558941715088,33.341050026109485,0.4438507311677001,8.338225998042963,1.6033010066721712e-07,0.0001132097967789073,0.20193540488482883,8.997758631146585,29.24458346187808,0.28362359302526746,49.5002750690396,0.0,0.00014063033626880034,0.09182819531255416,43.86359357055326,41.239686989357715,3.112270702148167,19.487097706078973,1.9907974977412392e-07,0.0,0.18161397814056218,18.687328933142457,39.86871805873452,5.019460586847415,20.811432070132998,0.0,0.0,123.8232846438809 +0.8076118806523671,0.200301841325108,0.36710003755267123,228.2364780046244,242.81946286387645,291402.912112185,4.518782741025526,50.189622430881876,2.321273350935803,7.237978296473518,2.715980410571022,18.90730373214439,0.4078919456306861,0.8730662995158447,834.5316723735021,31.286127767188646,0.2121521716670619,80118.13694257915,1.7585930752269994,94.8476964576713,4356.882929011328,294.1756651362215,346.5626238235651,36.218227688283704,0.335003500322969,0.19721143548920902,12.90235723162587,30.790426757963427,3.068701590436961,34.8469193062284,0.0,0.6220805922711558,0.12543659744788954,18.70292306341353,37.952495126931986,0.649949520987092,16.39622128704488,1.6033010066721712e-07,0.0001132097967789073,0.20795526824877159,13.925195871251729,33.0498987965105,0.30702236971557506,29.755404210112832,0.0,0.00014063033626880034,0.10661257414723614,51.43161858496086,46.99877218981229,2.8842346255300257,7.006324081435393,1.9907974977412392e-07,0.0,0.211249092353918,22.661294163937747,48.29326940049859,5.6274435818198825,20.406470937721167,0.00043814713579407716,0.0,121.55365641169436 +0.9741401199228075,0.2612789671467393,0.32040076361160136,235.90904681987635,225.2892401982949,347738.66710507736,5.699330930859132,70.31372985213821,0.8998785724365173,66.60416934378759,1.6342252899178011,28.181285821232045,0.42516910813451514,0.9295663700025172,177.43442806218326,48.75322688182953,0.07799836368445064,185772.2042443541,2.3238084458713297,94.36775454963185,4323.220472610131,255.70159689250323,336.6690439288841,49.00760160094289,0.3143196499824821,0.19636119282987458,31.62008846019254,46.73879378189138,3.8605711391491497,26.958085676164238,0.0,2.7601237793468307,0.12004742738827436,18.413823731342262,38.589851074211744,0.6793839307655716,13.22686098602852,1.6033010066721712e-07,0.0001132097967789073,0.20453104343636025,22.960642344484867,45.05285539889783,0.3122307013355683,16.339090926827264,0.0,0.00014063033626880034,0.294058168372591,66.84292334553815,43.40255124542875,6.990637426271155,13.112043310565852,1.9907974977412392e-07,0.0,0.16813506474815595,38.50951386897161,74.16284418638536,8.375771444550622,14.013480695564413,0.0,0.0,150.27867476643092 +0.9196152927729593,0.12748560127276415,0.32556308153629604,154.99765141684065,124.09006789781225,311312.2796205488,3.8566685744936606,69.89560256118556,2.055949018127438,62.97297116686195,2.3920601837810027,18.828590500300102,0.5578957144118062,0.9341531958459107,962.7533905061191,92.80042007906262,0.2470206628137775,268372.4679241656,2.92559806074837,85.46311181140669,4692.587505428306,299.5733614011693,343.56785390258034,59.84469023723814,0.3315944687107316,0.19371268915132922,32.428123910290246,56.81868157221597,2.8230065734852734,15.810616752198696,7.007152149886867e-06,0.7248495862435897,0.12911496009074178,16.366025646819722,36.164938271286324,0.27108532528301393,14.379337124307643,1.6033010066721712e-07,0.0001132097967789073,0.20127756420372966,35.444156031652746,62.68721161739988,0.25585308046377897,14.772748377353349,0.0,0.00014063033626880034,0.3547132240217,62.80331563857664,35.01390016466061,3.237980618322125,20.67391873105517,1.9907974977412392e-07,0.0,0.15275169738825456,38.99874054323115,82.01695995982945,4.434065680600336,16.236386008987388,3.9574105809965123e-05,0.0,160.8247879321563 +0.9415757338693233,0.2051151445856651,0.3991688409247042,208.9668789110088,226.16821209122992,203627.63525555586,5.513537626862614,27.848390224473736,4.765453644219151,93.87273593456968,4.66917132481799,27.343349781483298,0.38055460064240476,0.9971388247039474,676.7564627552323,79.60871655213602,0.18940689469619043,123235.87835287231,2.9051121903428325,57.847756297650484,1735.1179920084285,187.42690309847512,348.0269773614509,55.514795470568075,0.16578747776403108,0.1902052217403726,25.89614358326802,47.18789149829912,2.80952147070972,21.215017754151507,0.0,0.7806415907382448,0.11125148999050037,28.46134429372738,53.3338956789734,1.0622912180782074,12.624672176918374,1.6033010066721712e-07,0.0001132097967789073,0.2011672619490722,28.64051995084167,55.85922988908201,0.3827604583013979,16.144121611395267,0.0,0.00014063033626880034,0.13078862638600008,88.96380971157431,67.05198341920145,3.663646366181261,12.559167366584287,1.9907974977412392e-07,0.0,0.15597515163522946,58.95495118920565,110.12872309216087,5.928668877220017,12.393651481595032,0.00039294619845738364,0.0,199.3661195305747 +0.9333156652863334,0.13076501717253827,0.3697609047265298,220.33811466911504,17.142126282565854,273491.57128496823,5.879964686496245,87.71846617437242,2.4118727248202947,54.39875330211202,3.102160619003007,20.55382578757661,0.44146272774637413,0.9693680834486677,650.887255662875,29.227309325804246,0.09382216115622072,204561.98150021935,2.4355920128101785,50.92987801602641,3243.1078621745905,111.07912735652576,348.0884466441306,56.67427909585585,0.164303573283785,0.1955676775760938,33.58980714118452,51.036207154500644,3.3146977710485155,26.94533278756091,0.0,2.051980249374756,0.12926741469652142,26.1770612838791,50.57467629449141,0.24573259019662916,5.515808482307527,1.6033010066721712e-07,0.0001132097967789073,0.20291997631122632,27.667431653768993,47.84153394057127,0.28207289965258636,19.623792247155244,0.0,0.00014063033626880034,0.12144886886442044,71.80365165928822,60.73296780667268,3.932341728721005,14.105762509443283,1.9907974977412392e-07,0.0,0.2034842549061509,41.31475051451037,74.10397165575365,5.058111859409159,10.22398918816587,0.00013350681315635102,0.0,166.05564985587102 +0.9445453090120987,0.2014981113618094,0.3439252114763107,130.04494795165814,216.57946627676807,339157.3408391375,6.389503099750294,72.892937503153,2.1155842876927795,87.88565040740777,4.951858580049427,25.585555498322883,0.7896709523959523,0.9311625718264991,907.9418785595159,76.26537646446297,0.32147110632348286,108960.15021030199,2.2467762809289944,90.99341474468181,1908.6195770008821,261.9534174582613,336.9820313655644,56.93596606544624,0.344187342096546,0.18966742685378601,18.70100141548825,40.91630067002164,3.165648580787818,27.06639484751725,4.673341918491007e-05,0.7259929499763638,0.10579614441221569,15.615918708777485,35.77697153760342,0.5915174031679922,16.918979987766736,1.6033010066721712e-07,0.0001132097967789073,0.19918263992497975,20.507878636681788,43.796477196824014,0.30386796163293583,23.411005324669304,2.9386369739914002e-05,0.00014063033626880034,0.29725853259685464,52.22971663122575,37.23518778164477,4.348425822355674,21.553515526296568,1.9907974977412392e-07,0.0,0.1625932800901954,11.736018395811216,64.02702258351589,4.680871443141374,17.102675508820266,0.00019792345055205782,0.0,128.89532356507738 +0.9642405558359809,0.15927303113022492,0.4386597951996493,235.89114136220127,118.27677770373779,344067.13701414136,6.293995480576616,64.20012015829819,3.1099278097036374,50.22567981349128,3.682660988886784,18.719220499988605,0.3180666095923723,0.6909477755628887,774.1899995404783,60.95466385972322,0.33771962622109036,102844.2855910747,2.8825861006030817,76.38070439012598,1228.305821195764,188.62090595253434,241.43957936113367,51.33282464939956,0.28769146994300265,0.19667416084610642,5.031850563313408,24.06796950361094,3.2987282390550012,6.9521489810662125,0.0,0.7293355523731617,0.12527884246281257,2.403830655357812,15.268205433446406,0.5658657820070365,19.589818946265936,1.6033010066721712e-07,0.0001132097967789073,0.2092777543440918,4.205158013924627,23.48005027775815,0.30370483463325854,5.485553106473597,0.0,0.00014063033626880034,0.3413159186016507,12.05871888128129,15.645167651374162,12.715461512454745,53.28358771580108,1.9907974977412392e-07,0.0,0.14165984649898375,3.559898679658638,33.43677363036916,5.929995566178152,44.75951930352514,0.0,0.0,91.90757563417546 +0.9665648104040766,0.21098766092407267,0.44670026660677675,104.16834665448458,241.1655705491449,180606.10870494047,6.726807679481654,78.74742581141845,3.536852327177959,44.39962681627883,1.8121780191745671,29.110461043072625,0.7573497046477038,0.9707631783524614,987.6849517820423,74.5165990443891,0.07285705405349885,56496.43079792619,2.6443702989212285,90.4610621153031,259.2966975221134,119.66249783358418,224.70770688682867,57.94795844459768,0.2384144257739579,0.19542650925325264,3.493179759180471,25.38848651800561,2.7561590337835686,5.716700795820799,0.0,2.908448685666692,0.10897332859976283,1.688060063781429,19.5673762605303,1.0824974162037726,19.53122479014716,1.6033010066721712e-07,0.0001132097967789073,0.2019692882121731,3.020292445867101,24.92166681033739,0.3923786859344541,3.610970011858217,0.0,0.00014063033626880034,0.3549334204037151,6.709534647500889,14.6570129497925,13.972286218526607,53.667853302126034,1.9907974977412392e-07,0.0,0.135457959051947,2.196337261006827,33.421748593785,5.476060828344673,41.230945235821146,0.0,0.0,91.12985411472326 +0.8695889499947734,0.124039663220623,0.34901207213929675,76.12832133587118,52.66047521403067,157701.89587959848,2.2623618446145386,20.913429277472588,3.783940468551285,95.10685416071705,0.973706568320069,24.506010850867472,0.33413758645983893,0.7643948015860142,435.669710759124,68.07715980756701,0.2572242140182632,241606.26447642848,2.6617407256935133,89.45882316476445,3717.8350313214414,118.60388081789472,346.06547309127404,59.77472377049022,0.2511759651775384,0.1955677479134225,28.453091024213172,44.888253450251796,2.4627886036195386,18.275912738886497,0.0,1.2530018097372277,0.13093937531406427,24.451934089097595,45.53529615973491,0.20304609276563187,6.758046822542361,1.6033010066721712e-07,0.0001132097967789073,0.2084270909857791,32.4549865363155,49.93185821152589,0.2487378194790933,16.696102660869894,0.0,0.00014063033626880034,0.13052918737194408,64.68112548193253,45.627974011230556,4.559197400208256,6.188211577897903,1.9907974977412392e-07,0.0,0.21595854448892982,37.592773586740265,64.5161722044068,3.9780547082973605,12.09180422533013,3.182134700081068e-05,0.0,147.54992902655098 +0.9238820472740368,0.11464922928999051,0.3412221771976002,223.524602814578,208.1080012919341,274356.3483907769,6.966138104114818,54.474096624657676,2.4043872488510445,85.37804204938047,3.0669998194950407,28.962544156994227,0.3842631927728126,0.6833869901825821,473.2340519584242,42.21104623521224,0.24879448072267174,276671.3179776477,1.145646325036585,62.0478428407579,1992.827677748067,271.6886781861632,330.71955283048004,55.302410814509685,0.18725067478708002,0.19615025731258734,17.230857049682978,31.8098426510589,3.445381347769026,18.428164810252174,0.0,0.7160901267695203,0.13119066270979696,10.547502881130455,24.491411336074187,0.9980867401570542,3.359590205530647,1.6033010066721712e-07,0.0001132097967789073,0.20834185361384722,15.615056237993166,33.03386713058051,0.370937289062878,17.186097814142435,0.0,0.00014063033626880034,0.08117584192463478,66.35057750083298,46.32299448174841,5.792925940826424,7.013669349483767,1.9907974977412392e-07,0.0,0.2079931040560298,18.639906347645248,40.39858124505493,8.207748576923168,6.606235774666635,0.00023647436840361659,0.0,112.85519752561883 +0.957962588898885,0.10767560516595825,0.4218011367866175,199.11070743055396,228.38032071199476,191617.5574372481,6.13825747099039,94.32055818493106,3.4000635006634323,84.22892707594698,2.754279627997298,24.750572763954555,0.3616092033371106,0.7539700714530372,22.327759136602538,1.6260181813036874,0.3230625107163749,100096.14964660835,1.8877041759515079,22.8891569282764,1879.5532411461288,200.64081513503646,239.8842921164907,51.75016208603037,0.23290935297831053,0.1936735535274937,6.10143419548953,24.93485113952989,7.690446029721589,3.790190899803861,0.0,1.258083891534202,0.1305531459639393,2.7170884922429908,13.080325914780035,1.1988335472731548,3.7667197591043218,1.6033010066721712e-07,0.0001132097967789073,0.20483288594138316,3.4311349630228762,24.711288869946305,0.40720534513239554,2.474170072591828,0.0,0.00014063033626880034,0.3480580334865578,7.913942798955477,15.274396873306973,12.003406947711197,48.644758375940455,1.9907974977412392e-07,0.0,0.18162823510688328,6.245915235494701,26.628098863914996,13.244695917315907,6.595977175548913,0.0,0.0,73.00996437170929 +0.8772088418008738,0.22865598350548788,0.36512013742557636,217.2700856395756,38.668510310433454,121818.3704697103,1.7385140721865495,42.7206711670807,0.7590930010787886,29.443261348104986,1.6989009578067509,18.46280924652729,0.3909667898249259,0.9574084335867729,782.359016923942,45.13702028513275,0.11956804417110983,56649.81339181161,0.8031024843169836,73.37997382396159,3596.562753061082,166.86517478777526,344.9205194107586,38.65346479243678,0.16215375336186477,0.19533609665015603,6.187104888049224,24.32948092996233,2.608742635539013,68.67624338643327,0.0,0.9124886482815215,0.13489463057539505,12.58883293393572,30.517584908565514,0.1865966056759488,10.20924125206618,1.6033010066721712e-07,0.0001132097967789073,0.20777879641471184,6.823410532521519,27.994182628167305,0.2555179159113963,64.73124891452218,0.0,0.00014063033626880034,0.14809068122777513,30.77934568917033,35.30659243883494,4.877512893686916,27.38674212414658,1.9907974977412392e-07,0.0,0.2172169548367727,9.477435313696851,32.605626332288885,3.974689974452842,30.467415793918644,0.00012031273054193392,0.0,128.971674893446 +0.8654668916555265,0.11089943832442092,0.32441019208078054,223.43287841984312,247.321554787363,328592.29195674,3.055176220593869,36.51050901938889,2.1477592622371904,80.93199420330242,0.5771647336346528,26.110089659030738,0.502820382329781,0.9389223465799692,801.889779308918,49.5022608551533,0.3050918269616936,53062.37380459785,2.8544667660333465,26.344455546144186,1896.9931413164775,287.21183815466236,345.818888725224,47.6376912698567,0.28728920609688774,0.19020648782887067,19.740780410187774,41.99786689407189,2.9172054300748353,25.22544301177501,0.0,0.9791820415925798,0.1055980859209065,24.044552455844254,51.704867549241555,0.31183769249624294,18.491242969673543,1.6033010066721712e-07,0.0001132097967789073,0.200325454882354,24.953285246079833,49.66427525231389,0.2522948512246115,21.341225897528293,0.0,0.00014063033626880034,0.2155869733784524,65.68789868373186,57.80567894466197,2.9672395897450583,16.724816242522895,1.9907974977412392e-07,0.0,0.17256665907493643,41.383742768434914,81.47593610444376,4.895010737654044,18.54826201665651,0.0,0.0,163.10000684555658 +0.8074239511923528,0.20880794218931095,0.4310198757520652,161.6638763110288,188.53349720738694,290835.14190139796,4.798159010168655,86.81582570637562,2.5605134107361485,79.14623437013225,4.0956325389800545,18.95942672322648,0.5691166151820628,0.9076424171810502,849.8557911921026,63.98602306530893,0.0729215332568477,247255.71245974596,2.9988933999119185,85.97376645352357,4664.9703070898395,218.86053590457732,348.9277971531152,58.69254303408039,0.2542490933057969,0.20125145126220853,41.70762430680791,54.932472192199896,2.9424049048913155,19.802497047772597,3.4316270919265715e-05,2.5603700661168354,0.13462285557897005,24.885786343169084,47.01976227868555,0.5369695327328834,14.639799242525763,1.6033010066721712e-07,0.0001132097967789073,0.19331611885009792,23.61964916201431,59.64682543022875,0.2872678704336605,12.290897679694707,2.9133589459397462e-05,0.00014410350517884027,0.31390693220146487,78.54401732072873,45.58617781305227,3.2203709210203573,19.15396016550043,1.9907974977412392e-07,0.0,0.20726873306499552,41.61251640496249,76.55296556553728,5.109797605114999,14.014713524136456,0.0,0.0,170.04479511051537 +0.9840324787362952,0.1468852084282433,0.3460116310833833,137.4755621212816,240.32536792048847,334452.8407191374,5.216151485099405,46.93911002252793,3.3631439028005743,48.63063560442906,3.8536493387651003,21.269566599336017,0.313501547943677,0.9816251282312485,932.1268492076177,30.91415894157058,0.20345923119036985,268416.8156306166,0.9639729621868884,97.14919304924707,1372.7413811775652,263.2060941520687,349.9933743706411,39.34104535715945,0.18372122393712775,0.19059461594771882,21.795613529113723,42.56033015131342,3.2175900775531687,24.436289332182792,0.0,0.5769578925317942,0.12521548486022352,17.979933156319557,39.589493628506034,0.4974940298722013,4.680293145840427,1.6033010066721712e-07,0.0001132097967789073,0.1979230832550053,19.674076590163136,38.869796792882525,0.28505532686202434,23.067920588441037,0.0,0.00014063033626880034,0.078473268594529,68.7987050635466,51.04030676440138,3.17489972900874,11.607107556568081,1.9907974977412392e-07,0.0,0.1815504587448056,31.370579862428745,55.63241706628538,5.390370066770244,11.156513272590773,6.361564135529604e-05,0.0,137.67011542755432 +0.968397516488782,0.20548991422590202,0.36773702103339273,167.5881663148841,234.38642455489207,335618.69977459306,6.29188582688612,89.11619238986002,4.838176720632621,16.799572792127194,4.253115815225502,26.357508968249697,0.4522810996784566,0.8955914482944509,814.4131846207329,98.01461654942253,0.28129387488630025,297858.13792448555,2.103010273458192,99.17054755877129,1482.7683119340563,228.27567688017916,341.5036482398233,52.068564339406265,0.34255528230834936,0.1918910439652914,23.53404047916569,43.25563493238934,3.1502625255616263,14.74785831660506,0.0,0.6452133521400326,0.132030250582605,13.00917481259901,29.423438164447482,0.686435597584359,7.9048018747887,1.6033010066721712e-07,0.0001132097967789073,0.20540122540597366,23.186454249755666,44.88462110493352,0.3170209769773124,13.017460629608781,0.0,0.00014063033626880034,0.35232942280165125,50.79949444495797,29.487483663035675,4.988181851959545,37.51607405603108,1.9907974977412392e-07,0.0,0.20449201361541072,23.87130109293037,52.83849172955142,6.063991743642002,9.352559707704968,0.00010978306154911478,0.0,121.82429547670836 +0.9812596192216655,0.2642966868792228,0.44205599925096883,227.12938689318872,101.58575494647886,294975.76727634936,6.364881332871631,75.6058760171356,3.6387612575459127,67.01304336763721,2.2986399741541046,26.254515996353103,0.4361915462714157,0.9110501412087525,811.2564049737184,41.827917852501514,0.3011192985726739,83783.84623887614,0.7060825269418167,81.58414318050102,3990.3053419312378,287.21183815466236,338.89348876125126,59.75678466224932,0.2868427127657274,0.19214455879365375,6.346218360171475,27.894027499298286,3.255414280149887,49.016418102972985,0.0,0.714407582313319,0.13247983992775247,9.50122582048185,26.784052121492223,0.6314716798571174,6.930083360188514,1.6033010066721712e-07,0.0001132097967789073,0.2048248513794289,6.484821549384517,29.062704818934787,0.3194955745895372,47.335788913730745,0.0,0.00014063033626880034,0.09322844657231712,35.15953154807343,37.580990045436636,3.098683576750957,8.478851490486157,1.9907974977412392e-07,0.0,0.20167546595390706,13.66172370548345,37.73568012973064,5.900020643797407,15.211697383624259,0.0004057704719651589,0.0,108.73185879828505 +0.9850883103093198,0.2075792474247825,0.32886773342406245,125.46704713853109,248.00308390855827,292638.0206669709,4.10506197421668,96.9127008437581,4.583200048602046,93.37337736264803,4.862312181784115,24.11875456121621,0.44646379402685765,0.8819621636042767,882.4846333126322,87.39975369267009,0.2878102262656313,257364.950983174,2.731042163963964,99.42688967942061,1323.9510898837864,277.8686449435937,348.3480926129407,57.92592613948203,0.29866945293421865,0.1915523920583668,32.42597943726466,56.89797116823316,2.789612405046158,18.3923426875413,6.558609635794858e-05,0.8595724883602605,0.11900162400980947,18.5811189559945,38.352335700204165,0.40707366217411406,12.574341180076821,1.6033010066721712e-07,0.0001132097967789073,0.20390544415864414,35.35284653996496,61.152881578814345,0.27078090625430923,17.192732008355183,0.0,0.00014063033626880034,0.34387173797275067,71.10861213808668,41.64901812710854,3.22698328606865,17.83714706853766,1.9907974977412392e-07,0.0,0.14865085568960454,41.02629948271194,86.21798432364056,4.653865838799523,16.133715066000555,0.0,0.0,168.56382328595762 +0.8270672290738785,0.1231217672177502,0.3262066267528965,85.5678971070395,117.79931255689138,136466.60155971843,6.942608600356628,35.68940522698202,1.178368255734818,85.30081004632022,0.7857114184396665,22.073843077932473,0.5733409342599148,0.6738044804440334,224.06565551602856,48.182587597718346,0.08609146926280291,154426.4176690823,1.0686568726326904,80.37588763707578,1031.1497267307898,179.91569846269562,349.0333810241046,53.652147312507466,0.3442534297368207,0.17961161631250108,12.675735174829018,37.238382653238034,2.357988421036451,46.895610550224774,7.324637203440645e-05,2.1855836478046093,0.13761283847277153,17.72355332742586,36.364397995544444,1.1426171055102008,6.021905758738308,1.6033010066721712e-07,0.0001132097967789073,0.2109124864861901,18.905637913469292,33.63380549152477,0.40818785541416913,39.74168391068388,6.791975681354351e-05,0.00014063033626880034,0.09442527779911056,38.89029954490616,37.66942927141693,3.574953468017725,9.432374364097631,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9600667483638614,0.10912209982984906,0.3842994537146376,212.26233801512086,69.69628742926281,111249.77476396019,4.2674039672300985,56.97688872422868,0.6710668546515925,66.98288849047853,0.47718149189018905,6.53594961983105,0.36126276350880604,0.6801099737367523,143.34652282066176,15.092803619060568,0.25896097338686414,56417.33420746501,0.5769295951700111,67.93705469441738,1132.1034229165305,99.79780922058643,259.9288472317072,39.23224109484937,0.2418146772062532,0.19922796353220704,5.332308822549432,23.683759001948975,3.6318557492132464,40.41775366846245,0.0,0.9832168576040028,0.1428539296792816,2.951885678553346,12.121224747262714,0.9590394974542031,3.8980110480712318,1.6033010066721712e-07,0.0001132097967789073,0.21298783832699117,3.7094317630702656,23.593568644064046,0.38329523955132916,35.90981312157572,0.0,0.00014063033626880034,0.34260061579002393,7.046642558535997,15.09056606050656,4.218202771250263,23.431414036618232,1.9907974977412392e-07,0.0,0.21191699506268588,5.999584865152833,22.503694619149393,5.524169534204021,8.652459374914846,4.447447354529547e-05,0.0,75.90257622993713 +0.9206375415924105,0.1193761148215111,0.44626617304511745,237.837787198306,210.07375447694977,276180.81420765736,6.910917070733783,97.45353120032239,4.882874490513542,81.8717878393965,2.4090013552671885,17.89205171341106,0.5041602402297819,0.7721584641169513,237.91413605473144,96.1102985458466,0.10885415270308096,257834.4517346228,2.8738148579435534,98.69612275652602,4029.237425608022,225.03512978879087,348.60719107679074,53.77164910687632,0.2844342290149672,0.17790285879284753,13.749425014463954,40.98569617945454,3.4045465229323195,15.425946993139412,0.00024057546040535287,1.8883071057030112,0.13572395730867853,12.102067104007752,28.444794989851257,1.0081856239613478,10.803136332236477,1.6033010066721712e-07,0.0001132097967789073,0.20632122974256406,25.869942109192174,46.951483394919364,0.3720165175568048,10.91697593766663,0.0,0.00014063033626880034,0.3470460649583121,47.581733595877246,28.027532440987063,8.734701122232664,41.108442885576274,1.9907974977412392e-07,0.0,0.16559963490847251,29.28428183386639,63.77458828277067,9.461554372350454,17.063413051357664,0.0,0.0,127.70962133275324 +0.9779470972816005,0.15251299493583897,0.41857390473625894,141.00207306997183,57.92516448996159,266397.24488949624,3.817951727718703,83.36072631592745,1.806473466928941,98.45676369196912,2.8569458327110793,27.512952467374664,0.33488946021250493,0.988874370756541,831.6692356103434,65.64933597490425,0.2034239096620806,78686.91570929057,1.8338712427399269,76.92273652839721,2487.271599718362,77.42799979643016,346.63556149869834,54.220458103101954,0.2981653151066691,0.18655337439769976,9.975657264633476,32.05713588380596,2.722428436084695,33.53012535970703,0.0,0.6481246792388007,0.12040994354154648,9.87798156621918,28.475530586660344,0.21319151863433383,9.512944013883597,1.6033010066721712e-07,0.0001132097967789073,0.19610017030721302,11.298004486526516,32.914122216465216,0.2557997747789589,28.458610114793892,0.0,0.00014063033626880034,0.23897084913721223,35.652782428646134,32.50255328534785,3.916816677307516,11.180381892318817,1.9907974977412392e-07,0.0,0.15453024005731492,21.273490445289912,46.11339260119709,4.345686349674826,12.450147942973173,0.00019411698053268034,0.0,102.47016356221347 +0.9749822172639269,0.20013596571615522,0.4401295908327206,223.85740158583926,130.62959471932612,327121.6422903991,6.388643595093793,58.950313667392166,4.685065518310318,80.84930951683944,3.124958371863244,25.90154097236157,0.43886812686102994,0.9049684190537232,317.6122533817696,30.897764238902912,0.2237608868556239,67881.89700345136,2.5356599020924953,93.03559421736959,4137.299521268212,251.06748987263242,345.0018649640962,25.701921515289147,0.3068820731830559,0.1885153711420058,9.384436386237875,33.339091373966156,3.827142775320655,13.939432396939146,0.0,0.7466179828296563,0.10579869679931532,9.51758736939526,27.652304406048856,0.6340975403530035,14.850617712492962,1.6033010066721712e-07,0.0001132097967789073,0.1858340484029727,12.496944207322914,35.96745771217183,0.3144511347486742,13.1557360397694,0.0,0.00014063033626880034,0.3252198241204359,40.825236286899255,31.02535203116184,6.587684182933924,29.976370777211766,1.9907974977412392e-07,0.0,0.17345057282044818,14.370052210645738,41.65498833625307,7.460418486616448,7.329876573974232,1.1812260553815136e-05,0.0,98.64455084189265 +0.9599087996241946,0.18292369179069126,0.42448485006060427,197.58797878668162,240.12048733047118,271252.16222757014,2.0940527400411746,47.79792463377811,0.6467575238857692,63.17018965939758,3.1556876001295073,28.378538692419852,0.4329978156885553,0.965636281027859,688.3626884218179,70.73159391644307,0.06538929138246483,144203.11557661515,1.9581248362145927,94.07772546227396,2234.862179611237,299.6288236586763,336.510273727555,53.745931814722084,0.23757738017013041,0.19166089633743316,18.080618536737234,33.83582396331136,2.616952013147463,23.36403871254024,0.0,1.515497306375204,0.11506881280609293,13.565120715060289,33.141772435875744,0.22369850537069186,11.588969727478021,1.6033010066721712e-07,0.0001132097967789073,0.1989222419912765,14.709968968293808,35.294743654759586,0.24203620562721848,16.078774275306227,0.0,0.00014063033626880034,0.1283683714161858,48.686699150306616,42.93208708636972,3.7386871858464206,7.296008821890776,1.9907974977412392e-07,0.0,0.16475277484010897,30.222823795595538,66.34050068083967,4.277291675063187,13.269804285272462,3.034116796689054e-05,0.0,122.2865170553196 +0.9048332623467272,0.11907129196871413,0.3320280999483272,43.58540590070842,50.41522708969906,308968.93209763314,2.571676772021314,9.64259854408363,4.12891251268236,26.9701263464696,0.5745875187433684,12.458746790586902,0.41456104840893376,0.7631708376415904,39.67957205979553,27.224774786718946,0.22427838173332504,55788.90071027765,1.4734912967846396,22.12520942050714,1279.61665165251,68.47920506603333,314.0296880595264,39.71504527232984,0.21070006830881344,0.19733419052121712,2.7738129471504696,24.122303823614025,3.285898625876583,35.15658882348561,0.0,1.0958896186757776,0.13828505946530034,3.0364541138196044,16.643766582990924,0.4004883444930911,4.948153716065962,1.6033010066721712e-07,0.0001132097967789073,0.21090239745381528,3.902310936206277,24.937466861783776,0.23593272798619808,30.35067855795338,0.0,0.00014063033626880034,0.14413103809989866,10.21722219202486,22.804815395961707,3.643073751503723,15.923194414102358,1.9907974977412392e-07,0.0,0.21568394211988856,1.0569497300184214,20.873191539678597,3.6553261717516476,9.121033944362864,0.00016373832933541885,0.0,71.63498314419765 +0.8817838564775771,0.10699254827508099,0.4070350934162145,14.569202606292421,10.520537201247322,163730.8175119702,2.0279824877787083,5.854417592948538,4.720409110621637,52.70663490268017,0.7006426356742634,14.716319034807832,0.4516532227174277,0.6180175260154641,325.30370479572264,90.49959435655866,0.10942971076278185,54989.398189851396,0.6470490694369465,52.27151437262048,1229.5440811508106,113.57578586976776,330.0883384989807,53.82039341159712,0.1883704772966811,0.19903952220469628,0.7004895195649544,23.893666679262115,2.36865374263188,64.19055523498149,0.0,1.3217598085063067,0.14027687470872915,4.507602327121557,18.07826060231029,0.45823843242008394,7.79122133857135,1.6033010066721712e-07,0.0001132097967789073,0.21255395753595888,1.7110034234628146,24.445403067769337,0.23938435393573326,58.790500662602,0.0,0.00014063033626880034,0.1562994804942191,10.654327622402217,19.906653947838084,4.653043766087566,26.157556919301143,1.9907974977412392e-07,0.0,0.2253996169493376,1.2931550236915987,18.827275758254434,2.6129827992906742,25.17922586398213,8.194962938645755e-05,0.0,106.66265096907436 +0.8685829091121904,0.14786819583935348,0.3839270584911623,179.340578804988,183.0296544637389,112072.34032122153,5.315979620126183,12.006309614694523,2.1607698590262183,62.49558595548081,3.087301961399554,25.983431001905533,0.35844329291299526,0.92459958420172,797.0076342510173,3.826224143362846,0.2219265703330404,61294.198696042506,2.681375782584627,62.16084544361026,1597.86408570494,109.19153083904872,343.75377230659643,55.62808355977363,0.18356281200306324,0.19211907748047546,17.0682771247241,35.43119819225734,3.7972014740906537,24.870298975197553,0.0,0.7047824627756075,0.11336540200200379,26.676737087285062,48.65324834094334,1.4534758136098487,12.053995192259626,1.6033010066721712e-07,0.0001132097967789073,0.20339265541695326,21.696342592581818,44.190058364488195,0.4543708824569271,19.682806849277988,0.0,0.00014063033626880034,0.09043521818953913,74.6440158554235,61.32011758670997,4.6600917642196,16.3748676204562,1.9907974977412392e-07,0.0,0.1883214465991104,40.95644238082335,77.26051433057648,7.712467164182546,14.267497497424914,0.0,0.0,160.46491076899105 +0.9808384423051631,0.1997586727702868,0.34904750604063145,245.45180793665037,130.36800255947492,276714.6582953748,6.074704739894071,21.768123365293057,4.809212196409507,98.50385761587832,4.973854559233531,26.250811818915935,0.48239784345669495,0.9848058743405297,726.4932136805229,28.23871707875287,0.21201110816243451,120833.33996576378,2.437966068474802,37.13561052476872,627.9016302947202,298.59225923119527,349.8045496111222,58.60330604316887,0.23213453343754992,0.1918074136040053,25.390092892847093,46.3525754616254,3.3903171939326557,31.93826978568764,3.4202651190843045e-05,0.6676442289179073,0.12648549313865962,21.102540932217025,46.15204731168182,0.7412225959005018,12.18299528863453,1.6033010066721712e-07,0.0001132097967789073,0.20332018730327056,24.887532096643277,49.43990170824213,0.3335372960075959,26.63959403280416,0.0,0.00014063033626880034,0.09081803136021638,53.36542290553338,49.351675789887445,3.1199712022202784,10.68019359616905,1.9907974977412392e-07,0.0,0.17768954747742347,43.780066497946805,86.72113586081579,6.310508019036618,13.338374678775688,0.000103471838303511,0.0,159.32784544974692 +0.9852236298540645,0.20965549667168742,0.3298448729800144,239.53036922183432,130.1548644222122,245933.4161718195,6.036080171411846,62.39726795347691,3.7748433945715636,97.20918529987225,4.868162010369382,26.544118825409853,0.6362987560666015,0.9520230860219671,888.5933302942487,84.58434689771724,0.2504292416454259,252768.17760869482,2.7016013777955528,85.71928539467247,2536.831840401176,235.31823547212502,342.7432775167072,57.91140111557883,0.16229183316107076,0.19270883005530298,32.159831909621715,52.833068071683996,2.907871474646836,18.80464272550629,0.0,0.671203854103892,0.12929040312516135,30.770430599704877,60.77172338982219,0.8256153320114866,11.195169135417196,1.6033010066721712e-07,0.0001132097967789073,0.20285098854373754,32.712635747576705,57.84766085058581,0.3486708816707757,15.155102881319582,0.0,0.00014063033626880034,0.09959230590298561,97.20247170340042,73.49217634702114,2.7939274930211613,9.04103832697233,1.9907974977412392e-07,0.0,0.1875301861331654,25.66202164886401,93.37855660446542,4.651578792890189,11.637793454346403,9.11057300550114e-05,0.0,195.1273625495674 +0.9698980334903613,0.19119858278783036,0.41835008390631534,117.77541469577642,163.28505967383197,133764.63551536383,2.9521764132893744,38.65832955606549,1.7019793228411721,33.94744085531475,1.4271874675357015,18.63089750723704,0.44370012758521427,0.9338712589418048,838.0186384399208,33.89352812931453,0.31934623314049876,55144.829921262644,0.5256692409949084,72.00895703798493,881.4687566017228,179.89391978770269,347.3651611325664,33.77518790291752,0.20919509256057586,0.1919541907154432,0.9606880145184723,24.729890186635604,2.7096809811413496,55.65701606085281,8.106243210609011e-06,1.2479983092126146,0.13448303936196926,5.594368895038097,23.52557064706323,0.6241465041149078,8.554190826512476,1.6033010066721712e-07,0.0001132097967789073,0.2053209156615034,1.9331224133566334,24.96357523287581,0.31874791917642764,56.494585271057645,0.0,0.00014063033626880034,0.13562325137182016,21.031902688697322,31.211865330395952,4.923090651787141,22.412554288467017,1.9907974977412392e-07,0.0,0.20662764541737333,3.674219316416879,29.705847113525408,4.5477313008159355,24.60157743079903,5.141044396664475e-05,0.0,107.98684855099181 +0.9369109707812241,0.19399334384517203,0.4096579550360764,130.9723873049511,248.0527771263998,206100.18750152906,5.345460124229254,53.74375183557239,1.4180178427485368,30.208830556653112,4.541283722080589,26.715696119319762,0.5002767720564992,0.9843160902724842,507.6507678272184,76.65944902116942,0.29634590418659945,107578.20834839898,1.7472043844675844,93.44269010967312,341.08502675487193,265.74150147011744,342.74882302009894,57.847885681030704,0.15618267011419135,0.19038215089251848,12.825724989450324,32.40511267558534,2.8027198224205487,31.765084515590534,2.9511179168405558e-05,0.8320702808845423,0.11700953311288328,24.092965034046202,48.25087560626085,0.8719101595802837,9.36134615545984,1.6033010066721712e-07,0.0001132097967789073,0.2033229095493508,15.17084552135066,35.52626547016692,0.35412405536127817,29.399058130861853,2.960811278586923e-05,0.00014063033626880034,0.11449577409712453,68.6500141267121,60.16374281774966,3.083575177840726,15.777432593446566,1.9907974977412392e-07,0.0,0.18649461468254677,41.64690033775559,81.15885689829089,5.525774416361235,14.06047703045736,0.00020018541424790957,0.0,157.24631237840924 +0.9713284907393367,0.18255749721068704,0.4348779393078933,212.2061292296204,85.26934383901812,111242.34256251885,6.476947514430584,87.95809871217801,3.4718082105992027,92.75403684305563,4.64989268921837,20.161135539233896,0.7312685928324087,0.9863048525139543,989.8074017854278,75.70714646672283,0.30413866333233425,265193.1733910179,2.9251256043085645,68.17213805879712,4476.79576093883,232.44467539538363,349.6870038861685,55.28316536967252,0.29844135078768097,0.1757285547742402,16.162531888490033,52.64679344281151,2.6891486510227742,10.319896360814624,0.0,0.8907484886499072,0.12869616562472888,12.976018900792154,32.089615340882204,1.4032671795475984,9.42284567115112,1.6033010066721712e-07,0.0001132097967789073,0.20408244035709136,27.861696289163902,54.347774213077656,0.4461446201492209,10.416085602285209,0.0,0.00014063033626880034,0.3564522770587178,47.51705018928278,28.250477625108104,4.524020577847978,32.367039046882674,1.9907974977412392e-07,0.0,0.16747087504691718,11.159142256929066,62.75220666726316,3.96719889094954,9.977564244529242,0.00011936962737843339,0.0,128.7513798373189 +0.9657819317991395,0.2185214641715905,0.4400851774837743,146.5090875624998,244.85688326938984,145916.00549354783,6.330827228777293,70.89019305531586,3.149988982026109,93.42120988087173,4.544512421043097,29.025998379506717,0.5652285926627373,0.845060714189166,861.3317820444455,96.409653433402,0.3084581956407321,224469.1199600634,2.7297682392714386,93.42025991591177,4784.630601708488,298.5545424058493,344.70925900689457,57.880247480375594,0.3415988858224872,0.19026231887082,20.94272465793605,44.43754208693133,2.8225601285247475,13.069213006868145,0.0001358388217037184,0.8047810217959787,0.09187186581096382,12.061695355431006,29.183652793665214,1.3742282403762591,18.51619595783443,1.6033010066721712e-07,0.0001132097967789073,0.1975762066688705,22.553809268943116,46.58586825038924,0.4407859616982662,12.68597807871697,0.0,0.00014063033626880034,0.34928341162672066,37.70011267112093,23.747179307738044,7.362794760496208,42.411801998290876,1.9907974977412392e-07,0.0,0.14412896469554082,23.172344229196764,52.65318591621512,5.752885057324619,21.36303614746722,0.00012401904649566597,0.0,120.04949506277006 +0.9547253607271293,0.15957804761799121,0.3317757942317344,168.30392538702048,205.35096393865587,265512.65333649534,6.6360806112839565,12.438810368534185,3.3169705894302224,62.27725591888569,0.9297383192892048,28.749269238813973,0.39056458118476234,0.7017677798693641,64.29959721325076,42.2151335782532,0.06357432196281224,74105.36682819089,0.9794177947729187,97.39473958129592,4886.45599699517,290.4014546752331,232.27215893830171,22.41536209922238,0.18881906469746498,0.20017268578495093,8.791097337991038,27.430910870386302,3.7978068741340048,42.209125496713995,0.0,3.782217910492907,0.12985938452086618,1.2843052019841112,13.87309976154839,0.887136764158119,6.033954402954972,1.6033010066721712e-07,0.0001132097967789073,0.20754081389303908,1.5405833723114744,24.35261014448072,0.35486849684635485,23.492531349096918,0.0,0.00014063033626880034,0.34167628705291897,3.798823130211651,14.747764269128298,14.253610705499387,54.60026293457379,1.9907974977412392e-07,0.0,0.19140917841123506,4.734588901261359,29.934392986015588,9.116093535241006,15.65129980746927,7.41984090365129e-05,0.0,93.17681400668488 +0.8984883317636343,0.23589359123094827,0.3266711066595916,140.15867933433685,111.20712724503589,319662.8911873074,6.749660376613274,80.68903922138048,3.2617237734297384,59.244148417668164,4.07473756964111,28.853150585769356,0.3148183276655592,0.9827128272943075,933.1241392251186,3.434599725339986,0.10306346466559882,289497.5154563113,2.40268888609376,84.44369562989489,2790.290451963931,239.18175115630837,340.96401300863744,54.864960650358704,0.20673851056589362,0.19520050346605008,40.0405865153391,57.997549646023494,4.116432988876723,22.433686686156953,0.0,1.6416299598786617,0.12344754470942623,32.145063847488785,57.24210904634317,0.5517178328653614,7.233681255425674,1.6033010066721712e-07,0.0001132097967789073,0.20483481059093106,32.312594206261934,54.25699755390666,0.3058320222204726,15.900636047278939,0.0,0.00014063033626880034,0.08982456064134864,95.28826625688149,64.55468359686533,3.7838700645765453,8.419531748931016,1.9907974977412392e-07,0.0,0.19103434768879862,54.96172184061315,91.50502416770506,6.350293483632452,8.67473799726293,3.824007143995436e-05,0.0,197.32045797829556 +0.9448298033456877,0.14302679981231164,0.3403108669233466,217.25439467318924,211.99192913677857,278329.8242157998,5.206107527053739,85.4042457743879,0.8687856588090961,74.30872771848655,3.745028127613539,24.423488510111316,0.3171465475221281,0.9497588552459053,372.5854403393683,19.72050600479826,0.22218697021100792,255052.04276599624,2.9020574260749155,85.88137424540979,3396.081957420818,181.23814724273,349.4334902356192,57.81421051631691,0.2897583029809956,0.18953019712591546,33.72389406387008,56.5443569050536,3.643188180721788,18.102067307575272,0.0,0.6983423221393332,0.12210032918941681,19.55200349406702,40.83185946593847,0.7415923271898216,8.689734015774745,1.6033010066721712e-07,0.0001132097967789073,0.20163651670536886,35.32386363387344,61.21145904987691,0.3262595783428684,15.55492945675877,0.0,0.00014063033626880034,0.3542157610408555,70.02150264286453,40.0625846778289,4.5166063390432445,21.897699970758055,1.9907974977412392e-07,0.0,0.1655120809011345,40.75764118516278,76.73412283757945,6.995138307177424,11.098666519714998,0.000260369829773863,0.0,163.60890007825608 +0.8980979528002216,0.21277384061254792,0.32857185105216047,182.66964810052912,128.4006982552341,266480.2183893984,2.8030370576555383,84.91323905385988,3.951198910611005,50.35488334644608,1.6623173737398385,21.00949808642714,0.38949040781370775,0.8165955813104295,616.1503443967315,41.70311291392832,0.29732833712691975,56094.53970313142,1.0906658777787892,92.42975172847241,2930.90262464684,252.9226357779178,332.4327923830581,46.78228662868356,0.3429509630578216,0.19575496762531672,6.7724269967601165,25.768746166220527,2.754395662270648,59.79932365668134,0.0,1.0725549858666397,0.13529362448684784,12.905832206318326,31.14843672809994,0.23018869284054405,13.035251335110873,1.6033010066721712e-07,0.0001132097967789073,0.20850248665844165,7.902549308390461,26.304865694288296,0.2491671489078247,58.191180063206396,0.0,0.00014063033626880034,0.12195784457363093,35.87149257573401,39.97452903361227,3.9188068369338844,13.071105007861545,1.9907974977412392e-07,0.0,0.2112154601046274,13.448515372472434,38.042288133694804,4.447089411650192,24.407321775163922,0.0,0.0,122.70569649382605 +0.9773311042393065,0.1743916858175818,0.3469509352189179,235.196257687004,227.1130262705884,311400.2438755825,6.619284791325198,15.867273540754205,3.7666769734758576,98.15495897470072,4.715969071679247,25.77431335803204,0.37091482132618486,0.9144586652830373,892.7548763325756,99.08041928022556,0.2807330207268734,253155.33684146393,2.940358902952612,97.62688673317959,611.3500407029021,292.99183905465435,344.57271217576533,54.17056432403864,0.2839004799123256,0.1887634796297929,32.138899564972995,59.124115967225094,3.1261163211959158,15.766908634658485,0.0,0.6572317496358909,0.09402350409179204,19.963693009795875,40.01990183691484,0.8894959465316794,16.938844217143007,1.6033010066721712e-07,0.0001132097967789073,0.19301383721888088,33.5548152170409,62.309192907254605,0.34995318833632616,14.36010178912993,0.0,0.00014063033626880034,0.3544401832600169,70.9585938925304,38.79597438565805,6.228437275611675,28.390666826706063,1.9907974977412392e-07,0.0,0.14580773189755986,43.25113378165121,90.10428682546303,6.971914832647012,20.24563932949918,3.258565370905624e-05,0.0,173.56025337698188 +0.9881820045111893,0.2063155632305728,0.3784108995182277,156.50839353549196,243.91546922872945,280045.452485693,6.5073409612182,93.72465299836762,4.570407174446201,23.741288940830373,0.4186358797546714,25.56088829365752,0.650162858811286,0.9711053531390981,654.5692739284525,49.22990057079913,0.3191503473117385,220496.64630679338,2.6559465101485573,99.1638425353133,3817.9902560195424,223.27769881562077,346.13551909492145,58.9183859560808,0.2710493122090667,0.19162323095942335,26.764011594751135,50.696382631281104,3.216942908292424,17.686800145623618,4.225941145517443e-05,0.7834590213183182,0.10641137341134664,18.771491837983824,39.337655266791444,0.842547498430238,16.341005471162983,1.6033010066721712e-07,0.0001132097967789073,0.20187229195459375,29.31612752210254,57.548018845469414,0.34583351383387245,15.294196414486644,1.789189546917551e-05,0.00014063033626880034,0.35458896842840265,65.89780442428616,38.01520397536296,4.9042432313383095,24.473587138751693,1.9907974977412392e-07,0.0,0.15301191144426268,36.369959165550036,80.38198014951809,6.388613341815262,13.350509013319435,0.00010906497464035472,0.0,156.83440530575413 +0.9770555679383564,0.16149918197064728,0.4399527758697963,160.50155030243295,240.97369017089193,230502.69759213398,6.3198760539744,80.57057375612668,4.078190571196794,71.06221679990732,4.794550895252526,21.882182401633813,0.5809870032112343,0.8019691142824829,946.4569077681797,27.854763737737642,0.21266260687826366,61897.10914173961,2.7888948454325093,71.06629435101478,506.64570132301105,115.75077760556367,264.75575181342646,34.459736065175434,0.1755347674850388,0.18010479215362715,4.23249677293297,25.507594882743003,2.766506025283277,5.811221904913927,0.0,0.706112013309731,0.11824245636994725,2.4619546512465083,16.246533006235083,0.9917875339043492,19.718638688995064,1.6033010066721712e-07,0.0001132097967789073,0.20888743913971614,4.740931688071819,23.757569406200414,0.3721198582882813,2.9807831443050588,0.0,0.00014063033626880034,0.349654027950071,18.101616488082712,18.28985015296076,10.067010283187255,48.68741605675215,1.9907974977412392e-07,0.0,0.09128737309075581,2.1549451364168943,35.660874605043645,6.2572186993547785,43.24296200076807,0.0,0.0,91.02681274857366 +0.9496973295898922,0.1566211693132716,0.34698348027675113,205.95927910756,101.05004403978455,330658.2825263908,5.67765267009139,96.31409666465703,3.72661474798488,49.768924607737986,3.9117158211056453,26.69406954364681,0.3351081428950994,0.9384416655901173,954.7882613417487,64.34181516119845,0.23887700652949703,276410.57635193615,2.90282210860967,91.95259214096515,3984.022520123409,220.86092313219035,348.87352823168175,47.67181587425289,0.2749596269073549,0.19019620759629807,32.2864965772917,55.30129800412852,3.1343853180587247,15.182914571433097,0.0,0.6371950336611905,0.11649191613489461,20.656157511337245,41.72088717211418,0.45840277063526097,13.045928919892248,1.6033010066721712e-07,0.0001132097967789073,0.20108034021584953,33.48338705303719,59.523293078114946,0.28848647857641946,12.748083519979476,0.0,0.00014063033626880034,0.35463577307281124,74.59978301692433,41.031622990764376,3.48760671384118,20.17420569386633,1.9907974977412392e-07,0.0,0.1490152204397797,44.07305848921831,81.05856413742295,5.1829446390538925,12.043692079896266,0.00010111001429990584,0.0,166.90966248741097 +0.9572105952010136,0.1325063551137698,0.39988266592050736,93.70859131945474,228.74794161029783,267771.9986164934,2.161823897313885,38.260518256777985,3.1538666086652185,74.62812829287653,3.8636469124338038,12.924421409977096,0.3426607114485482,0.9952206621276061,462.32872373209767,50.60491803195919,0.21101198719690126,114443.67467600705,2.808526536531246,93.02885369202411,4566.876249619133,164.2712784804633,267.4476475300644,50.40138769187096,0.22344458281426222,0.18995997822894445,1.4250036455758215,25.726395727636138,2.673596719617813,7.232213794935913,0.0,0.9909991636029467,0.12949630181556696,1.4490165042472145,16.80229580642629,0.26124427666625666,17.727126131144114,1.6033010066721712e-07,0.0001132097967789073,0.20607076601525792,1.6384486379657273,22.54775928534287,0.23754541499540244,5.179930207663433,0.0,0.00014063033626880034,0.3577556690850038,25.194347279176615,20.22518303675046,3.2237776686635193,33.79920451038037,1.9907974977412392e-07,0.0,0.16029259903925433,2.895771743343685,32.523216628413714,4.207075238251112,15.23713732541492,0.00011160780722059452,0.0,73.30674853929798 +0.8252984979768567,0.18595518065805058,0.44497319092892174,123.99922682232199,239.49261889002284,224521.31819574002,5.3523745523422175,12.00142057550161,3.7630801137445564,99.18725199532697,2.7254704613342855,25.03545506209946,0.45692828919512085,0.7392781897394064,16.351189782211918,7.351419171182165,0.20834335015882013,98350.76157798099,2.768170576831173,79.28368715538132,632.1679009358152,279.9484444717327,345.9964573534566,43.65905671239879,0.32969070527130817,0.19216854958271642,16.47063279408069,33.96735605486635,4.589158470522707,17.87108647558162,0.0,0.9047765684052474,0.10006173994759746,17.04990260374154,39.879823885346426,0.7744687965213841,25.0499136176076,1.6033010066721712e-07,0.0001132097967789073,0.19555772875642752,20.432946424486023,37.09006518129941,0.3379323935786476,17.725123292088814,0.0,0.00014063033626880034,0.28470627822205274,42.7401415868419,30.139937092555172,6.452238219665945,21.292467308692828,1.9907974977412392e-07,0.0,0.2134005874562787,24.40633156133421,49.74443780279805,7.273089622579446,18.39050701826281,0.00041188379391874107,0.0,114.34431430098982 +0.8133727928223384,0.1238381191853258,0.32369941654483203,26.513066820298956,161.97587036808252,105614.73907067311,2.620490041065183,83.93562075792151,0.6110059694872076,65.93954028363065,1.8885255380829788,18.974949148824088,0.32140180852256894,0.9724119897166643,756.7035425876455,58.71809766190407,0.3019362033225981,248735.2223573893,2.844398474800882,65.74515030768686,1940.7935391137685,171.13839358294396,346.9568971049569,47.79647230579623,0.24723939092854985,0.19375218123558596,30.766285293719722,54.011272304370166,2.5967376321666658,16.32244176928781,0.0,1.4673748085027971,0.1324380607699547,28.43127779732915,51.378249478812,0.2468820383232942,8.66746016452965,1.6033010066721712e-07,0.0001132097967789073,0.20726193728635614,34.62749057785932,56.79773407745663,0.25891875367035,15.844819308270756,0.0,0.00014063033626880034,0.1075846972221978,70.2225495919366,57.16164823903096,4.906194139460245,9.549547432959248,1.9907974977412392e-07,0.0,0.21013469529962042,44.37353995224368,75.62776824047987,3.8670313056952326,10.220515644061434,0.0,0.0,168.70264145038954 +0.9478292347334062,0.22294920053259895,0.3572673987561099,157.79247567920348,98.4516953298974,252107.74350457225,6.233334740846598,16.40548132697065,3.4996008459413956,94.75766046487242,3.716800791876862,20.09740638777734,0.4190999018306307,0.8537850359021336,237.7948109241558,16.544680738513847,0.34297017560949167,69371.448079107,2.733444335352653,78.25483228842351,1902.3910929242134,271.0737203172108,225.712164127403,25.71957708196296,0.2533715244962376,0.17427210013417363,2.134123473169562,26.435439091383437,3.919073418520204,12.098503650456244,3.1179644737378117e-06,0.9477793729254387,0.13307557124229813,1.452635512656025,15.252658128040688,0.6603909274864717,16.039946480177246,1.6033010066721712e-07,0.0001132097967789073,0.19000460224888216,1.780451900643637,24.775610575864672,0.32771818117856844,10.18323162800651,0.0,0.00014063033626880034,0.3487468347817067,3.261378302074289,14.391385636523111,14.372857170036184,55.08299933502344,1.9907974977412392e-07,0.0,0.10218507555334548,2.3412185530517493,34.64540712937818,6.2411850064523176,37.562328083812616,0.0,0.0,90.51873527313006 +0.8958547273627545,0.13794561533552882,0.371467206647206,218.60496516658642,216.35464560790922,333830.0424051051,6.869060661036363,9.927681755970916,1.4841188879413905,27.416681837991685,4.79069561575689,12.579169194811255,0.386880930507722,0.8977394237995413,168.61581678905824,59.994067794033285,0.30454839769100756,248969.9105523535,2.8685594758860034,77.26831434109828,4460.8337626835155,103.95422382362955,346.51253012378425,57.64493606429376,0.2959819385032887,0.19652828283382673,28.708901724911637,49.58807275179597,3.942173206611756,15.756932949638518,9.820852043019343e-06,0.7775095651669407,0.1387659670022862,16.955685041901553,34.5221369726972,0.823432134765505,5.971380821175685,1.6033010066721712e-07,0.0001132097967789073,0.20984267931725376,30.731483186267976,52.617722327646476,0.33949425149085094,12.958905550180997,0.0,0.00014063033626880034,0.35202755397605323,63.073065294720024,34.92057545702661,8.454432872795358,25.27749210408918,1.9907974977412392e-07,0.0,0.20114362714314551,15.009101107633558,49.315125051442365,8.422076063689557,7.798573221414384,5.470220304298618e-05,0.0,132.82193847127508 +0.9517902644198522,0.23918730583873468,0.324187515731175,47.47064198142142,156.53590458142997,270871.60944523837,5.754845669299857,71.73139253878068,4.178013498539086,76.93070558589854,1.9476124602052323,28.166174855642033,0.3207159433719086,0.9825893459455978,753.3049555036846,68.72875333376459,0.11655104639889788,87717.26194940653,2.3808164349398337,77.87654433300294,2982.586744613719,261.6502932836797,342.876872379651,41.51922001771853,0.24501531705596863,0.1908211858518191,22.405638719658846,44.28898886556738,2.7587554321398433,30.419439271105297,0.0,1.0043338406966564,0.09668540764419754,29.28434309501909,56.43510383190729,0.3262936195547729,14.773990633303152,1.6033010066721712e-07,0.0001132097967789073,0.1973720065397832,21.26434813181744,45.797706458056886,0.26840839814981904,22.743382644225232,0.0,0.00014063033626880034,0.1814945363049956,72.0003693425371,57.98849608507298,3.9136066477247424,14.974587640053915,1.9907974977412392e-07,0.0,0.13538241082013786,48.167233217070304,83.37601972766083,4.561128740714895,19.6930328186137,0.0,0.0,170.856570436231 +0.9506428158947197,0.1565662730060449,0.4449606015481358,210.35994758209378,232.276142628223,306730.5568270974,6.892678243428579,98.90219359851308,3.6594235642398387,67.63773753007146,2.823313082114118,28.99930207829858,0.4072415957996298,0.7722244245419886,949.3967201754285,90.14729874047406,0.3114004944925842,144033.3481414076,2.0291493551992126,88.24377929774019,4909.462989399666,144.01425836385948,346.1281622523287,59.70860560749486,0.33539800692932437,0.19354172189723856,14.242010595833657,30.186925723220536,3.134667866812382,22.15916484551539,0.0,0.6927403663153048,0.1318335437492617,9.098946672557837,25.50435889708192,0.906579999384144,6.868721549654727,1.6033010066721712e-07,0.0001132097967789073,0.20422007265199169,15.67937477571648,32.776870645785216,0.35383893575102665,19.036205857798073,0.0,0.00014063033626880034,0.3469198265765344,36.14012054655413,23.02471924183729,8.057325811054751,39.7800510563359,1.9907974977412392e-07,0.0,0.1939809207577325,17.95590502505223,42.26170743841067,6.9354584080852275,10.488003289179423,0.0,0.0,99.14530476764696 +0.9516965805979303,0.1279441352378186,0.3312931461311175,175.15662934551864,44.71250732920876,268445.09287731035,1.7512114826502319,10.59367955839383,3.7293483118287987,65.56950647358013,0.8710973024132276,8.816811777331978,0.5893248360335819,0.9188337739333874,633.7254246255851,41.032868369256,0.2601350310990557,192280.08726858918,2.8570841493621786,99.7314077723167,1501.8845603902448,272.8476133944926,337.6938238790816,58.698041825410286,0.17559554613088754,0.19454072544786694,27.37927882204839,56.959474001789324,2.608249936725633,15.664994072503584,0.0,1.1626133706368877,0.12720850423068425,25.190287976615874,47.92551961103163,0.3912219882366432,15.862609364374386,1.6033010066721712e-07,0.0001132097967789073,0.20596768941492027,31.940880668525,60.98698841400366,0.2346635732942026,14.37016413497193,4.072740612920625e-05,0.00014063033626880034,0.12469949638772568,76.78660986966214,61.375547413852516,4.0317727127675695,9.104926824921794,1.9907974977412392e-07,0.0,0.19195023619416526,40.903190341718926,86.53560579025479,4.105101377808836,16.44234655483796,4.442542865537176e-05,0.0,177.73028358496313 +0.9218255461215535,0.20693884586196434,0.3420997241834903,145.1388015408302,171.3114861581888,246330.28497695448,5.449147359183739,70.43235762617999,1.4901002257316653,38.8277161126442,4.387328845157294,21.42815762002153,0.46877293588094,0.9842553274318726,269.6988757936095,37.31774109175548,0.3307009730883348,198997.36385609038,2.887121313614725,77.6055861606501,952.3704636956414,246.58968368303496,347.0567760428047,54.029546737812666,0.20289621166468685,0.19391793349967573,31.14804254856866,54.34037324267627,3.3449899876141735,19.373721061260866,0.0,0.890308812183018,0.13086814201555275,29.811704731009776,54.35622751360434,0.6987922264869991,12.484051514079441,1.6033010066721712e-07,0.0001132097967789073,0.20265021213407905,36.44551004258804,63.911880365698245,0.32641835447796125,17.287373304012863,0.0,0.00014063033626880034,0.10280813072959154,85.26428192027296,65.0846695914583,3.1554559497161954,8.097663553181548,1.9907974977412392e-07,0.0,0.1842545809613495,59.507123119795224,106.60237148996977,6.180224550695348,15.123969821121527,2.0796748865230147e-05,0.0,201.93022122472206 +0.9879560039385646,0.1851784892208179,0.4491819517502645,169.5877701157947,245.16054025384872,243006.94263257997,6.420647268101913,6.664897404695829,4.603116812598769,7.6071917435120895,4.73143999307704,3.662031258633844,0.38661809291700866,0.8196183341056011,174.94258236261885,22.903271735541132,0.2563396468353777,87747.58819233702,2.9460351634589235,75.8687343422531,1946.5605329355103,214.3152281699529,293.5213849388398,22.864361661730307,0.27863032580176783,0.1998278691084332,6.356811661730522,24.434106711550157,3.8446623368074198,6.059925994037168,0.0,0.7825091288937585,0.1244893080075234,2.6552236391074917,16.213183204058964,0.9847748176461378,21.615589740057764,1.6033010066721712e-07,0.0001132097967789073,0.21361386619800812,5.575762021619027,23.566052584979882,0.36997766565203327,4.275034267555095,0.0,0.00014063033626880034,0.35016502266916655,30.909721390303197,23.576708061851463,7.857790147350812,38.75342938510316,1.9907974977412392e-07,0.0,0.09194749059252084,2.8276762054211835,36.55087974699981,8.472616056249878,32.41607195816255,0.0,0.0,87.0296483388916 +0.8005294500622847,0.1530132202666159,0.40224061606337336,20.90804310964198,117.8600728839149,133666.90790359137,1.8785835964791526,69.78483001106844,2.473905581723478,84.70908695267414,2.6187443777003994,17.63008661202811,0.7983834129755348,0.8813895424847419,927.3206886864908,15.960480499942555,0.21631354969745656,55253.95009548124,0.6038443781752154,94.57515314342085,1103.429889632367,87.92206272498044,333.8046025620588,36.62714587713853,0.15021234464270827,0.196030242747304,0.9735206296125989,23.877479721409536,2.471401352734122,57.01801809289373,0.0,1.4349952274205464,0.13871195853059679,6.029746459246628,21.725953258454282,0.34084765077930884,8.027533147331507,1.6033010066721712e-07,0.0001132097967789073,0.2094279609770394,2.9054843630441547,23.655544893338522,0.2367417628231796,56.60619312578697,0.0,0.00014063033626880034,0.15383701635643518,16.940931119404812,25.65931501691704,4.837014401007048,25.717708069601315,1.0411143785163445e-05,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9051619291809304,0.1744280663879659,0.36610379673489835,219.61118532678762,243.95898395713903,311217.1713954093,5.066522284127973,25.607634576408522,1.1547610700144584,18.089441870408493,0.5817907797009741,29.1618509684588,0.31714228895981245,0.7895720362235858,791.2885346822118,86.18626013210994,0.0620520847739659,80405.82659649571,1.1673875698325462,98.49884198431862,146.21892816092077,219.26536059175328,329.0444146724304,26.65486160292025,0.3363050270229043,0.1993592301147679,11.420045010465277,25.762949759475568,3.0668505480138912,42.86939983518442,0.0,3.6020885880368683,0.12361181688419513,4.6129116243856405,21.508651713547614,0.6760010312144092,5.964730164535529,1.6033010066721712e-07,0.0001132097967789073,0.2056629564512689,2.8931370192149615,24.837791573138535,0.3117626421233268,24.718076499623752,0.0,0.00014063033626880034,0.2404664649555639,42.111083100779666,35.42236542413285,3.3768645434705253,9.199889123593712,1.9907974977412392e-07,0.0,0.20481233269902568,5.927279377699694,31.118632417071034,5.7134079229904176,7.20334397682002,0.0008380708737174738,0.0,92.85997207438668 +0.9304843119123066,0.19141937599228664,0.42628041156121604,234.87915771899912,245.45046892734152,317781.27387640736,6.3655633734787065,49.16748349541016,3.2901555921947603,94.15374579142215,3.617585654473459,29.643046879406192,0.5229644036655339,0.9059880376847512,841.0909799200731,44.34650436458679,0.23617828377469824,252278.67588929072,2.935374404697439,93.19624061218961,1823.8953682126914,285.2103110746195,348.5923739351526,52.27337362507758,0.28624705035558634,0.19055309957769112,29.266816471544292,53.399680400082,3.3129650933832524,13.935688066402319,0.0,0.6696610399260465,0.09410172325664971,17.645331217846607,37.41523342310621,0.8635336383825567,17.29428397422276,1.6033010066721712e-07,0.0001132097967789073,0.19511054707897454,29.95760876919794,55.49191590439793,0.34428749385354446,12.964034503521068,0.0,0.00014063033626880034,0.35178020648364555,54.52147098254325,31.015246981115325,7.410584821906219,38.69849505455497,1.9907974977412392e-07,0.0,0.15030959011717668,36.642177544972704,79.819329782206,6.94480559521208,20.970085317910875,0.0,0.0,154.1388877700676 +0.9806706855560654,0.20680527862138423,0.3428098141922442,109.24451374610277,216.93597586918628,279345.9617304485,5.8358807125418055,43.902498440727754,3.5753948816747516,69.63739287335731,4.084750856488041,20.997378946814976,0.3541645311720468,0.9722678243956387,608.5771503525489,8.947693461011582,0.2540671365148449,291326.6382214342,2.918257585847391,94.47005934641818,1386.5235768701998,224.8813411553582,342.8315853766038,23.970454757582257,0.1553100363952114,0.19164112021202553,18.053239942905112,40.15666833976764,3.711263033441162,5.769287704189752,0.0,0.7360565080462415,0.13004589381146986,15.209935060346698,34.62461299363268,0.6103745942930408,7.1008633252511615,1.6033010066721712e-07,0.0001132097967789073,0.20107140283600003,21.51323972992056,47.166135361951575,0.31024101027759066,4.770727985694632,0.0,0.00014063033626880034,0.10964061766690228,109.17698948042454,74.7803618164226,3.446271853524238,6.982860518973636,1.9907974977412392e-07,0.0,0.19919842044854524,22.379491570266957,49.388474610661106,6.432952572901151,5.94995303214957,0.0001689211217436668,0.0,163.60545962886408 +0.976995463754078,0.180989576715936,0.3941530736735245,238.03524990585368,178.39938997966604,218989.6514265546,6.691569590831003,95.31647426366355,4.051638291733253,99.08087609891471,4.750064003688867,25.18392403663877,0.7368520559679366,0.9288549781886378,933.1564360221007,96.38171241773527,0.24763319591301905,147720.65326380412,2.8709621845802022,99.8037732287677,4496.710457946856,259.6378892979342,348.34998729697577,58.7742801675374,0.2831071568915526,0.18394716334632097,27.137359897458534,54.21372501680195,2.880601522890109,21.5249104417191,0.0001609346511450006,0.7282603853853985,0.09479522694850528,19.055453219146546,35.658266290001265,1.1290902819267734,19.896696588562758,1.6033010066721712e-07,0.0001132097967789073,0.18525254919659317,29.399754249924328,57.516078460635384,0.3954713142799335,19.820156883692896,0.0,0.00014063033626880034,0.3499858915426032,55.440716251295726,33.58376926520825,5.925059772421087,29.222013034237854,1.9907974977412392e-07,0.0,0.15574239395832262,35.670698855316864,81.56989984379857,7.269334948747957,27.877186514008606,5.123761574208168e-05,0.0,156.81759046391917 +0.9468247940249253,0.20996868851681574,0.3592015287898537,10.88567037760464,210.88662967835424,265553.22555629764,3.6390922342765895,73.00881100596348,1.7861855770347526,96.30196381363646,4.131244929207141,28.985682677215795,0.5318305578586615,0.9415580945849323,107.00719997680142,92.83378361415572,0.22647468367970586,53118.75518694696,1.9620993331464593,74.63090165139488,973.7254521476731,286.2640773315093,344.84152622620246,56.180192749492306,0.23739456110186874,0.187529017476329,13.342283556161146,36.73642555212577,2.7917356762438286,42.3608052408743,3.392661462193398e-05,1.2656996257511957,0.08012860682456013,31.620304509902425,51.916475263207474,0.437994746534977,21.257356038199244,1.6033010066721712e-07,0.0001132097967789073,0.1995528122910939,16.626064357234757,38.8883094218572,0.2398023014599102,38.665428377474136,0.0,0.00014063033626880034,0.1148667763206945,60.43532703107151,61.560559881435864,3.7049225463089948,18.1859022960524,1.9907974977412392e-07,0.0,0.175978601186296,34.71122889478762,72.30293716054044,4.114889969422034,32.949831147360634,9.730510328035866e-05,0.0,161.5065442726678 +0.8832497064744593,0.22690653183598858,0.4164335425593515,219.72362567820596,200.72344358161183,134766.62105140887,3.313274975218352,58.6351052653687,2.63652447548933,92.72442448066894,0.2762067997213538,29.769947980885608,0.661212600231995,0.9796686376103576,850.7577584708856,26.46112003829716,0.15266589801929187,99701.74234425122,2.8898595439269528,79.3877045370179,4915.3964557850795,255.9476312141703,346.8893419625019,57.90694134131085,0.21407212762190966,0.1880061449758098,27.296482426305154,51.965622219675055,2.8775432618773817,23.37350140071558,0.0,0.7438034675652851,0.08100688574209232,34.968451811295566,60.46648726004336,0.9550416490295623,20.014896200170202,1.6033010066721712e-07,0.0001132097967789073,0.19613155300651774,30.209530589739376,55.95808704812648,0.36692170708652294,20.455992475587564,0.0,0.00014063033626880034,0.1823216498420477,77.07868661850983,58.702858297557526,4.271655380665538,12.66572916847487,1.9907974977412392e-07,0.0,0.14586055864899244,28.301928001044256,103.67627907694364,4.48515077819986,33.074383373613934,2.61359177766272e-05,0.0,189.66663863214063 +0.9383173914097755,0.21124388297455177,0.37274242170935623,117.05513760202373,230.2926206839761,289128.866256371,4.776669389353,79.90940019868442,1.9780153221305294,15.12977588820042,2.6744180272634073,23.551171566000377,0.3471366366797592,0.7421753035081844,991.2931074873586,60.37459421655763,0.20530521635390048,84266.2652442112,1.433381311788535,50.553208339136006,4387.513008115895,291.54616925703385,336.08743169992294,58.26555294429325,0.2608784557513756,0.19674412318948414,10.201580191689992,27.458360616094517,2.8730163269543647,42.17585762474208,0.0,0.5860406436840835,0.13595258204549684,13.032843561540838,30.922314109968237,0.4801674878173336,9.382832160496834,1.6033010066721712e-07,0.0001132097967789073,0.21084276254737028,9.897140861773476,27.819568323124173,0.28496485985915276,37.14014785964349,0.0,0.00014063033626880034,0.1048481536594368,40.64976682947246,40.507687681166324,3.0484421674579423,12.015524261370174,1.9907974977412392e-07,0.0,0.21776398183259163,17.831864095794618,39.916021026351636,4.807499341683957,16.348759899008673,4.891927717385886e-05,0.0,108.44289246869793 +0.8817090799117846,0.10968430421526389,0.37465977241067977,30.753429149017283,33.191149349399325,128930.39252961426,2.882395218450503,64.85679845744635,1.7557022895949383,5.335869399177454,2.8992301292495766,17.3985841074105,0.34205738672240277,0.7444809484616064,72.74970371125963,76.87147985854492,0.08026011390733039,95010.83151926882,1.6626098827941926,16.230854703096263,2024.2607079525358,240.88976966377032,342.38326641759346,38.05771412681757,0.155318302226584,0.19755713482162274,8.457138751015805,25.409015433843635,2.469958099026479,29.061109283916913,0.0,0.9450309134338719,0.138708908185767,8.434126806682563,25.27563950682721,0.18854282887883078,5.107777115688401,1.6033010066721712e-07,0.0001132097967789073,0.20933838616266223,8.48261431822518,25.216845068490443,0.252747121334778,24.240945878466725,0.0,0.00014063033626880034,0.15261204609849055,27.63691916426388,30.849343610451122,4.593346029592362,22.22287760752082,1.9907974977412392e-07,0.0,0.21167845364787571,4.045177136588507,23.151689786994005,2.8207153232597686,11.202299877845359,2.340936130603529e-05,0.0,80.72639355716001 +0.8654668916555265,0.12046623574300848,0.36463732352846256,112.15100942534949,122.39111279627868,328688.8129971541,3.055176220593869,36.98896516335613,3.4390922248720655,80.97745536746743,0.7138412553339375,26.12580948339198,0.48854197941942146,0.9388129545488119,795.9357438343993,53.51701662640069,0.3063245889760268,65102.51918646235,0.7060825269418167,26.344455546144186,4399.81274434797,287.3205868548382,345.55746240586916,47.6376912698567,0.22073297002251574,0.1916603608906862,6.396188717819808,27.443143500554147,2.8515711395103724,70.41561567995882,2.8470465539209664e-05,1.0661044487163542,0.1295711610076702,12.920699057840093,33.469605749407755,0.23701097464436766,10.201634619263311,1.6033010066721712e-07,0.0001132097967789073,0.20466130306582675,8.096314116688694,30.041192262135816,0.2407868515168596,68.1391484702438,3.783541439093245e-05,0.00014063033626880034,0.13420072325801208,35.77724444891036,40.3186088693575,3.64265662496104,24.210474118060063,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8930708689790863,0.13983328635521047,0.44412670284300765,229.42191368851246,117.9137432992721,190402.4872920892,4.938304378554679,42.59596778641085,0.4226434469832613,65.49147824822175,2.656949033155346,24.79238532542043,0.3282202498202843,0.8521134821494731,792.727926856075,64.19421206245077,0.20246246125527256,75009.0898299408,2.4221511841027814,86.01270328172707,2594.5096540519353,211.2025167364001,243.42274708817607,32.75507761050616,0.33104832211945034,0.1847681804528343,4.345109555418675,25.257062881651773,2.763550775379029,9.237571289073959,0.0,0.6957583337447241,0.12397344307952923,2.1117233480796638,15.658311985675255,0.8295675865777904,17.374421718269115,1.6033010066721712e-07,0.0001132097967789073,0.1905912082078884,3.8002244155247085,25.58192341099622,0.3524884527978294,8.184142500066207,0.0,0.00014063033626880034,0.3495996001106828,4.112676344200722,14.448400961552984,12.933639637510575,53.264488897482885,1.9907974977412392e-07,0.0,0.08244838032993643,3.582646777781995,35.191244597597084,5.0180615609215415,41.74325983932515,0.0,0.0,91.0365024941745 +0.9116333024626515,0.15650377752698752,0.3328552810836159,234.58770949643696,187.32533178704065,235442.0807520497,6.321511015560979,82.61221923683898,3.8980889157911163,92.93827963578923,3.91787778476031,12.903680494914104,0.4780208201505606,0.9536238573312799,752.3180149204684,65.923095974922,0.23487427626539345,299965.40962833783,2.857633113875399,82.88082152310575,1548.8017991902434,292.91310872319923,345.3077453782145,56.29211504954933,0.3233270329143711,0.19738636756847494,34.73059598595199,58.69847506334122,3.026190369479958,15.74386619634835,0.0,0.7191643499042422,0.13673890676712336,17.10344798254634,35.79462272868668,1.0275923559901825,11.6409405271262,1.6033010066721712e-07,0.0001132097967789073,0.20964889941673404,34.90561715825664,60.99548342496844,0.3774583167123597,13.507592050847377,0.0,0.00014063033626880034,0.3542363113013506,64.92420911311387,35.826452717281214,4.660579788316369,30.380303576730707,1.9907974977412392e-07,0.0,0.1723198160894602,38.40749546089417,77.24822205612715,6.651736617693115,14.380479770536304,4.139088323260586e-05,0.0,160.86691467188484 +0.9784319040879824,0.19795355108690993,0.4077293488079192,202.84706336384193,186.67493773490784,168895.89006476893,5.762507006407308,85.54976871899933,4.176167649199634,84.13906715455731,4.756128692428353,26.416105674272732,0.37233837618171794,0.9835924973946258,828.8775730384863,78.35053435427464,0.07438182727745365,74834.40517210995,2.8108967704001713,70.39880690864639,105.76808548017243,186.17767227826326,349.72477558297527,57.8624747880807,0.2599249738174689,0.19349546244022361,28.734368863796302,47.11428019931145,2.8083076624965075,31.09626885284276,1.1174101833752416e-05,2.8613405958386964,0.0929562921125921,21.202360016966026,39.00946190219104,1.198358815254239,16.223440190268658,1.6033010066721712e-07,0.0001132097967789073,0.19934431709407585,24.087829357025317,50.08668621892553,0.40879975770611865,20.218367048101307,0.0,0.00014063033626880034,0.27334894475821897,54.73714768677967,42.43333826667532,4.837181881228374,18.201648350722152,1.9907974977412392e-07,0.0,0.1344758375387011,42.13650264694255,82.22221389448126,6.058823505493935,21.46515445924352,7.260661483890108e-05,0.0,154.749134267344 +0.9598615772881475,0.21961524725887943,0.43907152015397183,225.58659601723838,236.72888430411626,286747.6411418886,6.108163445138491,95.69820150200087,4.456654566134958,41.430598623399916,3.963516678362717,29.71116583346545,0.5100421087514527,0.9144411402923488,733.8356220002181,87.20374161173613,0.3232190426712288,140569.78313947024,2.07364120724654,87.61688176965508,2261.437888740177,267.54100136455406,343.9098501700877,59.17753535389097,0.3440615367447927,0.19237401623153425,14.78040371282615,35.76971578911947,3.077196522538737,21.740927888649438,0.0001461452994556473,0.7743651948379224,0.11180512031258401,11.568274828886924,29.830120963080876,0.8917043285356617,14.965822749133268,1.6033010066721712e-07,0.0001132097967789073,0.20304505780337387,16.26157720331461,36.12751547723996,0.3505833792921983,18.99702958789749,3.4462707630951026e-06,0.00014063033626880034,0.3522843049006361,38.23755667946695,24.161278125463475,7.252084146254053,36.186575380581985,1.9907974977412392e-07,0.0,0.146075231662276,23.037314846936628,58.65543876166407,6.604659470366756,13.804840121345606,8.25830303942104e-06,0.0,113.01901067259507 +0.977731106187093,0.2329961176799523,0.4070350934162145,29.92262776482464,88.70389204590606,174653.93620634696,2.570472717381815,63.01675308891305,4.584524126340432,74.89374184163344,4.662686915197726,14.616396603752943,0.454416646183315,0.6414155190564742,147.29415199173076,86.88326339568121,0.322020730633955,52344.86998787103,0.6470490694369465,52.27151437262048,4383.434953912128,279.64233721154704,311.25671293936387,59.802776830409556,0.21388911892939508,0.19830425888036823,2.114064551548472,23.974359664695143,2.4491160320476144,50.98281635129514,0.0,1.4195512109110742,0.13927246956730957,2.8739127881755877,16.559655764873547,0.27036694240445736,6.176603532037675,1.6033010066721712e-07,0.0001132097967789073,0.21235984602622507,1.550572867602229,24.399028700885857,0.24027340475572484,51.61647959655002,0.0,0.00014063033626880034,0.15010993592485178,6.05136202751329,19.064830750118837,4.35891315917941,18.12216482819813,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.980981329820765,0.20680527862138423,0.4436797473658529,217.25238685647778,216.93597586918628,280074.39552473376,6.659684861109463,51.05137657255962,2.7614751789486363,73.22959073701614,4.2663979495086295,20.997378946814976,0.3505488613430241,0.7129257364540829,701.1685120118254,84.16768590303066,0.06145654364963979,242368.13179960698,2.7580689735200297,97.2496241516467,4425.7896778921,224.8813411553582,342.8315853766038,54.84254408482848,0.2851079756895317,0.20057603583267603,34.40044618041126,47.3075437716737,3.158798527422976,16.959865322226317,1.8434376269395903e-05,4.409594372258989,0.13468235947262674,11.989543990358344,28.96568062472168,0.9456412501643972,10.831033490507108,1.6033010066721712e-07,0.0001132097967789073,0.2074465915811203,21.837416558764794,39.694748583518546,0.3615237242792956,9.677177213885708,0.0,0.00014063033626880034,0.3417631205959813,47.93996643669775,28.012024975368078,7.167888348185077,40.8787586126293,1.9907974977412392e-07,0.0,0.1669981736876244,26.94436570790951,59.94394934173427,7.037309200209387,15.246426919845739,5.694919202562757e-05,0.0,128.03362173820705 +0.9502361020121715,0.13184176194134029,0.3534296358482475,234.98041223564752,180.1137548949976,309316.25847606774,6.553968698249531,48.25275793223898,2.629007984697701,96.81926386079378,3.688762713473136,22.12753341124081,0.7812904105281244,0.8680769640161435,646.2382901470686,26.03308488992932,0.05270396891468694,214338.5116923899,2.6043233246065207,91.4975463764491,822.8829050372879,55.84041604060131,220.81416534784185,36.52697681854277,0.3114845147359619,0.18547629984364974,7.255495391439448,26.31747853621017,3.584965085736105,4.806967089638736,0.0,5.136464436053237,0.13234302085421684,1.4381898749206374,13.056784084420235,0.8109835020887722,13.37768853847628,1.73918165237727e-05,0.0001132097967789073,0.20672751335358164,1.4334345148069616,24.404322952949784,0.33975206005861375,2.4356831859511763,0.0,0.00014063033626880034,0.35302268838278833,6.057942128740769,14.604512989176401,16.343536372844934,57.23679785613844,1.9907974977412392e-07,0.0,0.12623024684716325,3.614463877270586,32.670781046278506,7.136916219643053,29.584312640929845,0.0,0.0,86.96801309603492 +0.9887616643756378,0.21447497875662908,0.39062343811691436,128.11583319839903,31.98533452533151,269664.9958467116,4.272067249564264,92.18857871334333,4.839763016048655,55.30293881920838,4.765642449089176,25.838861803311367,0.37506742645344826,0.8754608778637908,311.3989759187875,53.13556693517937,0.20218433881722314,296325.9512681932,2.3827527599665563,81.73762935628375,4685.561536443117,249.0999930316138,338.33671001506514,32.6861765836016,0.3335955433376602,0.1922343834518454,12.563381888082453,30.10609610454993,3.073555880879362,6.291945920513373,0.0,0.6759727697911851,0.13248979153682705,8.07500777315709,24.692357139017187,0.18551491896906777,5.174698985222268,1.6033010066721712e-07,0.0001132097967789073,0.2028387686698852,13.330091432598879,32.358788000079194,0.25578698844833836,5.5435150357341465,0.0,0.00014063033626880034,0.35188120433842934,47.532363082417525,28.059432200437683,3.724485501996352,20.139671833476807,1.9907974977412392e-07,0.0,0.19724204093087438,14.405878579205043,38.402856253332,4.642816120981237,7.273536402400009,8.013860142953815e-05,0.0,91.07238396851261 +0.9878250377208937,0.15485502814374724,0.39653845101566576,141.65410597299646,183.8236247677865,291073.7092990514,5.189615093034077,11.125837005023484,4.7877722255180215,37.689708966877305,4.308200122729706,27.649570941510458,0.46538582771569226,0.8252866792982788,651.1781744930965,56.73589048888722,0.27849719813017654,192596.98840736694,2.5944963746000322,83.53809370151839,362.6775036336604,219.08008192585106,349.5350575802059,51.18120210832576,0.1615240879695117,0.1918247314856186,23.32906578412784,42.820285315223394,3.046426965428077,17.789344603400327,0.0,0.7618660641035351,0.12402862033413736,23.93731175522696,48.658137621812635,0.5491005059168004,10.615543965205505,1.6033010066721712e-07,0.0001132097967789073,0.20539260707368273,26.03693397526696,48.91330889611939,0.29809675188561746,15.43028833765324,0.0,0.00014063033626880034,0.11610214248100399,80.07663530526557,62.14844847651375,2.9065167465287343,7.649667390366211,1.9907974977412392e-07,0.0,0.18739835267268354,52.87283718395459,93.67176379478013,5.208187612569261,14.088772027041882,0.0,0.0,176.6457509859989 +0.9681914062884813,0.13820381579079744,0.42411492090588887,202.7179698886091,43.33640842137052,177735.93868002313,4.882042311423686,32.044738854270506,0.562457787897982,62.45057503786171,3.1227329830577606,17.710098306275007,0.44397151706126936,0.6944516528464059,319.1127828922638,24.54300829265531,0.26737974574288165,198814.51325953178,2.7185026062676867,99.78544517150492,3946.855816552368,286.4669055668563,250.67255694052878,12.999321119695296,0.24027018265027691,0.19664787289105565,6.906013024844418,24.15914359466243,3.244022523726022,10.299416624049902,0.0,0.8639820133552972,0.13243494439882694,3.1557693519988543,15.736874052317903,0.5466490981490982,19.325988471786125,1.6033010066721712e-07,0.0001132097967789073,0.20975348495230278,5.600058017563676,23.4741553453976,0.32588148277188483,8.255546958276451,0.0,0.00014063033626880034,0.34291930651054314,3.2899396276647868,14.217485613336702,15.67761379388763,56.62398949635814,1.9907974977412392e-07,0.0,0.16874374780945323,9.144233007224965,31.7768544820144,5.38486764033178,31.6710202488074,0.00011873059205614667,0.0,88.43907176684291 +0.9678261289771307,0.16777702733712124,0.35521073530781894,218.32875187467764,114.68514827675575,297087.64843968366,2.588473522067292,69.99495722024926,3.589364719766386,89.71191495967685,3.3007051204038107,19.99301156448992,0.3748686165398698,0.314931906407837,120.40496485451035,2.5991846989915555,0.2370663398933932,169310.57308666842,2.965030163333258,99.11660153831943,4582.791179481881,282.897379870207,349.23259894117905,41.71877065299635,0.34395021159263295,0.19876615704237444,19.68915848776109,38.281008439990444,4.903222116824335,17.86857221898114,0.0,1.0976004779653554,0.11527317840141713,13.403853224309506,28.6496714870284,0.2200107193716465,24.089452610174416,1.6033010066721712e-07,0.0001132097967789073,0.21272252104052697,23.83474233280884,40.47891955927484,0.24234345921812828,19.217620498191934,0.0,0.00014063033626880034,0.25686579692220873,40.03351186258962,28.150269412071985,4.140258932680043,28.856654041330092,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8036942386109449,0.13629658433005792,0.3216025939100095,230.9306908533137,180.1137548949976,210546.21954592475,6.46600681416323,48.02928851285391,2.622264074858343,86.20833542035314,2.5730437698072355,22.42286469428276,0.7271018717955937,0.8665632333614306,646.2382901470686,26.03308488992932,0.05297973741648998,67559.86325275352,2.638356259003538,97.75447109176669,1826.8599182203002,55.84041604060131,220.81416534784185,45.976543444864426,0.28267211139112874,0.20150489152032994,16.677399337142656,30.053368532105612,3.3559902439210747,16.232809215523556,0.0001324289647990009,4.58165460777827,0.13219408192987747,3.585405733871373,18.808477166179202,1.1288334162292035,13.131175899009405,7.706425848513467e-05,0.0001132097967789073,0.20975809839487244,4.418642950041021,24.387107165401318,0.39564476298743817,2.7360486492207974,0.0,0.00014063033626880034,0.34612294349065675,14.685366529398935,15.975380038117814,12.863111094058574,51.973789625872996,1.9907974977412392e-07,0.0,0.1991970216019837,3.6615807075684352,32.99324606754539,7.137135554639083,29.282071212011015,0.00043530085365938316,0.0,89.37293457014738 +0.8905686293085417,0.1999280443215053,0.3355708564687209,219.68255997569833,178.72859389870345,222446.61270496546,5.514876567727638,13.666388917582971,3.6820679524144904,12.94412241220094,2.5370592322111465,22.28267854564553,0.3935108305431609,0.8805114368234016,680.9420530268575,24.827686271097722,0.10315518214235322,71144.97115935903,0.7746310181613053,94.06866359603727,1370.9929527233253,294.4384333348241,338.7247249730573,39.29140932298334,0.18461451693851577,0.17674003807702737,5.676418257538816,27.752769496585866,2.5798829819976112,68.65494737649303,0.0,1.8714003983106837,0.13523176433263312,11.241308418849018,28.81524510767369,0.9243998457734497,8.543956049219794,1.6033010066721712e-07,0.0001132097967789073,0.20700269567000576,7.795062434257128,28.021197132988885,0.361302693253418,55.67762373424439,0.0,0.00014063033626880034,0.130274517604278,46.12872879924518,44.25623869860349,3.3898786872381717,18.66365939683347,1.9907974977412392e-07,0.0,0.2167095736222719,15.167933486695604,37.157264069911804,6.235407370273187,17.882890721233306,2.4546627920057416e-05,0.0,130.07142718248446 +0.9600684313321551,0.1517331123294443,0.39275751547972754,222.1693292654201,171.15008514412256,281525.7069471255,6.923682318513629,93.20067062302691,2.331325240549562,5.1317831363850175,4.450225752887412,28.151393225289876,0.35198871403664816,0.8360360275340101,355.78871900587694,1.4105101906638764,0.24524896137061014,183094.5634948841,2.093654399953714,86.55525484494054,3617.8675420250593,41.53127319757457,260.02172218022093,50.27665120406533,0.15734883704167887,0.19109905791893209,2.1800782782769335,26.19508616479633,6.51928249744011,3.4930518781056037,0.0,1.0271582623705278,0.12736027184955917,1.3235229771428387,14.718298929245236,0.9030059392817045,6.650468576475852,1.6033010066721712e-07,0.0001132097967789073,0.20496907554022734,1.535674362026442,25.633376368304564,0.3571928585663869,2.4703623586893264,0.0,0.00014063033626880034,0.3511143892916892,28.440549671293137,21.46392703690406,8.493058001985448,45.571761416153116,1.9907974977412392e-07,0.0,0.17471991723101016,4.052746355007181,30.20076525293651,11.176215539364602,14.499481453296236,0.0,0.0,79.73807327101784 +0.9681683645784783,0.18209100637353234,0.3341406134035525,16.97483724286264,37.14744665438478,264881.320551684,6.99801456006167,88.09068164800097,3.2477039090817166,42.44449485358975,4.760008207001706,24.74101659623508,0.3807651842554558,0.9819133323059881,105.52446201532743,98.60826258124567,0.2581719357527217,113196.56614003194,2.927437461276032,98.01285459264545,3549.5308758481165,118.70475688090924,330.0932727408732,57.741363027237185,0.15249015764616314,0.1870318414368605,19.915250148357053,48.72253518000773,2.9530494720432334,14.771581944800369,0.0,1.051560016062108,0.11453401850342476,20.861054109104774,42.742787772049745,0.211510521479438,11.567472380059227,1.6033010066721712e-07,0.0001132097967789073,0.2000168915696273,24.423446828327087,53.696526703318874,0.24635724043760793,11.343187646051675,0.0,0.00014063033626880034,0.14627957003868905,75.30821329226072,61.00458227201199,3.6060203726564204,12.319189827344918,1.9907974977412392e-07,0.0,0.1715220033350238,34.367528745719575,73.96144658887228,4.2383670854475275,9.143219471286889,0.00010556110812098097,0.0,159.10322162238228 +0.8830805643859746,0.15587639091852568,0.3800485109465459,145.10451899159767,183.23986047653977,133495.91030868544,3.3101095489674415,58.79542717140514,0.8187709880139226,26.76181221676225,0.25716902215209547,28.77739632254397,0.5330305407412533,0.9517770627671412,289.1918264671492,28.31179316802472,0.15144565269846266,113287.5652600726,2.9070231215192206,39.853432580443375,1677.6020395016774,169.0242606796535,347.2410428892275,55.5229066564598,0.15713268493920912,0.19133171092888523,24.16937070642184,45.02517533974665,2.9149136935150164,21.520787640473138,1.3628698911283646e-05,0.8177478542774482,0.11916317257167068,32.25933883961147,60.30957400665032,0.8047322831142635,13.437850245870598,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11351606590831119,85.79635070411344,68.77553564947385,4.282650325358277,16.053264535703704,1.9907974977412392e-07,0.0,0.20147730320890767,52.4382393089659,93.62296428766156,5.302808264689807,11.140130725728305,3.833871671037415e-05,0.0,2698666337285.8823 +0.9844513715758066,0.15521018520313531,0.44577400528586975,226.38476587685534,232.08234537433557,325496.76693204517,6.783520029619994,87.48095573879061,4.427559174458997,40.41605855172793,2.526775578519851,22.829012396337824,0.7394641715670655,0.9295760264958314,900.8829474265491,24.639780720436793,0.28708167569986154,94003.57535386882,2.935509663433151,95.44123947008114,4976.199373828673,136.95956605269512,348.5645221631593,52.106246538376155,0.26021003013939326,0.18810266385904534,18.647196756023227,44.17195855482735,3.54027495917412,16.797512896184532,4.118980716900523e-05,0.6250265002937054,0.10424156741475506,13.57241670032,32.53240024396413,0.866842039378352,15.297563214329509,1.6033010066721712e-07,0.0001132097967789073,0.1964153066441373,22.611704004310393,48.94742029768382,0.34589094974230045,14.568183290311927,1.8654514432136455e-06,0.00014063033626880034,0.33644136786318596,51.11290542951273,35.2122614371496,7.836381819133731,32.080024851820134,1.9907974977412392e-07,0.0,0.15770512944899087,11.527797081631581,67.7073319937876,6.002059436839147,12.709914637861674,0.0001119439851092551,0.0,130.57073726011444 +0.8733078795171045,0.1581158102875884,0.37951970012602787,249.57705907355535,230.69209167305206,283673.5860014604,3.7673793562268947,67.1647812012702,4.935923926466142,72.26577416232307,0.5467666405312515,29.228846338337796,0.4320243839817018,0.9705077930435181,803.1883914043519,97.50630750186997,0.28898629905438766,288025.88610352867,2.9042637049901017,78.81845501287904,2511.6959295968854,259.8971375161957,349.0807216068865,55.101618852712164,0.31851439549227606,0.19077709965654097,31.855095110550163,53.88399848445461,2.7901478944640528,14.316091158457995,0.0,0.8520082561509447,0.12520365877705802,18.135066738111274,37.13514528196058,0.5482109139379981,10.53436373815626,1.6033010066721712e-07,0.0001132097967789073,0.20190839047110745,34.17523312589776,59.85736635702624,0.2885999600809555,12.884427253395538,0.0,0.00014063033626880034,0.35342223725828964,56.59403877249163,31.958373808913237,3.411293494555395,30.924645498757346,1.9907974977412392e-07,0.0,0.15875764982188106,37.93744090923258,76.77341568895503,5.006620066952342,12.588268896035446,1.4305747557821684e-05,0.0,153.5486350157959 +0.9271103241531036,0.17411279722127374,0.39852898750807975,193.96254119844698,189.15064515078666,131958.60501372782,5.635753067723789,57.608102871010814,4.740300416720673,86.48874359616806,3.3298316370483487,25.18261033209741,0.5165594019949618,0.9381396186334017,458.0182959975183,7.962723422029397,0.22229157534588184,92939.20783271146,2.9039814476137273,76.55302539759126,3106.2480497398856,253.02007652595023,342.8896532817168,55.906629030386924,0.30421051135555505,0.1834282905213241,21.11151215174631,46.78020538078544,4.099067884778431,20.59086119105559,0.0,0.7904354708793501,0.09379645853791163,16.64283265268148,35.86039294192947,1.3939692202591216,17.014744030557342,1.6033010066721712e-07,0.0001132097967789073,0.19003130286142056,24.68200438683607,49.447269946563246,0.44377797322339485,18.72375864323274,0.0,0.00014063033626880034,0.2764254731833171,50.21991316567524,37.62211402973238,6.389685507212198,20.58950795625747,1.9907974977412392e-07,0.0,0.1441165983953623,35.04240586536633,75.21170657344044,8.002315697914884,29.4245642483802,0.00010355742007521159,0.0,143.35936791329345 +0.8945554187267557,0.254623351517561,0.35850439147308344,223.91626599920343,146.97952200958844,328663.19671860815,6.559010276871881,35.010310915642506,3.802932754608531,57.74812318729413,1.1922779808444928,19.07062778043466,0.7775038167998157,0.9772604670151739,754.4323367106908,78.5191173414782,0.1718801488004175,280744.40169683716,2.5607779596718228,98.1760552619395,2834.06472056463,268.2475388947832,342.2055929284688,28.23809080676227,0.17538881274732837,0.19670867169228703,22.812892317179678,38.53058950608463,3.233775377391813,9.442413757914206,2.702899325788861e-05,0.9585439252761168,0.13484269946417962,22.76719302808804,45.581445400194355,0.6866521838491573,10.088896881713605,1.6033010066721712e-07,0.0001132097967789073,0.1906932576251639,14.393085977699045,45.69334467013505,0.2992051113757737,6.6659793175424,0.0,0.00014410350517884027,0.11189556477066329,105.76721758436086,73.27227671881604,3.8223949557766828,8.034661092789264,1.9907974977412392e-07,0.0,0.2222696948931927,24.98610649286723,60.15043143169279,6.373770740434185,6.932025557092621,0.0,0.0,167.65833731071066 +0.9366024816462233,0.20697731515841158,0.34697649923283735,115.50250846918578,134.3299091822067,270358.20654989954,5.815560410984315,95.91038408146386,3.471751813853535,57.85087518539247,3.5443176015262496,18.492365386099276,0.3740599431267797,0.7126567304702314,202.8807821353422,81.4584660365193,0.25784067624924234,291326.6382214342,2.93303043562272,94.4468740193668,4425.7896778921,224.8813411553582,339.85735810212606,54.59989978919631,0.15509230609564034,0.19747437842397028,29.169746548604742,45.327009428785786,3.2566698070446427,11.745416648896597,0.0,0.7395662535565013,0.13839947786997964,29.251931053241897,53.22412433072671,0.5627835562674872,7.906110505190504,1.6033010066721712e-07,0.0001132097967789073,0.20954883793494888,31.572198410940583,50.90791323046438,0.3070911207592366,9.720094541296337,0.0,0.00014063033626880034,0.10094646229372574,104.24621573457084,72.24803361461737,3.2460682009988555,5.912333195616701,1.9907974977412392e-07,0.0,0.21016370243409996,44.32627449058435,81.3809379276928,5.699178969281798,10.380243613378946,0.00024776934440313113,0.0,188.01443116543436 +0.9409951586863582,0.21310202083821148,0.44589995484059847,206.28621673953904,231.45071350175132,333852.89323060255,6.059967204023113,54.893606059543856,0.47311590741296516,37.152591587262926,4.7230738807346215,22.984650844527984,0.5618408380097475,0.7462066532747922,958.3120275589359,74.62111382622892,0.20742363254076834,96544.09603512015,2.511999941124767,79.45492327409654,1141.8886454901442,38.97175768907336,348.3737782349289,48.9461244527739,0.30078983120715563,0.19735293144142554,14.443837045927586,30.45571178326831,3.1803479152038405,19.80248305825918,0.0,0.6787845539579018,0.13548219936695494,11.97497191375967,29.31688744419007,0.7253521522804017,7.653568955852623,1.6033010066721712e-07,0.0001132097967789073,0.20857057037409646,16.203801479688497,31.788108232034755,0.3217660744472831,15.171278396425706,0.0,0.00014063033626880034,0.32651524022835055,44.15805021399799,28.700612839257204,6.3687198757911805,29.517765273652184,1.9907974977412392e-07,0.0,0.22227224309302632,18.769003168946888,44.22630439390936,6.272416719717628,9.874391550212701,4.431042789068111e-05,0.0,101.16843671854872 +0.8680076475434154,0.1039816597857803,0.3364340114740517,162.1247255435909,249.71132087855722,321583.26774746826,2.888679375868932,16.747643959190622,1.9900288779502697,39.98171413084497,1.2432801801432407,27.262276289381028,0.3056690963296591,0.7793961434027193,489.2467047500191,9.824649562573843,0.12423705235964248,106281.16521003102,1.8192882793735785,59.104516572632065,2430.0626449997076,100.16636890907651,349.6478738339631,48.40332707029427,0.24730750761691989,0.19465616150321172,19.047939705932855,35.63242530330691,3.3876308748941004,39.88344901934099,0.0,0.7884188902289669,0.12425223131663635,20.95805214468679,41.75342217039397,0.23950688391934688,7.724472659762919,1.6033010066721712e-07,0.0001132097967789073,0.2060499010208493,17.103187055705252,31.787428545134226,0.24572704212140378,33.769977182326876,0.0,0.00014063033626880034,0.09110833763795533,52.45720823379988,45.43210818867259,3.1580857177663235,14.01484217517364,1.9907974977412392e-07,0.0,0.1863532547060492,17.705242212414255,55.68060360227038,4.99648291631853,14.10276592368786,0.0,0.0,128.7674129875307 +0.9709078687271859,0.24853046975034607,0.3348131984459046,117.41317228539936,115.10059891173516,307652.29068245104,6.673475209766837,13.42150750983049,3.1357675024369285,96.52349739672928,4.007224916697679,26.434593153264203,0.35611557830859675,0.9753606779026367,940.3484691938809,87.60020821659725,0.2589541667601515,132645.11851881054,2.6333741762362393,77.1979332996756,2576.8069685404007,231.297958744929,339.36391099962646,51.31758150229547,0.15461931843548166,0.18987166083936852,24.303979489544897,50.01109930655794,3.042991922207634,21.30652999007926,0.0,0.6784038997408829,0.1205135388935766,27.8348783724833,57.190482489539136,0.5393678252624373,11.284362966370693,1.6033010066721712e-07,0.0001132097967789073,0.20107414563002945,26.18770350028135,53.840091547699465,0.3043599379913492,16.794403440770633,0.0,0.00014063033626880034,0.1009511748593595,89.82142532670508,67.16854265481375,3.037010071894194,13.743213495239678,1.9907974977412392e-07,0.0,0.1604681038223753,56.81211513732686,110.23078757922458,5.130001421603729,11.170333562717863,0.00010236620296724043,0.0,199.75635462530803 +0.9058447626591731,0.1745828746246135,0.38906340555030383,216.5096102122294,238.19613904417398,308946.3233322829,6.724188452437117,64.56101984801373,0.3738269991151163,87.49135503857241,1.6624920199277942,23.018217993732616,0.5121885600076019,0.823394694567925,763.4803109037874,79.32630366923263,0.2747938427954952,297057.60822596896,2.6123668483313143,83.55957026250277,4524.260338153557,296.82952968612335,334.1055930952856,57.09454430264245,0.17306962176065557,0.19551532384303488,22.869349626749294,39.74093721634945,3.2003364952961064,9.940511753916402,2.6173852264247773e-05,0.6852388727800556,0.13238269887483078,20.210324417561836,42.45930168931821,0.896913656210624,8.958768623857168,1.6033010066721712e-07,0.0001132097967789073,0.2087839032320929,24.147152193939206,43.38200564009991,0.3515091859268453,8.499692740662427,0.0,0.00014063033626880034,0.16629973697740172,100.17222349716913,65.26608994520895,5.5548108821742455,4.879891485144008,1.9907974977412392e-07,0.0,0.21739273708573773,31.387642539007143,64.15317805643008,7.187022348176065,8.70188446379529,0.0002280537161981534,0.0,163.15272218089055 +0.9671358209211129,0.1484188358186463,0.4071570391585634,138.5765051743922,157.40771791152983,187481.18335100115,6.622135324248085,99.59722209901172,2.133723990564691,43.888423689956404,0.35405343763809416,15.688128742415131,0.32532700529327924,0.9385212789530702,977.4286737808761,50.90972684542247,0.12865240479387097,283598.90394737496,2.2715735627476352,57.70706717025775,1932.1718072617698,218.40025566774614,340.5951107077699,43.06791920990994,0.33249110455050296,0.19579462382652846,19.68781495506743,35.235921186131975,2.908527398783718,11.368329167835208,0.0,1.306681992120719,0.1322026030043707,9.559857845554653,26.854429001000806,1.051087174510565,4.582261426371542,1.6033010066721712e-07,0.0001132097967789073,0.208452255936998,15.487627797254575,37.29966648236458,0.38788580209031487,7.814211114503159,0.0,0.00014063033626880034,0.3557400002771157,43.05475766542947,26.407291552253657,3.7950682348280145,35.40733351744217,1.9907974977412392e-07,0.0,0.20096870787525722,16.45243112730841,39.808819147477415,5.406606269091961,6.733993557854089,0.0004168279192370203,0.0,100.22470322865121 +0.9282590645577846,0.13409046514011752,0.4391989244952818,206.85010778412726,215.43849317781783,313770.45811843907,6.863188383567005,90.9098425941017,3.823507668462562,93.7131044228746,3.665718730329273,28.597126011093756,0.790139655904991,0.9314741413058176,820.0858785753762,56.117751469941716,0.1654873863827576,187178.53833104396,2.9142912679273754,99.89629679669466,4649.642931597121,102.27207771155825,263.68451369220156,22.3729170797156,0.33546677907686023,0.19309760273801216,3.1977185543194553,24.65730983866859,3.2742900977347786,5.4357527311090665,0.0,1.0184283810215184,0.12965395153318557,2.362836635799844,19.34814935377615,0.8557373453114185,20.435511603805576,4.2125752414727854e-05,0.0001132097967789073,0.20141247545701393,4.552609748828916,23.673651776672237,0.3460379139177368,4.175591773315614,0.0,0.00014063033626880034,0.35469628167570927,15.87148118135767,17.239581270937514,14.27864848163759,54.520345114971704,1.9907974977412392e-07,0.0,0.13248067209646738,3.5295056700794625,33.83334106395104,6.969318077269574,41.415781024137814,0.0,0.0,93.29092770533222 +0.9762591022872666,0.22984178055050034,0.38875656651062257,218.61920367552463,215.184402435416,323134.8300305135,4.4362576057305745,73.31766986379726,4.77481287221562,20.99367017541475,2.608385869576197,27.545590755767527,0.4954580419201765,0.7453619324291538,740.7350677009998,90.6370664981965,0.3086297805095503,120705.5545412926,2.7299326324360473,92.85326955807818,4930.411414000417,296.4565205944236,346.1857619352069,58.630518972603994,0.29816061955506534,0.18515263255990302,22.010596439959222,43.61404991441168,2.9863457574049845,23.559882331175313,0.0,0.8160966682020705,0.10295237788008975,18.06372863344057,33.69951584755324,0.5198288679693673,21.120823737287225,1.6033010066721712e-07,0.0001132097967789073,0.19132608064172263,25.671599916055126,48.1201060724989,0.2854227255060079,22.6343329489475,0.0,0.00014063033626880034,0.3251088965116124,52.18811123796526,33.97380931575598,4.4345455445991435,22.846295325446825,1.9907974977412392e-07,0.0,0.16593386018435022,31.520951092572027,69.11008074675303,6.07000016801949,34.26129834977329,1.4154818648168656e-05,0.0,140.5229381215904 +0.9785640179431299,0.16063306870149283,0.37370147821784216,148.03094113399428,210.33607842117166,267511.9391437007,2.660202172057831,80.06073237290057,3.293781440426708,96.7693118290869,4.103852857080142,29.815716512147688,0.41409673306051925,0.9538021891586476,609.2505960193248,54.045045742058065,0.32494086453545684,90147.38259043488,1.3431585847250538,63.198891301631264,4870.176221659434,286.34913983866903,345.1752065382816,21.82253422428566,0.23275020864459361,0.1881756131249095,2.198546254123383,28.720993783615086,2.6869700223967374,24.47043487090238,0.0,1.166265718031734,0.12496392961557197,6.4203885729794345,24.217301236373856,0.24183353072375544,8.298748831422188,1.6033010066721712e-07,0.0001132097967789073,0.20030672454592885,4.298904349690474,25.854359079928873,0.24796482562226196,22.35192875956919,0.0,0.00014063033626880034,0.09303416356224543,31.07744514431086,37.316334370716405,3.816876785587319,14.616129637931417,1.9907974977412392e-07,0.0,0.17510583093826426,13.333608348631481,43.332181916921776,4.449194085992571,9.117051481442772,0.00016495879383431527,0.0,89.80736291027551 +0.9566962707533191,0.1924606429888239,0.3991678905912043,150.22746901608554,142.82745212244038,198196.24507030155,5.690119071885201,84.54150794659024,1.499446112486169,33.96783793820199,3.7034663607164906,28.232961099235524,0.7557912572944795,0.2816543416126823,695.3347923288578,82.3788061530708,0.23395307257771963,64191.07904052506,2.900704224669222,98.86115842899494,4649.1339277342495,88.76375799896748,228.25385145360485,21.45232819548378,0.28872967568895613,0.20047378005170188,5.712665440622109,24.697812777680852,2.7469022196555106,6.2812907371332996,7.741016962253345e-05,0.7250002766442661,0.10481016079509617,1.941624859938992,15.659220064622126,0.8721037753026986,27.879465349553282,1.6033010066721712e-07,0.0001132097967789073,0.21389832622175553,5.177284964630336,23.819034359797005,0.3591182704965448,5.0442468560268505,0.0,0.00014063033626880034,0.22447253849599486,5.909899967167275,18.31788922017081,17.53707781327,58.4658107080747,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9258502595323713,0.15002584858905496,0.3660171083473452,175.44145918584815,113.22838685480426,292538.3602135646,2.9859160479084963,37.81606086584324,3.813777199606669,22.236034276882464,0.5099799351638399,23.13129520544705,0.3323879301616912,0.7410434380713992,160.1853629131596,1.2611489488304173,0.1014334318561139,217864.52223045015,1.3428911230324792,79.47589560285446,4100.13008281279,279.9484444717327,347.11895215597696,43.908062496811596,0.305024375760763,0.19620981726460154,17.433087339060272,33.00220497680741,6.14491897360723,22.860605249629256,0.0,1.2316227684770338,0.1313913886826548,14.973187260509327,34.41648859387826,0.21038706265639073,5.332123704246748,1.6033010066721712e-07,0.0001132097967789073,0.20946804908454292,16.7084667658451,32.0424916025828,0.24639262362677086,22.190591584159474,0.0,0.00014063033626880034,0.14107422266428876,39.14071695536867,32.89918186120001,4.263114090903415,6.566369487182607,1.9907974977412392e-07,0.0,0.2148060471570219,20.76662509885123,43.050585365087386,8.227675165070831,10.033326874295183,2.359380882292032e-05,0.0,101.58377388087949 +0.8593808301362278,0.1794321551922899,0.3268929705391287,185.44592381948792,232.14019110935695,249410.31976207113,2.4029413473581043,27.766201115325202,0.32672621407856894,6.170413794491468,2.1242432278456445,18.908306062409043,0.40766475244962497,0.7450687337849,174.32029892906024,10.548994296796895,0.0613369345706928,79251.5091006263,1.4904375262260174,80.17479819411419,532.3401259362774,268.58257674679993,325.1231910914179,41.44660694312631,0.2828795103492253,0.19918709002196802,12.761777786649715,27.144488241610176,3.450438103020376,42.35884100510361,2.6224087745321285e-05,1.7129523169486982,0.13666317794881333,10.388190607093613,28.23343689499913,0.27764116142675394,9.710294638075682,1.6033010066721712e-07,0.0001132097967789073,0.2103589711021309,8.034030112476529,24.851622030994193,0.2505919080321152,30.763197381190672,0.0,0.00014063033626880034,0.13178592413976375,37.40650739075596,37.94011085104209,3.3190545763992465,12.354776217410327,1.9907974977412392e-07,0.0,0.226898609917071,11.14424860086333,36.545967382604616,5.547177238109328,14.94599853833317,0.0001458851145223834,0.0,100.26601880025538 +0.976727990881168,0.2590090387474276,0.34808665732063604,240.46053310400072,114.74505865384724,228598.7995010921,6.663853633589861,98.70683329018703,4.184102447728589,78.32636735555931,4.504571511638336,27.19864325983775,0.48583043613192867,0.7968237905094654,155.574418566717,40.8831367138156,0.2228496003588965,149994.13518669596,2.344140823707221,84.49127317839543,4340.286736868589,269.3871690991589,348.28577218863967,58.57178364669661,0.23080190751633947,0.19517911352190398,25.978416982607804,43.98382293961914,3.6111755368752734,29.07593980806847,0.0,0.8146457823223101,0.12622812145285425,24.498710044950656,45.87497538586133,0.9233408993170151,13.82513396860939,1.6033010066721712e-07,0.0001132097967789073,0.20574989400597568,27.409292532850234,47.7242815148232,0.36707108055242677,24.40638587630823,0.0,0.00014063033626880034,0.09373927258519064,66.88946196961388,55.676665845942296,4.852306011198796,7.359569714488218,1.9907974977412392e-07,0.0,0.18871957507131196,49.67021034127264,84.9172818149395,8.18915420178106,18.963955570694065,0.0,0.0,166.57325029918192 +0.9398457531325459,0.11456506808759,0.3273322990428197,225.4633774492234,221.43132859644015,305679.312769281,6.983578806310618,77.46225489921028,3.608910110915107,29.337422673940218,3.061213938468878,25.8869938412964,0.5894446013874548,0.9875996589900181,48.079154299458935,29.020265134906122,0.32515996406361136,53761.4359540933,2.7621314796550176,22.12520942050714,2627.203945971919,264.3593157648645,343.29422743158653,39.39219227994204,0.16182159830573387,0.18850832107812426,15.220833500463335,39.72765869453782,4.349553465501002,19.887706265593355,0.0,0.7905421577104124,0.08880835414628893,27.126520244766024,45.11273843510597,0.9289183927830593,9.746058949222334,5.280680838895859e-05,0.0001132097967789073,0.19944310203503254,19.499717786313855,47.14123182909641,0.3576450699949734,14.404998041040985,7.468376064290285e-05,0.00014063033626880034,0.20299575914656035,78.07589430580785,70.82965889564312,10.305641970201204,16.69037218526999,1.9907974977412392e-07,0.0,0.1938985931074326,34.3709453847436,72.71123697501419,11.053651090653194,9.890873015098018,0.00011201298946164987,0.0,161.51770361402666 +0.9720450391310211,0.1569601378717237,0.42468519182457404,57.58129269588646,211.97312224944747,314192.7477291875,6.919819225001408,98.2030770898822,1.575795543823479,82.6122460540283,3.8604826294768624,21.117760862027644,0.3441217413047157,0.9190020723042777,365.09954027127,80.44471393168953,0.28758308031127283,215603.9425459638,2.632391883758511,74.2416639932373,3720.9589508174445,272.9430884148623,345.08329593363294,59.05671736279854,0.3411211783871383,0.1940404411487324,19.68653501925706,41.192607738129205,3.2090936599680058,13.337068800139678,0.0,0.7718764283692551,0.12076099317862346,9.401413709633127,25.827481707622177,0.4256873762922911,12.733288068428685,1.6033010066721712e-07,0.0001132097967789073,0.20391233157076627,22.063312401871066,45.49296346214761,0.2826050413293629,12.23551955234989,0.0,0.00014063033626880034,0.35495491313136057,38.28017826920178,24.430812978815524,3.809313507696728,36.11818778916162,1.9907974977412392e-07,0.0,0.13746271276080463,22.434755690333507,53.663290920463886,5.093410396983342,13.583336520723023,3.1042057241664444e-05,0.0,113.45545042631437 +0.9767157145386625,0.19569585893247055,0.3461957107367216,219.20812668979295,236.67139772931355,240790.3160068137,6.649090382875383,74.10472316542103,3.786689469509219,68.73918277529386,3.4958906271128622,21.603495706348355,0.7462276968146436,0.9289387063895118,999.7593690415241,5.427970862567612,0.24961408305043478,246988.05711875594,2.8681601938732397,98.80732897145346,4446.514450241605,242.4389720032161,347.9618251810492,54.7637050801048,0.18169384943675884,0.19279498097585274,34.6260768753939,57.6469582088671,3.9989897815071047,18.043484157197156,3.259368170624532e-05,0.6145879941521576,0.11642821432055338,29.92688966831664,52.083615979399525,1.1090516586564572,15.103210495260125,1.6033010066721712e-07,0.0001132097967789073,0.2028387596648367,37.82194079606493,65.8044309599511,0.38950302604466897,15.878525417642855,0.0,0.00014063033626880034,0.20512088581024174,104.90682940656883,73.85358138646735,5.621400749597639,7.509272363053243,1.9907974977412392e-07,0.0,0.17269757457318416,24.50348684134509,98.03677841779037,6.226550176163275,12.310011293047113,6.130034263505237e-05,0.0,204.11912902161086 +0.8164297665662985,0.15357061358796711,0.34320450816538167,122.91952628775122,195.0009608554223,271829.45064234146,2.757628884120201,16.640492727239227,3.760698652192837,79.29132870221783,4.777590340385162,24.05175716708944,0.40698971958654306,0.93519889527603,552.32930286036,50.05431430878879,0.18465178116210546,95247.6203435764,1.3497767421446865,88.76198352070091,1378.83477552026,125.09352294277257,333.20870375790855,56.933194863288826,0.17765424730078885,0.19315413107489438,14.687935911163358,30.867794184971764,2.734439339233475,46.842004935689786,0.0,0.7395540750681519,0.1331484602545957,16.34493621755587,36.47742359941896,0.21984166774200317,8.28410293969017,1.6033010066721712e-07,0.0001132097967789073,0.20570672194882175,14.889745786996341,30.649324201176242,0.24597013169358173,42.84297184068039,0.0,0.00014063033626880034,0.1331040447980661,55.57310239805546,48.63609180863682,3.9149741213783793,18.824590809310287,1.9907974977412392e-07,0.0,0.21733654393984694,21.067026218011577,43.275891386731445,4.462219414080123,18.541610113917237,0.0,0.0,128.59966123039956 +0.9614535248798632,0.20075762971755,0.345592318018862,235.92887839362936,89.80334384396146,202059.16546114112,6.6122269123144966,95.43627185610765,3.304751026644197,77.99743258196625,2.7618980635469335,17.0546383346315,0.35723599325920885,0.3990469402888279,62.880542089611765,84.58486309438624,0.29797116978529636,58413.93984389075,0.8654472881266742,67.20869873059712,3994.404427933709,244.88253521820738,335.87096280387175,36.69152680456962,0.320784886679264,0.20041943815020735,2.3619063317094833,24.07640745636264,3.341610895669066,52.35957320282346,4.836563626300601e-05,0.7973400146541503,0.14296870170097534,5.008165329837003,19.15668610932371,0.9264087380909628,7.451622435820087,6.14935273230881e-05,0.0001132097967789073,0.21408373664276986,2.427488692585256,24.226447242323474,0.3720558132375055,48.07760723644579,0.0,0.00014063033626880034,0.12743221298650284,22.406334298211057,25.694349953051066,4.188477841412618,9.473559979407352,1.9907974977412392e-07,0.0,0.22004961897284683,0.902628334204024,23.22924794596378,6.746974903100466,14.83687876269942,0.0001505387472482518,0.0,93.63335956374203 +0.9067846990937712,0.14973187173175895,0.3730138982145478,153.28325398877305,236.4848421093303,313306.28716938593,5.1521958188132695,15.000330607635092,2.449153096200121,65.49909489288453,0.6862809533808374,26.66528851369148,0.41450907847931634,0.9766743169810868,633.8275850803057,50.69900866361145,0.33709423056300397,256160.08804261324,1.4176408051393705,37.80019792269179,4356.25451752299,94.28606130687115,344.8113734335181,55.367071799824416,0.17614536011323761,0.1890331261992853,21.874792451549993,41.06301377921719,3.141822137888593,26.087889268897523,0.0,0.8701152800815602,0.12830445497859658,20.353947938019125,38.72343995874804,0.5650741500044258,4.620469645693213,1.6033010066721712e-07,0.0001132097967789073,0.20320575840947602,23.051085718781327,43.34600520531418,0.29646216761673116,24.530153770890067,0.0,0.00014063033626880034,0.10951517378048514,68.67269791085579,53.899754914871025,3.042996105906671,13.737632926970642,1.9907974977412392e-07,0.0,0.1936794653361392,32.94884617233377,60.315354973148885,5.593111123270027,10.889899630090621,3.3619377161396506e-05,0.0,143.1645017848756 +0.9746436016893503,0.2070123398637029,0.3729512261647825,95.0956807392173,47.93808653137701,219867.97293081816,4.441795042610698,62.22475609041376,3.733127652137213,29.871927615003226,1.0567634555306697,25.098168704561253,0.34171971048256544,0.7471225222122121,527.8903373375122,21.28978044426417,0.25353667965134336,81486.041880281,2.896488341581551,86.73274531973868,2745.7678647638204,222.43909331002376,345.80625495865496,46.1788704250544,0.21001763022598233,0.19058820114202937,19.97887392996704,41.81666045641716,2.9887170301577357,19.57668177369343,0.0,0.8604741158389942,0.080459383525911,24.495116940234166,47.440479725874894,0.3034486329307229,19.511047494567435,1.6033010066721712e-07,0.0001132097967789073,0.1989554104730337,24.74268566343272,47.191793909100745,0.27632357340582026,17.431854150315818,0.0,0.00014063033626880034,0.17452541141590217,67.34162416812715,52.136990219636736,4.268548302453914,10.852703550195745,1.9907974977412392e-07,0.0,0.17477686684368002,33.73681030984656,69.36356885213297,4.893681555327226,14.377606510056477,7.0471751779669e-06,0.0,149.94915284269587 +0.90449288909741,0.26097953746496916,0.3284922227996826,14.539593659334571,46.43678972796894,267620.2450657162,6.927430991946911,72.42356532419583,4.234561553333871,85.13888039639082,3.5975664312083504,27.288054595379013,0.3122152718604676,0.9253821915217578,922.409228520891,5.177587828888651,0.2282781978474827,170788.76543834643,2.885897519768395,72.8068961147382,2031.688897894695,270.02680556855177,346.71021154387887,53.87045598572181,0.24564162228528041,0.19074281588754663,32.676469331463416,58.15821317622333,3.021142366282769,21.61107573868009,0.0,1.044464748507044,0.10948983959772021,30.542899227954408,52.11372948042646,0.23499618334699282,14.57270237029594,1.6033010066721712e-07,0.0001132097967789073,0.20089827268251742,36.64589300078337,62.455114387418824,0.24337605126890274,19.507037394092446,0.0,0.00014063033626880034,0.10708241812964416,80.85814763360895,59.82327455442325,4.128165906257713,10.131654987764687,1.9907974977412392e-07,0.0,0.17337514587328431,61.322683801447454,103.6429241786417,4.8547229637303975,20.963713085535456,0.0,0.0,199.03447101128026 +0.8830805643859746,0.14433438516860042,0.3800485109465459,139.14653499689157,183.0296544637389,133495.91030868544,3.3048470739113056,59.15717033190823,0.7390859569490541,92.72442448066894,0.25716902215209547,28.77739632254397,0.5289391176688389,0.9517770627671412,283.0302739810217,28.31179316802472,0.22333327432243621,113287.5652600726,2.907329286953964,43.07462027517181,1599.8214961681072,252.29563368594594,349.4122839103077,55.4968922834978,0.15713268493920912,0.18931408763366497,25.07561861050544,47.92236567200058,2.9095142490619774,22.24255922426447,0.0,0.9527042362508846,0.10432726370716011,38.06384420964479,69.86542624408371,0.7896102576583658,12.08556746800092,1.6033010066721712e-07,0.0001132097967789073,0.20285591104986486,30.143449129163994,58.30578228272784,0.34462343819945024,18.622197788837124,1.0612192960231158e-05,0.00014063033626880034,0.11061054498982446,92.57043502913507,75.59312654299963,4.323290017882576,16.484720201449527,1.9907974977412392e-07,0.0,0.1900304941666739,58.328524065275985,103.67002915949229,5.264152793963691,15.205069807603524,0.0,0.0,208.67207712524265 +0.9708625481696318,0.11629586794741631,0.3272435912852707,56.86358920796046,62.71200443805111,305663.14934902947,3.0857078364935115,97.73902190634777,4.382989696899779,96.37939461106501,0.6667220822980545,13.844918274498317,0.3493984501098382,0.9692255136398571,290.6563592809337,20.84379714018335,0.25189358500698805,56230.81476631077,2.9306152434865576,71.89281224355219,1475.3630317079953,136.82453398638506,343.22590059415785,51.32205779222189,0.15845448171944904,0.19151636821873427,19.44528968090352,47.659491311398554,3.1482945875012933,21.75059082535075,0.0,1.050958565878225,0.12083275677239605,22.728050555571585,49.262728407503815,0.31474756409767074,13.813351166641086,1.6033010066721712e-07,0.0001132097967789073,0.2046606152013505,24.876918065059076,52.950452485358575,0.23735719013298684,17.62909818570692,0.0,0.00014063033626880034,0.10773011566626702,73.35303326848677,65.73314915853672,3.711365106333853,17.409114345279797,1.9907974977412392e-07,0.0,0.16452519971480498,40.91133199688326,88.79884775351229,4.662645224253128,17.491759674275183,0.00015358230806307685,0.0,172.9351447894113 +0.9895221424092815,0.21632042679207922,0.3669477078716804,159.879949388025,184.2907849906727,328099.9971015247,6.431381979311194,66.71835755441973,4.892404165110037,62.89712361003006,2.8662472372902257,25.534229219024986,0.3826723521277531,0.9211096185277289,797.1764671447615,47.18011559471808,0.3350394513928337,269314.3138861903,2.742375182371496,98.37424515155297,3691.932720919915,298.48742531157114,346.2217685523636,59.76418726371882,0.3154432824320569,0.19055757790228905,29.656141003713266,55.31303581185413,3.2937990590368305,15.588601908553494,0.0,0.7623464519938957,0.11534364179748433,14.695287513938196,33.868292211986514,0.6501603282672386,12.921828572075578,1.6033010066721712e-07,0.0001132097967789073,0.20048799463003825,31.556093092042843,58.67847854449489,0.3143756114969667,14.57940211184411,0.0,0.00014063033626880034,0.35379044533953224,57.23280781773682,32.426063518502296,4.954806184113631,34.7170558802456,1.9907974977412392e-07,0.0,0.14531763670092127,36.32672978873967,78.77017136961354,5.8977109665823155,17.98181173955814,5.815678238056097e-05,0.0,154.32133660223263 +0.8832497064744593,0.2246082968822818,0.4164335425593515,219.72362567820596,200.72344358161183,206121.5343853032,3.313274975218352,58.6351052653687,2.63652447548933,92.72442448066894,2.9894352935253563,24.958747988418885,0.661212600231995,0.626038521453892,850.7577584708856,26.46112003829716,0.15266589801929187,94436.38971667965,2.860401746919847,94.46817358744791,4915.3964557850795,255.9476312141703,346.8893419625019,58.71851394183878,0.21407212762190966,0.19589524526799817,24.536731792390707,43.045984302732506,2.745106520835221,24.631562377856188,0.0,0.699254355884751,0.08574823759817046,26.53037203805676,48.455577279847006,0.6136222194602194,26.903471831408847,1.6033010066721712e-07,0.0001132097967789073,0.20412737141886853,27.133767052852328,45.798042530214914,0.3055444938419248,22.180879980862525,9.84912507479426e-05,0.00014063033626880034,0.18000260670746443,74.65990518358504,54.47344053797846,3.736400031843622,10.22752690228498,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9516645824000769,0.1993810934623116,0.35100316084398037,28.8958346745035,44.37159107155421,217517.1047953318,1.8423996348947853,19.079918424170103,1.5883584277233922,85.30411564834434,0.40521559014465025,23.96478205647812,0.7518084292937917,0.7328394187146713,634.052464236934,70.887288694388,0.14556205831251878,62695.15522642738,1.4970061265400436,92.94828129102932,3683.418884874778,268.21730250837425,333.71587791347747,53.78325508536683,0.2796353179273425,0.19545223204503626,7.49529167044974,26.706334673059356,2.376299303751341,44.116501628240734,0.0,1.2183919819814115,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20747139407316031,9.443190649734955,31.301765069105983,0.23773219109447982,39.31826256998065,0.0,0.00014063033626880034,0.11428204548546483,36.005983068420306,39.59032472342029,4.373676719437907,13.84624260478794,1.9907974977412392e-07,0.0,0.21326765464455466,3.8782093266824393,31.11016296723465,2.6771162913034354,21.20093774583708,2.596547937986822e-05,0.0,2698666337285.8823 +0.9306357755344374,0.12072130380816529,0.32379676181284145,81.53927015469687,232.78865241496396,141164.47769816406,2.450586826364516,79.26266548325566,2.6885331812086943,89.67251046356488,4.880454824807154,25.115879664395806,0.41647501947518145,0.5405983160675807,426.1349921124773,48.47816198518801,0.07697702630970517,122885.3117516223,1.5820446920431166,80.00707724244957,1830.7847455390838,187.15470864470493,349.32987393718804,52.97711832106397,0.20589810999017938,0.19936962465131627,19.986459956857345,32.94037192337549,2.5585112739172566,42.74410586759281,0.0,1.0110800667048494,0.13664779915728004,21.782328721268215,42.80305885388346,0.3953559808598937,9.115713005537351,1.6033010066721712e-07,0.0001132097967789073,0.211860634870125,17.484268687111364,33.78741669412353,0.27677708821104097,35.928364652620104,0.0,0.00014063033626880034,0.13673767758432676,54.17237463291261,47.40226028266235,4.62837873347154,14.592404121364373,1.9907974977412392e-07,0.0,0.20355526516329167,13.841481691502716,44.62285646463304,3.0481244539766257,18.37406797090049,4.780395033758399e-05,0.0,128.03522302610227 +0.9846884109558915,0.24756173387044725,0.32794600098438986,100.77868927574647,151.39897558861873,232734.20850804367,6.807862358959957,29.743523825057732,3.7484082189037777,36.14266277414079,4.01770846522942,21.617331118481786,0.5325194100549075,0.7584574025076374,434.4205905137336,60.469734574017444,0.056638699640739566,58145.39132862756,1.0616183534102623,82.78363624547241,4017.6985071084873,290.2076977620654,299.1512963218423,47.8501186327902,0.31980909774968114,0.20150273855091322,14.857081506369108,29.299460439748795,3.0850278865210887,74.70517396386947,0.0,4.092763489586274,0.13613932049093624,3.4841608231881884,18.677274073989025,0.7753433630179919,7.973822253021219,1.6033010066721712e-07,0.0001132097967789073,0.20863210783675162,3.877485063050128,23.485977721873034,0.3447336931305891,42.43635702346765,9.640721774028014e-06,0.00014063033626880034,0.2683943660964052,28.97211107721346,28.16360173148846,3.1112064185677886,11.773104929310756,1.9907974977412392e-07,0.0,0.20197155960146812,1.2168245888711091,27.822010097985146,5.190298077882925,11.859268315866988,0.0,0.0,110.46842865008001 +0.919234660093328,0.1518749703010433,0.3252002054306629,212.9560000978718,244.77321279312469,283673.5860014604,3.832123341653376,47.88227641430356,4.662502133654154,92.69308954824103,3.809607641925556,20.102476524942,0.5270481747840947,0.9809520693884463,661.8448095277186,48.526261317333926,0.09068133181371216,256816.58422850302,2.9549067156803686,68.57770271096408,2511.6959295968854,234.2224478864704,348.742474477794,52.65181886870543,0.291346730577407,0.19526123579265975,41.38134244063561,60.96490056998134,2.9310630044078394,21.286828074084134,0.0,1.5357042894976343,0.1323183021547169,21.429924416697585,42.80384017951532,0.5325885097814844,9.72848158060954,1.6033010066721712e-07,0.0001132097967789073,0.20503151435429784,36.717291103726716,62.656788388874254,0.28667602077855625,15.293180707497884,1.5057317251599325e-05,0.00014063033626880034,0.34097966723804696,71.98384476343396,43.96670378806795,2.984261646713437,14.935937586851164,1.9907974977412392e-07,0.0,0.19915889222433578,38.58598409744928,73.40483656913487,5.27097260334971,12.688835429019537,0.00013679262805247884,0.0,167.929959287903 +0.8877819114406147,0.18556129534498847,0.3502406950604883,219.68255997569833,184.7347770323842,223041.14762446625,4.781570436682541,13.666388917582971,3.753311748187335,94.06680174216147,4.7156209475877215,25.609750336087426,0.3937235200138917,0.9696355125360023,328.41456514949766,86.73705949640814,0.1230373424331569,69360.76380944754,0.7486619668081104,68.93318881898978,1370.9929527233253,294.4384333348241,338.7247249730573,39.29140932298334,0.20555327965433814,0.19467263367114673,10.274439685682237,26.70361382279229,2.9437205853215986,66.48445198704991,0.0,1.2211824218678986,0.13139403318823742,9.691337308373246,27.656683525169818,0.8136068563386961,7.495166771066039,1.6033010066721712e-07,0.0001132097967789073,0.2029366667045882,7.390728649520455,28.635958175867035,0.3419321115865688,55.80088294592207,0.0,0.00014063033626880034,0.12500477006405214,41.59739786120086,43.01565096064933,2.9941365962886053,18.797892652520698,1.9907974977412392e-07,0.0,0.20157331708978166,13.235034230518519,36.77613173116151,5.725584176709094,18.063517711313985,0.0004393680093349162,0.0,126.4239979157394 +0.9031059653136053,0.1271959544937747,0.33532045300578783,236.2082270705781,59.0537061879286,283706.7844954015,3.549734070591944,54.02962657990234,1.4005803984610519,49.17019987779881,1.2505966520825575,21.142944395656006,0.4091077183021485,0.849615042663578,187.559685220985,2.12471108078089,0.18108332355006362,97690.76049462933,0.9305894322762419,92.62550808125602,4927.100216181696,116.05446108735062,329.91987479776014,37.463856360058514,0.16092772877753597,0.19322188542187552,5.864619872660397,25.918485962745038,5.491395882221906,35.84304579880315,0.0,0.9735085273498925,0.13329244094740889,5.929885565806588,22.89142588278174,0.20101309536686096,5.215188050027999,1.6033010066721712e-07,0.0001132097967789073,0.20655885411830752,6.484535113680581,26.27176755601512,0.2523826029669358,34.77133534611545,0.0,0.00014063033626880034,0.13695135605052197,27.824938133553776,32.82521001152992,4.143847029576115,17.678752398785637,1.9907974977412392e-07,0.0,0.21464514267213064,5.548557860392246,26.846844027315587,7.819672758695398,15.321038702529897,0.0,0.0,88.19743580640524 +0.8426680434175737,0.1142895598522265,0.34441699137295645,221.0070991829672,246.4984145251682,301185.0033356421,3.537507879746284,14.787547296921154,2.0313579739269123,24.360893348940635,1.1031514619491278,25.068256580886455,0.6565720960978307,0.7773910085822653,604.7469623551292,26.232382572525847,0.1425380447221197,120354.22563439696,2.9562614815241792,39.67904716185477,4245.338858004639,170.5540197940783,347.31341247009436,57.712807594157276,0.18637646928505153,0.19742532301285118,29.009598926539315,44.63504601479702,3.1051117038889386,24.527250942814245,0.000163660018276159,0.7456431092910533,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20885256682259593,30.10751127792271,47.9606247554934,0.27181577373752397,19.387408718627455,0.0,0.00014063033626880034,0.1233108291004591,83.46247726890418,67.64153307861103,2.96109100509898,13.698553122399,1.9907974977412392e-07,0.0,0.22815857256653346,46.649008359188926,83.2997130105914,5.2369809125709885,12.707524538967753,0.0001475430137705779,0.0,2698666337285.8823 +0.8425420610136083,0.21455865185786463,0.40253599808859436,216.57160800423878,232.87549450738044,209823.17017345192,5.42965348049254,33.219617432422964,3.3652831023149004,31.039451380953082,1.9614566825169195,27.08973595326655,0.5008984639723507,0.971437935031359,824.3956050014139,59.94909759699002,0.31927545618435177,229972.2681829495,2.978813835260305,85.43158626084201,1929.5036204762766,239.31489337052878,343.7227560750879,47.47423853255919,0.26107246166462267,0.19349614540725796,26.930516559107268,48.80020901345404,2.852784660032249,12.025097939464402,5.0355849778582315e-05,0.8303662340385559,0.1112466810557128,23.984569524949084,42.65684532110437,1.04367287476837,15.747630018890714,1.6033010066721712e-07,0.0001132097967789073,0.20529479120867963,30.98005597398737,57.59015356496083,0.3788339885099362,10.663471610127527,3.622284733656236e-05,0.00014063033626880034,0.3133301349177227,77.45054153833783,45.59829393147307,4.04334127527116,21.31996785719691,1.9907974977412392e-07,0.0,0.17300919605594914,43.69265235214591,82.87387030427118,5.837914258363731,14.47622323923548,0.0,0.0,166.9251297870948 +0.9096258761185386,0.22136245777291627,0.4063903711330735,209.27589715275874,247.66369907480788,345267.4732879786,2.186944028819999,76.76875022111655,3.666516898027125,81.77490935601143,4.670340157799231,23.90076435796816,0.5923140791987332,0.9280990810732885,720.7777205567402,91.31603682915653,0.3362798784436621,149387.95473786938,2.577141016997991,89.77584155647953,4838.973867369637,291.283103227585,347.7024891762303,57.108676893658014,0.15011549210735484,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11073946842618917,36.58992128239538,62.96220777366927,0.24367451434492107,16.31494300623766,3.5958107459084034e-05,0.0001132097967789073,0.20275563234941704,30.917085527888496,57.41734770052367,0.23730882219063812,20.450067388853146,9.189228855558866e-05,0.00014063033626880034,0.11278145822658504,98.0521119516936,73.92728451460567,3.310823782802791,13.524876243822456,1.9907974977412392e-07,0.0,0.1907640340914525,59.007246278644004,101.38346573300349,4.3569913335518695,19.398690942738426,0.0,0.0,2698666337285.8823 +0.8848473116407731,0.16534818829044517,0.3683422144140896,79.13404619937613,222.43211348645087,123108.88144058458,5.996269179192214,74.36601491249279,3.9104556681903957,65.16052220438404,3.333919787956112,29.545239172821372,0.4004747860670397,0.7918151426633298,701.1873178544847,5.393405915356795,0.15001745727346316,106209.82171888933,2.720131176253635,75.16390719029023,2338.8116796031645,285.6705358931642,341.5938046524124,55.342910956931,0.2974283440265437,0.1896860366542151,22.478095618610606,42.43640518277546,3.652557840870427,22.797972722882292,0.0,0.5890252599220025,0.07881463885849128,21.369067139636407,42.202612608708606,1.1896029351977768,20.385597908586718,1.6033010066721712e-07,0.0001132097967789073,0.20186362859221094,24.573114123506734,45.85495552519254,0.4135172445590603,19.549781297950492,0.0,0.00014063033626880034,0.20568566424734192,54.561327137567936,44.58765138262251,4.528064379923389,10.876884621898453,1.9907974977412392e-07,0.0,0.16515036510346479,39.51780164799378,64.95312771929827,7.462617628105771,31.24898911795371,9.659313174606585e-06,0.0,143.17761382014655 +0.8049942697298574,0.18137996178309762,0.327964814330822,236.93615808908643,124.08973047135306,198825.0668081794,4.073414796194635,98.3339170950947,2.4429301461893083,52.06378794024489,2.116105081204023,21.179012556006455,0.7793610004674739,0.883851129053872,116.48584241256572,80.76243694976068,0.24024412741091608,57477.50556457349,0.6906890994579346,56.627907609642136,3898.7338697087357,236.5439175824093,308.6962701965472,37.66445193212445,0.21190539274507375,0.1967018657628797,4.999109059697125,24.149175293514215,2.95671334788815,62.85957662692998,8.594195249649625e-05,0.8158133840602073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20876453346474622,5.518360634967265,24.603035330589904,0.3236135974486543,59.0194414932118,0.0,0.00014063033626880034,0.12584055171288366,21.67663430064674,29.394677402715885,2.9498011404761963,13.39886992156854,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8993753888083178,0.23598515147130122,0.35975899398877864,242.57473193103505,109.46920058436712,301421.0682201935,6.533334873852425,99.85502872554756,3.5565292862481988,54.036802974990735,4.37741846814907,18.964849077578624,0.793048941559814,0.9807259961236289,938.7865278502956,92.7331605495335,0.214746678552625,281590.8210408238,2.876677046996499,94.79956558138679,4818.680270587816,271.1053077741044,342.21097307989317,57.98731816554056,0.1786030319559588,0.19611447599079795,37.37767124802389,57.13799540443991,3.0750123751307594,16.344329290654457,2.7541400628172634e-05,0.7112045832503486,0.12693980386732762,34.436615718478414,59.955144826728045,0.669121291761486,13.09059677629377,1.6033010066721712e-07,0.0001132097967789073,0.2062772612847789,38.43687399174565,65.20512488213257,0.32409144860282774,13.441853184762017,0.0,0.00014063033626880034,0.10322122282355724,110.25319033170284,77.22607411198808,3.1382628762024063,6.0276004923518975,1.9907974977412392e-07,0.0,0.205414734480392,51.55639632520129,95.68307469980697,5.850767066393076,12.319111081331258,0.00016363717119484411,0.0,214.39778152408041 +0.8823003852295894,0.14381366726142053,0.3682777756011695,216.92672699496399,159.19985057912135,290682.6320604984,1.782027468169999,10.781095163788708,1.0922396071655496,41.50980273149039,4.395444975057947,27.46887740707826,0.6844776576185672,0.9185988161229484,722.2700805360253,61.85723955047622,0.3221353253882012,269615.99959102704,2.980144652240234,96.53036172622728,3969.067641330623,217.09600826511576,346.3376538441918,59.80558718090274,0.27402039528875033,0.1898806308812324,32.1405068123251,57.064731452290594,2.639219799409158,14.750161384394074,0.0,1.2463754836543404,0.11206828716827347,22.430200736772715,43.35280516267584,0.2781320227064489,15.224978471933879,1.6033010066721712e-07,0.0001132097967789073,0.20026082449840243,36.907011244441286,63.05771514561195,0.23549880391140293,14.071239400390269,0.0,0.00014063033626880034,0.33478199170070605,71.33795056043425,43.53246544949246,3.5549962525726078,13.641085784444781,1.9907974977412392e-07,0.0,0.17792026731510563,41.14811145101748,80.09033169956791,4.175352508959568,13.243972994801371,0.0,0.0,167.77958803000257 +0.9290176392047498,0.1456381173697394,0.34601297358474936,137.4755621212816,240.32536792048847,345646.08811616525,5.178415183687352,46.93911002252793,3.3631439028005743,44.45038320330452,3.8539105340903532,7.8982352259827575,0.313501547943677,0.9547595953968644,932.1268492076177,86.71853617064279,0.2073632469912517,64637.42487721951,0.9639729621868884,93.56782622501773,738.4698394552595,270.75073986957136,345.35140723890856,39.62744070781893,0.18372122393712775,0.19785081236235186,7.781668140842772,28.84500740026516,3.062304907392721,60.469022711264586,0.0,0.6056436874725196,0.14004770668613975,12.378892006976681,32.69188874466288,0.4708362399693314,10.340888098377789,1.6033010066721712e-07,0.0001132097967789073,0.2105357675294736,6.927369119332465,28.19424949155262,0.2801892138548074,54.108003876564126,0.0,0.00014063033626880034,0.13231375316309166,48.84881490186832,48.85964098305454,3.113332129409105,16.569902083435682,1.9907974977412392e-07,0.0,0.21999265767818604,15.015542384394248,41.03736882584201,5.014763773800145,21.482477571508998,0.00010728473167553851,0.0,130.8155898459208 +0.870107496001714,0.22034994335462676,0.44275833305757967,228.4658659580151,72.12088675909098,258844.92025208785,5.7439410656621,51.010094276604505,2.4642711208056185,92.38707970117562,4.0491086032810895,27.831039419148276,0.3170489889282168,0.5819422914713664,925.924589708788,27.402837975625122,0.2359853430027012,100793.07613877521,2.724277639632779,93.5071253539889,3134.0501823650206,289.4427241271165,345.4779189666758,37.00622885258859,0.3475180833866973,0.19413567627593278,13.898025262702827,31.109644975450497,3.1755089318647594,18.438008457028985,0.0,0.6429877830483932,0.1093452691960218,14.565997644605915,28.538885576237163,0.5486840501006885,25.79508521412499,1.6033010066721712e-07,0.0001132097967789073,0.1960103641871496,16.59514853622161,33.17446478797397,0.3130738124511127,18.858925804594254,0.0,0.00014063033626880034,0.30554236546359237,39.083590594693845,25.717124325112863,4.4384011221003945,31.095002806185303,1.9907974977412392e-07,0.0,0.2063602773779742,8.864255195864153,40.20250132725765,4.512160130950371,17.392223238036372,0.0,0.0,100.64210242598534 +0.9487840801596746,0.14800636409796453,0.37632051293384583,136.02729404852042,246.21139784705036,206680.1010469423,2.3477481901389368,78.21535126026455,3.7362805286350143,52.18381165353628,2.79497681245321,18.73078240954301,0.42653128518706884,0.8328007609910834,265.68669078322813,37.22602846094902,0.2866001910549542,92194.67039749693,2.079743638601216,99.31805250781373,4767.934937635344,177.66989654450882,345.67811416537904,59.41795610565052,0.1645544879495216,0.19397239564733312,14.315578804835457,32.92187786901243,2.7271898823383265,31.294539140476907,0.0,1.1982722684041534,0.12530613348803246,23.12740696066929,46.27842634354421,0.29907591384310395,13.198503824669626,1.6033010066721712e-07,0.0001132097967789073,0.2063526355388091,18.390954625985056,38.615255956725285,0.25540512852930874,28.32141122532512,0.0,0.00014063033626880034,0.11830536992516541,69.4460102360918,60.769404992849815,4.307094566631114,13.589308161633442,1.9907974977412392e-07,0.0,0.18719107276286864,43.25822865101295,84.74042343245553,4.603765521847136,18.83273770857659,0.0,0.0,160.95500756232886 +0.9726109003968192,0.14708494386931126,0.3830385004838561,162.34907396684943,103.27391866685993,318280.33583822916,6.706166348644922,96.24109889175706,2.4570135573151295,95.32256557766664,4.063595749346385,28.431567979005827,0.3970333652726164,0.8521026162535135,891.0091254983183,85.20032152816732,0.12435990450048863,65836.12664999538,2.9248193272817677,93.16272620551318,4939.625108683324,195.8990611251878,256.60025644836776,34.389942571011716,0.23379875439215242,0.19428785480920294,2.450953143978569,26.700918993962404,3.1267982226694926,5.883956168999341,0.0,1.5608580236019078,0.11181460985421934,2.0177366383106645,20.93108681014609,0.5609974071992797,20.947011205142026,1.6033010066721712e-07,0.0001132097967789073,0.18353022312973805,2.196792328111779,28.046380805320194,0.30799335158462077,11.216309512995824,0.0,0.00014063033626880034,0.35258696095746994,15.769192938161533,16.979895976969097,11.111413417353809,50.194210183053,1.9907974977412392e-07,0.0,0.12585854369590038,3.10842533959379,34.869459546353376,5.551197667763408,40.750006557360514,0.0,0.0,93.06680832660503 +0.8213444794432155,0.15159859493018907,0.3600736967292828,152.2611078551774,167.67492187311564,107263.94176081273,3.1834914793948976,16.93206570999316,2.103753730885313,43.28389850155271,3.008678057443157,28.225337838194175,0.45197544987766286,0.9418031633652795,317.1742741944605,5.782996884383297,0.3307237771733823,54908.84419098365,0.6902888881333359,77.7986468974476,1079.9364783204212,296.56050051165164,261.85347541866327,58.038723534819766,0.17000105413747366,0.19147843668135095,2.149673919553959,24.618220313167424,3.727268815668077,51.7060101157019,0.0,1.317987880802051,0.13161430529244839,3.3715986231728308,17.4516391063988,0.9484431757790509,6.144424764106182,1.12404948111892e-05,0.0001132097967789073,0.20399613980001227,3.6611152208709203,23.992277254070697,0.37199777079071783,53.20052134567691,0.0,0.00014063033626880034,0.1480255565738105,12.830636969100103,23.117363147749113,4.894290419809083,6.6558721601786335,1.9907974977412392e-07,0.0,0.1953610754159476,1.5420312243262835,26.47337404772664,5.836024759833323,12.197537238758333,0.0,0.0,93.42040171250765 +0.9510645598686344,0.13391019070032736,0.3304116868942057,224.7411369740033,202.52488691568078,270490.9845321472,2.2101942108447257,59.965073460559516,4.279348006408865,23.502448100748516,0.8862479683256403,29.131602394113653,0.6357379307851969,0.9353955150240049,115.95944199166294,65.35780957104595,0.3100406158376152,147186.70908255677,2.937689956031965,86.01878401986471,3546.6151727947763,143.82244894846093,345.26126832756165,55.88427028420004,0.24912641727097748,0.18749112377903965,25.23629872700526,50.56820421199526,3.0015049582928235,19.439585182410926,2.6605718004594626e-05,1.1826375819603012,0.11147902217884932,22.072545920086547,43.53575572417478,0.23008479351626443,13.810737912126884,1.6033010066721712e-07,0.0001132097967789073,0.20017637014885822,30.96336256099614,58.441231120399095,0.24394878016424887,16.918483800259306,2.9386369739914002e-05,0.00014063033626880034,0.18763786580809938,69.12011302568062,54.3044508857621,3.270277631207843,10.022267012536776,1.9907974977412392e-07,0.0,0.17356927923018395,46.34955155020675,91.28942255243801,4.609908832402606,15.934342624153055,7.153352897635546e-05,0.0,171.4967081873577 +0.9369109707812241,0.19399334384517203,0.4096579550360764,218.37898733104814,247.75965651419156,206100.18750152906,5.345460124229254,53.74375183557239,1.4175059868457605,30.333786738443905,4.27290409103667,26.715696119319762,0.5002767720564992,0.9843160902724842,507.0803088618467,77.68611428144587,0.29634590418659945,109215.75572160361,1.7472043844675844,93.44269010967312,2728.2549607755445,270.55960887475464,334.61245715792523,57.49683696828198,0.338368557870918,0.19110622200759703,10.990524241036548,29.4848457880122,2.889506605858269,27.3326853272506,0.0,0.8077604171193739,0.12175954775344447,10.87784660633152,28.09362322956237,1.0681585102045943,13.112341055412728,1.6033010066721712e-07,0.0001132097967789073,0.20332294223490993,12.401645308318752,32.873110413705334,0.3824466090081523,23.78641615928323,2.960811278586923e-05,0.00014063033626880034,0.317721973078469,41.48213181015091,31.108518536780885,4.943271675596732,24.51710241241973,1.9907974977412392e-07,0.0,0.16867134243897383,22.638647749463633,53.624737676068996,6.330873024325097,12.963959497533818,0.00015437858165946456,0.0,107.41405616123033 +0.8457732151884899,0.1560324760757124,0.4243911341532586,249.57199168058125,118.27677770373779,343337.9094622403,4.904966072934115,67.90957341248259,0.4270099268483537,24.93060216966412,3.682660988886784,4.595928988414724,0.3212101312980273,0.5381911194036877,762.2612878546302,60.63546997925977,0.21955759048096146,102844.2855910747,1.0053068043523012,45.94341294982515,414.75243418382354,191.72470205882445,241.43957936113367,14.492656611949425,0.262080388313893,0.20175395233790772,5.614303071241049,23.87052439567048,3.152437519766718,11.041191474673537,0.0,0.6170906825597599,0.1468972472565722,3.343609814302226,12.018157365464548,0.41252694243805166,3.206965999429638,1.6033010066721712e-07,0.0001132097967789073,0.2152201051678308,5.5536167869240085,23.161648702667584,0.27587724271142466,9.0941255869003,0.0,0.00014063033626880034,0.3097057276771117,3.1716396630227495,15.883566388977686,15.307990157272318,56.260995225775055,1.9907974977412392e-07,0.0,0.21060191380552284,6.052367454978218,28.884720075856826,4.455429971763022,26.050668745504872,0.0,0.0,82.3491336387872 +0.9374887185853282,0.15143616189269024,0.32945058836905244,23.096812778828472,134.71508860112291,123570.55580214552,1.9954980416711998,49.319462035913446,2.9536783998942093,35.343860904960266,3.258157690367842,25.763214648908356,0.3935174968924297,0.7420075071008483,300.61771600645886,72.50697292328014,0.0731060517308014,93272.12922810476,1.1596145295478755,27.514582281660477,4577.877539958455,130.12541105901457,330.5206668384722,57.51597314234311,0.21201414761497528,0.1954868642656798,10.564973277066786,27.695437647010035,2.446757999887564,47.910393419390466,0.0,1.1631388017505178,0.132987997834671,9.724177584225576,26.190223264104873,0.27956441542132116,6.01083189225887,1.6033010066721712e-07,0.0001132097967789073,0.20654414878850882,10.574974023953752,28.792100908146256,0.2394402642649389,42.94407348922156,0.0,0.00014063033626880034,0.14872962440340012,23.031957633855892,27.756330914683037,4.8377013285867925,23.891557483193846,1.9907974977412392e-07,0.0,0.21056171723210435,10.597702028568918,31.682497968116706,3.7653831844999757,22.576633168433556,6.97406765006978e-05,0.0,101.57951152928027 +0.9534764764089928,0.1426773896238245,0.3529719148471352,237.2326555192936,173.7589787084963,254002.38438848712,2.089045107308041,72.65129528151002,3.3784108001743816,92.4804359813493,3.9999382970357216,26.35663578417853,0.4631770303260182,0.8948421151422993,825.5018256243568,60.40113784938525,0.24979254610561713,246173.4469613446,2.885352691869335,73.21477032529533,4522.536364239745,265.93200131026316,343.039553991075,58.02463383447559,0.15041474275604574,0.18813498154354497,29.467295571484822,53.21351047076913,2.555982229086497,14.903420424356412,0.0,1.0567232160010704,0.12359321929565174,28.956101549294075,54.06144089117838,0.22201148007657348,10.955848717604,1.6033010066721712e-07,0.0001132097967789073,0.20400396296696854,33.08379799566684,60.93233105043273,0.24344730194116176,13.127993287514,0.0,0.00014063033626880034,0.10783572893049986,88.8684379692634,66.96351106594223,4.0669972305867494,10.972605015642202,1.9907974977412392e-07,0.0,0.18963025954284127,59.57441032368167,106.56187797460511,4.25112024051884,12.205943013841292,1.912827411392088e-05,0.0,200.95028454762485 +0.9835114622924168,0.2454539548972056,0.4467547650133637,225.53768282061688,124.06165943555175,338741.8348176637,5.886058200965746,89.20505169608592,1.7705158875702527,98.28769317308243,4.887011840610049,13.509443015546076,0.4288367187754784,0.7750753503612141,49.46787432107482,30.236458497519955,0.28206838544156765,60450.22065672143,2.8334877559523104,94.03430855248453,4746.452851744902,291.6752077733079,344.5838860985297,28.626437237447195,0.2410279844307829,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.10170520191715184,14.284292542132135,33.8660091198266,0.5374521228614143,19.240343035628417,1.6033010066721712e-07,0.0001132097967789073,0.20382147888115934,13.979529467197654,34.22989920175453,0.29800462360852215,9.831351803148682,0.0,0.00014063033626880034,0.24727579056048832,54.72826964963385,45.3110829546416,7.307333238619854,15.523413088509821,1.9907974977412392e-07,0.0,0.2050558721249547,17.697937841413907,43.02632170730685,8.763292159566914,16.84259636961257,0.0,0.0,2698666337285.8823 +0.9069262786815258,0.1202064751138531,0.37287273395479775,168.6825344330334,116.72549969196018,109359.15738413787,5.120001441700628,39.94229905546148,1.121072999742558,89.05530221102383,3.903615284217751,13.526573683320073,0.5725376632110201,0.7856102948467226,259.38949497331305,21.650954306373414,0.12499194503983713,51240.26765739973,2.809340053441756,95.65492710072391,413.93812008525356,292.72453699514574,255.16468372974464,16.40145626560347,0.1918653477058317,0.19002314081048305,1.5784525873873232,24.8867487950973,3.4960649738026723,10.190716418715285,0.0,1.0742070169640912,0.11545883969410087,1.8901984116849977,19.922092066993883,1.2749618228704096,22.788410256510424,1.6033010066721712e-07,0.0001132097967789073,0.19950869925959844,2.515059002563796,24.40445897486931,0.42625476511572113,8.222923883332141,0.0,0.00014063033626880034,0.3472123556082628,3.6919951186641082,14.721762831514782,13.234017557356381,52.73712970621921,1.9907974977412392e-07,0.0,0.13025471237794128,3.558463389730248,35.08869711998333,6.580074773295958,42.212432980097766,0.0,0.0,92.66157848251738 +0.9344027488800454,0.1660304808311091,0.43083811597057564,227.1921171993986,175.49074418533618,290293.77483897586,6.53669765467837,86.97143589077655,2.0804010994988786,84.14965014936192,4.920232306170916,13.55932692255161,0.772534369830685,0.9756580355817609,781.8147101320643,60.63299217148116,0.05976418707665054,266295.36600996356,2.806079714205862,90.49562614892912,958.8508573014406,219.570768915057,345.7578362360946,57.55019209639824,0.1582215124409977,0.1859615149356634,30.297216270935643,61.27826378618095,3.0176829950664548,19.2361754695987,3.962634118852518e-05,4.519853212309926,0.13426428590838,25.671157517627027,50.679685685950346,0.8438003054231423,11.333869966692694,1.6033010066721712e-07,0.0001132097967789073,0.20831296087417447,30.713729362205296,54.4176357600347,0.3464182945140383,11.422944914459558,6.893328230300084e-05,0.00014063033626880034,0.2046733840265618,101.533047795148,69.71208703400279,4.326648131062223,6.235879489777572,1.9907974977412392e-07,0.0,0.19529547648893014,18.122947787215118,76.00023041732433,5.428222059779944,9.777323605744689,0.00012379520767855123,0.0,184.17489285799124 +0.8400673127930952,0.1205792982947491,0.35056956112434473,125.34049957205342,126.3897076616972,292144.0596926743,1.5030107576161942,36.26462736622862,1.9296454716939844,20.76069091979194,0.7739897888077107,21.70509563224487,0.4181451656109617,0.812912629076808,364.3165921112794,27.267750253981802,0.08493881956070594,65898.52224845978,1.0357717664524082,26.6338558680198,235.9715234269072,121.9064864438152,345.64169939153896,36.76572709901394,0.15880785819236473,0.19720574812733155,8.365594033260738,25.386165456991037,2.8314689834757516,61.95590065766156,7.062957365338723e-05,0.9865850388938285,0.1345497187114456,11.615430189181085,28.62489423169841,0.39223375464581767,8.51898492129983,1.6033010066721712e-07,0.0001132097967789073,0.2082356910775069,7.2102316970814115,26.718433982422084,0.23500836683320653,51.93209383704,0.0,0.00014063033626880034,0.1507243877212952,33.484932857999745,33.21012747727222,3.816070316636777,26.531340833482115,1.9907974977412392e-07,0.0,0.2209955337248808,9.933537511268646,29.141961328682935,4.246513782785131,26.42161909651037,6.424413215383097e-05,0.0,116.87051727243971 +0.9389834427178962,0.2522399623090624,0.3805394476268895,134.81288959743267,187.87862862589589,223483.65129059734,5.444436243897421,44.171559383756275,4.9157893947889155,92.16162894314336,2.0264719265624764,28.28362005748518,0.3887835768559206,0.854949091647396,666.1474834943706,48.14601678110003,0.21163024716130066,284256.35805792385,2.8053012689803642,81.21140734539762,2002.9374651122837,242.06111827879585,330.0990434294185,46.562507938677335,0.33393298235070457,0.19475675368920917,18.00105314463972,34.724510320290484,2.9067864753623955,6.7256840065486445,0.0,0.6502771795890356,0.13155043740396877,11.894723916966045,30.413084381276676,0.7723575882372224,7.486509978508268,1.6033010066721712e-07,0.0001132097967789073,0.204881520354947,18.578964007333784,37.28519710913516,0.3392845462532069,5.923102655134402,0.0,0.00014063033626880034,0.3470606633068645,52.62935027912754,29.911936269950093,3.800658835722066,32.66363698639699,1.9907974977412392e-07,0.0,0.1988837939694901,20.875226951179567,47.09187572428526,5.46593684972009,8.778560142670818,0.0,0.0,109.47205364702431 +0.943369682291582,0.16192539904276806,0.3590812409898252,244.58640529263806,41.142413874157924,329468.48316810373,6.544227872177139,27.324536499216602,3.2797794766350385,30.105303028985283,4.661400175936017,26.581339579627436,0.4330733231113578,0.9114514675391001,538.1632698459919,95.08168484199093,0.22521622322345863,204249.67251303757,1.200359537805797,82.36407184491377,3345.822124874911,258.35187563785007,348.17202125696775,56.180192749492306,0.23702420722805728,0.19119025980199997,23.538796537868862,40.86440490157022,3.2777761432227166,33.21544792009116,0.0,0.7220865028409953,0.12921889776936188,20.50272924486676,40.075400179318684,0.33674859137740853,5.685018771821131,1.6033010066721712e-07,0.0001132097967789073,0.2030577983540486,21.566277053086424,41.36266407608504,0.28556253345756416,30.41574912020661,0.0,0.00014063033626880034,0.08793207920563616,51.89339857523922,44.817441092527,3.6413798259562027,8.782184489092138,1.9907974977412392e-07,0.0,0.19449366708660026,33.42557822232755,63.05538175996372,5.176983421283854,13.233082270023795,9.403064259846442e-06,0.0,136.32949855100736 +0.9435534362251878,0.13957261075876143,0.44963560804473046,242.31842237906127,209.5418745689979,285199.0991373228,5.753351169054267,79.16461233952762,4.7609793234046,56.710288699396045,2.5909349359979736,8.759076778607676,0.5193595906882303,0.43037751705549343,168.59697155812438,90.0223848699077,0.16816566040178074,121463.88338000012,0.587375315234393,86.93271048627662,4928.394627010437,218.9836270229787,237.66973824780337,16.589462967362405,0.29285302852895156,0.20126351271856746,6.5992967040894905,24.133101308506042,3.465898697167615,10.324916265914876,1.4380473451681403e-05,0.9829544726328161,0.14434799030963028,4.219786059838338,11.750543004027827,0.8301495995069039,3.354864072667259,1.6033010066721712e-07,0.0001132097967789073,0.21453352665489678,7.119667399069581,23.425648680766244,0.3408568671563888,9.109177061711653,2.270907645701842e-05,0.00014063033626880034,0.29932863092660505,7.051185565980592,15.67127982878528,18.391974593963738,59.33598534359375,1.9907974977412392e-07,0.0,0.2194352937146023,10.681641744174167,28.72183178502822,8.208256298755016,35.76109726590486,0.00028946753796141344,0.0,89.64239959584802 +0.9753900046714155,0.11331210753089249,0.41725795063310667,99.11736438304945,176.96207413144543,341408.50903965096,5.899407427367816,46.35262938882876,2.919193265133303,86.74492207626655,0.5151766401306377,23.90978868717218,0.4765433396885944,0.7322554246060946,673.5782817190291,76.13601371282788,0.18238337572433974,64181.90828230641,2.786495191737193,93.1832263638724,2808.3366727512084,189.31800393045347,220.40251199044917,55.987729052454476,0.16436555302876338,0.18503538422898483,2.841304400643833,25.949848282119277,3.1336418312452894,9.715458930748174,0.0,0.6812978978839874,0.11491544711609385,1.9954412274458546,19.518324304239883,0.4213938181337107,22.09006657286384,1.6033010066721712e-07,0.0001132097967789073,0.19296818399679305,3.416337092395997,26.569574172237797,0.27813958873246863,8.699674663373932,2.326554664325493e-06,0.00014063033626880034,0.3471956564423475,5.398021540859534,14.642206948823132,13.565865504150672,54.61558884529992,1.9907974977412392e-07,0.0,0.09556981676261413,2.7909151264550474,35.376778838446846,5.254754418734057,46.56991470928717,0.0,0.0,96.53460483937803 +0.9504898760699906,0.1306349330317365,0.3651288947390837,115.1972528533469,99.1067493082204,344237.628044943,5.636492136922008,93.23137957992378,1.3937860877119619,48.80797845931968,0.3440017020794981,28.554488087283556,0.3951705077247656,0.9384416655901173,646.2403080573324,28.072246318401703,0.23887700652949703,74639.80165130056,2.90282210860967,31.00341363499468,4162.838680109073,220.51022685681644,348.8117678702755,55.55085753049208,0.19864109139612138,0.19025613617193488,21.23346323887334,42.496407119051156,3.348626932053483,24.12849460151527,0.0,0.6598141287053522,0.10092669333604776,22.978342277150368,51.82424130239712,0.33176369547372914,14.548861823165012,1.6033010066721712e-07,0.0001132097967789073,0.1989023105269643,25.77563917319289,49.61496612694258,0.2685703735489905,18.55596160603589,0.0,0.00014063033626880034,0.13262078105287403,68.12674908076572,61.89278498931631,3.384223992845728,15.20567003708944,1.9907974977412392e-07,0.0,0.1598481824404912,48.17309661845511,93.5955112417573,5.31234864411498,14.200801168121135,0.0001475092787866735,0.0,172.5456850016903 +0.8693103652437074,0.1244927237357948,0.347580341403335,85.28166645296328,75.2892106697927,291604.71873629966,3.031054799517123,72.89027985279304,3.536223510100775,58.199911100007824,0.4020856405555608,16.84969577178871,0.4788193340613478,0.788361638572077,658.1721277697496,40.410294026710204,0.13454012542514981,61975.71221183502,1.9007521309812603,77.36375861654797,2022.934007637392,242.2384601696995,336.52006428155397,53.004960202695,0.23935071356119203,0.19700770656067754,12.932260406234422,30.241494783886747,2.771353052740561,39.777315467777164,0.0,0.7236518451909537,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20884842736699066,13.526796998361977,34.34297055959824,0.24079734174625952,32.15721439788566,4.9839916188712545e-05,0.00014063033626880034,0.11772184465718945,53.13921140543623,50.491757207662985,3.839170495395362,14.3633400521649,1.9907974977412392e-07,0.0,0.21666731137550416,22.078313467183925,49.50570100516512,4.346806544343392,21.25328792369757,2.4951425951874584e-05,0.0,2698666337285.8823 +0.9197465539712653,0.12591150389388595,0.3379583558820222,135.4916427265255,246.21139784705036,206680.1010469423,2.144697351488794,78.21535126026455,2.1465175837869777,52.651353191681046,0.276139740345704,19.22388926649119,0.43078184412733433,0.6844974145960545,265.68669078322813,36.84497407476553,0.2871670814316144,87560.77319163064,2.113167280714281,94.55589420741542,3628.5440811198823,184.69451736950487,345.6551871503866,52.27636621076041,0.17313106864161487,0.1964781040053243,14.343968075480829,31.083671615699192,2.6887061776998054,31.891714637551356,0.0,1.2357158421796601,0.12777456154965644,25.418957366499434,48.4975041041411,0.25483712853714985,14.264951423207062,1.6033010066721712e-07,0.0001132097967789073,0.20850552750757936,18.546302875446774,37.48179520393857,0.24975891082428658,29.060927103719774,0.0,0.00014063033626880034,0.12025272819657419,76.60277429498343,67.46746673460568,4.310860555848913,14.171391012679567,1.9907974977412392e-07,0.0,0.20060665832295108,42.28547643720706,77.69176736268297,4.505453730969518,20.19560606534503,0.00012546846131861699,0.0,163.9651176980686 +0.8198965984671492,0.1580701943712765,0.3822968302619018,150.38946621962504,183.1594319940951,159230.04518196438,4.165255130068611,67.08361028124953,2.173801598342385,65.62839049112682,0.9600622781378909,26.64598334309144,0.35861248011092456,0.9969339654154341,338.6195555836707,28.661705564086862,0.2087911270814659,216110.3028396698,0.7209146928518699,70.91384181059283,1601.645277065538,170.64535138523627,304.64640197230995,56.08063140775306,0.16484308690264915,0.19067294839363755,8.801001475278758,26.917518283264503,2.9915098812784087,18.784159628207178,0.0,0.7532860871704212,0.13315763907250444,5.54432548905638,20.357411568306688,0.8620843051117411,3.080074050542145,1.6033010066721712e-07,0.0001132097967789073,0.2028099036561314,9.145584370473179,29.644483082340276,0.35532058493189494,17.690511049961998,0.0,0.00014063033626880034,0.08926068953191445,41.34823206832114,35.36143630693949,3.663192826693405,5.745587750446813,1.9907974977412392e-07,0.0,0.18530589447688814,2.535293384206378,27.341445832429685,4.83454760745073,3.6497347320415727,0.0,0.0,81.80852344103755 +0.9750940081196787,0.14181161108797602,0.3265005991935754,148.9685375120475,223.73366932553589,207580.68826987236,3.0697481558164608,96.1176492105627,3.9680818263711095,43.51321855278087,4.913568807950167,14.10614404335896,0.41424843995835847,0.9679345703024151,824.360146207025,56.79156334216114,0.08633760841578876,125800.63212262359,1.6852841761576292,88.05411744823678,3667.5764292578397,192.0784835779776,344.34800429265727,59.17170196917488,0.21744102423477146,0.19628334577887133,23.50260461518309,40.40056297117533,2.549253030452946,43.667662231524055,0.0,1.1889547670769693,0.13545342049716352,18.43477324837823,40.61911599318402,0.47267681517038485,11.033043588512502,1.6033010066721712e-07,0.0001132097967789073,0.20789887219436667,19.08526532993372,41.73088734405882,0.28266788320264374,35.532306034883995,0.0,0.00014063033626880034,0.11686189279708478,51.995821609614644,51.860141963500304,4.016226437513334,11.602429549211069,1.9907974977412392e-07,0.0,0.1940970466148108,32.568510912215295,64.95192419709772,4.396385343234635,17.851421753384667,0.00013738253135333307,0.0,144.01665991882788 +0.817379248690412,0.11870022785875142,0.35111056394016477,132.80512504868088,210.54637353398232,107664.43905135071,4.643991454287241,66.58383284842235,1.0884790990812367,38.160655217628786,2.9519692991627258,26.72877897178007,0.3798667911622783,0.7859374719842855,61.08821280532925,5.590608216901323,0.27930548797328103,65722.81702928073,2.6045599790395912,88.46323092610015,3855.125144733582,83.30021530105094,326.1646457012273,49.63430088169472,0.16815533995514975,0.1951231590652783,10.773469612829091,27.445382198156754,4.820258700026305,16.228059585856762,0.0,1.1585106406180607,0.12902935466474666,14.48114642483251,30.612580532336835,1.2946825408314713,11.27417908403175,1.6033010066721712e-07,0.0001132097967789073,0.20618791668483102,15.776230150784073,33.05834717747331,0.42823470101873096,11.511800003504531,0.0,0.00014063033626880034,0.167172830518264,63.676619289165515,54.31417769050395,4.944887017499898,12.739876031018232,1.9907974977412392e-07,0.0,0.19541339310104966,10.074295246533302,45.2389012910956,8.335250149198473,8.157389005057356,3.230907560592493e-05,0.0,115.68508875638216 +0.9652059778867562,0.11928697842203223,0.363219519278659,196.1631386886314,249.30651263106037,273140.7978825573,4.166212465891687,10.661139289642954,1.207979949962957,85.76918856436741,3.918603292933352,4.870445480498068,0.3712998469885552,0.9884442484867747,919.1354528496927,10.583238603354337,0.12402110995404396,152965.57118992394,1.5415279537511941,94.1062233433825,1870.419344194488,71.82220127889698,349.5086037980065,55.10734816601482,0.23542403949269292,0.19907105954161028,20.506615906500926,39.38313717611271,3.255235651821668,36.72462034952773,0.0,0.9619445336804919,0.14216625445687855,15.046303085862366,35.40442560082877,0.5991449073869061,5.8591966223476595,1.6033010066721712e-07,0.0001132097967789073,0.21189503516704428,17.676490136389443,39.595101639017585,0.2995586201077298,31.362661784815945,0.0,0.00014063033626880034,0.07990302297477471,49.375368857641185,46.56669450334271,3.060914563760154,6.007979521946558,1.9907974977412392e-07,0.0,0.20496159300796926,10.619635230089777,41.21369747072083,5.186808953034109,12.580869517293038,0.0001427529664728152,0.0,119.82817637938385 +0.8172833337767687,0.15304751627742716,0.377275860713051,35.43255839826133,227.63013691543986,343339.62316602265,2.379611587020671,56.35892077386732,0.8998101803397558,52.412761519282554,0.5560764917518901,28.459959546386173,0.692342790290868,0.9238930780427873,703.8449070778222,87.47884101879819,0.20011541631705426,53783.6630671155,1.0556836775465162,89.21136287402979,3362.1131558614134,261.27819261281405,347.58664069022427,47.04698860970298,0.17557110536254278,0.19234276341998946,7.9470595122040155,29.480625043139028,2.750813408425486,67.31283707578923,0.0,0.9918251712054423,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2041402022015214,9.521275345721413,30.477760404205938,0.237800796181566,64.46533426005595,7.402268651129215e-05,0.00014063033626880034,0.10301705117668843,68.49483077076651,61.3512744519352,3.6594370450917015,22.321378300577294,1.9907974977412392e-07,0.0,0.1993174843011167,11.037243728023618,55.78810667029341,3.0171457792288607,27.785269098940613,0.0002149090421604854,0.0,2698666337285.8823 +0.9895221424092815,0.11358705723098621,0.4019661888113131,160.14302770230586,46.56874907810153,254514.5934938222,6.316279639136504,62.94479687676977,4.064664361621484,28.999226766399257,0.9329327860953303,21.872488476638477,0.3408041164759671,0.7613843561489915,854.8807113774724,50.169018059785195,0.251681898701981,85416.43333256344,2.940717453653708,63.75972052427767,1730.6183434958161,245.64306464945705,346.2217685523636,40.340679463608,0.20815729483459755,0.19051282627372326,17.019925142509557,37.87610354274525,3.0252728779863087,14.473928705987477,0.0,0.6903579869319882,0.09178830319647371,18.676462237618537,42.19038375472294,0.47168776991469374,18.094176045784813,1.6033010066721712e-07,0.0001132097967789073,0.19967555619116026,20.81074125062988,40.86279280131444,0.30909605066491497,11.84480873183565,0.0,0.00014063033626880034,0.18578442074609325,56.90562120704956,46.74312555013334,3.9038551532289762,11.374321791288938,1.9907974977412392e-07,0.0,0.16372535714732225,30.12323156950226,63.15117189100539,4.957109178633997,17.703527659198766,0.0,0.0,132.0776624316259 +0.946921938426113,0.20465762273405344,0.3450742623594408,240.97771657677595,172.31456450738904,224942.3980211937,5.02307894032267,71.87655634991549,1.452218919669821,65.18789720161926,2.3837987933306333,29.798858752639553,0.3028123750268414,0.9617407542428822,800.7256322469536,37.719822177406954,0.18741513595083278,72542.19593955674,1.078515100208768,92.11380777842544,4986.665469844057,272.0049361057431,318.95276128840624,56.45249613064015,0.17164324761709887,0.18650673147155897,8.780960277273918,30.540123534931663,2.9787616565267907,51.775363415476825,0.0,0.6849256019995812,0.11322623026130879,8.09330692669029,26.251827359112745,0.8489265155759878,11.011641311159005,1.6033010066721712e-07,0.0001132097967789073,0.19923543459117266,8.042738095735599,28.010829603488236,0.3482655694004964,43.57600628786956,0.0,0.00014063033626880034,0.14965389921324038,39.02374039456434,39.085748241284804,3.071552592849557,13.323782142218082,1.9907974977412392e-07,0.0,0.17560394004771915,15.114375480140772,37.54407259042606,5.526598482532958,12.362428796937541,6.512031697590352e-06,0.0,111.28240853421426 +0.9451484424980194,0.10516302360966708,0.3359771354910162,113.0262773452545,239.98629257179695,300605.4452294018,6.090361860802868,7.113560803156967,4.959151803386858,63.68738330447589,3.9020649211536025,4.555453376768568,0.37510201747074845,0.9504466912733927,933.9416465585341,48.419742909274255,0.10548973229915162,120959.39913145965,2.9262132653185673,94.89689593342173,4867.228580092304,182.93754240308093,275.0935988003608,15.659031713837049,0.289777467765929,0.19882921524519176,4.109126092297001,25.385488479372054,3.0946616613114353,6.331281790356668,0.0,1.6422898215535164,0.12847944869452668,2.14035088140447,17.38948723323527,0.6148516743581799,20.809085475375454,1.6033010066721712e-07,0.0001132097967789073,0.21213859211327252,1.524391949157589,23.54071885565171,0.3092849276722124,4.89702577902498,0.0,0.00014063033626880034,0.3567188137454959,24.578206034927657,20.664287497842583,8.600784971563911,47.247581686911786,1.9907974977412392e-07,0.0,0.12025272160997172,2.7080090997276294,33.434138995317596,5.3612496824871,32.452279787759224,0.0,0.0,87.05931280023766 +0.9893158170930199,0.15037777795167415,0.42552035248004205,170.84254258018672,245.77949525754698,252957.6556442466,6.299223261291985,74.01173206352411,2.3015606151129324,86.16068408366709,2.053991534481838,25.550737220654312,0.6983231336901013,0.43254063703204426,936.4978535678404,55.93718019567096,0.16022911582659,176702.84532991244,2.946586489750577,98.48390465404782,3894.2472559961734,43.23661301940065,265.63634697775217,12.663330716817038,0.2807722151948295,0.20029978076621513,5.262192992946799,24.893413576052797,3.0201825978392614,4.391374035173342,8.129028274882573e-05,0.9541710961697336,0.11960439073314576,3.007339823899707,16.14409422205466,0.9369166406856075,22.434479897057077,6.715654782938539e-05,0.0001132097967789073,0.21255905388296106,6.250837644002189,24.229257897891713,0.36146680516668855,3.3327796841560544,6.0571621508281804e-05,0.00014063033626880034,0.3050987782376563,7.250345225714783,17.16147231343533,15.345115409910491,56.18121358152672,1.9907974977412392e-07,0.0,0.20840560156789492,9.519959279832031,29.870455500479355,6.729307909896402,47.272576805054825,8.110814481687148e-05,0.0,95.34092151068283 +0.9289639120915761,0.19155916666489065,0.44975792686397204,235.01388392491032,241.43845368131608,333278.2514287165,6.483849484289709,81.5695723328298,4.6931094181854185,5.343243642362513,4.79069561575689,20.567529653767256,0.603911290917216,0.8169518321439723,74.70394311072778,81.73217594215224,0.29617420677536693,248794.95839969965,2.90872196487956,91.74737600255129,4858.067266687041,208.37918947687922,348.70414609348364,55.61681375494872,0.29461215440584815,0.19589078208211816,24.24547663414342,43.88271909878192,4.003300797935762,11.823031424185267,3.9907970170643396e-05,0.7905237379839486,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2064792714788709,26.85547507381977,48.25522657143161,0.33906116974846723,10.903806188671119,0.0,0.00014063033626880034,0.34712335324399457,46.96033016281186,27.59134603141843,10.518343227318894,37.792624088334016,1.9907974977412392e-07,0.0,0.1704933101860059,29.11088219012832,60.966052828253126,10.27010428644723,15.607100083867117,0.0,0.0,2698666337285.8823 +0.9607444291474001,0.20406230633796146,0.3480578438046403,83.26551472747316,76.34233016241474,338335.05958217,4.977191018578234,97.76193372168579,2.118454215989068,91.19292374557044,4.922082411324209,26.10103877374763,0.5324494909777076,0.9372425373048046,819.4317700297278,55.71275482161934,0.3359061333959173,89471.77918529068,2.4416629069358664,46.34536286078367,1672.2316493744304,177.12193156206467,336.80176870141565,57.14775650702167,0.22087039273976283,0.1905072216734021,16.110941732892783,37.174062900338306,3.0244198048717594,25.15946883720998,4.065622000980546e-05,0.9579400546829198,0.12047097890560055,18.056357645587678,36.577068748160286,0.20857857358652698,9.313394429640708,1.6033010066721712e-07,0.0001132097967789073,0.20455311635706375,18.51768229965944,41.79100466213333,0.25195974104244595,20.783134830661307,0.0,0.00014063033626880034,0.11420230905748403,53.09848613880601,50.792995081644996,3.6816545498050823,14.020239098374283,1.9907974977412392e-07,0.0,0.2003291041688594,30.77563189902724,61.73386587610269,4.569846137975759,11.35455956056488,6.39372288820154e-05,0.0,130.66863811264295 +0.9178202491746751,0.2262734502021041,0.3387244426405105,195.88035133519915,241.25585342011902,218077.40145279162,6.1630976098254635,93.46644103476481,2.696396775510811,69.60432307506328,4.7274840694622595,22.637012614859582,0.5194951508015574,0.9916920315235194,937.9755235211612,59.147769712640184,0.25714012429035704,155434.19392851688,2.764674609538309,93.09604124945072,2258.5055844586363,263.39556025631657,341.8577519610613,54.37606437991103,0.34360524521931696,0.19147924440899117,28.017032620479927,54.052936093511946,2.9320128267559817,21.458309267330645,0.00013733146483865761,0.6958338730501283,0.09288931977843735,19.920177533280302,43.796228331702174,1.095632663446975,15.326486272642857,3.5958107459084034e-05,0.0001132097967789073,0.19631820388248428,29.772440844979087,56.064732700868014,0.38826404419676336,19.068855173193775,0.0,0.00014063033626880034,0.3362368807030416,59.06306865019582,38.14344612671209,5.40057231377274,26.879377636868437,1.9907974977412392e-07,0.0,0.1510483324608329,36.16435251440396,78.29539392713072,6.372748637224122,22.86255363444501,7.952201320567199e-06,0.0,157.53493538924124 +0.9407503481293784,0.10096268327777495,0.3630283213031621,81.36631333318223,245.77949525754698,250484.62419011566,5.945689112314614,73.72826467416229,1.6077113666551759,87.08474364194373,2.1058322852988165,25.554831157380022,0.4458662681509552,0.43254063703204426,54.141985847374826,77.90502722311885,0.14680523309246166,80701.1936020623,2.924359260754337,88.06881720606496,1500.903304417044,69.89165074314803,256.6841860670464,13.58473951777788,0.2187573417138159,0.19999776314239914,2.6810058704625477,24.306333183663096,3.314613248866403,4.770781155007975,0.00018025429760938424,0.9291473846485636,0.11675601260534657,2.0476612011787085,17.872999962770027,0.6144123576651682,22.744925139583955,1.6033010066721712e-07,0.0001132097967789073,0.21289328176354327,3.7140051596733747,23.735824700927537,0.31379740377851023,3.934213677896912,0.0,0.00014063033626880034,0.3034766203648438,3.105351991437082,16.39236079997699,14.19170157704118,55.19438940246535,1.9907974977412392e-07,0.0,0.20505142726821637,6.605240398008843,30.29435156966488,6.245209163911154,45.288672349495556,9.737895073465165e-05,0.0,92.97610483805532 +0.8987213391690262,0.15936715956416198,0.34768835771506645,168.7327202839498,119.40769574399673,219712.91669325263,2.551023141791266,67.38903067165434,2.7494587754573416,34.029989983776424,2.238113014942405,28.435554907065256,0.7813780221695223,0.7007510172342162,313.47881043745247,83.72895099245387,0.3473870130323536,55994.543517097845,0.5293488647895817,94.28311467277021,964.0802679394209,297.7339073294145,332.0596656505277,56.5605334619038,0.3394717604401664,0.19538998866187435,4.196180822462482,24.196057805889367,2.6349757923225816,73.03083670310541,0.0,1.2470407850212293,0.1344844318758817,9.210741704812746,25.244970901836453,0.24490577517358383,8.977798302684858,1.6033010066721712e-07,0.0001132097967789073,0.2083431398241421,6.1632002751096975,27.466025457895856,0.2530206303389048,74.71626083892484,0.0,0.00014063033626880034,0.13002721217662375,22.75496307354624,30.55044399910278,4.1486690139716975,18.82356481342908,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9821553444388976,0.23712545428590578,0.39037483148733193,216.55749208406127,229.68859539769767,319780.2291863938,5.487314667098194,36.28116432728699,1.7085016607979604,16.863156466168732,1.8492012186443783,28.605360151567066,0.38713162660846523,0.972048390434827,371.65591107569395,57.173918156142264,0.19102596462417973,66881.81208983928,0.4707275192573084,87.59710458684249,4444.107866118572,251.12398821039312,334.5686637741098,59.00844827007471,0.22561019779115024,0.1908103825796085,7.1411694628381595,27.858607119103755,3.3931720691177008,68.93739409588183,0.0,0.7720293523404279,0.1259419117417081,8.630692456489683,25.853910357281553,0.6954166405402531,7.923669614471751,1.6033010066721712e-07,0.0001132097967789073,0.2008728470402057,5.905506638702843,25.9716767649107,0.3161696756976082,62.95203730270825,0.0,0.00014063033626880034,0.10936929059343482,34.01032697313846,41.47522864779821,4.51195651546423,16.78411990618052,1.9907974977412392e-07,0.0,0.18708647883979002,12.83553256115338,36.558047533135166,6.873858887121948,19.339894432435635,0.00022929662223656155,0.0,127.1685496599779 +0.9600364610965473,0.1997586727702868,0.34835181922070785,245.45180793665037,134.345379091371,276759.9998185071,6.074704739894071,21.895021328978263,4.809212196409507,84.16573531510906,4.983344651756326,26.21496415594714,0.48239784345669495,0.9960363069573706,726.4932136805229,29.928588000723273,0.21136090202312158,121615.8596345902,2.437966068474802,99.28355719588271,710.7847382759898,298.59225923119527,341.72723260721585,58.60330604316887,0.23270099346925308,0.18873091461889532,26.659653783630837,54.43442336164984,3.354748704014234,28.455199257104038,0.0,0.6805935217220493,0.07990141690650684,26.10863452594169,49.222980997458556,0.7514226463036725,16.7961097261877,1.6033010066721712e-07,0.0001132097967789073,0.19926766640900667,26.725978229334846,55.347155349597564,0.33473013417093705,23.55819529588169,0.0,0.00014063033626880034,0.20104119796829642,75.21983206178628,59.5086762522154,3.1190998558578915,10.914916758207688,1.9907974977412392e-07,0.0,0.13023189506292535,52.1850755558984,105.20141041112649,6.684268836408685,23.84207125063102,4.4779137352719116e-05,0.0,189.59755762793685 +0.9194372767089508,0.12149899779751264,0.37456624930633936,220.06651202381272,248.57280543333485,206126.10986195583,5.066056775328476,89.76332006324974,2.1861828290323073,86.05179376974013,0.7013161616800789,9.428730526086538,0.4300830130434698,0.714545673786229,659.2170836226258,48.82483324665668,0.2144773019699546,106442.71142148171,2.3634414549673846,92.9543346436171,2229.302884329733,229.36700654308248,343.3251008683573,56.15121738811355,0.20213205575344434,0.19855042971307282,18.630228007170913,37.374820478599524,2.894055268093628,25.09181307995767,0.0,0.7059942757165926,0.1316398231291792,19.356924996191232,44.817208171233155,1.024360160783726,16.06907964323879,1.6033010066721712e-07,0.0001132097967789073,0.20977515123147686,20.695296009338534,40.576101887357744,0.37470737683296373,20.915407049035746,0.0,0.00014063033626880034,0.126128414166168,66.5784110925201,56.90498473837255,3.663042266538608,7.324087064089044,1.9907974977412392e-07,0.0,0.20985589073378794,30.697365067418705,61.35413168031063,5.977829135249611,18.00683677538467,6.778898452402176e-05,0.0,142.6253982652539 +0.9303341692873918,0.19141937599228664,0.3753232371291109,234.87915771899912,244.77321279312469,283673.5860014604,3.754252744936546,48.619761635062936,3.368448275939286,96.0683671566206,3.579697253967076,26.728408603828797,0.527688721357616,0.9235806282604118,901.0738686754232,90.11959095593181,0.09068133181371216,256384.20361086156,2.9549067156803686,93.01670274273243,1877.2739668667484,284.51436647952784,348.1695423476591,52.27337362507758,0.287627598409854,0.19387450939146292,38.754877013682304,57.97039083786547,2.780670678483072,17.87173612584848,3.752511370069803e-05,1.5907738412923202,0.10223156246968389,19.929839441092806,39.13281348426616,0.5451649651017697,14.518803656638228,1.6033010066721712e-07,0.0001132097967789073,0.1969176899156717,34.150571950711914,60.22968443439303,0.28779788918479393,14.252839816621409,0.0,0.00014063033626880034,0.3525397131814561,65.40251759651188,35.93995697711062,3.491545392789391,24.9498626558191,1.9907974977412392e-07,0.0,0.14935760331752868,40.45219206423586,85.37759971493251,4.955411447938369,18.729934980505067,1.6728023636744593e-05,0.0,166.83557842505445 +0.9872360708207556,0.14879191842024211,0.4418314399221115,214.45639501038235,151.419638251228,291518.8722955567,5.148002097050659,45.208353798338024,2.731973447015353,64.22345435316356,2.619673971090948,23.903321111336496,0.44634691627628353,0.9041654616294961,678.8321529853893,89.45075850705484,0.20525493866293354,252771.77915508434,2.7300155467644576,81.93004782620598,1316.4795597039704,39.73220118427483,337.8887576677113,49.67983716347573,0.3418077530583773,0.19296030323422683,15.459286282688934,34.12101161722794,2.9785417396831924,7.27073564108804,0.0,0.6480123205438865,0.13197361820527495,7.302761209655942,22.386066564533277,0.5980383549978072,5.0004378333788475,1.6033010066721712e-07,0.0001132097967789073,0.20429632667954983,15.671597981226732,36.00752936000853,0.30618370210610135,4.87140663936126,0.0,0.00014063033626880034,0.35512036709869166,34.786365681140424,23.028190120521497,5.889504652607232,44.2286121734745,1.9907974977412392e-07,0.0,0.2009857313342656,13.906834814081863,38.61294967341742,5.369968298292466,6.28453726419519,0.0005107355711709575,0.0,95.36971217836987 +0.9550969886594454,0.20378475877417596,0.4139787705342225,213.39204967279156,200.35501372073225,308769.4046750077,6.854482769197909,67.7637664282949,1.0283944605186677,87.04816435411638,1.3866589434655199,26.808453021478257,0.423313285921355,0.7739754668490427,778.8292121403547,2.698931496948701,0.33462857944609103,175808.13912373967,2.8317543507857192,92.49868252678927,4008.120043913823,211.13332616331678,345.8441900019922,48.848381964640055,0.1764125757524933,0.1922134625943297,22.18048707437309,43.35234009754571,4.853848600691533,13.492769574926527,0.0,0.8310540661182244,0.11055927445057993,23.80604890990687,43.44868034986939,0.8558777661205843,13.683739359897173,1.6033010066721712e-07,0.0001132097967789073,0.20424976248193227,26.477693006730032,49.275218699797826,0.34681983099106417,11.831688804852332,7.089249875134869e-06,0.00014063033626880034,0.20655412901158274,91.52590501305501,64.19123989051381,5.348094179592875,8.700963735087885,1.9907974977412392e-07,0.0,0.18183274669874658,47.225385096138645,86.62682717085,8.351836598441427,14.069438536001197,0.0,0.0,176.33363501041674 +0.9768707049907877,0.1863784117482365,0.4173510846680165,68.77812444366778,77.63508292642956,154793.5159967085,2.8176912600092203,49.3810119312975,0.9531877780147273,43.482704726118854,1.5053173499488164,27.36692053653869,0.43068816637933527,0.7244093464673222,655.5888073710786,61.14843029742389,0.2589952411266894,51015.191940396384,0.5105716383996808,95.85932957312542,1054.7241791111885,193.04745236756793,336.52684650470223,42.4400139694479,0.20173190122374024,0.19312983751726698,1.5685851376304618,24.585766456001057,2.5157151800110142,56.81475477525227,0.0,1.1872341541747207,0.13354964085692464,3.7966313571849706,18.50364891525326,0.2661446452291363,7.2527148645012804,1.6033010066721712e-07,0.0001132097967789073,0.20722308695463768,1.37835648389821,25.02494081464565,0.2642133317424133,56.163455178257934,0.0,0.00014063033626880034,0.14025678135714484,11.276393827260291,24.512161259585294,4.639629927930819,21.94978046161104,1.9907974977412392e-07,0.0,0.18326625555631795,1.332821172286416,28.99460381076481,3.020503787391553,18.11886177668383,0.0,0.0,102.20543909997939 +0.8849899670645569,0.13183902372976794,0.36770173650470445,25.66194154587894,209.4164985915681,208450.08611156364,6.589326010313169,64.0133325643519,3.362245983168305,11.200239620115859,4.31327369144941,29.309055529327477,0.7501310756736976,0.7857115106655721,789.5985053009952,92.61976029108337,0.30957965598020853,244676.27545022982,2.3896436827657315,85.3898719806374,4495.963720584549,297.5508274103878,345.79745921541866,34.69208854251032,0.17909390784699486,0.17724381390596664,12.604402841867936,38.52412793550458,2.088660569222611,10.84077024814987,0.0,1.186598045910441,0.12747439939980926,22.58426107269252,44.05407056235861,0.37170069718986093,7.075091896212467,1.6033010066721712e-07,0.0001132097967789073,0.2061267889482892,22.348330560251274,39.613110447373934,0.27788846326198646,10.9382503098,5.3571867759543576e-05,0.00014063033626880034,0.10732048408928002,75.84951391792707,58.58657105459275,4.234570167801413,10.631980357562984,1.9907974977412392e-07,0.0,0.20396931030768553,14.083713302114976,56.901331086333144,3.0303599541038335,10.447807530451318,0.0,0.0,139.0206725203829 +0.9554294824063341,0.13450242908877336,0.39222051351848647,129.18165140736502,143.48294154840755,213161.0956659181,4.599799351619367,93.09574567256085,3.1356912495587155,99.73035395758308,3.8913092991993112,26.790099335861534,0.3611985480354987,0.974320138029,718.5517933642109,3.4041786971577324,0.25455569789787647,103832.69644803126,2.8224682590508854,94.22015791452857,2899.2067511396212,268.3758725614409,275.4741508599415,20.229766167077514,0.16263755446141523,0.18181467261569076,4.08886064931872,28.363432663837344,4.040621713660306,8.955860452275992,0.0,0.9272657930623696,0.11820352536559428,2.029155197920146,19.541234269375515,0.6096870319204405,20.779396325715766,1.6033010066721712e-07,0.0001132097967789073,0.2001359132980918,2.97473767236179,24.996739612611726,0.31487153609022106,5.44016113178908,0.0,0.00014063033626880034,0.3569822760819514,22.39814272149817,20.375415967877274,5.959110408009221,44.2881159342964,1.9907974977412392e-07,0.0,0.1308992196206214,3.325242539235887,33.14779773996818,6.836601450925352,27.67372667474154,0.0,0.0,85.06780885728233 +0.8939416969822787,0.1206764854833328,0.44933688950788375,242.28814936540857,232.08234537433557,182651.65090169295,6.839844844444942,89.79415795046833,3.7641389999845716,88.48564396599807,0.8545726560046301,28.359592944480678,0.4126429172205877,0.9152882844812799,677.0425421258165,99.61605753367049,0.06642057281176209,268017.5646702086,2.892329221866067,73.54947202545871,4497.141679120199,212.0378286704417,344.6331239063262,28.640610816650273,0.25012881478707155,0.1988733286478142,25.180510459614627,37.68217026329307,2.824560860258327,7.464674253247816,0.0,4.0802850301240685,0.12782797118349898,12.776017108625997,30.989077418757923,1.4168678779193344,7.3892736957035305,1.6033010066721712e-07,0.0001132097967789073,0.20436447118506376,16.334996388329063,36.205522561202585,0.4465897509740245,4.539242140973068,2.960811278586923e-05,0.00014063033626880034,0.3533610087025642,60.25355087527327,33.748863113890344,6.1265647211735335,31.632258816968648,1.9907974977412392e-07,0.0,0.19188166007869342,21.361487441053683,48.221129545923255,7.538872479674862,6.92915908626318,1.5567476734375503e-05,0.0,116.65031182894352 +0.8045039721896198,0.17404069186116722,0.3481075740630684,91.19913035980208,144.60177469093713,244295.95160692197,2.1234271517857177,20.185767651988186,3.2260124920141653,34.7189550894811,0.3829788655387456,19.15132553970384,0.3646464871161648,0.8529157649019563,47.248481528284714,83.45634832327723,0.2926750566249268,173119.8073116139,0.6451013676117958,72.25680046794385,2203.6998008934593,191.13802959688343,343.726132357206,53.87358440241572,0.19800683117875328,0.19578437938425847,16.401326044163902,30.877544678560515,2.85897040027073,43.97135197872634,0.0,1.2527692728615458,0.13903480535231608,22.011773843747235,43.40057244835837,0.2650013659652088,6.659346774789794,1.6033010066721712e-07,0.0001132097967789073,0.20925742322717095,17.915888908227004,32.03297276990953,0.2382632939027765,42.74205733489701,0.0,0.00014063033626880034,0.1504326963982724,59.22585056009396,46.05173917593079,3.555273104034278,24.338901181993204,1.8511800745241364e-05,0.0,0.21319687967422635,12.234639735019169,38.589631000215725,3.2670606278795993,18.61145228436515,3.340734653856581e-05,0.0,130.31418339392238 +0.8465219563062868,0.18412367563347626,0.34815266053748006,117.22988115756878,93.95574633102623,154331.78941162478,3.901284813662471,7.794636895918956,0.9160191056857878,78.07982169995994,3.828676431419276,21.17417048881959,0.7090582720096096,0.9174198375056475,59.388997852776214,40.23428548396648,0.27930548797328103,58406.41145884173,2.4313244299898544,96.78496837002385,3855.125144733582,153.4790830532809,338.7018658930916,50.07369326823606,0.34528330695630177,0.19159142197426215,15.434754682814338,36.64613420463101,2.9747449675887467,28.12445935597411,0.0,1.0424849228483715,0.10879897781361093,20.997670265803073,40.52622184311532,0.6085097619375122,18.11318385415511,1.6033010066721712e-07,0.0001132097967789073,0.20281374596522816,19.619227668461875,38.75648387242379,0.32340045202089474,24.911382777207034,1.280062746556781e-06,0.00014063033626880034,0.19519442372374307,53.338381410371476,47.47753356236043,3.997893917055849,13.563356458118713,1.9907974977412392e-07,0.0,0.20122263458314238,25.57488557127471,54.25008055367979,4.956079075450844,22.05425716689542,0.0001280528466496666,0.0,129.2625286891995 +0.9305367859030146,0.19227352670032524,0.37505052412190026,194.61808419348193,248.57280543333485,203436.95688511847,4.869559516634523,32.32995407984956,3.315429478891985,96.01970092312953,0.449619174141757,26.73146155278985,0.4300830130434698,0.9276662325100814,902.5453418259149,90.41972203625919,0.34584182319447404,106442.71142148171,2.368611845511347,92.9543346436171,2190.824009295687,284.43378788066894,343.12684223399816,56.16537123979943,0.20603450742200338,0.19045580261434714,20.674831665761307,44.94011100494559,2.6757117122649814,26.120457767237745,0.0,0.9392752336237588,0.10782488591786743,24.754092441785808,46.76387870021744,0.9566626151425578,15.000438494805449,1.6033010066721712e-07,0.0001132097967789073,0.2009030774268786,24.212035946533998,48.825064898869876,0.36422599188195526,23.482614905244347,0.0,0.00014063033626880034,0.2038381825785729,81.77678132005373,60.71931109155638,3.2436053533756244,12.697683402418715,1.9907974977412392e-07,0.0,0.1528955511001825,46.8308514411006,93.8449045244597,5.54538606151593,22.336133923312907,0.00024340150537749132,0.0,178.21459678451404 +0.9709078687271859,0.24853046975034607,0.3348131984459046,125.99094061805276,115.10059891173516,307652.29068245104,6.673475209766837,97.5665553729001,3.1357675024369285,96.52349739672928,4.007224916697679,28.092258078247653,0.3493984501098382,0.9753606779026367,940.3484691938809,87.60020821659725,0.2602744330383411,133759.55226787354,2.6333741762362393,77.1979332996756,3580.584038356571,258.14593413544037,339.3737281969818,51.31641833586063,0.15461931843548166,0.18900447545633572,24.91478957663382,51.27646257375551,3.0538497941149942,21.156333078463312,0.0,0.6822739979092903,0.1162258818134317,26.73937819704219,59.508933492963564,0.5554214654001411,12.685265561368697,1.6033010066721712e-07,0.0001132097967789073,0.1985856653647149,27.20090734962561,55.712411125812636,0.3067997834305856,17.49150212861252,0.0,0.00014063033626880034,0.11537985154963047,92.09272990235064,67.21729746619663,3.0415900472818453,14.174164354802834,1.9907974977412392e-07,0.0,0.177451104153946,56.38783535676887,99.4356235161711,5.1988102010976105,11.60870458734601,1.2072810289574223e-05,0.0,196.7564322635199 +0.9813614713165784,0.22234691786459215,0.3555533994502928,234.07787655306606,211.1129025219165,309316.25847606774,6.46600681416323,62.04312546356794,2.5753782062697126,84.84304753342323,3.193156036546418,21.85212404187369,0.7271018717955937,0.9980949098686442,628.5691222280319,26.03308488992932,0.28802261907058707,67564.76510800493,2.6462601925590854,97.53017310779204,683.6510071065986,130.7097830834824,221.96129314516386,36.52697681854277,0.32361468019493084,0.1919246035661546,1.6457984137103014,23.829464514087928,3.554373449551089,5.464884831049778,7.935774895458525e-05,0.6726880336567537,0.11907499201062091,1.4815461386185187,17.502335569025984,0.8507007230691844,19.05880594061463,3.6451661381150805e-06,0.0001132097967789073,0.2027095000191059,1.6921263126464225,25.391764457438118,0.3442875801582682,4.758973030356844,0.0,0.00014063033626880034,0.35593958594856795,6.441455033392687,14.472773361220895,16.10520246539613,56.41399413699341,1.9907974977412392e-07,0.0,0.1430590733783132,3.1439195265590034,32.2545681054704,7.379303325327482,41.890180709122525,0.0,0.0,92.24399569655309 +0.9290176392047498,0.1466243116942465,0.3463617679216759,105.02263251133002,239.19052287674174,143282.5969265677,5.158956054785913,47.58223351990502,3.0597044395258197,16.411989248453715,3.5704774579400103,8.230293078491401,0.3123674512726405,0.2707689259617674,932.1268492076177,83.72892043317754,0.2515466738330453,64637.42487721951,0.9464149989574163,80.21827531204221,913.7784809781651,131.96189725613388,345.35140723890856,39.04891435755938,0.15355171283998179,0.20132773171184556,3.6145794465418164,24.9528778552023,2.7213582578339963,53.191195396242605,0.0,0.7822843682450829,0.14618160209449912,7.549954325572473,22.497825902646287,1.0580830696148693,7.8689409760231905,1.6033010066721712e-07,0.0001132097967789073,0.21528548072880524,4.102666493604714,25.478165422392145,0.38909679769983374,49.39346715604434,0.0,0.00014063033626880034,0.15097200908127043,22.603412393438497,32.67544193706794,3.4607983390623613,17.74185592599777,3.091289157481934e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9658385924080365,0.1865956255448539,0.4399512256256129,219.54859284648282,249.5486842352609,152304.87552030172,6.927366812716332,76.90534118944434,4.817073466917126,41.47481277543075,3.343267624247127,26.26418868319503,0.3834472919780249,0.8990424585996358,919.7687232132705,22.56212034243569,0.32345652800336155,201433.32440033343,2.694613709489691,73.6269025368386,2764.19455733469,271.96197076655744,346.78308859968945,56.758739329677205,0.33241882974155607,0.19229202531639397,19.823644250482307,40.091080680397575,3.384949240369722,13.411436086366784,0.0,0.7799581488541818,0.12756948045537814,9.710023519448583,27.047402348312215,1.5833525768782162,13.034477916292666,1.6033010066721712e-07,0.0001132097967789073,0.20074685918305515,22.752806819861373,47.50319975754981,0.47758298180830766,12.33346011527043,0.0,0.00014063033626880034,0.35307423360467355,38.992065964738615,24.583610910764474,8.339331120190383,41.975744329329196,1.9907974977412392e-07,0.0,0.14425836491465918,23.451420145965585,56.55153724033499,7.591545147847802,13.778298678507786,6.754152630510815e-06,0.0,118.61299418327366 +0.9899353217068698,0.12247940960879677,0.4491577065581683,226.56627344796456,242.79476533965806,348952.3574650015,6.512505606781085,96.54267023306866,4.4375921576057165,89.387569075234,4.205802709318361,29.598072852633262,0.5359125151335844,0.8392069559248112,942.9562069831933,83.60461946959151,0.32880885740330684,173268.5522330084,2.815243021429219,97.41971657744388,3267.5183610222575,253.66171420488985,347.257451949324,55.74387982190495,0.3047017667032836,0.18731624020335014,19.754408724581076,45.16852129925088,3.2643714915622617,15.002321646161331,8.836528608316021e-05,0.708756262649636,0.08706130542884578,14.51513613099859,30.930870740656164,0.7895511595639687,20.253592618494253,1.6033010066721712e-07,0.0001132097967789073,0.18504426809012892,22.358233257579517,46.454991688455145,0.33130047287905234,14.513521817235782,0.0,0.00014063033626880034,0.3534042103903423,40.54186984495888,25.334854390861302,9.057248065388425,42.912922095845374,1.9907974977412392e-07,0.0,0.15522574720063093,25.692344613548123,59.88856923629549,6.982422484073276,20.475644540379495,1.2063980909603729e-05,0.0,126.63975869426874 +0.9638972135291876,0.18801944965053044,0.4079693284477765,247.28794966812563,177.8108297679354,236619.24884668953,6.21291654219777,59.182131540575284,3.4265943031421244,95.77055154681146,4.754888204222657,24.85836735479954,0.4268374589735528,0.8934920601240192,908.0045709819852,96.43542871546595,0.05760651402157907,206636.94570059594,2.9499371138726005,99.8037732287677,4801.505008171227,232.20913760631947,347.42335195694636,57.771176915048585,0.34045250031666,0.19899672732981685,41.41716676605424,57.20858959105334,2.9164978799569363,22.239715234139375,0.00011855272065884603,4.598528591729713,0.09256714338955369,14.91077252098869,32.19949538460825,1.0042864197966967,20.520298023877498,1.6033010066721712e-07,0.0001132097967789073,0.19695606445322453,26.720219006763738,50.32994314712304,0.3737562355940516,13.602558585674531,0.0,0.00014063033626880034,0.35270425969284686,42.796115814694375,26.120882317906627,7.385261882242209,42.110571947495814,1.9907974977412392e-07,0.0,0.1470943763458258,26.27169738214866,62.989737444515015,6.260894684389484,15.174410508241156,0.00025465488923005617,0.0,141.05030395924342 +0.972495644266764,0.16136979770508011,0.3502819720571847,148.03094113399428,210.195458709783,267511.9391437007,2.660202172057831,51.31635900395544,3.6499966708889806,91.31312933505016,2.954298360476993,27.870521765280383,0.41409673306051925,0.9538021891586476,635.7488681230511,58.849976847850286,0.32773857819961816,131304.35068598177,1.3431585847250538,63.198891301631264,4901.928752359654,286.34913983866903,347.0799257405748,48.530618173323276,0.28170797588732377,0.18969776311547143,13.138917598922008,37.390613394342154,2.675369207279132,35.43737353575954,0.0,1.1712895961300218,0.12241162322416105,14.27227467395971,34.201968512096315,0.24176926652006914,8.349077089034683,1.6033010066721712e-07,0.0001132097967789073,0.20045838060935048,15.080113090179987,36.2335429016952,0.24796015133197397,34.92773374667396,0.0,0.00014063033626880034,0.09390272984192667,34.447635936718854,39.59269573219223,3.7915861382208935,10.737512475296073,1.9907974977412392e-07,0.0,0.18303243740457295,25.659305387806395,53.31590866428585,4.394672114219937,15.19424330688328,0.00020199726637803897,0.0,116.93477158450733 +0.9197751887097494,0.22869324813782582,0.32321333563065274,196.19525455256226,243.1821771817051,315857.78425077075,6.993534047440847,93.46644103476481,2.908189691880289,68.20048281214349,3.924531324122043,29.573203900209187,0.5146460008694125,0.9916920315235194,958.0935214575998,38.53094683213704,0.2760697224680797,283690.0070463933,2.784001937242681,74.3292967089489,1747.3058965680746,263.6539135266274,339.5528807304296,55.028606224778585,0.34360524521931696,0.19365027451188507,31.581488234223947,53.90161503561278,3.372307029979959,15.559240450869362,0.0,0.6466851254390511,0.1238324973171672,20.676984876645996,40.55129830654793,0.8826457421045645,12.042278196857144,1.6033010066721712e-07,0.0001132097967789073,0.20442403299224865,32.54033314893519,57.61643680347622,0.349720387212819,12.827003237662876,0.0,0.00014063033626880034,0.35340704389513417,65.36818588012929,35.7354296851868,5.79568975494933,30.231385954771195,1.9907974977412392e-07,0.0,0.17138764534487394,39.796086857589415,79.25302413539463,6.984985258844766,11.210981913603568,7.552792837118672e-06,0.0,159.5450416181347 +0.9715928998964994,0.2374717450844257,0.42124185269878983,196.11004190645167,207.34627533444768,216787.42078875404,6.655915110942727,95.8509242150202,2.5254132969417094,89.04725304381952,4.741652517328763,26.378227707130108,0.5069111333431022,0.4030260820101203,998.2169584271511,30.588843744596502,0.10597427252937153,63395.20272785229,2.9627050935509027,99.01350027931977,4721.750414818697,123.52232468062208,227.76637605507963,43.86279184636512,0.30589330667583337,0.1999134771374422,1.5134071568503806,24.210881702767242,3.159192317888749,7.867727003867655,3.766838391331055e-05,1.8965960400364332,0.10674561336594755,1.8561208380113434,18.101090005670734,1.1235649264889713,26.515216826701543,1.6033010066721712e-07,0.0001132097967789073,0.211880835904674,4.864081801979174,24.227450447576096,0.3944568896647949,6.071124237850781,0.0,0.00014063033626880034,0.2835132326668806,5.156744418388959,17.555699470435183,16.160595338164317,57.01459154975814,1.9907974977412392e-07,0.0,0.19506052197329063,4.7807970236020125,30.271481220216657,5.605216068089531,50.68371391361567,0.0,0.0,98.6575193375776 +0.9810338834494581,0.2500288208735111,0.38390864008514947,242.40291644252113,231.05766463314217,312611.2316015363,6.60612392780538,40.25450071057187,4.266672965623474,55.89122882347803,1.1295346886791282,29.760212620276356,0.33268510233019655,0.9619875669660449,235.4745703236701,83.49617158381776,0.24436566752787447,285925.86088837,1.267702861563216,8.680798992791466,3599.716849971526,250.30039756711952,333.4438645460992,51.25683241834152,0.31141085191911794,0.18851601943937069,15.172543116513687,32.970702969217974,3.6118027048365997,22.68500166454029,0.0,0.8019760616034113,0.11352700545406733,10.561999385468118,27.161993592074854,0.8997069241689938,3.3984635039017608,1.6033010066721712e-07,0.0001132097967789073,0.20167497761204645,13.667680654543657,32.79397938373473,0.3511971042255419,19.34857361025358,0.0,0.00014063033626880034,0.34110029686539217,55.79228173242872,34.80493759267834,7.696907279482301,7.25786543374958,1.9907974977412392e-07,0.0,0.17900949635958546,17.68621614894954,36.59823771413846,9.378690366057901,5.936222204153821,1.1713319769552455e-05,0.0,102.74118724142299 +0.9039989873358977,0.12669799626466755,0.42375810894076044,187.30228755151174,86.14839077079756,308800.66700951563,6.481759749280877,14.998916519126197,0.35371015163230946,6.09800748865721,3.0715054003721316,23.125908992489343,0.43361373047560536,0.7783418124327406,633.8275850803057,50.69900866361145,0.2301461901381304,68282.96566664975,1.3190145026929418,46.83084966521642,2005.7027192810242,228.8960251171489,348.20752875210326,14.37397692629547,0.26663990250016273,0.19639141203515986,1.0847713715289296,23.922327711282737,3.288458809540079,21.767357933738207,3.479800820608406e-05,0.6653850109876335,0.1334091252756471,4.405163769992295,21.3283276737916,0.5339270014921478,6.339761325051578,1.6033010066721712e-07,0.0001132097967789073,0.20716434539321696,1.2758891077845032,24.871127077721702,0.30621744547335894,17.22991696484642,0.0,0.00014063033626880034,0.09106701041988849,33.20764998441495,38.97362938209084,3.183546671715645,9.379807240026313,1.9907974977412392e-07,0.0,0.2156364651211857,4.676205668552939,27.832758291358974,5.52772750839515,5.819261791575024,0.00011642896589844126,0.0,77.91909235556783 +0.9114202396339397,0.2274156773263254,0.37395265793664495,232.80868972862922,172.4198133999631,178089.2176283268,4.5255065729591575,64.52635875685175,1.3259979319042146,98.44172709496888,0.5964681850488955,26.053460081472675,0.47415099612091466,0.5514220103607025,838.0983400072103,38.713492173839256,0.08739474403029063,293393.91771169845,2.8258467381157364,90.71758459044129,71.00903867954912,224.07211299318593,348.31281408316454,57.880002344232345,0.17598583293108644,0.2007349240271623,39.46197094980789,51.31520176383777,2.8380852106092354,18.94259444239088,0.00010287689141411442,1.7515235649422616,0.1389443234586008,32.0527962937649,54.53299544372529,0.9506800608482403,9.6692842297935,1.6033010066721712e-07,0.0001132097967789073,0.21270707039293776,34.991375024869775,49.59945745891702,0.3667024106297401,13.448025491894464,0.0,0.00014063033626880034,0.0937314596359627,95.4247670680267,64.72334412631774,3.346842122413051,5.771618823040107,1.9907974977412392e-07,0.0,0.22853767109464454,46.034888883625996,80.86152591018546,5.30364804631135,12.892624763102397,5.818458563147345e-05,0.0,186.31526548380924 +0.8967564893447368,0.1897991645412622,0.32060120286729177,176.8972658078683,118.99895623453605,233594.46269632402,4.702076583169659,49.61200261916791,1.1607595277415335,23.03192109154028,1.2210478001819318,6.410859875116232,0.3716920674155456,0.6613705095719304,117.92814319626382,2.7377062307623916,0.06871370979767703,203478.6556130373,1.637515784780976,42.2616196353383,980.0495529290765,64.63615214445062,308.68174185114094,36.148318495279625,0.2557369976496027,0.20072343171653886,10.351640733204823,26.341260193100695,5.319927525440858,14.420122676667011,0.0,2.1229288493097194,0.14457499870039384,2.8855647995436318,15.33831100050954,0.5864377003960782,3.171626145875388,1.6033010066721712e-07,0.0001132097967789073,0.2142476040501433,5.28373823503656,24.29307536888078,0.3110673116232918,9.004348671899352,0.0,0.00014063033626880034,0.16473550141899826,40.50817827478973,31.593966224303003,4.3096912628825255,4.767588247765605,1.9907974977412392e-07,0.0,0.2234317946929648,1.5046785634569693,18.811402895106482,8.231435860853109,3.317665850511219,7.549714110536475e-05,0.0,71.48763372221 +0.9745751742267132,0.15271722924666511,0.37725597894476975,116.91680925068387,246.65514092153194,273092.8182125108,4.794524841684828,47.37613655874772,1.9780153221305294,86.93911471933977,3.1446861729422735,20.20440896373013,0.38109503892544055,0.9357620423001316,898.4131359635481,53.01717679845714,0.07036362156213961,79590.64524392449,1.4754674557374028,46.69628891447267,3158.7289393906967,69.90039894051284,335.04707931915243,43.577369552333295,0.26021687718957315,0.1975534200344679,12.463822381049017,26.641857954394524,2.8606994013081115,43.38192379697241,7.239136150141786e-05,2.504291740871184,0.13331001351671698,5.3071461524539,19.973324950563157,0.5308830267536159,6.044639568720606,1.6033010066721712e-07,0.0001132097967789073,0.20288264636940315,6.474985721348786,26.19582553140203,0.2938133582559447,28.83296648703069,0.0,0.00014063033626880034,0.08901408743924116,32.606028008385586,37.4447787695644,3.0818696579492566,10.251006191165025,1.9907974977412392e-07,0.0,0.19769407050698082,9.445439511620554,29.328856547136528,4.930013956869421,11.263326302434502,0.0002936391777435641,0.0,92.0088588794057 +0.9861147739343747,0.2628180503026526,0.373193498144847,207.2559649164328,219.30413814406964,343267.2198234886,6.255858936449654,66.00500434428884,3.303308467912798,98.58341297228293,4.5133767016937485,20.39602358466414,0.4269494166244945,0.9843435970608684,8.146153257451637,88.36653272856759,0.3083231807967225,285284.8044677783,1.7071136117037782,97.37940854224888,4655.118619008485,129.51140377410314,339.9654240605603,57.79947053890683,0.2611859582265257,0.19234126070307808,22.710587296203457,42.89764239743705,4.145211274236697,18.38711063051559,0.0,0.8167668444875962,0.13394960845844225,17.37687737091865,38.05420814283423,0.715018568374731,4.142118859657669,1.6033010066721712e-07,0.0001132097967789073,0.20510508716735945,23.06957172140007,44.162815757422884,0.3204997669796074,17.838277756784056,0.0,0.00014063033626880034,0.2596069342849125,66.65718961710058,46.831101048685035,9.913575821498476,4.966667595335409,1.9907974977412392e-07,0.0,0.20634615920748375,26.981224496344552,55.1519802268363,9.787030603805043,8.06672184896203,0.0003939767927572664,0.0,134.0544651532063 +0.9884191628582302,0.15940561359264005,0.44160463433489566,191.4974066413682,201.5775271617016,260470.73547690146,6.349728787572923,82.81011104749552,4.657781717577945,97.00155488296696,1.2163086109316672,29.418362243334837,0.7447524622991013,0.9388376742318516,868.651546488616,42.648486732576366,0.34296406077490166,69002.17236741728,2.1853278153908318,75.7079621733636,2806.234317133853,264.130287810022,221.89419505112835,10.088419990251001,0.24750476894266354,0.1812079034100108,6.479641316656351,26.896844405993,3.1599487148287944,8.73723910228361,0.0,0.8281441861606479,0.1239837729616866,3.463922756005376,12.875357958804578,0.9043211117388714,14.474827757072278,1.6033010066721712e-07,0.0001132097967789073,0.198509908818229,5.312822081072536,22.62457440649331,0.3568502866496807,5.963540535658089,0.0,0.00014063033626880034,0.3560808230744785,7.446819205886075,13.666359435864253,19.323543881491872,60.279471589270955,1.9907974977412392e-07,0.0,0.13975628482291286,5.581687425624218,32.205094289793315,8.507434840727228,55.097276788453804,0.0,0.0,101.20384996575584 +0.883321057006615,0.1278857897119259,0.4153479580323489,186.52011206558845,246.2519994574941,221463.52401353454,4.063582643606283,69.04003321039332,1.2001766169328831,81.27356550701063,4.343882717407962,27.774259565877664,0.4827314170054575,0.9325076805700317,944.0143378171718,63.38246428760288,0.24707236349427575,117392.27878432034,2.655825665848983,93.57379398238396,4790.173334430385,298.2667512272384,346.0129714665402,59.86015836110383,0.24774336947640394,0.18508317661418494,23.83423099874438,49.01429765703742,2.6703487280253877,23.644463950202372,3.710749662580871e-05,0.7638327062493895,0.0902595673307406,23.94877835384325,48.24459614954278,0.7192026518007957,21.394219390348766,1.6033010066721712e-07,0.0001132097967789073,0.18727005150303366,27.470977821931324,54.55578913514449,0.3229583901188348,22.470275193826627,0.0,0.00014063033626880034,0.23863218346371076,62.870212072546586,47.30075373508077,3.584349691763305,14.068666055649746,1.9907974977412392e-07,0.0,0.13386346026427212,47.519221747107466,84.41131189450464,5.674222990087466,34.2641399775901,0.0,0.0,167.6994165144031 +0.9793145220200477,0.16248827489997114,0.4256494350965214,172.73688820233227,233.42081549802748,322251.2531249903,4.464220908881656,32.8626851981641,4.042301605303699,84.20536797136795,3.953691248697325,25.035230572517598,0.4989617236342574,0.9090590923027159,233.7645862006123,23.553780964314758,0.1306489342250151,60571.32777800406,2.805658427824055,97.85908471616608,4700.9168198571015,69.50386547393285,342.69528088553216,19.764152649806018,0.2295042093519703,0.1914362123724441,7.6163747154348265,29.066175530853137,3.6767251056027184,4.766232099884141,0.0,0.9631170033084645,0.12544157048245233,7.38256801232908,26.82119523770027,0.4810033861821247,12.19310675627336,1.6033010066721712e-07,0.0001132097967789073,0.19996122995035295,7.159091428015824,30.289214369964963,0.2800272091103348,3.2611921819262886,2.8591297813512273e-05,0.00014063033626880034,0.2665251724208527,54.23734230123763,44.454513558089346,5.074513033596847,18.467361010515383,1.9907974977412392e-07,0.0,0.2016608930461461,9.7627441780908,38.5491693318711,6.315973773248678,6.541656493906942,0.0001902836683025021,0.0,98.95011469463826 +0.8759306632405355,0.19241601040089357,0.3458563845584395,163.04445045835485,164.7954724706978,257057.99566205495,1.6544351088777176,47.021076560656695,1.7359685165455023,94.20634143460161,3.8705054600430318,17.976347527947095,0.3811331924707749,0.9262285227119424,77.76547601396493,39.50285870441287,0.32135558062721253,54607.749146033966,0.556712002568216,82.76061804290067,3244.133247005891,199.28986064893786,290.3536848866284,46.17012534748982,0.19978193945575967,0.19502272498313472,1.9500600242851456,23.18268668377912,2.9590736717036776,56.963303407494315,0.0,1.3247021189114259,0.13498719060558137,3.279081132413451,17.85293953217822,0.28729375183292577,6.017750133087534,1.6033010066721712e-07,0.0001132097967789073,0.20953425652721616,3.0703385709959883,24.034597287052854,0.2354626857342965,57.66947607847127,0.0,0.00014063033626880034,0.10061926263558538,9.601863059701014,23.60695811201873,3.559843421434353,12.688468144968212,1.9907974977412392e-07,0.0,0.19908301372921144,1.744313637635069,23.03672326337038,3.5973526215805234,12.35190735219411,0.0,0.0,97.96838624513079 +0.9689353666947319,0.23792082085019925,0.40666210638368344,129.271650916346,135.04602499282205,211203.77278305052,4.762117251235628,45.88316953000185,2.172643885009923,41.10883588966679,2.933594505626657,22.491232780632753,0.38425494343211897,0.777736997914943,697.2458256630682,72.7036510012717,0.1808479735862565,69078.59873313605,2.7425326220022233,55.11064346642674,2900.3452745017125,117.42614860385645,345.818888725224,49.57785148120666,0.16727866505170888,0.1962893175633014,15.943717382175562,31.268104537674137,2.6871293793511133,19.941500238779785,0.0,0.706769629046723,0.1292554098930044,19.498477003985993,43.34243984205776,0.628627533842938,10.924468618756743,1.6033010066721712e-07,0.0001132097967789073,0.20756626762906114,19.361024111417038,38.7088051621871,0.31914729512263196,14.182718888428745,0.0,0.00014063033626880034,0.11001130756062279,67.90153745861056,59.05521493710527,3.650391317228345,14.726810744802181,1.9907974977412392e-07,0.0,0.20624014019688044,31.934373067956923,61.200302530734504,4.799136125238169,10.744731726284714,9.878070435796972e-05,0.0,139.00541666020877 +0.8782279289701255,0.1359754377917734,0.3278686065068842,53.87711293276385,79.48400860611144,305663.14934902947,4.397202966203512,94.8495054478594,3.8272449118773153,15.957091638052788,0.6667220822980545,13.433782777041312,0.3486839574430378,0.9402483215307584,125.73963384843027,20.84379714018335,0.25189358500698805,172629.59118420279,2.183805455465826,72.54967097912105,2332.075752503311,141.0582287218525,343.22590059415785,51.78632812630105,0.16373418844946203,0.1956308416268764,22.472602622241066,41.69670213429326,3.4993129723002854,24.926689212825924,0.0,0.9198226121411957,0.13734690871289398,24.359348330071267,49.92789996693116,0.21123378308977211,7.048833509637505,1.6033010066721712e-07,0.0001132097967789073,0.2095605515116824,24.301147015372532,43.86194250350957,0.24568516990518988,23.228497970428887,0.0,0.00014063033626880034,0.13156228181619797,78.31938298745158,62.43437255287099,3.759590042871975,15.449992584936988,1.9907974977412392e-07,0.0,0.19971523996856624,18.50067721845376,62.95243348299033,4.23117935803361,11.02126917138134,9.715494809252661e-06,0.0,154.26481691098786 +0.8411712847478496,0.10271417533893933,0.38157328074369684,162.34907396684943,103.27391866685993,318280.33583822916,6.706166348644922,46.565179420202796,2.4821899954907494,95.32256557766664,4.0360368248731096,18.58109416351054,0.3970333652726164,0.7601609772865879,891.0091254983183,93.78213915232573,0.12380631333865619,54782.97882883232,1.4731455657888177,44.875861413926444,4939.625108683324,195.58540069929978,256.60025644836776,34.41609031950698,0.23379875439215242,0.19959579168382455,2.3652859169044986,23.819250894934758,3.1075185235339933,25.253731909377766,8.154503792956817e-05,1.5797133833739019,0.1378466331033356,1.3838765134996907,15.084412165910148,0.5609974071992797,6.070536369225689,1.6033010066721712e-07,0.0001132097967789073,0.20941354174925497,1.6658139002988777,23.64230280243005,0.30799335158462077,12.962635592375106,0.0,0.00014063033626880034,0.34255553593941024,14.109280515208606,16.2295917430477,8.04512871217624,46.26463600565675,1.9907974977412392e-07,0.0,0.16788512065618258,2.0741735721026946,31.89143265346602,5.516366021555517,26.55880118598503,0.00012371046048635683,0.0,81.51294107158036 +0.8974713815475532,0.17409120855006283,0.4077921180531195,202.07239485672653,239.80690704981606,238309.65315189902,3.584368914038314,25.823082483113563,3.3366430521639363,5.1448139244780435,2.882176052599962,24.948799083662337,0.3016918854920269,0.6938508854555023,314.0712538240896,53.73988572332689,0.23128087949029108,68273.0857813255,2.6786478655027746,48.40316183728007,1525.506179050598,252.08487088196605,317.7459052314409,56.889340004070334,0.2179092174402453,0.19512325284356405,9.299080793153054,30.3603046890973,2.9451005629537264,10.340069281687668,0.0,0.7809875038703294,0.12255869985627939,10.26856921964135,28.80125365344284,0.5882359618485771,13.528770974895568,1.6033010066721712e-07,0.0001132097967789073,0.2061313421904524,12.472805794075937,30.420891313287868,0.2984347341899503,6.593443980655644,0.0,0.00014063033626880034,0.1627265261484123,43.808518575631865,38.882189370358674,3.0221926665908097,8.070904422113328,1.9907974977412392e-07,0.0,0.2202617081524823,9.35159489276117,31.34535540684195,5.287326006065062,6.513140349025122,0.00026668481565145756,0.0,89.51608899448338 +0.8621029480777668,0.20855903530688769,0.35487883733688136,124.56625711641632,241.05431833866163,343408.3116646293,5.8361096076534995,10.793327590572915,0.6601323755436657,81.26649407431772,1.902204522736705,24.704114563355592,0.3920061722225836,0.7762541010490209,596.0982147961084,84.74055676514867,0.10783818157895622,214674.3446846294,2.862228177676412,83.28596514484539,4429.598929523866,23.957871661673494,333.158490925884,55.58392138763433,0.31979991885895515,0.1991264052406684,28.45560890078685,40.844010151228275,3.1873659040654365,15.615562130968344,0.0,1.6380880821209454,0.13492471411796678,17.37097767581072,34.63752806115721,0.524232291769217,4.374273238702419,1.6033010066721712e-07,0.0001132097967789073,0.20839214649073637,24.078867721491406,40.83682777709977,0.2909381917405428,9.168562382097834,0.0,0.00014063033626880034,0.32724485671650005,67.92143951455874,39.325750139536,3.9918089590328414,22.880490444640234,1.9907974977412392e-07,0.0,0.22812700243603332,25.609195480062787,47.3284120688685,5.7169476567779025,5.693791637175113,9.013830554398667e-05,0.0,127.46610418409857 +0.97804403665356,0.19398986587047465,0.43477677182751706,145.25901381354402,212.91515555102728,239545.87109621195,5.34643551303818,56.336067326806784,2.7079953455131065,93.5957461582091,4.658914844292866,19.72396643382311,0.5398101426553015,0.8523858256549679,686.9377024323031,96.45047967688595,0.200491153424951,192758.86237873876,2.909794656150246,94.95481597595538,1598.5643249236582,291.95716858826745,340.85610551077826,59.19381303602136,0.31828861620836635,0.18725941194425055,22.099389061838533,45.52323638581358,2.7903195774328573,14.536995630648356,0.0,0.6760948660519178,0.11847426272347926,10.78362688143618,27.639767241237234,0.7551218396633296,16.055118444756417,1.6033010066721712e-07,0.0001132097967789073,0.18919741665314446,23.81455739970636,48.91540503638469,0.3336804874394261,14.289872543449862,1.8133644313284818e-05,0.00014063033626880034,0.35110097454778816,42.3934570999336,25.887292089929428,5.336942380187919,37.731041121937054,1.9907974977412392e-07,0.0,0.15113643072666957,25.797666099891426,55.081170602733536,5.570990237504011,24.13155724495844,7.47145782524563e-05,0.0,123.75614286133819 +0.8218818726254421,0.11950950665863969,0.32455095007092405,21.58706351892289,75.02568611899996,197499.14182715147,3.7887702694807177,13.01531787035644,0.796889738158731,24.570787456341563,2.409126547071803,13.035300820615243,0.38149332802060737,0.714758573093735,236.41050445365588,26.618126959149837,0.08550640238298926,64273.90061345157,1.3378646347024445,84.45474113621397,4189.617752870498,221.20547725542048,316.50696850347293,33.219172983237776,0.25357638434286184,0.19956662111569257,5.251325732085654,23.92456991582975,2.6557528326833584,39.15639540830188,0.0,0.9403147231901571,0.1416903805250175,4.454989880510367,17.66425546953659,0.24436999587028552,9.139792150688953,3.536884886082052e-05,0.0001132097967789073,0.21229625157096607,4.690201899007024,24.852530421884673,0.24244277052437385,30.277032394574007,0.0,0.00014063033626880034,0.1344962879289558,16.502886146434815,24.091289794354672,4.340181193214262,12.450516982801055,1.9907974977412392e-07,0.0,0.23452776172281417,4.153348386210246,27.361826201825853,4.2169067511550224,15.079771762923848,0.00027797274364377045,0.0,78.42743046823247 +0.8919834901962937,0.14015793579266053,0.3423087722643124,58.75546683877227,188.6594547178741,231574.10125402047,6.5972187143881165,70.71182584969856,2.646145152329285,69.11507182715344,1.1663386014831276,19.062337183208108,0.36922287947909715,0.8274559128455791,72.04062351864798,8.080361768514182,0.2858619293862077,59264.8157589468,0.8475281933649306,89.93618384131348,2793.68070521969,289.57397487543403,347.7158228996356,39.58656604151984,0.3498716339342254,0.19468646216835467,5.899256385982536,25.784065510298635,4.349466394065266,64.46726680223286,0.0,1.0052760510641727,0.13502964812590007,11.37610271051005,29.153298628747663,0.597923586683986,10.8980686913096,1.6033010066721712e-07,0.0001132097967789073,0.20781646705360787,6.974326573953961,27.38690079003557,0.316217505378782,61.98332412892292,0.0,0.00014063033626880034,0.11532896933753825,27.435665395097,34.89802741214572,4.016058039560335,12.883791957631837,1.9907974977412392e-07,0.0,0.21323250419506853,12.402551043285072,34.09783311948373,7.053191425622406,22.761873185487232,3.4351624895451746e-05,0.0,121.04524361973498 +0.9275038838231695,0.14828058408722494,0.32413849753901036,50.539813539812144,87.28909030470429,103664.41688544035,6.4416765009523225,43.47566592313054,2.696720202729332,52.45310617351146,3.8245014872831575,18.012448185947687,0.4125636148547036,0.9988426596766012,483.5003137965388,60.92290414854906,0.3131258702894311,86661.38240094607,2.4136918972674763,81.88455281932524,2083.025774108185,290.89072083097244,343.95552203556997,47.780491181503805,0.20290346111056531,0.1878133063284944,20.600984640353374,47.49982144237699,2.973058551336483,28.65980889232441,0.0,1.040951790311795,0.09262410211568711,33.95691505713448,65.82807042294732,1.0804739421134095,17.180680961077613,1.6033010066721712e-07,0.0001132097967789073,0.20114405587506679,24.49504394819991,51.91458566630915,0.40314128272013683,25.903765808910343,0.0,0.00014063033626880034,0.09630150848093025,76.2552225762286,67.07875739616283,5.056211235472649,15.484669631139324,1.9907974977412392e-07,0.0,0.17802805151618178,43.891425556212525,87.86696953915951,4.9076521524022985,21.494136399819656,6.714186209226849e-05,0.0,184.3204242287091 +0.9041527052740019,0.20969393714556084,0.34570360401575895,172.66281607863112,84.67367793225117,313372.97089759324,5.912826158152198,92.53051728499352,1.7335918903298229,34.777236465847096,0.35646088383712193,16.41156151452443,0.47696785306111533,0.9008097212028094,53.189354090721224,50.69569890146703,0.2041438726769262,145266.5079450749,2.720214294558449,98.87459299608412,4704.341092752387,244.96345151549542,348.15117433574557,57.822247884801406,0.22953603791454083,0.1953236543886221,31.695745728657617,53.80514266580787,3.8775267965146423,26.456176965835404,2.524951761119802e-05,0.8461954175826818,0.10724392255256196,28.774900251717426,53.63202278019049,0.448421790544459,18.586943232594425,1.6033010066721712e-07,0.0001132097967789073,0.20543228216081733,33.93653502790936,59.29969927014317,0.2913169192007055,22.925679321817814,0.0,0.00014063033626880034,0.13919307569071482,80.87614817666027,64.51303674793313,4.461956429890083,7.396330216632481,1.9907974977412392e-07,0.0,0.18498418715196205,48.03010651033635,88.46740884921151,6.867085162421764,20.92906522472199,0.0,0.0,187.76414076637437 +0.9884414601929677,0.13047216196174782,0.42566438453066907,169.38170254726924,77.0954310039174,129340.60509096558,6.030051791223226,32.319350558781785,3.4079765575804495,56.486038685070746,0.6661525497986911,13.751991022615307,0.6781288313495888,0.43254063703204426,561.9300516782598,57.526487728445275,0.15508502366357735,65483.126168850664,2.816559261953683,72.38698611493876,593.1581286525898,39.76674404182133,241.57921005857744,12.663330716817038,0.1519676165669626,0.20103886183528633,6.045235511790843,24.166804062296954,3.022006788365377,3.878872967206589,7.481375933815792e-05,0.9983234674556247,0.12083273765534645,3.2691089420857717,16.270649240461836,1.1262473090668061,23.158947654905703,1.6033010066721712e-07,0.0001132097967789073,0.21332401774381712,6.42189436510731,23.616381190982175,0.406270062986667,2.9943771136868036,0.0,0.00014063033626880034,0.30707035908272823,7.606633040546608,15.45653093643155,16.990364738286537,57.85564758309379,1.9907974977412392e-07,0.0,0.20069394503967486,9.894436348598823,30.654829202301315,8.001739167366011,57.15853493890411,8.904452691599183e-05,0.0,101.82622048833166 +0.9745332454899088,0.23501119407335463,0.44077415276998055,126.20220620675386,192.48300527182604,220643.17756721913,6.803698083486002,35.86573749158009,2.2887176043248934,83.67112426062756,4.430559138732141,24.667098130532462,0.6773915396249321,0.6756194386962843,929.9384130800312,55.16627299632419,0.21405171689757857,70982.01169707133,2.6674888169026634,96.70091532125736,4702.4601279773815,214.69086310438286,221.5465013434835,43.1863665850709,0.15459851321069865,0.18772859317230842,4.5983903144842095,25.85073574054122,2.9252413307001697,10.969707564822354,0.0,0.7069036549082606,0.11466727076730171,2.014578250657155,19.13092219066216,0.9484910713649874,22.234251106263873,7.512261892441094e-06,0.0001132097967789073,0.1980288873826602,4.668596325885475,25.945893642310793,0.3694214776869831,9.212934467594817,0.0,0.00014063033626880034,0.3363106428461235,1.9230860519253605,15.10292881575037,15.950674085535345,56.763107285326,1.9907974977412392e-07,0.0,0.1657653098173701,5.538608440231343,33.45288310945849,7.1837153777235105,55.7897326927524,6.852110815210927e-05,0.0,102.40351521016814 +0.9203315797065247,0.22841878277576616,0.36669502198045545,148.03094113399428,45.828550020578064,281423.9936700299,2.5715682953990546,79.94299564425839,3.293781440426708,97.60813841062159,4.1761656516801295,21.883059968173633,0.4509550499535606,0.9372999965895553,636.5043727421864,27.59042550830586,0.32773857819961816,195548.20007025468,1.3431585847250538,91.14279308107581,4938.67898311074,212.16728829240682,348.7580974554566,52.343450539136406,0.1621804813421025,0.19355813070267514,20.958629736416384,40.6490826322898,2.8050823676958156,30.86937804076249,0.0,1.1957163609893957,0.13506778989140086,27.169345182467474,54.61581913453141,0.2976674544475713,6.731313557063774,1.6033010066721712e-07,0.0001132097967789073,0.20684391506390543,22.260170778916645,39.595973605513905,0.23926856918309378,31.19660769851945,0.0,0.00014063033626880034,0.14453895146906995,75.04611930288308,58.62801412588259,3.910578618242068,17.53644384621664,1.9907974977412392e-07,0.0,0.2207739539831416,35.24141580097124,64.35860447674915,4.392494180854455,15.847673842874828,0.0,0.0,157.80846848423894 +0.9271282547957725,0.2419890945522369,0.37134562942607874,219.14892696929095,239.31381963113614,300023.2380876944,5.75546039847321,12.664775538953414,4.378668725398445,82.60611855409618,1.8431365573733365,28.041888342114476,0.41474126686888496,0.9740486260802941,906.6304072799667,15.202245947628494,0.07333338069242418,276636.116566775,2.5166498824829846,58.98687924881915,3837.4176513249586,270.90053984657925,347.42440890349656,32.86146183685889,0.19372374456048064,0.19766099871174359,33.36438858053855,45.08234552836995,3.489082181291061,16.24964402094617,1.6051924614336622e-05,2.8650662334055355,0.13030851114988526,22.933346528937918,43.46944006961288,0.7984528435050834,6.387506949831612,1.6033010066721712e-07,0.0001132097967789073,0.20475979360423258,23.5866027642217,44.20583487217288,0.3341611903704934,9.801627001233877,0.0,0.00014063033626880034,0.08939580639958611,85.6854861355701,59.93996814663309,4.460888699327264,6.712764891353693,1.9907974977412392e-07,0.0,0.19653735749735912,41.769320855794014,77.28400440486041,6.653088156777313,6.2968156191549856,8.215725090593294e-06,0.0,165.21193586664094 +0.9385163444356597,0.24515111706786827,0.32684360533053697,186.32569441442297,143.2841082808652,308394.2599162751,4.03238643767057,78.37216655442509,4.499924423689261,17.463967824275635,1.857784594755915,28.502469551287156,0.7106105966951968,0.6606247197477099,450.64507000842616,49.91037010748664,0.1888281885155832,192780.42030467308,1.878082628599719,98.55673686165744,3057.773593529314,208.18918893204645,339.8492351628857,58.19030877166274,0.1578589549650028,0.19793221579568798,23.749577690086017,35.80039603739933,3.1003525693816805,27.035971622217,2.8118645333277712e-05,0.632311999834107,0.13482668599059605,24.401816190636282,48.8663686196499,0.35952451870698987,7.034440940363794,1.6033010066721712e-07,0.0001132097967789073,0.20986037396229248,23.41790045436762,37.59784442414567,0.26597803495980327,23.791534947190666,0.0,0.00014063033626880034,0.1307433415378997,67.6136587190614,71.4717372771282,2.5139986755028048,13.394731239062503,2.7581264978416273e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8291625674562069,0.12465164031210643,0.3728993891189189,207.71293466006014,188.59853798362772,126847.59678220554,6.914650760911084,11.364367568099187,1.3080660612131996,7.436467698122534,1.9578569745812835,11.385693554830844,0.7786951829015294,0.871069592389726,120.56049708293637,14.121551718281168,0.19483822948409615,56223.49909535882,2.1526271800811947,96.4668804402914,2105.16114702292,147.77846576112142,235.81207610682205,14.226702689999176,0.3439155603621961,0.19340974476764672,1.5582873929436205,26.457615753210323,4.438577503580393,9.415036250976986,0.00010303518883957908,0.9042048380014149,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19205385157896254,1.7474778630133825,23.47778555458903,0.4283094402136796,5.901757406225577,0.0,0.00014414060373783881,0.34826380261563633,0.8010359347446788,14.198304930661338,17.03843618326918,57.483179750484986,1.9907974977412392e-07,0.0,0.15313416212025324,2.928727942907912,34.18889849873694,9.614860695716123,41.27265959558325,6.382510319665855e-05,0.0,2698666337285.8823 +0.815641241316341,0.18993230740933567,0.3658834526826066,160.75387931051296,35.2449200764907,273654.8391233802,3.8248840618950513,79.64031208755122,1.016251469059944,63.11892002883492,4.016113721798813,22.17287281417576,0.34463591453856546,0.9794474586739238,72.91162402162945,61.808015433256806,0.10239105147307061,79894.95720459092,0.9166462018602127,69.21174263546091,3057.8151561486106,115.68808689891249,341.36182650675386,43.51424533827704,0.17911220879493792,0.1962934735847016,12.986607028812648,28.331899442181058,3.269550369687376,60.740934699441894,0.0,1.1910811546371136,0.13437504852212043,13.469725712972123,31.775647696223416,0.19337153411747393,7.817763532621248,1.6033010066721712e-07,0.0001132097967789073,0.20549575074866502,10.203949114038387,28.895432244838357,0.25160584469865926,52.90128529730925,0.0,0.00014063033626880034,0.14471252334424906,42.43023887728922,38.628348191615295,3.641110314189389,24.170880774278462,1.9907974977412392e-07,0.0,0.21999664013340284,14.350475176337907,33.60350404594501,4.718118042418532,21.303011150539607,0.0,0.0,123.952477094395 +0.9834863227192919,0.21610642046827172,0.3884726872903379,86.6105550754509,160.8797762198412,320755.09390207706,2.851001091898364,53.856771810126205,2.0313954773466185,37.379964701659254,1.341133112847494,27.262276289381028,0.3047048160176804,0.8070269184183498,238.16516684581708,1.095186687730632,0.10169587247665168,102310.44218569007,1.3950471180165012,54.93996144917173,2397.462418068207,124.19946176371364,337.0117724887272,56.28074751497948,0.33792749107596415,0.19304432528463178,9.918154531040193,30.89497041776025,5.8089793944177295,34.70937072576881,0.0,1.2078773741107516,0.12095925079193807,10.106330414811383,26.714212122179802,0.2568411917062818,6.388853929312924,1.6033010066721712e-07,0.0001132097967789073,0.20250159786010127,9.815996441651649,29.05146140098528,0.2386447157467107,31.714814654470352,0.0,0.00014063033626880034,0.0646674978838697,22.36017048883096,27.57146221357938,4.061576873320846,10.154705215700119,1.9907974977412392e-07,0.0,0.19494990178660346,12.589523535944801,33.571232453053696,7.636054159807619,14.308042536799674,0.00020192483141402769,0.0,89.57776586855151 +0.9678261289771307,0.16777702733712124,0.35521073530781894,218.32875187467764,116.25567926161271,220068.45798598358,2.581753687172323,69.99495722024926,3.589364719766386,89.71191495967685,0.6146169309827432,22.169102623240104,0.3748686165398698,0.314931906407837,120.40496485451035,2.5991846989915555,0.07045607424361353,52048.76845343025,0.6778380157632589,76.06440061537937,4544.160191454663,100.17245410561802,348.97509602735687,37.929732914060885,0.33419329559840394,0.20049591617338658,4.549969419245568,24.126412881127447,4.69598128352479,76.99109939928404,6.811009077714808e-05,1.4199792373036892,0.14205355943260728,6.95211430105355,22.247008079673307,0.27395615508661786,9.62493957193806,1.6033010066721712e-07,0.0001132097967789073,0.21400145111642827,2.6417720028621368,25.47380033885478,0.2565761102891624,64.68662994166935,0.0,0.00014063033626880034,0.13535865683813914,15.836566193290597,22.677908908155477,4.35241351000707,15.238634843007071,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9587979059158817,0.15548037623522062,0.33812802009627907,230.96762927289737,102.64982270776133,191273.5476634667,3.6584960273359277,58.35007983775356,4.546725515498048,88.54674640691297,3.8078852477911322,24.977882689270647,0.46280119049352425,0.9771496623041139,915.4321285922366,83.14555805214148,0.3175556936760741,104765.68944657558,2.914792978393233,96.25800770475004,3943.1731692054423,126.0467526543111,348.90142195190515,58.10200527919073,0.24258478399184824,0.18814613116900233,25.752346784226827,53.9922340929837,2.557156634158135,24.397556393176387,0.0,1.013458180835013,0.10672341671540608,23.487122347766082,50.924739928875496,0.5536080622417019,16.40467991478875,1.6033010066721712e-07,0.0001132097967789073,0.20064118620813204,30.881423295396367,60.26518425702435,0.30788782959962996,21.711384150066184,0.0,0.00014063033626880034,0.2009308379677196,68.5110531478829,54.90664603263228,3.9238021066219795,13.585222694273664,1.9907974977412392e-07,0.0,0.1516845590064509,50.871177605157435,97.13296008279981,4.446065972468795,17.933604116505045,0.0002839840990689046,0.0,181.45318629921553 +0.9230188536824715,0.2426900535447402,0.36993773110087785,161.26770959332913,248.22084154469275,331826.83884975826,6.36776116171964,93.11553537789527,4.533003918844828,67.94615029323256,4.607196577805068,20.106815907412773,0.5223081385055299,0.8848132406905465,944.0045109656025,37.22549493505485,0.22642358085108974,68153.85991863755,2.3046639227353225,76.53620622769719,3956.571459021814,263.39556025631657,342.7585469021103,55.415781052103725,0.2024884620587477,0.1945719165533202,19.011934374560845,38.70735129020736,3.3241558296854903,33.430502544793775,9.881705742773796e-06,0.6320340403528503,0.10657015059375206,31.610528497997933,60.06470238503886,0.7038565737607682,18.91459338584417,1.4140825462699847e-05,0.0001132097967789073,0.20402432250991417,20.979894077155596,41.793278589243265,0.3199659632273289,27.990903215949718,0.0,0.00014063033626880034,0.09569322729074303,77.84053877601943,65.18489197621153,4.1191206734654875,14.020156939661844,1.9907974977412392e-07,0.0,0.19474160427621076,40.590539635414146,73.43674841274452,6.200537245031031,19.96456202896717,0.0,0.0,170.07029978005892 +0.9754795890877239,0.20711548337456037,0.3450742623594408,239.58002871517215,172.31456450738904,121526.37351720623,4.827920445942094,72.27040369346886,4.855771539100544,76.65679131164265,0.5393216261254319,6.73088371456222,0.3519579832208615,0.6468933846987851,825.4258297817879,38.95488671436162,0.1970326853882509,243923.62462891862,2.8176913959685903,91.82493940629301,3675.445328202559,245.76554507929941,342.9681758609429,58.9251850984139,0.15824387832710857,0.20060460932614094,30.50387934132973,46.622167835352705,3.080129015868289,16.072580151229147,0.0,0.7215320814545261,0.14067834456875716,27.45920901191951,49.892120115788416,1.3608442784648804,13.151691706361362,1.6033010066721712e-07,0.0001132097967789073,0.2130262639051873,32.218612983393065,52.75033756817467,0.4375900637443705,13.230927554951466,0.0,0.00014063033626880034,0.1117197350379362,90.77412992943628,65.91183798781736,3.754586408232755,5.58280891681362,1.9907974977412392e-07,0.0,0.20397674452151898,21.311887339586015,71.49229827665356,5.0931129926224665,12.924805473891947,0.00010176337506825713,0.0,170.80532330312295 +0.9781031957774936,0.10015967163227323,0.3439830152922184,114.79149916565832,241.63509485678978,168055.37511347834,3.132846525297516,36.55248627471666,1.9631066689890284,54.344874014233156,4.372812362521437,19.45545575127055,0.41141760424031926,0.9377510694117497,632.2208423663096,93.18364336132737,0.07623962210471888,88837.11370686094,2.5278889893792598,73.40584889657825,321.5695354110221,279.0229326541213,349.7803917198357,57.70165786459677,0.31312683646816936,0.18850212835405689,25.945023936183528,49.08290669811434,2.5055343246458954,34.21213326436475,0.0,1.3522400046329937,0.0873410263309715,14.954075875233219,31.2410565638442,0.5623044699180368,18.091568969774407,1.6033010066721712e-07,0.0001132097967789073,0.19629954914526773,23.781501082969832,50.55155659115849,0.30227128324114005,26.586194098792927,0.0,0.00014063033626880034,0.21268642075787886,41.724130353274425,40.393244780453415,4.150141604195029,11.600967632334374,1.9907974977412392e-07,0.0,0.1404923269387195,30.89583036427939,72.15840390909851,4.302676547841562,23.402819939375863,0.0001979748606801666,0.0,140.95425069284954 +0.897284807015173,0.2975793499365737,0.43772513404824664,125.36597107372712,227.47196295820982,267444.82111990976,5.374279078473539,37.58206208593017,1.7704879644891518,29.605308952225577,0.45294842346365183,18.14219988811698,0.3221954254635747,0.8725291830704522,615.9667600123227,33.368615822504516,0.16052068043701248,64187.19634463804,2.646437120218286,52.16121755421034,2964.8616482310667,114.94503531281458,227.32983141860845,10.891227943167497,0.16112347999427212,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.13880742069719473,1.7596408980302742,13.717936109395279,0.6372608689457937,10.014272368221292,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.3431592065135846,4.125267084699146,14.00335002009959,17.262961980496915,58.21036226682153,1.9907974977412392e-07,0.0,0.14136241530476334,5.211394272890153,34.63597892134355,5.943878833788957,49.32529973988902,0.0,0.0,3816490534509.4204 +0.8408735150591368,0.16259692734880815,0.3843458521337163,120.73747601554611,206.57948030665258,326739.6518921717,2.7983057544563175,79.19897179045938,0.3608628459166184,20.68324636859211,1.4525060783466734,22.784741366398002,0.46984828067731393,0.709563690063589,430.90330193834336,78.30466286517552,0.05375128545332568,264268.9736604908,2.5151865827738344,85.95734303267913,4048.270571154031,219.403551143329,349.5815966324406,53.81480918947312,0.21363749041004682,0.20071107714507966,40.77438837512856,50.58690662475929,2.9881553718463354,22.989816187443335,6.582742587277192e-05,2.454405244754499,0.1372740808438419,27.816372320580133,50.9287443129826,0.22897355324271484,8.052896240462237,1.6033010066721712e-07,0.0001132097967789073,0.21083995918546808,30.32929460635235,45.640832670413786,0.24063614682279352,15.833393705557695,0.0,0.00014063033626880034,0.09809956834199209,76.6548631523989,54.100629055807445,3.391403951758768,6.061273779062881,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8915726627846728,0.18292369179069126,0.35111140235005966,37.75056872278358,119.72280546878793,220068.45798598358,2.581753687172323,69.78483001106844,0.6438691661360872,52.84924432109527,2.6187443777003994,28.429488768129726,0.7983834129755348,0.7244093464673222,714.5595891509302,15.154408155832973,0.21631354969745656,55472.25036645841,0.5531945588216438,94.07772546227396,1054.7241791111885,291.9191642942576,333.8046025620588,39.907635509144754,0.3394144059234227,0.1953830077235794,2.954479202150857,24.536540387427575,2.548923415062707,65.44290240497274,2.3774167976966226e-05,1.1618904676682937,0.13489915600680935,6.868507838600922,23.636212650796267,0.29671232311236667,7.732748563190627,1.6033010066721712e-07,0.0001132097967789073,0.2081467446768743,4.329468155366437,26.461058941278225,0.23784513760605616,64.84874510500813,2.0402651519669658e-05,0.00014063033626880034,0.1422625712903964,18.224999046004463,24.737728686550344,4.316331451096277,20.26943738455817,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.862813215933102,0.17308058863678197,0.3729819426374314,34.747296314758245,226.2407463982076,315712.18005609105,4.125636963242643,78.52825683639115,2.4636647908815577,20.960149034999787,2.6888578989457463,23.51833918179733,0.6128658390981688,0.8834875763605634,989.1152925507891,70.84493247785105,0.2041635932992666,273343.0491719243,0.8197533577429124,43.27852631754271,4391.460835267279,290.0250614786866,348.46638487893335,56.75541387499612,0.18596676092895523,0.19431226203504298,24.89993257666432,39.118336781911594,2.709224417898969,32.16149678810756,0.00019139146398835437,0.8344756657875988,0.13390009592966215,27.280724073310463,51.67852005881469,0.26121972098538276,5.447716800208818,1.6033010066721712e-07,0.0001132097967789073,0.20860319177381967,25.052695345457412,40.51379224549766,0.2395162515257268,30.615031512595312,0.0,0.00014063033626880034,0.13509715289185917,55.26099386842094,51.91498395972091,3.543342741905569,16.385064372330202,2.7615343999459633e-07,0.0,0.22181933348679708,15.012848907718325,48.037017996224876,3.0979608887796792,13.540684253217277,0.0,0.0,136.3806003632534 +0.9270220500710006,0.2294437469606614,0.3487911733738223,143.97810667764745,125.68563148093128,306227.5184923517,5.869205416203494,52.466832893860456,2.4202680076430068,90.3342606354108,3.715956546384653,29.06694993533866,0.5068048483140033,0.9908303207976932,982.6549541228426,34.016392820577536,0.1974560053248399,68589.5162497551,2.7297682392714386,76.2729749237719,1470.3610291738114,102.94984514797983,333.61376991775353,58.18999760702827,0.23627893591940505,0.19092423045228407,20.313529862173798,42.76885463342725,3.1591448100910617,25.504376665501617,4.090678712584581e-06,0.6608141497771183,0.10903997741383688,21.356317283098626,46.789576759980115,0.5207655374574879,12.337714838450106,1.6033010066721712e-07,0.0001132097967789073,0.20275320847388706,21.6771164059782,46.76843625877844,0.2982845554000876,17.425777019567192,0.0,0.00014063033626880034,0.1931150655527806,72.1185857251933,61.0713617934188,3.1300416571854104,15.205651379928824,1.9907974977412392e-07,0.0,0.18134587492470325,37.36756355421409,76.01664565415638,5.2495674088091855,11.872061297007098,1.2536568540850486e-05,0.0,158.6720570088673 +0.8074239511923528,0.20890745156305168,0.401274742434464,165.24087085740942,176.08883750170733,290835.14190139796,4.942007715515896,85.5248636119581,2.751966762190293,59.964223473759745,4.070825572213502,28.448607573848424,0.5712446995181801,0.9096930591486486,821.7450267731383,83.80275644690732,0.2437970084557408,262593.8899305429,2.932136925007509,80.830017517509,4363.822930600055,228.8102266088233,349.32660188056894,58.62885748027834,0.34294341884975116,0.1950809702263315,32.356480430356044,51.21308977199332,2.90600548957251,15.268665059199845,0.0,0.6494924939251168,0.13235485421995974,18.50123447399,36.35121553376595,0.5480198658967147,12.128792743588155,1.6033010066721712e-07,0.0001132097967789073,0.2066613187748291,33.84805609596516,56.494057504370254,0.29697180723917854,13.048431624923971,0.0,0.00014063033626880034,0.34496280092643683,51.70426951716392,29.163517579147243,3.919909559894426,34.66722792034844,1.9907974977412392e-07,0.0,0.17802271081168156,21.506169288504456,61.15066284009851,4.6725913542148,12.966824643052657,7.428620875962794e-05,0.0,139.15322148153783 +0.9720548930671628,0.11377513794248549,0.3272435912852707,219.04383377280612,224.2622812136648,305722.16268229694,3.3285743347229815,73.88859049054258,2.744327271906437,80.67919098613879,3.473607950484216,24.34164083127606,0.3493984501098382,0.9692255136398571,990.1939568108505,32.354295271555145,0.24726092616992434,67076.01756525741,0.9624206661490085,71.89281224355219,4462.850542000603,259.5909811742246,344.03211052734537,51.46413210351533,0.15718734519417996,0.1859875170896891,9.126477790597145,30.7142606364141,2.9134738105394278,64.77842684399909,0.0,0.7853791210964707,0.12433541575775561,10.901824470863767,30.438159653163545,0.3794966440988347,11.995614263919292,1.6033010066721712e-07,0.0001132097967789073,0.20034825027295095,9.593738145831388,32.32267704678833,0.2620187517912021,60.41845346654786,0.0,0.00014063033626880034,0.09591973969785735,50.715689270781056,49.44612041466343,3.1120712435396385,17.60991292199745,1.9907974977412392e-07,0.0,0.17747810911476397,22.685727521332236,47.47037050935803,4.937092663795539,25.72724609816246,6.969586009444096e-05,0.0,141.4210060431888 +0.9118068971526724,0.13197274096025377,0.36732096248437973,133.0246459554877,122.65453825360224,204311.90951768192,6.753054965284449,64.0133325643519,3.5430578514863593,91.04873422137378,4.40135884088487,29.55086474398292,0.7178393744740318,0.8066436212124569,787.9336015441153,92.37838604391911,0.3122086074962638,251450.82548938855,2.3903769104785875,99.78040096234051,4489.11001753494,294.99510472508024,345.43540760184953,59.80795196286597,0.17909390784699486,0.1771160489907488,19.793841523195105,51.69130423470087,2.381946424532755,17.250125023251293,0.0,0.8844332979332301,0.12177499173100008,28.87136052792456,53.42924715083948,0.9124036345237125,12.780979571573692,1.6033010066721712e-07,0.0001132097967789073,0.2066810226510768,31.59602246181467,52.76451758961447,0.36822773841353956,17.710340856021194,9.026956718362251e-05,0.00014063033626880034,0.09600298478269607,87.78978246805971,61.99932067469639,3.1503905984759637,6.043268857015319,1.9907974977412392e-07,0.0,0.20718419011966632,49.146180715730345,85.76427630605676,5.267344979182641,13.438884923187755,0.0002673425379074599,0.0,181.36478669747765 +0.982215485095182,0.2300600351619329,0.4414947079054088,231.30977837734417,139.69661013152592,127503.38334282691,6.966394936553816,82.91028218961391,3.3862070847500005,99.10675362778822,2.950523547371133,27.70138714272133,0.6740023902464006,0.8135232450264275,802.2254969836574,77.23067334841252,0.21377512579073776,127116.0773984615,2.712595767531708,96.04739880267196,4670.5137322685105,278.87348476415144,346.34796164093456,58.67333100193642,0.31255109813150356,0.18481810865972534,21.173882650383963,41.42262377896819,3.053868752451773,21.257551802553852,3.4219557168400005e-05,0.8133856700743018,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.18822970306549075,22.612289059548008,45.18002513361711,0.470345659341744,19.70908969773521,0.0,0.00014063033626880034,0.346411839612628,42.865129369603544,26.711396800497514,6.653787762753668,32.981532366259735,1.9907974977412392e-07,0.0,0.15815371185597166,25.937928658811543,58.4341966158227,7.348450873819946,30.302048694516802,0.0002084871525625611,0.0,2698666337285.8823 +0.9797288829293429,0.23440601253047313,0.38019868886038893,194.44369604319715,221.9000852828271,342908.38483623025,6.123915601396012,84.06843942901287,1.468227863689887,94.46648393454785,3.7719397318250754,27.33230432155615,0.5092513941235246,0.8560959068414962,885.5943036127331,40.468111254502645,0.28618641494696556,103634.54424987099,2.9086331101994367,83.0618557735786,4780.135176639273,265.72467868162414,347.51486132940835,53.8162825648129,0.33081433335540705,0.18298953714138613,22.86456549175219,47.42769644463662,3.3403048008803498,23.423201889366357,0.0,0.6765314999114929,0.10000035251813855,16.669692883747036,32.39178766501456,0.68349876754034,20.262128535978526,1.6033010066721712e-07,0.0001132097967789073,0.18793343285700753,26.390814244632416,52.34200157739993,0.31539250408434427,21.866038307110504,6.0571621508281804e-05,0.00014063033626880034,0.33609036852530166,48.98437273911437,31.796910270550786,6.558923261504772,30.508194434030656,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9832466160472869,0.12038262416163398,0.4350824016964853,105.76537587790877,98.58293573277902,138124.30302809784,6.405403945826073,70.6455522756651,4.954152278094085,91.07392888790633,4.8674738913027245,24.118305959343886,0.5305077687878975,0.7161295500085904,258.9040927609488,48.38506549633867,0.23110802410839057,296757.15217805584,2.8774028378244725,94.42962413582497,4148.3769111030615,262.9938621213416,349.98667112562833,53.69296126982007,0.3467048022823312,0.19599684123506744,21.028303354913916,41.15004261976187,3.107827782294687,9.86163479761753,9.459482760887886e-05,0.8282371304508218,0.13210931775221324,7.355901345338221,24.339579220952757,1.0859783300734769,6.8471125082290785,1.6033010066721712e-07,0.0001132097967789073,0.204053759133048,21.980367344065808,42.59189964992164,0.3997611519154711,9.366108533615819,0.0,0.00014063033626880034,0.346185123991749,32.92344111338962,21.738276219662925,5.659183996365889,43.54466202021563,1.9907974977412392e-07,0.0,0.16034106784860905,17.315569531548483,46.96632106237979,5.673565155003673,13.35845352571029,0.0,0.0,107.3499112634317 +0.8840831255502715,0.14786819583935348,0.3859375804852248,214.64106673418928,228.54365206732973,190452.1676445671,6.331927726388381,15.988116350515984,2.1607698590262183,5.091476330258558,3.984022876393572,4.676968940188017,0.4773878733575759,0.459626501111593,812.1693934250375,28.204600739259668,0.22409963147525458,158575.84368838323,2.8962843059388974,88.84496263547277,1639.2804215743017,182.65413881584197,344.28256236920896,26.193210277140963,0.1851077778079711,0.20119061675192154,13.870826375988429,32.33436920323493,3.197200271252098,6.30616880214471,1.582029669695308e-05,0.7200648356907604,0.14643364107342968,13.172914976892722,29.75867686683049,1.2600552660460373,10.312224272373808,1.6033010066721712e-07,0.0001132097967789073,0.21487922320626526,14.504947940283506,33.76675253258241,0.41780689073678917,4.088907709128469,2.0701408773180294e-05,0.00014063033626880034,0.12795062874766575,84.46594552832016,62.183959282354415,4.655361170430642,4.4581155591813495,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.899666571215839,0.20173035009703857,0.3887053824786513,210.16691416003584,241.63617430277935,314399.9782645549,6.138647722544362,10.323844392193386,3.934780850440485,82.04429976975358,2.226156127112688,23.62051933897918,0.598221125580835,0.8418237773556398,740.979384353232,79.74581594950689,0.33459800035307563,147920.19517935783,2.953136383525199,82.25692731856935,3606.0284271221644,296.21804899301407,348.1465188523781,41.74934541474134,0.15003840645477434,0.17570293973665502,17.087143495490153,54.393801134743846,2.942798660440106,15.254267507580284,6.972695428172474e-05,0.8413176576136142,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20595617542422864,31.283476409182747,55.62946145346168,0.3347690397729382,13.452537372597819,6.849600966240406e-05,0.00014063033626880034,0.12161211539523302,109.22338979877284,82.1683785962677,4.757842104987287,10.539926892898803,1.9907974977412392e-07,0.0,0.20240142722771992,56.6470052745708,102.90940861928772,6.637099160865763,13.994579654419471,6.437349023355048e-06,0.0,2698666337285.8823 +0.9872689583569481,0.1487301714990117,0.3870606293627159,228.3709996457402,211.31422389550258,316576.5308733191,5.9547360840156545,61.38980851526913,3.2915278418593683,85.64604382776025,3.065424995438385,27.488390754173913,0.3047048160176804,0.6325243668529295,586.7892189300455,1.089920256181215,0.09733514370142483,294381.65704052284,1.4001979481580966,61.59905417148857,4863.209375047675,139.2325111112891,340.60931468054775,56.27047304875838,0.3478450251702796,0.1974621890329374,21.538896884964235,37.0272572653688,5.361561964021481,19.291170311762905,0.0,1.50091208213091,0.12936318111582268,9.675749641855532,23.380749110338215,0.7583733759160386,3.5766245105353396,1.6033010066721712e-07,0.0001132097967789073,0.20656028029198206,16.924090231969945,31.321682939111938,0.32815885965703256,15.81333087379971,0.0,0.00014063033626880034,0.3376541626295667,40.39908524893153,24.874620810759403,4.858766395009444,39.982285570154474,1.9907974977412392e-07,0.0,0.1840562608597397,7.898720247989122,34.45516454732573,10.250067440360063,5.567535461465947,0.00010709760489992267,0.0,98.32730181245851 +0.988812344724773,0.15225200182092102,0.34665255215463825,186.98348944839114,204.95746575970688,323494.3477924246,6.9146869578965635,16.25209447199199,1.44605617110933,88.84226596807834,3.1096055898815407,20.460377705175627,0.3725938622515403,0.8262806904832573,946.8162282138024,57.75638541987728,0.2804466324054299,143996.42718845312,2.852266102584817,98.54637065604928,2612.901326494424,292.2486563329335,344.4884472534458,57.45370116069879,0.19573663357818885,0.1893699970205852,29.496658745756378,55.66398515035916,3.2482874069197125,22.09408563397072,0.0,0.6490194582947663,0.08380769101217184,27.59673092839236,49.6377110573755,0.7903472452307546,19.618104077345073,1.6033010066721712e-07,0.0001132097967789073,0.19487913203747556,32.14836771851108,57.37129609753438,0.3361859309786841,19.82808762280695,0.0,0.00014063033626880034,0.22920629345175486,89.11792719777567,63.71995827003418,4.663484653702452,12.519039770080504,1.9907974977412392e-07,0.0,0.1455161025983095,52.93919105680445,101.05433633681777,7.205587547934241,22.716615618243278,0.0003168725479798838,0.0,196.36763521919724 +0.8244557024182362,0.11950950665863969,0.32455095007092405,21.58706351892289,195.19709627740082,226716.63495284563,3.850713676728743,13.01531787035644,0.7564032972306614,24.570787456341563,2.4184203885725557,13.035300820615243,0.3603366451261446,0.780760776996205,236.41050445365588,27.09651096052238,0.0633842155812177,63229.1693209401,1.335470752253546,84.45474113621397,4189.617752870498,221.20547725542048,316.50696850347293,33.058725586120886,0.25357638434286184,0.2000051004981832,7.536238027223046,23.578069231904085,2.7537176860498316,44.176400370418065,0.0,1.218023875250456,0.1401160806037083,4.6683451900845,18.06392198877218,0.2668827707400615,9.05087444544779,1.6033010066721712e-07,0.0001132097967789073,0.21137054304597677,5.258209285535999,25.328085714320768,0.23979899565009566,31.845237320770888,0.0,0.00014063033626880034,0.1285549961803237,17.773883456468724,26.29908921933091,4.136054582294557,12.218808043287437,1.9907974977412392e-07,0.0,0.22042147613339305,1.046934227839051,22.847451315747914,3.380547839154387,13.311591534049988,3.3888524305729595e-05,0.0,81.07172184560105 +0.8761436350179266,0.14460639621085788,0.4328833232916895,85.03826770621941,177.6790519153097,209651.96374245716,4.259854119477827,44.45701505604109,0.8515844938673431,89.55598296617778,2.4539773913462235,23.487880580312,0.5660735338601354,0.7234140821290549,91.84767702350541,61.31655725222963,0.19675240964583607,109186.03552901582,2.688414023773697,86.05717664603813,3985.405261787645,270.8858524851321,345.62761729413336,49.46634522916218,0.26947119052357366,0.1913442729437622,18.109372267209945,38.1157873701852,2.9769923350695797,18.66332782528739,0.0001214851776211596,0.7352828679548672,0.09274714732265256,17.287253106251864,36.740614213542116,0.4846224239788838,18.915185134667876,1.6033010066721712e-07,0.0001132097967789073,0.19831973111634568,21.352230972546128,41.748996149030795,0.2933418511939181,17.594791663480148,0.0,0.00014063033626880034,0.22817259926920383,49.78805960345483,39.389943556530916,3.423762581443399,11.158966535395995,1.9907974977412392e-07,0.0,0.18952733884895295,28.063522134869082,56.20111655553961,5.258935415936836,28.285438627919024,8.775452911968111e-05,0.0,124.87782282422887 +0.9701712953020564,0.15950660229201952,0.35566661991183834,138.78126386676374,216.1005411526726,127514.65060932642,3.337453637367165,85.056860495149,3.153496316049645,38.82762048245624,0.4061643478281358,26.689111995859985,0.47456084581540586,0.8086115294653083,292.9498523873444,24.456287771135486,0.2816320803164166,289873.55736267456,2.904171073712581,58.892484859994994,1409.1331839362074,266.9686692641983,342.93630514802555,56.57221362354041,0.16589625703394154,0.1919140304156436,27.29023174033461,47.60884997124843,2.9932481948195835,12.036649932563101,0.0,1.1314933292933573,0.13261063248243085,24.73643999868407,45.46011032559132,0.8725021867768525,8.26105440675301,1.6033010066721712e-07,0.0001132097967789073,0.20517055404720771,31.379873414870456,51.496044864021975,0.35694318450976203,10.817346929684449,0.0,0.00014063033626880034,0.10050338320820287,76.42060482546032,58.40891317555458,4.251009828464345,7.962387244006096,1.9907974977412392e-07,0.0,0.20598631674646964,46.02059759073889,84.710991535581,5.474722550085043,9.60637067544893,0.0002786753576122094,0.0,168.57376165881544 +0.9753931567747266,0.1107226519869429,0.4426416541244189,238.4368046492158,123.18748056901781,232983.58522491544,4.14085641767031,44.46878462304494,4.070672149706289,70.18122860427347,3.8812469293242806,19.51445036701591,0.44800125593210294,0.7603635426889219,751.3097452544066,62.54300021218458,0.2302281209357796,83663.41700285384,2.9038789812267187,99.91514152164798,1246.436565189303,222.82319405018194,317.4595958128063,50.31971178646319,0.33073343438208674,0.18385777038715284,7.380353935382271,30.264206385765196,2.7478079444308627,10.769797876982212,0.0,0.6824707345739216,0.12753941880034725,5.023356111948968,21.27153890924547,0.5626737973999185,16.44946287045887,1.6033010066721712e-07,0.0001132097967789073,0.19774463168554943,7.1105090331403655,27.96914853639266,0.3043627784319473,7.807262756731723,0.0,0.00014063033626880034,0.3482226705453278,34.491504783840384,22.784731081041198,5.175952048135501,31.377486614158663,1.9907974977412392e-07,0.0,0.14970652053916148,11.467859315921936,45.010634690635534,4.747762373021381,16.356800362365718,0.0,0.0,88.90906666900695 +0.8134039591466269,0.11778426066299304,0.3453952666461598,76.13262557113501,126.42474685119464,127809.8544774567,3.975073098914939,16.037012497652945,3.343913332865454,22.573479318605965,4.672324108394407,19.681352864321056,0.3291058874801268,0.9473153502906436,84.86480031944754,26.2477548193914,0.29800409537829786,110202.06194555332,2.20020908881233,93.3968066219162,257.7286306534261,239.32199736924528,344.4993661385301,49.61694139379406,0.2110971906651646,0.19232844363301463,19.438180084886618,40.27675257334769,3.0315852271718344,28.655408123394736,0.0,1.1780687772601255,0.11523391414026289,34.34542758173172,60.74244450655308,0.7070505133827019,15.557970646936486,1.6033010066721712e-07,0.0001132097967789073,0.20507086719928747,23.57023592190514,45.05126709089354,0.33964919793797743,26.612998460358952,0.0,0.00014063033626880034,0.09071241717464437,76.4936362448539,62.566938452807065,4.730617651901877,13.301696820005029,1.9907974977412392e-07,0.0,0.1793578650447262,45.61010155855505,83.3710378075626,5.269648794992509,17.908472568362104,1.3009259357316853e-05,0.0,174.87696290314605 +0.9346857242329207,0.197901834653493,0.4055969866435712,163.43290619756812,137.82962933840648,200454.00283832767,6.309234869225509,18.926071898135067,0.4491489497729828,24.77936664527886,3.066436430190067,9.46284637071675,0.3432751308287265,0.8661118796892723,368.56831669742854,20.698559004120767,0.3256676600871623,61445.15636531804,0.9169144659511493,22.369909973889406,1383.2261376633544,191.827081070173,349.2886789018186,59.865566352413396,0.2808575762993393,0.19794786183381677,5.853674897850879,28.042717772033136,3.64148685258304,66.16351225898384,0.0,0.8937809408965293,0.14048774976802372,10.730703966885432,28.157679663785547,0.9626553783274625,10.589145796888333,1.6033010066721712e-07,0.0001132097967789073,0.21112934009742462,7.338850593790014,28.174883176033727,0.3736380766182646,62.945889105133475,0.0,0.00014063033626880034,0.12219739709691341,26.656006903890628,33.74431487286742,3.4760766025225562,14.001980307515732,1.9907974977412392e-07,0.0,0.21081013225596132,4.721609788181443,27.368150993527536,6.094930706085191,20.301120161108944,0.0,0.0,119.67251981881441 +0.9007595342240869,0.15082363838650492,0.44699236036064355,213.39204967279156,241.2491322751368,344629.1440185186,6.848708051884708,89.400297400288,3.7641389999845716,97.75264321617016,4.3750020176306075,22.976110047225863,0.41505621627805567,0.9358511079986476,915.2799744928734,27.806003465551683,0.19000831090685794,71956.64583062759,2.30753781163365,99.22425130642686,4861.20902224939,158.66710849910106,345.07444993253216,48.37098183505708,0.32248627609387986,0.1922845799951276,13.645223897695933,32.64252627660168,3.547110010778259,24.281117850142262,0.0,0.8001707370341539,0.08275173427677528,12.274262404042084,30.614135092090926,0.8188884523147574,16.259541246280875,1.6033010066721712e-07,0.0001132097967789073,0.20056597941782184,14.513592151111695,34.30980017168191,0.33731820636479015,18.979735687450304,0.0,0.00014063033626880034,0.33151399856895314,40.4757462034228,29.40894470640606,8.683234597593591,34.480348275544955,1.9907974977412392e-07,0.0,0.15794641337495172,21.39920593733111,52.027254737754646,7.194534289930307,14.447411339267472,0.0,0.0,110.2203826358985 +0.9522117753192643,0.17022932164421362,0.3723036617243596,222.5629564894135,246.94323864143928,103474.92350850254,1.783190431150183,90.49335664426569,2.7228538137215583,24.46054124681337,4.225740092051109,24.106539159798295,0.3685867201904056,0.9357695989495367,645.8384077135856,97.55608344274471,0.23101265031306792,65714.7356262559,0.9609449878118674,97.64482267566859,3231.948436147933,56.68223735270692,345.52863666608346,58.62864559451135,0.3051217554923945,0.18976902926464365,6.793357260745756,27.91052039076074,2.6562901367602536,61.16489681900026,0.0,1.220735644026036,0.12674373944111275,11.637578197346183,30.405084800804392,0.7104118494994689,9.937124797092167,1.6033010066721712e-07,0.0001132097967789073,0.2016271941791005,8.861185211751728,29.14607956017944,0.32196651677859117,60.964633377015325,0.0,0.00014063033626880034,0.10721269443270796,24.97262993148291,33.48621546246699,4.948647629766047,19.369451505559734,1.9907974977412392e-07,0.0,0.19466053701098643,13.385956817896563,37.7858294133458,4.076075045879261,30.024889954459635,4.0538845288883225e-05,0.0,122.67282793821322 +0.8649328190075433,0.22984186771626086,0.38331116810238053,214.53420042903352,201.31769366963968,191506.86340061622,3.369070874953291,58.340082024891316,2.628982372255878,60.978471476470574,4.003834957531795,29.816131265693485,0.5269632713016672,0.92459958420172,797.0791592819565,28.31179316802472,0.22338130245853174,101939.74695964696,2.889849973981429,62.237576858455476,1639.2804215743017,251.91092419912442,344.52633263809963,55.15365604986537,0.19581340042932877,0.19217317804263892,25.505717338976595,48.35946808079272,2.739782104264871,21.477328246821877,1.921690852566026e-05,0.7882196431735766,0.10343153228703897,38.81517276996288,64.62998540362355,0.6754726200689048,14.600564737833954,1.6033010066721712e-07,0.0001132097967789073,0.2035124779898037,30.080661747572066,54.644214018643346,0.3171953805670408,18.6094925080061,6.57942432991113e-05,0.00014063033626880034,0.13613710468481827,93.54631225656735,72.49995959806229,3.890281969124349,14.810814945325657,1.9907974977412392e-07,0.0,0.19559564897102702,49.18415336621047,88.06881171799425,5.054456042921421,18.645083220778265,3.921754711904885e-05,0.0,195.91656107380803 +0.806198269006181,0.229138745209089,0.37406532849809077,133.28014762921248,90.46779870437793,313461.0643191221,6.516538343874469,58.71675781683754,1.437063083553648,36.417446128632285,3.7526310510141694,12.722580080119373,0.416426184068426,0.9590285033435061,485.9062265486778,39.09170106635709,0.08517170914472624,73111.07179222739,2.723045904880908,60.639451753532626,4425.776322460003,175.86101745134278,347.7460812637616,41.99777895641688,0.1929952425254451,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.13701748110122206,30.46545851194789,60.498877010294564,0.48482314966716505,15.451766957205422,1.6033010066721712e-07,0.0001132097967789073,0.19308147065011189,17.820497207957043,46.23968303890823,0.28357915589849453,18.08300347930702,0.0,0.00014135126258581576,0.125087817411908,93.69811886550093,75.29206388078279,3.3266313050310927,15.112700343036314,1.9907974977412392e-07,0.0,0.2247241743132002,39.88961488910492,78.45736720704771,5.500606506935737,14.379542179346041,0.00028606229978024025,0.0,2698666337285.8823 +0.8938873222480924,0.19577808293962629,0.3968777622820688,197.0614699704993,200.06598115620972,331607.4170035302,6.656973059648377,65.41609467290161,1.858816285291036,30.163167688183204,1.9857967540743142,16.275708045099194,0.3870377246255225,0.4976197878367582,820.4911583959209,38.422222569938135,0.15600306728926178,65442.5802679341,2.6495492659409323,74.13141328370249,4453.123601320123,113.74600138402909,237.05910266878976,44.16739741809839,0.2252286997259227,0.20140937924485502,1.6011706966821777,23.7630101125846,3.4192111645487215,4.616500552433888,0.0,1.0523645876831345,0.1418561797654896,1.5551385271235985,14.044477757224648,0.7499383840020146,14.37874017338539,1.6033010066721712e-07,0.0001132097967789073,0.2137793798734632,3.390294780645372,23.455845757491023,0.32874745886360096,3.5168232773828825,0.0,0.00014063033626880034,0.30279679947190236,11.586765454258952,17.742737982448322,13.446572774439568,54.25165943902109,1.9907974977412392e-07,0.0,0.21766982387821254,2.7135740828546258,31.14507349578441,7.022195459768098,48.79608870708057,0.0003019717358424447,0.0,92.53962967683947 +0.8854698282911525,0.17328800129948904,0.37858966345718204,242.43848742693814,182.99612495809265,343922.1050290591,6.642909942874326,24.05374749358768,3.9328646842755957,99.08713877672328,4.397862129805272,28.471786357078972,0.3966950738633011,0.9191812283393225,849.0043621173264,98.30909095123803,0.1883173924667074,96536.50907065236,1.0761211308022272,87.26297344685352,4795.178080828721,152.47377209297275,346.9436400992669,59.92730812104654,0.29645370224439926,0.1941536339691932,15.560663931984406,31.42554050945853,3.2481848088948304,55.658444518491876,0.0,0.8746018454587099,0.1299339728144336,17.209733522163486,37.17118176741438,0.749466760616057,8.349313186522904,1.6033010066721712e-07,0.0001132097967789073,0.20351481028423474,14.157625265946468,32.77431733653856,0.32789619528623115,49.57712443087985,0.0,0.00014063033626880034,0.0961431690955203,47.0289121058799,43.57640852241598,4.991196450737279,9.179380959823337,1.9907974977412392e-07,0.0,0.19845649350898523,24.772202877236374,51.08272238398171,6.794212104150834,18.620460603992292,8.208900208730496e-06,0.0,132.87416397368315 +0.9384866789508005,0.19841622853660776,0.3596824273380957,213.14537014976915,143.65983105122044,308470.0517724913,6.531844768023317,63.01443228444238,4.333298399183515,86.94678694127725,1.9057610116086372,27.301740100259693,0.4070366458809307,0.9872453908779271,596.8455668680851,51.99940786879134,0.2493453775195977,181626.8759081304,2.948901089466508,64.78990439747837,3572.4711448005564,214.17522396825137,348.9064716381373,58.203944411681356,0.19261061706323224,0.19103328537991313,32.786565200107674,55.090139659758556,3.335268310015517,21.7126093921739,0.0,0.6613820358112155,0.12098177124941474,30.527559625101013,54.1662769167699,0.7143409469790716,13.798948026851278,1.6033010066721712e-07,0.0001132097967789073,0.20297117409934645,35.03182090179191,59.83721154081886,0.3274844493740442,18.08412212708814,0.0,0.00014063033626880034,0.10451648574758805,86.04696031501315,65.42892569578797,3.715478578345476,9.00192417857215,1.9907974977412392e-07,0.0,0.1815700273735061,61.898079089144574,107.8415236897115,6.593588856744194,13.310383507444259,0.00042740412079360194,0.0,203.0920738486384 +0.9207687674721193,0.11644414795922964,0.36966481771433546,224.86500706231297,71.00724710704087,334026.32985544,5.903347284967856,42.23569348802141,0.7065229800413684,88.37193516430409,3.137406308989864,24.26738246568014,0.36904801348057986,0.9839342658934095,991.4211453095985,83.72272838462486,0.06978061139421966,154346.80865560833,1.5431151317816636,88.65864560886804,1969.8585637815572,59.6024401371983,349.101819734683,53.092570310033814,0.34826881346397687,0.19736905830788692,28.500679218030886,40.130365241977835,3.1343409824157313,42.94306361655437,0.0,3.5710012185055575,0.12881110526004563,12.22988782677011,29.16173312829433,0.39376072572431986,5.299746508223402,1.6033010066721712e-07,0.0001132097967789073,0.20119083791481102,17.889361327715708,38.610474726346645,0.283910494834903,30.584840788168744,0.0,0.00014063033626880034,0.3535141968692847,44.168172094567225,30.412495957148046,3.349444552622056,13.735176599462209,1.9907974977412392e-07,0.0,0.19080012095823926,21.309845658814954,46.33572510590186,4.975579196654901,11.794204362504967,0.0001564719308908662,0.0,117.91859591153892 +0.8433772401938521,0.15674230852807758,0.40348390396502865,213.34868743805058,32.66637158799375,215378.12129976205,5.406741841358062,51.114817589266465,3.831212719748787,35.37366617710897,3.9488838383237588,23.03834619735133,0.5190511942904857,0.7600070134364785,275.44462362798095,61.65792685389124,0.18614283267795007,52135.7178412963,2.636330538912368,74.3927441799361,801.2520029145848,179.8468415056515,223.55379598881498,15.499538168270803,0.20719729972764891,0.1926829320794749,2.655815880487815,26.135474841437418,3.080287266707557,7.7701008834829635,6.313432900807038e-05,0.8019856295593724,0.13215761288944577,1.3706739442758435,16.263581978283423,0.4232641444026422,14.910468496803505,1.6033010066721712e-07,0.0001132097967789073,0.2109715372119861,2.951877793534602,24.09640995123775,0.3090449634122508,3.205382481592166,4.879398397617188e-05,0.00014063033626880034,0.3395813691723801,2.9941977919027494,14.38791710730742,13.744451977148742,55.09492286278027,1.9907974977412392e-07,0.0,0.16544919453119766,4.741433391251806,33.68886621327782,4.875915865559326,46.61955452596653,3.6190461969713024e-05,0.0,92.97518380329348 +0.8691850992831044,0.20711548337456037,0.4244347864308187,238.29222710647045,173.91414154947904,225008.19524174475,6.550626461092996,36.32642045055691,2.0396901205990434,82.21613821457312,0.7613492780522748,29.798858752639553,0.7617635732296002,0.9545441239179749,825.5018256243568,4.66762786885549,0.08537230154964315,250174.10496603558,2.885352691869335,90.58538480896449,4963.374985845211,224.05899586859215,342.5035346182063,57.55019209639824,0.158050915760344,0.19738402549582365,36.025964255554975,50.449972310145924,4.317116927870134,16.634207875581293,0.0,2.051356990019324,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20270817190393786,32.51366352524155,58.75821925716391,0.38671312682478043,10.744125972651059,0.0,0.00014063033626880034,0.10565627664918921,104.96231682781973,75.20850140235363,4.978628483289576,6.9461266052749275,1.9907974977412392e-07,0.0,0.20412285496555285,51.64632010338798,90.8649368791301,7.164275168057067,10.745748798157903,1.1704526074961075e-05,0.0,2698666337285.8823 +0.8631561075605201,0.12392051836735066,0.3248600953633885,117.6565147986126,39.213722162621565,244816.8718018104,2.1121992865656294,67.97710690948281,0.46765662771856636,66.94295499847499,0.8679960698601229,17.40147636363143,0.4244725566159437,0.92771301858788,675.612840142033,9.697506010320843,0.12333368950787234,80192.51563359809,0.9226824042303465,45.32943512050003,1236.6547882969535,203.07620584852117,328.1442408904729,35.63214232985591,0.21038873043918105,0.19461485187913488,7.512528980656908,25.53472102246731,2.8248474152982705,47.74254321204495,0.0,0.8630680711441756,0.13469979785491715,6.219352634808985,21.221410559321214,0.3410364002305286,5.353436593549376,1.6033010066721712e-07,0.0001132097967789073,0.20829960608632558,6.600536727673671,26.87173825733428,0.2369569268896657,42.86553908950605,0.0,0.00014063033626880034,0.1493597305089735,21.4752378708441,27.401547200499653,4.245038573071242,20.502143588038496,1.9907974977412392e-07,0.0,0.2173390579127249,4.6678485439415685,26.028032277742852,4.643796540754356,17.76689222264548,0.00026188955498273464,0.0,93.83250904013687 +0.9735095446847226,0.14872541985445756,0.34283291123473375,237.40096210354974,200.1441851571065,270839.43081408367,5.3005437980221295,80.62493647605014,3.2594441190181804,68.77382141504512,1.4256089003163905,23.615453172505045,0.34638372522540606,0.9290538079295304,815.1417735360864,66.33138969167437,0.14513200607808874,292079.5930092678,1.426923240075372,93.75698596315404,1293.0405822760645,267.32437024324247,347.7599322930834,28.343550107849993,0.21960702936396503,0.19427991793468496,20.05912432069789,36.897772221781764,2.988438352354166,16.76370108045772,0.0,1.0248384411208313,0.13099608814918834,14.187331805985933,31.59623707911363,0.7854659675932911,4.653924419124808,1.6033010066721712e-07,0.0001132097967789073,0.20409919134436327,16.59929036398002,34.75685475156539,0.33415413108946473,14.352969336198333,0.0,0.00014063033626880034,0.2091541940131002,72.23457625336565,48.89426090408842,3.1899389725282763,5.308265977025248,1.9907974977412392e-07,0.0,0.19019418724905746,25.84060175474987,49.32373908676911,5.766177637082081,6.42995269001425,0.00012160862821851458,0.0,125.6525518782759 +0.8025448980783225,0.1510806241579064,0.35387930646064725,51.71901730408027,75.2620814284912,186333.46785658054,4.941721021796969,20.160292874810647,1.4432998450433339,71.3021035069363,0.5270873583938557,24.585382320823168,0.4006688419282091,0.4080238561359191,765.7874651721903,43.929860632175156,0.13402595552538882,55993.43407985974,0.5565361598402208,93.67207804780189,143.28823436837615,117.57117724410875,346.25698041083916,38.805906655741985,0.15124330128944727,0.20171180059971056,4.12532441836769,24.810221310249595,2.633472101080943,77.5138845803288,0.0,0.7869789972036544,0.1435459522967774,10.23431848827721,25.493869138595237,0.41659921773446285,10.532780449311907,1.6033010066721712e-07,0.0001132097967789073,0.21450758051580748,3.864608174281019,25.61844420518532,0.29215584312122944,68.38574893298795,5.6110390100474435e-05,0.00014063033626880034,0.15635837691319573,33.44961620122732,29.204322091745567,4.450507383273006,26.1238270439593,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9452738681428731,0.17183588204638917,0.41244517373608125,181.5052358744432,209.71161355824245,285343.2071371969,6.0356089113624485,89.02810288285798,3.867025782171274,9.118023677193598,2.813764792320798,13.245416110344612,0.31230495505975037,0.9755141717849375,5.6904154957330775,1.3288034458772913,0.2439964137858592,147387.27019948183,2.650305041238999,87.1252025664519,1104.3123492950047,187.6433456718632,337.3260233477286,54.70336040862879,0.21797023914983002,0.19377709898992,15.573838875631342,39.78187068499501,7.849782546620287,12.79023479369229,0.0,1.3021292793265324,0.12576259232734047,15.87872123459694,34.552333662263926,0.7805323185867377,14.065137958789707,1.6033010066721712e-07,0.0001132097967789073,0.20579670257847277,20.312956984810576,44.844221599187165,0.33507207089376095,10.940042116051542,0.0,0.00014063033626880034,0.21023530933409776,65.32957244884092,53.378651336060614,9.045286272198295,8.813280415561337,1.9907974977412392e-07,0.0,0.18008760952322148,26.55537138183913,56.73953984023964,13.263475681836711,9.977058432698145,7.141293208747932e-05,0.0,133.10454563937188 +0.9882162954784568,0.16494743991386224,0.42782153393362626,204.60853451997554,196.01006266056072,308885.63159963704,6.863188383567005,75.35673366006232,0.451327616879919,9.912062411989623,3.770059828623213,9.877835075667061,0.3462555878168299,0.9447533440293824,783.2445002008354,57.13331697281657,0.06585744659371762,52514.261928194246,2.246033697284258,36.282172425245705,1362.5938789528564,193.08738038947044,264.2498938475574,32.20959199131541,0.19811351058691234,0.1996811385150006,4.882297943050326,24.6784943916294,3.2692501106852974,8.25655761116538,8.813862700373194e-05,4.241176598866814,0.13869654389603003,3.2661976597425064,12.418848621074183,0.837156379066441,8.959770998071477,1.6033010066721712e-07,0.0001132097967789073,0.20926395734627,4.499036243543654,23.810365852994874,0.34429658955893555,2.6600619721295864,0.0,0.00014063033626880034,0.3561178784156993,15.616023874841726,17.755223663114954,10.811128517304105,49.023323401980925,1.9907974977412392e-07,0.0,0.14395618884464192,1.576684594464231,30.908835772690434,6.848827249434814,39.76157029453607,0.0,0.0,85.06004380547441 +0.9758325762523296,0.23595004500270392,0.34891253361693986,187.97433880515104,156.2136149491853,291517.7437466217,4.288169262890615,74.65882750974282,3.8676340787650583,73.19047669924579,3.343890542697723,26.229937624113365,0.4645830268785807,0.8852260338611191,746.4676003925272,51.47101178772529,0.05814520552065548,221208.0380517637,2.7818195025409684,87.29886661766433,3815.2771596016473,264.1502260364161,343.4506146347066,54.04352881584615,0.2353855206603065,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11416036768846301,23.923157688357815,44.400106272991444,0.45369942314147016,15.036347635845068,1.6033010066721712e-07,0.0001132097967789073,0.20120637970733687,31.86511052873707,58.463443305145184,0.2806752174735624,14.625655732855261,0.0,0.00014063033626880034,0.25148283146377837,80.15129225143627,54.931515274537134,3.0001087420758665,9.383161000807435,1.9907974977412392e-07,0.0,0.16989003847648418,49.32028914998419,92.63204205449577,5.035039191196611,15.327077348223193,0.0,0.0,2698666337285.8823 +0.8855027336562362,0.12825125712940366,0.3980618496402008,199.7524333831531,125.99007819582167,116167.58214663625,6.570859679767121,13.393658918249585,1.3123613292396161,87.37804392627258,4.660800144991428,21.3397929054424,0.32694060907079286,0.9808707155354504,255.1016130372762,78.50000417227311,0.10867766759058992,78690.65572027852,0.6738526725103274,48.78840317438029,4195.7383300878055,185.99185555302265,340.6941265973538,59.596187817427264,0.3170281559785385,0.19518216269260474,10.978438916931927,27.675222994542846,3.076656311472397,70.78598143677617,0.0,1.8360539123717874,0.12677083634001324,10.923409483936682,28.89666430613305,1.5134151027552833,8.059117029841708,1.6033010066721712e-07,0.0001132097967789073,0.2036000534535085,8.312112293400235,28.44036330611191,0.4632858142453843,58.111463139302394,0.0,0.00014063033626880034,0.07387644332182063,29.029784590977158,34.09837976707988,4.386244113041219,10.535456357342976,1.9907974977412392e-07,0.0,0.19720219154798294,13.270724479671026,31.148287522424503,7.1057476730843945,22.400590593127163,0.00022400831681755148,0.0,122.56029206573011 +0.8984761682727321,0.12272532113523116,0.3324206025586595,221.28694481399327,65.25211567540858,344504.86733702925,2.591658088505599,64.93504289927728,3.9491083837472094,84.82630956370099,0.7479875838984356,19.9652467802018,0.3874703583217316,0.816923919528221,614.1453634252447,42.790168011124464,0.3041068861514855,59296.607144821726,1.150682298509158,59.186062999571504,394.2116827817931,273.05807669149243,336.91331494263034,47.03521816993079,0.28576408775975665,0.19426356936491673,6.551415719167383,27.115954581121944,2.975178916900911,56.128269165762354,0.0,1.0613106492243767,0.13405357214853134,11.878133596254306,30.369757130977824,0.30444560514926977,11.428889017257209,1.6033010066721712e-07,0.0001132097967789073,0.2076942216629662,7.815738277464339,27.519556544542606,0.23695107493379244,53.3801002835848,0.0,0.00014063033626880034,0.12934857603717745,30.81666346017435,36.40368090018249,3.553320474309828,16.95614708914539,1.9907974977412392e-07,0.0,0.18905057952570128,7.380561196066515,39.126832290750436,3.59342501946683,18.572742836359705,0.0,0.0,115.40800813831193 +0.9895694248414051,0.2007150580806529,0.4148325209134367,218.2320326820212,188.76884843839852,305515.8890977384,6.657610541827474,62.72844093229363,4.102771350051318,39.418998720914715,2.992716803357885,21.334436716611645,0.7561862281620229,0.9291111695856398,928.0678805034354,45.564581690624465,0.3407582002239748,116359.90758976268,2.787857888702965,92.98385403827533,3428.1076238806318,298.2642232745523,225.5174970015712,48.25721568194039,0.21393615118838286,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.12120067035697163,2.1478355219820298,16.9404498933073,0.8287525430817544,20.233553112168625,1.6033010066721712e-07,0.0001132097967789073,0.1853116783429157,2.460427793755527,26.66804287003254,0.3428351415567447,11.1972403905566,0.0,0.00014063033626880034,0.3545672811380703,6.855703688900179,14.608733440599732,15.999756376400981,56.706130469532944,1.9907974977412392e-07,0.0,0.13335087669827025,2.098696732878844,33.1521010187496,6.498858463996536,43.538737464503875,0.0,0.0,2698666337285.8823 +0.9797288829293429,0.2319487747013877,0.38019868886038893,195.65490417674857,219.97536039740598,342908.38483623025,5.07283466307972,84.06843942901287,1.468227863689887,93.17485258314335,3.7877177001932445,27.317743242382136,0.5120440780404532,0.8560959068414962,885.5943036127331,40.052231989456914,0.28618641494696556,103634.54424987099,2.918833087315246,83.0618557735786,4780.135176639273,235.5349677454267,346.85055696128296,53.8162825648129,0.21877627953561662,0.17108475757407385,15.671343363149987,51.18473288415837,2.996021698628792,20.899531391310163,0.0,0.7577615479512673,0.10631146294109144,22.866594574684505,44.35900957561864,0.5470494342326335,14.969883885302668,1.6033010066721712e-07,0.0001132097967789073,0.1961880793687599,28.618100587919066,53.6284860890938,0.2908473401523772,19.131519142386775,3.281054661100301e-05,0.00014063033626880034,0.2142759883296331,76.7375611585388,57.93303774220383,3.4787218263048465,12.802221788689092,1.9907974977412392e-07,0.0,0.14348075095782453,54.13959156033402,101.23291204201314,5.893923164756062,26.352964282914485,6.843928183219963e-05,0.0,182.80417676966596 +0.9646506394774176,0.18076161354329873,0.4365089077668238,20.689636238030687,220.39904042445218,239492.92926041118,5.648615457916598,47.46704521879988,2.704156087484346,70.36844903989282,2.7061955557177173,28.050769950989395,0.400409831310724,0.8363908197383981,899.2036265807708,57.22660151495025,0.271133567272701,56925.982158945786,0.6200533014458434,44.73709517835212,1726.3535133605956,274.1276442423593,348.6810918461052,46.11982247519729,0.2517803778548584,0.19127416176088738,1.638149667078726,25.43095242945656,2.510913116772082,59.12691943304405,0.0,1.1259231386958877,0.12936986367115136,8.377927043406734,24.630290529582012,0.1981188890261503,9.269279361786712,1.6033010066721712e-07,0.0001132097967789073,0.20599842579467087,2.741188014161203,28.010859249159367,0.2482213799650709,59.75320101002158,0.0,0.00014063033626880034,0.1277275408678236,19.349898987384616,28.0212231502798,4.161801570041567,21.38907501163512,1.9907974977412392e-07,0.0,0.19484526225179272,8.31199175765896,35.34701895132804,4.068266264716878,27.64218661294595,0.0,0.0,114.07069494388334 +0.9197465539712653,0.1272849521018093,0.37632051293384583,136.02729404852042,246.21139784705036,206680.1010469423,2.144697351488794,78.21535126026455,2.1635257405682315,51.09034717237821,0.276139740345704,18.73078240954301,0.43078184412733433,0.8618015749120503,265.68669078322813,36.84497407476553,0.2866001910549542,87560.77319163064,2.113167280714281,93.52481104954117,4767.934937635344,177.39127455677428,345.67811416537904,52.27636621076041,0.17313106864161487,0.19356741535634675,13.132838234898013,32.08737342794579,2.68884831143611,28.840592463689205,0.0,1.2346632255531391,0.12329625541395293,24.130655915591756,47.9648471012785,0.2555591497657686,13.339651699203928,1.6033010066721712e-07,0.0001132097967789073,0.20537161571721418,17.3654010786557,38.15146341765106,0.24982818436737478,26.002243621512186,0.0,0.00014063033626880034,0.1210039084713235,67.59332676950807,63.52702195344945,4.311824948132003,14.113217796414771,1.9907974977412392e-07,0.0,0.18774182838424724,40.069133176059296,77.20672422874033,4.507115668962834,17.840494928756282,0.0,0.0,155.76993631456384 +0.9193841110732726,0.22766714517745187,0.4289598054451467,226.29873993196009,183.93291017443977,334470.5813275193,6.569929133234937,32.8041739510576,2.2138656204155915,67.23185818415698,0.999930316142575,13.92358042334211,0.4068657987058738,0.584613727891737,858.6830934230619,60.78919264943196,0.05916335339051641,219531.5733190996,2.1354998368524316,97.62392073462499,1533.5050100095916,270.44792446650416,260.88988819675905,17.56296042629323,0.347429853195216,0.20271437682931662,4.24820053870467,25.209037620355495,3.4258134266315627,6.724789511592238,6.923892232785838e-05,4.700597613848897,0.14254822910236317,2.8315246793910913,13.258196749949262,0.7467723909196661,11.931801771478467,1.6033010066721712e-07,0.0001132097967789073,0.21330633876853633,5.021797838994183,24.239376984812306,0.3280966587214428,5.606550416743161,0.0,0.00014063033626880034,0.3204391602217939,10.210578011343296,16.61353192692346,14.748434938330739,55.623183275315206,1.9907974977412392e-07,0.0,0.21420140542631752,8.176639936444332,29.576679436390684,6.570980304259595,35.89212159750472,4.2231746702736185e-05,0.0,87.57089945500273 +0.9397963242558596,0.16598548749684114,0.38805131485962124,231.9161810039851,246.34980716816222,266771.1326639977,5.374503457762045,75.91034532661337,3.5545512280699016,86.26984170375903,4.888554399945145,25.047072064612284,0.4339161678234072,0.9349733561735862,919.7687232132705,30.6823387997919,0.3289778916654393,192075.32479131757,2.9906245145014676,92.67132930780663,2623.527990726688,173.12064045523007,342.359298902443,39.04955464525071,0.34086342318220475,0.19070094084961345,18.274534933095232,40.539909096502015,3.1077101398782485,9.257156872341106,0.0,0.8047255862722048,0.1321454514069124,11.736500426342143,28.668663404909513,0.8669408754397526,10.217466083792926,1.6033010066721712e-07,0.0001132097967789073,0.197632320017806,21.923455043463953,46.78829332392186,0.34575035305225243,8.345747276076299,0.0,0.00014063033626880034,0.3542186736113227,46.449772229166,27.75393077732941,6.662382078427396,38.35961213721471,1.9907974977412392e-07,0.0,0.15847370111526646,25.220576555214347,60.92272352510703,6.235366394675446,12.332990856818254,1.9661197905649717e-05,0.0,121.90313088118988 +0.8942267488179653,0.19577808293962629,0.37759092808994293,217.76411401576334,236.99361512773655,281275.29320364364,5.319367707863245,48.25632162582188,1.885744705701647,96.17023296194813,2.059613906514397,24.37220583782949,0.765116831430925,0.950124609225329,984.1702460323621,29.60052947701034,0.24158337794923934,67424.90345854833,2.505355895939684,89.03056093002817,4453.123601320123,228.3953240028896,347.33370396861795,55.38536491176411,0.22440165193012407,0.1902363212802529,21.31457719661679,46.440658936377964,3.1384495509051766,31.760655827085234,0.0,0.6316746036732912,0.09489385667045491,39.67797167237703,65.51393790134055,0.7827103561037215,22.614806620262115,1.6033010066721712e-07,0.0001132097967789073,0.19848441538787234,24.81239677676369,49.35139245542537,0.3318735625426003,27.93030757979703,0.0,0.00014063033626880034,0.22009411106190546,80.25669163180861,62.17730746351596,3.5380608593590974,15.534571148209626,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9051412069099699,0.1797031298551177,0.39328912114597214,12.64573078207184,201.03303852677325,135055.53178570294,5.038880169321019,80.95933624716325,3.3172118051803676,94.73696693909199,4.684577856934558,25.914650676205575,0.4451697483734024,0.9148137557337004,679.0594559617448,9.926188358748334,0.24604580198476686,257973.78306513984,2.948141830531954,81.94641278303165,4639.185479398101,260.7247092438627,348.95389553056634,39.18316917339017,0.24981498702799398,0.19157990147915038,24.882345511541615,47.481100815706405,2.6147230972475697,10.611700222127883,0.0,1.3411495767437343,0.12537976497728245,21.471378524481146,42.885110279917555,0.22734920046330423,14.334250100276803,1.6033010066721712e-07,0.0001132097967789073,0.20373431495872393,30.065733872712656,53.725976758371736,0.25493343981916294,10.374438484006562,0.0,0.00014063033626880034,0.2324157485956069,64.88213029063964,45.28282042855623,4.7481328556991205,7.180392790948021,1.9907974977412392e-07,0.0,0.17018961374711794,39.49478017851099,76.08094752488137,4.336862387946713,13.588527496431697,0.0,0.0,152.59337092887736 +0.8897988038707341,0.21452789031096964,0.34441901808044706,50.33634181922143,149.0961349810726,163769.8870548327,4.209382779740687,19.730006554972206,1.2484864469923949,86.02700241239398,2.8590387085371542,24.947464998020525,0.398797373202286,0.6540704763052495,247.8254823698391,7.737658035424512,0.25718391293641374,54629.82770017574,2.501475863653201,86.90758321162333,4938.835469177999,169.45763068321838,339.10450915971575,36.37007918268198,0.24225726647805146,0.19594409687571956,11.08287367290362,31.563673021263885,3.4708375195417904,19.434283304362946,0.0,1.160040610009339,0.11014836652737627,20.00035724108433,44.24024093169822,0.45832178458521844,18.524997556921367,1.6033010066721712e-07,0.0001132097967789073,0.20814878486696334,15.667111211072488,33.319645474164076,0.29462797869804097,15.968833718160836,0.0,0.00014063033626880034,0.12089725287324866,61.30326970015888,51.592667895109855,4.394491805600289,13.85742354800607,1.9907974977412392e-07,0.0,0.22256772138663788,24.64432087858823,52.158214531116165,5.694960029801564,16.314980172554737,5.171291229498132e-05,0.0,126.804379944202 +0.9433787026804459,0.2316938559336403,0.4218665088592939,182.16928990217048,163.5297907350028,212773.31860313308,6.165923795755534,60.847296692216744,3.887070917741693,20.4077608583028,2.87283158948627,28.482135400644065,0.41822749991161534,0.5552323242523943,6.674970084756893,4.848721969724593,0.14158794302720187,149996.9790364255,2.0590687873880165,86.85277179443567,857.3727413819265,35.74712293261611,253.68435804169525,58.35344325827519,0.183122518316794,0.19908818236782888,1.9794147595194167,24.67630885541785,5.6274081102690205,4.096450547548102,0.0,1.075486045243293,0.13724745416076853,1.378232859260179,14.416190085534451,0.9751102621196565,6.163369215006786,1.6033010066721712e-07,0.0001132097967789073,0.2117987620591265,2.169387318416166,24.316928680913794,0.3726058027449522,2.367161032334046,0.0,0.00014063033626880034,0.3180887243230249,21.616258605518148,19.2201288968022,8.139215139396049,43.90812520870177,1.9907974977412392e-07,0.0,0.22439589650649713,4.941544011415542,28.099954368220057,9.883070246926678,15.869602082342631,1.575704815244038e-05,0.0,74.21264010333965 +0.9786296447977794,0.10617338135955502,0.3543019572517418,185.366371106187,81.09990467236196,347340.808809352,3.7083509917340507,41.50577146031526,3.4913368111746457,67.79550933510149,4.932167948676822,26.750242212893795,0.7859758199891267,0.9234723000188654,725.0730768821932,33.57437405447883,0.3066175129186272,291902.1773907043,2.70979173959513,69.095451175781,2712.995023761543,255.06985743473405,342.705007347304,46.46863475207872,0.19596010727073387,0.18966848393826002,22.496209867479127,46.95870295188933,3.111269378192147,10.409139246024763,5.998144140891902e-05,0.9337815969396636,0.12386297133045852,19.161234129276217,41.23089881255453,0.205552798159562,8.396137622977673,0.00012546272377973727,0.0001132097967789073,0.20241899902940805,25.793816831427694,50.79678683648913,0.24604939680035626,9.129961472382371,0.0,0.00014063033626880034,0.21130876825882944,78.44610100206421,51.34031018990386,3.665537846118957,5.752460692761566,1.9907974977412392e-07,0.0,0.20245570538417262,31.196186646236555,65.99169319958976,4.803108149396152,9.25422683808183,0.0005573798707766768,0.0,150.23304976310277 +0.883881000193294,0.1673857725171701,0.3356124924550657,151.4759453799197,178.28300370304692,211283.53276399904,4.039028647939201,78.79083047123106,3.398557443468407,60.05506272436769,2.3800055654949857,22.16293986702496,0.3141501757414026,0.7122307754976542,576.014441789526,23.140318367566053,0.07326111406650154,268427.50088898896,1.62078205909148,85.3698650009394,3731.9910004000963,289.5085458222686,348.7478094306279,56.253447459224375,0.18489115730185215,0.19937049238099713,37.56618778352189,47.7081144421179,2.955054525021014,31.585323971560765,0.0,1.902320115328189,0.13644104910101845,31.99780681048706,56.99917597112126,0.6120281242958464,6.712669263072134,1.6033010066721712e-07,0.0001132097967789073,0.20960598616083403,29.564274744800727,43.051863377609045,0.3107898668113371,25.155359840886323,0.0,0.00014063033626880034,0.11729206485544078,77.77903561000038,57.776405325055535,3.620157924062655,10.952132673959946,1.9907974977412392e-07,0.0,0.20944920909583192,24.41674685538383,64.72728626965169,4.6092036623547585,10.671781155003204,8.06284826216707e-05,0.0,163.7611113044092 +0.9736947573756838,0.2713982136777,0.42516950567998996,233.34795501768014,204.25018094667618,343130.539094373,5.103505367513106,77.61146750434321,3.136212006111569,91.98654693893504,3.662290630972663,27.881970064905698,0.5550771289200436,0.9131109684837636,905.3167758496448,81.27045976681671,0.3079129965821844,296396.32988421153,2.9053110719440722,90.22303272715709,4620.582366633768,273.86261401858684,349.28188829856964,58.11573646416827,0.18935988133742296,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.12592301640420483,26.708218995408203,46.65120237159231,0.5781708146895334,14.915878861307032,7.533990820643124e-05,0.0001132097967789073,0.20145127657941922,37.334423436593895,65.57774466111839,0.29575823940142476,13.051850024483446,0.0,0.00014063033626880034,0.31118495077138425,95.00925105898165,57.10490556406257,3.3575588814251978,12.926531074092575,1.9907974977412392e-07,0.0,0.17333283464852928,56.63999182478884,103.60744282442221,5.60595935542616,14.747198082242951,0.0,0.0,2698666337285.8823 +0.867738074854692,0.19449347479675247,0.4452648337822051,215.89569553945236,119.44451926071173,213452.26850653338,6.970937276669359,82.89715828194451,1.4745656425093374,76.53108646730902,4.046728276542628,18.65236404902057,0.3650341133015662,0.924726502051751,381.7668379588166,90.78168604837967,0.30734390625237173,254451.09857802303,2.8195277913502474,12.94025703937492,4945.900825824599,242.31763395122223,341.34181422110845,50.335512005663766,0.32780367918913383,0.19559435693252494,19.522279793112855,36.4348659001553,3.088648415614136,9.024581450737788,0.0,0.7737196068016041,0.13467123739273915,13.67150618473536,31.037446066702387,1.0139020983518472,3.295377429242261,1.6033010066721712e-07,0.0001132097967789073,0.20814286212397912,21.773821576443183,40.82943771963733,0.3817939474290975,7.11105955912498,0.0,0.00014063033626880034,0.3497611944164828,43.11162290682621,25.92137188426835,3.607120912851694,28.21372839264342,1.9907974977412392e-07,0.0,0.21801756694178695,19.756236037802978,42.089311749917336,7.16879717596439,3.626986437923345,0.00023008845797354438,0.0,103.53920431377155 +0.9431467990923695,0.1118682241179338,0.44980142305335225,181.82229524814383,232.88418813507303,275503.637479693,6.098569865143608,57.77178405719228,3.1896882380192126,12.121597656030865,2.8497850173635793,28.066657461792893,0.32841369686457483,0.9775051906801677,631.3058297566874,2.934402466892646,0.0820130171748245,63825.32956325263,1.292961724795146,31.783819220340554,2841.820678995303,105.7705685704559,337.5304724637812,53.44654270810883,0.18213168600685598,0.1919537223170752,7.875457276142308,27.018672988292167,4.5897348416742165,47.5076144501753,0.0,2.114645342603066,0.11827893543698478,6.195544903714742,23.025089482801516,0.8458239603430199,6.05495470473905,1.6033010066721712e-07,0.0001132097967789073,0.19578319558845483,4.333703243458761,28.851638659476677,0.34529884177096587,35.813988199274576,0.0,0.00014063033626880034,0.11149997528665602,36.768470792765875,37.095445233687194,5.158114192524477,16.24795927998692,1.9907974977412392e-07,0.0,0.1649691502234294,12.17459808538744,34.80238208063355,7.7650712914394635,10.579174344478385,5.228330074629004e-05,0.0,101.80758475042018 +0.9711422992809728,0.20785981895312355,0.3419535678957401,135.16879312414443,88.92414885311005,273425.9813516851,5.895527044396237,55.0974796462684,2.357332862615368,91.03478825237248,2.4365862045352333,24.350480492504744,0.38614015200594065,0.8358952466549642,258.38220827056307,48.48080816553914,0.08235827823030441,299617.84288977226,2.7366674152903716,69.37184156089573,4504.776239057252,89.02280868263297,349.1539311737845,54.21156695204503,0.3462349376926551,0.19879665198541752,40.683654193759224,57.025997856201286,3.3614754381065812,20.262508675536292,0.0,2.3931093538688724,0.1292712773545534,15.74533147344183,34.074931996585995,0.5094901097811148,4.18424885962056,1.6033010066721712e-07,0.0001132097967789073,0.20615767520558492,31.26477638706683,55.63114710175704,0.3031386890564222,13.037868772576063,0.0,0.00014063033626880034,0.3494585065573214,55.123818191131654,31.312509726069507,3.5366323402290942,25.995108643018412,1.9907974977412392e-07,0.0,0.20481356777326873,27.9988678723112,57.52983461122918,5.6919142806579215,6.495925504181965,0.00021520691870465915,0.0,140.99549923798327 +0.8857075278655548,0.17921545717160575,0.3505025173108791,236.83476200375884,189.20695163788182,228666.39691224432,6.193977176258518,82.12362809421239,0.6467575238857692,62.604042658719635,1.0459914825711767,28.312243818779866,0.4943997825802998,0.7924261759562661,970.1206277676629,69.88286690721185,0.2157328850712193,175261.40689721622,2.8693497122693534,75.97842713014947,1615.9970582658195,291.9191642942576,342.3825555101777,53.745931814722084,0.19476598771654202,0.193889631745315,30.52095471860435,50.738089126165434,2.9216716906486297,18.905249338528634,0.0,0.7038731639871023,0.11918755029109071,29.399645366037838,56.61791880791554,1.042041525481324,14.010999047526463,1.6033010066721712e-07,0.0001132097967789073,0.20539107033407633,32.1718225841488,54.881350216500266,0.3798345022072237,15.187082645531609,0.0,0.00014063033626880034,0.10672971349777283,88.41181823533086,66.83629571853788,3.9622478814541444,8.245691396622252,1.9907974977412392e-07,0.0,0.18629499151175122,58.728096155505526,103.84148317480353,6.310304491692989,17.334374150306555,1.2613642452085071e-05,0.0,198.3868420234421 +0.9342020543641167,0.21096962486749954,0.42940364170715156,236.3215297879845,170.61802615008202,250928.1450754073,6.562217966393581,69.15226393153996,4.762105012877263,74.40627932413389,3.5387897243814033,27.396712788207655,0.7814952693755248,0.9724784885711724,825.5018256243568,98.51739471669137,0.26454107205999744,237524.10117239793,2.8851216595905655,91.40091845458927,4960.971547952018,242.7470403148402,344.73101404709286,57.20884758785792,0.16225109817117384,0.19242129202006278,29.767492431127984,49.535291342931416,2.9571025792495558,14.28290877784976,0.0,0.6958511828654994,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20049727697508812,32.26057510863267,61.156429524247,0.36904737432832674,11.700868180846104,0.0,0.00014063033626880034,0.19644923354453425,102.23905108016793,70.09197144170624,4.101601923315895,7.827492108994746,1.9907974977412392e-07,0.0,0.179831650546364,49.77314132537054,94.26428041125394,6.565883636557161,11.212192428904569,0.0002564363963777243,0.0,2698666337285.8823 +0.9527982305397295,0.25137001920169305,0.35239366802066385,233.34795501768014,208.2637493800956,339132.262880013,5.103505367513106,76.79919578697502,4.778285270028747,90.29056308560746,3.662290630972663,26.258688612182873,0.5576687553385747,0.9115328383330438,905.3167758496448,79.31348387585047,0.2579192573427443,266312.9189340456,2.9053110719440722,98.14142201709804,4776.282008532029,273.86261401858684,337.71905945070284,55.251209896942534,0.18348106565037461,0.19153658037693264,31.265705685531128,55.32745329703657,3.0910387005384585,12.697318033809955,5.6031176449048426e-05,0.6394394742302434,0.123214571245057,27.78430378074005,48.95013588925986,0.5919194870084518,13.143300350355794,1.6033010066721712e-07,0.0001132097967789073,0.20183207879659273,33.31883107668846,59.27024344667754,0.2979670756597623,11.229004021369825,0.0,0.00014063033626880034,0.1581591152986563,110.33067790101069,73.76957371867856,3.3418252562304884,6.307070103225943,1.9907974977412392e-07,0.0,0.17679689652846844,51.85099255126662,98.81481481272472,5.624570146628871,12.68941055048933,0.0,0.0,206.42620144295455 +0.8837929362932115,0.15047696772043667,0.396975784293824,163.86319450696686,24.193593689584574,210366.7647064152,3.989885574858686,24.071045411168246,2.89933091637815,98.25603206129028,4.429179029981714,28.471786357078972,0.3299353461249741,0.9229597879545324,849.0043621173264,80.20583631440239,0.26051285197908874,87435.53944957824,1.081695639601846,58.913089584314996,1300.1547399649367,151.80839875626174,346.9415441726088,49.89690935474769,0.29645370224439926,0.19020852217948964,8.89090204230441,28.84328406420586,2.579709604979425,46.69678986467848,0.0,0.8490264884928421,0.12444820258059959,13.336324465399974,29.878139226721483,0.2215862008071487,7.930071151113762,1.6033010066721712e-07,0.0001132097967789073,0.203412215659024,9.970510355004004,30.11898866864416,0.27146882206893735,45.62985096929568,0.0,0.00014063033626880034,0.1098451924005162,27.450442426155934,31.93878822314244,4.300098434926469,17.642269961702166,1.9907974977412392e-07,0.0,0.1922071554360435,17.81136842531732,40.11476625443282,4.223418521560413,19.774982240714706,4.310423155174337e-05,0.0,108.44348119418679 +0.8833551604224701,0.22606688118710497,0.32356680269098287,92.36039835765787,175.07216928189843,232640.675773865,5.744516418434588,33.15040831870134,3.1276495396595982,20.485640511539792,0.5108361528070355,17.889514422437735,0.3262596825521682,0.9122420495308221,40.066376725629624,43.25273939679306,0.26040528331939017,116105.24857096202,2.564083318794597,74.46599479398814,3065.1910416240944,269.3730675523419,340.153672945005,54.25816915114885,0.30520011621134663,0.19435862233779028,23.98186646406208,44.90182801894783,3.4620234525109717,26.01988589319422,0.0,0.8479417242955426,0.12014179886665916,20.86429425874062,41.56173074781246,0.6439099303871503,15.30966699879991,1.6033010066721712e-07,0.0001132097967789073,0.20666078108944771,26.694312632902395,48.0895454954703,0.3210695927552402,22.122283020453278,0.0,0.00014063033626880034,0.1118997314628235,59.66144495705704,51.58975706111897,3.5068765122982843,8.008721719441262,1.9907974977412392e-07,0.0,0.1881470322476368,36.79073318148022,69.936516585721,6.041773674620415,18.639314464477245,0.0,0.0,148.72593010046424 +0.8091302910657451,0.20478865647453662,0.4310198757520652,186.7110622319381,188.53349720738694,342419.7593032272,4.798159010168655,87.0014461880446,2.2953315716652325,79.12213676046625,4.0956325389800545,18.95942672322648,0.4200457391421265,0.9076424171810502,849.8557911921026,63.48094026057285,0.32090620378822543,247255.71245974596,2.655139331416517,96.69637140894882,4671.419693913565,218.86053590457732,348.9277971531152,54.71318301880879,0.3285678238384751,0.19693371694561332,25.72492969379165,43.659874452644196,3.103850386364691,14.628751892300007,0.0,0.8181282715316908,0.13635296417053897,18.502397617411297,37.671066512901646,0.4634683924559488,14.085574872452666,1.6033010066721712e-07,0.0001132097967789073,0.2091523465004794,28.53332425597327,47.72816656207396,0.27876968056454554,13.342679862771547,0.0,0.00014063033626880034,0.3452039589117065,49.042824666480506,28.05862284738379,4.648750359276517,36.8580959177326,1.9907974977412392e-07,0.0,0.1937089737851556,31.407359387355783,61.518455580546856,5.176189992283988,13.206857632608745,0.0,0.0,132.54278274531472 +0.9115378307249404,0.14525419075891827,0.34527488442693394,42.561201985827466,249.9029175518688,324742.8403196949,4.717632341470834,19.257352139645636,3.0902678240328965,40.44528828360585,4.631209309845623,20.7649781160903,0.351338244219351,0.8764457785286655,931.5419690801515,23.812274634498333,0.3335742929301451,72811.20679427356,0.6780735583890863,43.52056586864658,1601.8344164871123,258.6782412882849,344.84926173504874,53.83601933779985,0.1793166662629129,0.1932415901135649,8.290555742242649,28.38120226695643,2.923607016167447,67.30272282251777,0.0,1.116206789063965,0.13501615120552035,13.348647289106967,32.68782791357557,0.21152379256807505,9.592120115147335,1.6033010066721712e-07,0.0001132097967789073,0.20524994478554515,10.103682245961325,28.768916494596056,0.2447351226089009,67.68185787836272,0.0,0.00014063033626880034,0.14328307851640465,41.18383288959449,40.1741369584284,3.6821477199598913,24.724912494731576,1.9907974977412392e-07,0.0,0.21092293238398477,15.177814495042272,36.37842837243526,4.592107011619839,31.761037919131184,0.0,0.0,137.04655140560072 +0.8853990053563755,0.15249982022805825,0.37846574142928185,224.4807323583129,200.66083824341473,133525.63380947168,3.3232983527655824,56.45701376849366,2.6557719206060217,38.820839364124694,2.018008608353636,29.15344816746044,0.4709665346283836,0.8086115294653083,845.2347653278164,27.80075757446427,0.30817150539055743,283709.1522346822,2.8777544773432195,92.39045615960481,4970.349567505319,259.9345798948633,342.93630514802555,54.926525057536196,0.16890398892704497,0.19330724459229198,28.93579431192378,48.698474511605156,2.8643359368368104,11.861321035578971,5.284410819845586e-05,1.1150145560175597,0.12780207260511095,28.70903998985233,52.39046407024017,0.972255013559914,11.360214162341235,1.6033010066721712e-07,0.0001132097967789073,0.20308587160213215,34.29742460738704,58.24530554917271,0.36968824585364574,11.050966028509329,0.0,0.00014063033626880034,0.10367731218314419,94.62176279662572,64.21295414342516,4.194534830555101,5.74785443058403,1.9907974977412392e-07,0.0,0.1909926653758458,55.73599949622969,94.60009501881596,5.1820670745439426,12.51431105799666,0.0,0.0,192.6538765904717 +0.9759691174758799,0.22368115710047737,0.4327013697680788,180.61267967635678,133.25014254123266,341996.4653157084,6.8266254306206235,13.301042597180675,3.525426888818755,99.42318277570999,3.1894513823083086,26.024058664498128,0.6049361268625946,0.975106038499317,983.6405157155004,94.03462107265472,0.2584045290170617,89509.54025242233,2.2132766854647894,93.58995328343626,2797.270607117275,286.1197383321475,340.55385721499,50.47250146719068,0.34882185818280104,0.1877086973922108,13.350036892922652,36.797632886782196,3.1944219103761244,23.089608042154786,2.166485102970072e-05,0.648440534721278,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.18793763833193594,14.152927671230897,39.31303013861503,0.3112376766822219,19.915978414651306,0.0,0.00014063033626880034,0.34579805835983474,37.25681288238165,25.900541438750512,6.379313558133733,33.84592989124461,1.9907974977412392e-07,0.0,0.14851897308191006,21.95998375294849,58.614826940484775,6.350984120862901,25.340337074766413,0.0004758786420468904,0.0,2698666337285.8823 +0.8463544735770545,0.2073476309818245,0.3692692963838905,132.12083807331095,140.8386974340455,296758.0638104051,6.433596706773528,46.69428707918945,4.425137126363943,81.85364527539247,3.0010055607723043,24.08162235987617,0.3525433440976049,0.7827109490504724,919.6806792427589,87.02963150348515,0.23022369708165527,67294.24961362571,2.2518192020294805,84.07189586004272,1326.5661989171128,240.31153403424304,344.9247524922401,41.05640625014377,0.24790385640826426,0.19558868874189364,15.582140381849893,34.017686022884895,3.016368712311662,28.948583953122967,0.0,0.658515692677051,0.09299013447634878,29.988968437175412,49.900317044310476,0.6113993379272016,17.991145025019986,1.6033010066721712e-07,0.0001132097967789073,0.20647344061989564,17.69475765305496,36.172901764561004,0.3135922718326574,24.19086753717541,0.0,0.00014063033626880034,0.10659260011775792,65.12548015016391,54.918890840700534,2.959942505192912,11.309120211884295,1.9907974977412392e-07,0.0,0.21067706921446938,32.6254230903119,63.55408365409102,5.390705974971872,21.40753762263951,0.00011363437532399979,0.0,145.44060984556052 +0.9532750432199874,0.11667948213543729,0.3810474993051705,70.95029649139758,128.55143895720514,329913.50471551734,4.821372691857635,23.09358461588084,1.721674880606698,41.63602472203621,0.3987321343315487,19.29072315869015,0.4129331042936482,0.846731410302164,211.99145007682586,3.5978897652268316,0.09830332757536728,275118.29785133863,1.3931360840332587,57.643838618868415,2569.574151352137,144.0863432993739,336.32576172674635,54.0584037342479,0.17892353677473505,0.19434559268455492,19.755804610069507,35.473284787660795,4.6437771189403305,18.435437635569667,0.0,1.3364842035368696,0.13374743588780988,10.332219349426103,27.63780153379442,0.22616599296798545,3.4531380275330537,1.6033010066721712e-07,0.0001132097967789073,0.20491941004096687,16.034712994141767,33.07622978235709,0.2519865108850741,15.948455540243433,0.0,0.00014063033626880034,0.09138429665142761,53.76808702059501,43.59001789153984,4.033992391470574,9.877014720833497,1.9907974977412392e-07,0.0,0.20152235474066388,16.088173623451603,38.165256825873946,6.862531428261411,8.179862141773969,0.0002118311509362348,0.0,105.99291697534046 +0.9048672344687859,0.12316889708475076,0.44924310235920883,98.18252339997566,202.28383174886875,341262.7997532467,5.082052750556511,62.57952236773532,2.194033308701763,80.1371200401754,3.826154784731396,8.11576216577791,0.49878638336862746,0.889165646666945,639.990613062667,83.00486713034205,0.24933721047709723,158871.80506410784,2.8299186083005625,71.65769151662704,2601.5933191524964,210.33507634194697,347.4252698635424,36.62747799958192,0.33529329829108706,0.197597659711704,15.035641948515543,35.73665150322469,3.065313226032252,9.893399542361939,5.9936549005056304e-05,0.6707097953237281,0.1406696928799366,9.087252271557759,24.83493418532465,0.34718347932858584,10.548160955266484,1.6033010066721712e-07,0.0001132097967789073,0.20791715424844123,17.792900684536146,39.72037727860187,0.2646826058814745,8.691108630365502,0.0,0.00014063033626880034,0.3525540315356926,37.13784444921608,23.763313747715646,4.070054553482526,35.20715819667067,1.9907974977412392e-07,0.0,0.2062769598637209,17.771405883087766,42.259550443481565,4.931340786558018,12.32884144557959,0.0,0.0,99.34709523939361 +0.9821244824931831,0.2447875538546812,0.4410719708611721,218.58743692020943,236.070901972258,315339.7222273984,5.495588183986851,97.62921846322438,2.215240711130294,70.34294760693336,3.88100224666284,27.01782241299145,0.44139242599744694,0.5779507553034462,635.4713490981279,11.927544764969113,0.3455413275498356,223686.45672676526,2.170920372961454,97.98428884848978,1380.4622674414445,281.54089533140615,347.874542998609,59.36765536918499,0.34734376967573627,0.1980507226968243,16.543227041205267,30.661881773048123,3.7048895763569023,14.913084459937194,0.0,0.8999770255435838,0.13532457252264246,9.222229083068592,25.459159829360093,0.717707698155489,11.61727701568926,4.5114452546589804e-05,0.0001132097967789073,0.21122881785619416,17.99778479198962,31.995296497800542,0.31973586215401967,13.331824752957186,0.0,0.00014063033626880034,0.3242563376521241,34.58736096672618,22.361580249846526,7.1974934960911945,45.04059678294774,1.9907974977412392e-07,0.0,0.20059421088940999,18.42649741096465,44.76471010270226,6.5120189578372765,15.779206942570191,5.5289088994673236e-05,0.0,101.27564692424747 +0.8219794913016444,0.13017502273740883,0.44939737349861913,156.20081606469444,180.18788298015306,316237.6118156153,5.0431301171590945,14.921823794990125,2.283510074092458,84.87151459164097,4.2781967977694775,26.038619104651943,0.3840452332339743,0.8458021390662299,662.6666898205359,65.88911339817403,0.23355295585358976,280803.12318270956,2.9192608177615527,82.63139242888462,907.6179390137656,246.6799108207842,349.8586092103024,49.548411291268486,0.15748213067877687,0.19538801999626704,31.023122962343063,47.14193760801894,3.070463908790331,12.803565374101666,0.0,0.6377748791760461,0.12790866374920537,31.99432895774925,55.665085911661606,0.495001082638708,11.073200515267038,1.6033010066721712e-07,0.0001132097967789073,0.2050703744149365,34.47258767587867,52.60438649547492,0.28711362968961507,11.466411827213028,0.0,0.00014063033626880034,0.1210999356125568,100.51364876899737,65.1444744238903,2.999052657921751,5.041894734865361,1.9907974977412392e-07,0.0,0.20220770768791968,56.81740614117659,94.89352978091726,5.228978302657074,11.290615476355825,3.987838903496512e-05,0.0,196.11217928375424 +0.9591145267745167,0.19710891678933473,0.44717549395564427,130.76576625835716,165.66463749224562,211117.14103281935,6.835732341689263,51.262686196293025,1.2758011618576819,97.95423489648778,3.838855336136751,5.027547509725377,0.611764507066503,0.8597531770032844,590.1975961780304,78.77108504149008,0.31881654999387377,282323.18763343187,2.8518044570995484,56.116292362677534,4662.906251593177,83.52470071470357,222.3887225604626,12.30092953811084,0.259905330447696,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19759043104622134,4.9242735309819174,23.13109640135833,0.32694266546348955,3.5295219582203137,0.0,0.00014414060373783881,0.35056815837091626,6.8688788027732794,13.929822468525767,19.523057773374447,60.483932905859334,1.9907974977412392e-07,0.0,0.16609964869826901,9.311022742144788,31.794405567564677,6.034116385397319,28.584764373385102,8.604120923252337e-05,0.0,3816490534509.4204 +0.9613701930560573,0.23673095554012302,0.3858988455477148,247.77654647925468,240.68635165113335,333008.5371250547,6.9171254477892266,90.16291837067145,4.885572767071678,94.74853924000563,4.064004740752832,21.16622813712569,0.75539524392261,0.9684403864424715,894.562087139016,81.37400099064969,0.23949670140664514,230988.06764046018,2.645505983210517,94.94918625184806,4348.741222935838,160.77532773018004,343.49890114461283,58.83063633354449,0.3492627324473497,0.1790354345697044,17.20006674500855,49.55036760120986,3.0616135739616195,14.310685806048308,0.0,0.6536414244166279,0.13291139788596948,13.228607975579017,31.89394795578674,0.9047082236764201,8.6230889273329,1.6033010066721712e-07,0.0001132097967789073,0.20543876498961217,25.840420672899207,50.00068647375625,0.35103911903852486,12.932501521020631,0.0,0.00014063033626880034,0.35384726969837155,46.970343723752094,27.85958113191939,8.942713421319342,41.76724035966403,1.9907974977412392e-07,0.0,0.1801011893291024,10.905382441864793,59.37312967754204,6.163371728650772,10.326410358559418,0.00021663142350225394,0.0,127.1379327391552 +0.9794617044358331,0.22763086894245735,0.3700627161288522,186.2620425742877,208.19019795326003,328318.6818212609,2.923126706272704,91.82514559020207,4.713943635489902,69.52272219629877,3.077604596831844,28.11028330623756,0.6297815625357912,0.9494181411814915,377.83069339180986,46.348462566256615,0.14817565738503108,181238.21119108933,2.6234113080725456,98.07538076080743,869.1749657740463,228.11302553218482,347.20915954486543,56.32984958903153,0.25321871508442767,0.19001602064421924,28.454403960581892,50.55246174168419,3.0990787816417513,21.95874295119702,1.623540355892166e-05,0.668789153929566,0.09953664937622542,21.857315083770914,43.7870277130995,0.23754878596538148,16.094112797275336,1.6033010066721712e-07,0.0001132097967789073,0.19939106461559863,29.087713102414373,54.80404038127769,0.2457581618052775,18.018136582942024,2.0142207633159016e-05,0.00014063033626880034,0.2747785024464543,67.87113259855776,49.561987074604204,3.097475769909217,11.1826595553495,1.9907974977412392e-07,0.0,0.1663580431111679,38.76801179038077,80.72999208549456,4.871478811152641,15.348690586449644,4.717969182106472e-05,0.0,161.7503547381626 +0.8698176545249859,0.19482198443807625,0.40759037146714777,227.13384648741473,18.159052783899526,340160.22302212106,6.314931295060133,83.02866320289216,2.9268396070391844,5.1448139244780435,0.8011259619278868,25.920246701551882,0.5904235750170806,0.772602289086888,320.8427229550075,72.11609210580583,0.1963651937249835,56459.39696441865,0.6440560664144037,78.83080795475931,3227.908668486031,114.49202576122867,229.98796950609324,47.876212712225694,0.21525901401663933,0.19764896083504419,1.655134237840358,24.333052518863624,3.546226693555414,39.447858648618706,0.0,0.8423426323859678,0.13490790597390884,1.5153402558665505,14.71452832186132,0.19334309174343844,4.020954185540532,3.257114595576436e-05,0.0001132097967789073,0.20910942879744995,2.3234395199800906,23.718856899559984,0.266681029916065,33.328878318440616,0.0,0.00014063033626880034,0.3402003382730108,7.923485503279653,14.956923610908472,5.142633524429373,44.11581700129419,1.9907974977412392e-07,0.0,0.17905524525013225,3.8114698839443655,30.345398313656514,4.978281062259678,19.08108380877956,0.0004252829774253326,0.0,87.53157193644088 +0.8826158679237059,0.21374426261764,0.32819363499842397,151.85546721912587,18.432795049675846,290299.51202099316,4.311205159208072,85.77073374426946,0.6998183393859436,89.62623943749011,1.9236685211486855,24.060908576934818,0.3821585603856885,0.7811274940808981,337.8857960546212,1.3325421783591196,0.3206375775734819,259850.13176323666,1.5363038140969718,88.21451008212983,1922.8652655083213,60.728979800881746,348.0250317394813,53.22148789907982,0.2308237007350828,0.1951971608493031,26.20962524780548,41.53090103767664,5.88432950437033,25.962407686161775,0.0,1.2349350715954903,0.1353111950906997,28.053268941574835,51.33404592907873,0.2116812256500815,4.949299334199792,1.6033010066721712e-07,0.0001132097967789073,0.20802583033793468,28.49852623415673,42.98535639218899,0.25092827957388936,27.053808360371896,0.0,0.00014063033626880034,0.11965386055089765,64.51903997042083,49.58901198183014,4.422632546039578,13.03434296053828,1.9907974977412392e-07,0.0,0.20756751961966674,18.77821598882473,54.542425580895085,8.02126204198649,11.714791612856478,3.184408521618773e-05,0.0,142.48160648102441 +0.8934519746241353,0.2286398241606166,0.37012688672262306,11.56491350388103,92.38214978417199,274786.1318158562,5.34080767454573,89.66224809479996,1.180699357000786,86.29838472272559,4.582681094967322,25.372028305279013,0.36760585065747825,0.6676258758442837,425.3882701896449,90.16016637892548,0.3182829569493774,182115.76878019565,2.906046377370492,76.52015328846439,3725.3923070663704,201.45133617975665,348.5939212485745,57.30247943322663,0.19398107343275256,0.1972333310406129,27.501736312549458,41.6760494573914,2.626621813241982,18.197143123420993,0.0,1.3295061596156292,0.13101615413743117,31.086704220272825,59.58839683614906,0.3533107176889778,13.775313575373058,1.6033010066721712e-07,0.0001132097967789073,0.21002164547977578,32.84341057885992,50.050697679275835,0.23691777518457213,16.270190332569616,0.0,0.00014063033626880034,0.10037250894714768,79.08427824912644,58.04523462554618,3.9517629054386654,8.88940008539883,1.9907974977412392e-07,0.0,0.2215521005742341,48.80832026191672,83.59723749772155,3.974047812874275,15.561674343050203,4.564358960328653e-05,0.0,175.31600432156162 +0.9396713252643301,0.10141636672829675,0.35952471235881683,81.23022360487579,151.67668361787653,250424.38621829575,6.030669965331596,79.2195263301975,1.647963631204253,22.128855267614362,2.813764792320798,13.316377696382833,0.4377013278418484,0.5684151392053267,6.674970084756893,1.3288034458772913,0.3188244776116197,147304.88297786165,2.08123293729035,87.1252025664519,4912.631129549112,188.1487579747892,250.89359539461262,59.039532852150934,0.21797023914983002,0.19859122308516725,2.465032213587825,24.31689636473493,7.579190847495236,5.4501923400909895,0.0,1.3600945646175087,0.140408397610865,1.3451676922596,13.039391235794657,0.5629063657690432,6.271682443599763,3.827476647811249e-06,0.0001132097967789073,0.21223814327572213,2.0384495274146546,24.48658969371219,0.30878282473020524,5.684751907563201,0.0,0.00014063033626880034,0.3291412371068686,20.13717962499254,18.511032925925882,5.865616060438935,39.24106238084909,1.9907974977412392e-07,0.0,0.218900841342201,4.5671418844412965,24.108251207766802,11.58346027864876,7.917586928804513,8.228523472238465e-05,0.0,68.23236112228135 +0.9815358975249715,0.1953087673272584,0.3800551564306861,94.68358100595488,189.4508664050385,277850.7740689574,5.6273880351206955,94.60049845374054,4.9015017710078554,88.36310074898518,3.6029714805266804,6.895997938814683,0.4154504470796218,0.7205731760273354,413.66153051383407,78.76897450720382,0.3177362253773548,125589.84194193344,2.8967879779987924,97.2624013624381,887.4450952684562,248.61317962932566,344.2380224745546,53.60097485980849,0.33717706883105814,0.19153134992920132,19.435452307408287,40.30777381516769,3.0380098487743052,19.164503935877402,0.0,0.8817094618782952,0.10183592709110412,14.691829084155058,31.77477318204244,0.5222133347831663,24.032199019212793,1.6033010066721712e-07,0.0001132097967789073,0.19777708960297202,23.123521104198694,45.81808438524775,0.2972314647564599,18.37338047781382,0.0,0.00014063033626880034,0.3407376823546347,45.44171716059436,28.11697687605941,4.334913323880755,27.767801722292212,1.9907974977412392e-07,0.0,0.17629053699181543,24.98989885720733,56.25445114508322,6.082247302467919,32.81260129514691,2.80198985309327e-05,0.0,125.31167540371776 +0.952588203171036,0.16434801761657017,0.3403192705974165,176.19804411417638,134.84255894060553,321805.3756120128,2.4017304949745206,53.83793555811211,0.7755084134744817,23.034260015362907,2.836977854108201,23.518574363144307,0.38727428335593317,0.8771068866141342,342.42996747074926,93.26349805304514,0.2672130785403809,126345.35747972014,2.0023753591232745,80.59054848204374,2853.669854642843,288.6801756369643,348.8600746940932,59.362005883510804,0.19460770892544182,0.19406769542181707,20.05052626058891,39.469260984596566,2.9432432443104637,34.87600481793945,0.0,1.0148628935107629,0.1210316760765413,24.355364060227522,48.25657257074267,0.2529143945769502,13.86565643419251,1.6033010066721712e-07,0.0001132097967789073,0.20542216328322313,22.918975572239642,44.74148415089245,0.2381905122722613,32.15416450277535,0.0,0.00014063033626880034,0.10754497173711257,63.736105188556195,56.29785497068741,3.5577154779004876,13.46430391549522,1.9907974977412392e-07,0.0,0.17405579175249247,47.15134032732376,87.06183785020171,4.3412218172587265,19.289189810513207,0.00019444388787996517,0.0,165.77350407428443 +0.9131231511538187,0.22357697706667107,0.347643726406197,208.03180418757174,243.0135228694839,341859.58015573904,6.085689297508012,71.10398651218316,4.65459360758092,76.74738514046554,4.478500605715336,29.637472129129634,0.3914315538216668,0.9255522344427936,625.7565339080351,28.61227540513015,0.3357291664631983,218498.56942328106,2.903162260528872,97.78095831938002,4848.133072308176,296.4726673697833,338.2815520415605,32.62475030865726,0.3420234085906471,0.18593247057182305,20.533275428617085,44.70049487400095,3.5376756328963603,10.134005994605646,0.0,0.7422984444558819,0.10855431788764083,16.102177312419663,32.504865788722945,0.7256499701985252,11.989771969370842,1.6033010066721712e-07,0.0001132097967789073,0.19157724885263344,22.768502435578718,48.13582154458365,0.32093025593454266,10.130175547495439,0.0,0.00014063033626880034,0.3506199293695798,58.70572733186523,32.71388544886595,6.5430691089144055,33.745696431661116,1.9907974977412392e-07,0.0,0.1527862123454065,29.442147886980923,66.76152530368144,6.952124912154693,11.497348721472635,0.0,0.0,134.6724292528036 +0.9605749507782861,0.17263278774426682,0.38212882593036446,222.01949459024104,228.38154705594184,281027.1988726249,6.832906302214624,83.9156944769158,3.1608859116200865,38.02257203823679,2.518796292310199,16.773881617332123,0.5571690478181979,0.5912459337190024,224.0165625911382,57.73076052199168,0.20786837156703222,57132.498139089286,2.8488062793045357,23.12816448690155,247.3464201998554,183.43722563272468,252.8351204740644,46.73261058845462,0.17721132826064706,0.19900665931108005,1.831701381842167,23.799772814653018,3.621343155083079,3.661172647397876,5.241390726030914e-06,0.8817326184748832,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21193450872707278,2.1461355533954856,23.989913740549582,0.3681013284544045,2.4260083732666877,0.00011836191393889405,0.00014063033626880034,0.32928748744435776,17.630672318427308,18.400809578108902,10.5999691145891,47.34816764054218,1.9907974977412392e-07,0.0,0.20274469063694237,3.5605798443178482,30.532491138522,9.46560045802991,26.606679917502174,9.151738607062378e-05,0.0,2698666337285.8823 +0.9549709266965691,0.17022932164421362,0.38513095811398557,147.51356946773382,46.98642173088274,203553.44104844882,4.6323080207975895,98.6692680821617,3.1466937746459926,61.05869872011658,1.635398941687812,14.346108358157398,0.35184970905949997,0.9098012431835679,517.8925628747166,51.93741166740821,0.28547804887002526,177749.62275883055,0.8906530530546535,95.37371618048053,1487.0922200173288,135.69558149938115,348.1391542753684,58.71326967484843,0.2072342406525868,0.19505732795291295,16.700226035100126,33.31419722225353,2.805216531697522,34.928550940190476,0.0,0.8751013130547255,0.13599481409933925,17.38641224868747,37.84367726462304,0.4148831784241593,5.915935820499348,1.6033010066721712e-07,0.0001132097967789073,0.20822650719234753,17.77536960744402,35.74663298091787,0.29974801863524586,35.7472322648853,0.0,0.00014063033626880034,0.12900540385280537,43.04414138698488,42.29606108028002,4.2804307932356265,14.730251898001612,1.9907974977412392e-07,0.0,0.1928168738335196,12.650887628936001,47.988393618255316,3.652169858712284,13.290803840096212,1.7991073524328184e-05,0.0,117.42588885262188 +0.9723527375162895,0.22842451046898488,0.3490742913316903,145.98370747067486,46.68314598998647,104219.64000271336,3.651811914565654,47.94137345528217,4.000781618496985,91.99787211423323,2.8468709982575353,27.92872128977154,0.39820567017295105,0.6943044347686795,740.6082424408949,58.02902530575575,0.30967271837943605,129036.81720773203,2.989510317510189,94.9626943841241,2956.239052631689,256.3742878807081,346.27915559100046,59.27928394976973,0.27327249347400584,0.18768128971585277,26.47269709290511,47.62974861770726,2.8764190707438466,22.553551214934334,0.0,1.1308020258057765,0.09758835851687192,22.734450255340242,41.11389443392394,0.7124555888687848,18.452901435061666,1.6033010066721712e-07,0.0001132097967789073,0.1951088087515797,31.722035868429202,54.2745775546183,0.35394368310274554,22.206252130571883,0.0,0.00014063033626880034,0.19933578711399008,60.31570325610983,46.61256643244662,4.797614954778392,9.632375848531478,1.9907974977412392e-07,0.0,0.17020133769728582,44.4817006697669,75.44729962423763,4.9825714881897,36.118810262208214,0.00020316430974830527,0.0,159.39910493142955 +0.9582725581484558,0.24311216980527667,0.4450097778008273,167.1574914012874,221.35120987660645,249103.65545821155,6.474621543413949,25.51761772927062,3.3153522824377006,56.350742376941454,3.942029389756688,11.48874134568204,0.3232327776210296,0.7211527575491287,686.3798324529982,6.834028051245516,0.1654578926701477,243642.26637644746,2.19061049953538,97.25342841213856,1386.1673130481072,142.8064318470934,224.49306708989263,22.17424043570817,0.1873140886327586,0.19999055098224583,5.4658175752043645,24.12183343449331,3.985871733727586,4.635684192088863,0.0,0.8201568818031292,0.1413134300098846,3.308720183521899,12.52118380581148,0.9385093579899911,12.862313798429463,1.6033010066721712e-07,0.0001132097967789073,0.21192973370622864,5.58994521351376,23.584182932513492,0.36311521017601045,3.3650679007389823,0.0,0.00014063033626880034,0.33901924344325013,4.045191878863762,14.423445601479077,18.972510789568133,59.921199572084205,1.9907974977412392e-07,0.0,0.18705633224279647,9.099334058310273,30.994286520209176,6.801493507920499,31.99864827268006,8.439581872793219e-05,0.0,88.72164152745128 +0.9176070014522786,0.2306911931764321,0.350450979425597,167.26266200068224,234.81511572642498,338037.9206729114,4.831878832782896,40.23540569291298,2.33998483293005,58.86880519438072,1.0648688459965023,26.029152126952553,0.40294671439861424,0.9353443155882573,819.4317700297278,52.01128609541051,0.21762767394797192,84194.42378326584,1.216338421553766,49.6070204540368,1999.3622760885637,243.17878952664083,343.93884138544735,54.46140179335594,0.2208342179423411,0.1940348287306107,13.524797138171497,30.143191951161096,3.1223696604847904,55.40330136106899,0.0,0.6053295923013546,0.1311790366440848,18.955714002077553,40.677893902976216,0.4936582042229912,8.6839130120035,1.6033010066721712e-07,0.0001132097967789073,0.2034414053079097,13.554484493753483,32.580906708770506,0.28228487483234793,50.948793932726986,0.0,0.00014063033626880034,0.12619208054406822,54.991669303258,51.082425003044484,3.14335522471982,18.32948234093954,1.9907974977412392e-07,0.0,0.20203240932237895,27.106117825174273,54.25030041306981,5.3129234671235235,20.32713039934921,0.0004158542671233148,0.0,142.12914591911834 +0.8936000581515895,0.18866796668879265,0.40543693704445244,175.6861739061032,238.53491525581393,337051.06517394254,6.890602979874982,88.9243203387608,3.7540006427008827,34.898124637833774,4.789341539798033,9.252419972399508,0.7341978330099862,0.516459150628587,694.5064124207621,73.73499172005458,0.263484232104179,78407.59847570129,2.205599305214804,75.93450879468611,2454.915110009383,76.10993523834,224.44851887228486,20.279871236652674,0.16621885993558166,0.2015394412721542,5.244581349256173,24.29219817983388,3.3109604233799512,3.753414836129433,1.7279419927228144e-05,0.6600107741075241,0.14505035805038247,2.9428767047164888,12.444053153532712,0.7730943293517163,11.447508505607514,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.30813829068063026,2.73089681439375,15.972965917147691,18.209642533680142,59.16353613022443,1.9907974977412392e-07,0.0,0.20644711117449227,5.652275353666041,31.26075372756972,6.480890753778793,43.75888506786834,3.824785048698727e-05,0.0,2698666337285.8823 +0.9283385522509088,0.20089727970828228,0.3676139974077306,116.24747181993227,229.77334972894843,273771.52130740695,4.8266914071510705,52.33686854735184,1.9780153221305294,82.78486413656015,0.6842142191803342,26.592598963585523,0.3943129565510981,0.9330796956147451,870.1812343994476,52.12142550239253,0.07160466655088557,197534.5687797196,1.4346250331316308,49.75317814491531,4237.166882538397,213.61497198853795,346.4659530567709,43.577369552333295,0.26021687718957315,0.19850286027823008,26.145502855675367,36.259373775189005,2.874903316116609,32.08028426856918,2.2204757055329568e-05,2.425905933812532,0.13082591318450548,17.958829938223428,38.44978549642604,0.5213492223327858,4.808312351772389,1.6033010066721712e-07,0.0001132097967789073,0.20376524113229047,17.92484846690306,36.297218567352076,0.2928600565778453,24.669281180593345,0.0,0.00014063033626880034,0.08973703460961564,49.96930267603626,42.05012606977467,3.0710767315321505,7.652873356208463,1.9907974977412392e-07,0.0,0.198919567519874,26.933547698210827,53.62301867416756,4.9475012008103505,10.616412233211893,0.0003292141203078191,0.0,123.22616203321456 +0.9285033317382033,0.22326765333291465,0.3462286600099367,238.05515369533478,180.46474036002155,332343.0145613755,6.541461890946456,93.09391944691151,4.848007358514746,62.68195051027602,4.5686036140690245,29.011443135035044,0.35019805408947485,0.9455593028522342,804.7126751769774,20.46048191528546,0.2592847347317714,149373.2928475578,2.9996772140632864,99.75411080998188,1590.8137092407062,258.6782331508946,347.28437707401264,49.901671272682364,0.34542421957256814,0.1813097123060717,29.618700359939115,54.86388456613252,3.551350785102129,22.078240837804167,0.0,0.6570367259825536,0.09619642949985543,21.828126641165944,38.7190383998763,0.7555262939042201,19.8387449715035,1.6033010066721712e-07,0.0001132097967789073,0.18781684301226195,31.603718108195995,59.27351212774004,0.32953345991244787,19.631374348881277,0.0,0.00014063033626880034,0.3462330063301639,56.831265127343215,33.885664414085234,6.93357998094506,31.912830343384158,1.9907974977412392e-07,0.0,0.14266575773180937,41.981425685014514,80.58250949219277,7.939372435735549,31.19711165782867,0.0,0.0,162.45692755366593 +0.9150359634302583,0.20841158061338155,0.41483296608232056,212.98091368102297,236.69166587322044,255626.90558851586,5.293896366000857,82.98606071171271,2.8194536764488065,17.12939450700938,2.97334752374946,29.64874035202358,0.43108122585889314,0.9420707398040183,915.5128832060615,55.414101219363715,0.24256632097366482,75201.0489818117,2.513146125637809,98.96667586554987,97.7131412408562,75.12057492686597,345.0780760808871,57.468616988809465,0.15175532915221002,0.19207637169576577,16.87065396832895,35.85881249323164,2.937916013095177,26.182804238900157,0.0,0.6500122396153603,0.09203268495263121,31.27603750350874,58.03029028918786,0.8499456446681898,11.709033118085976,1.6033010066721712e-07,0.0001132097967789073,0.20229350520910513,19.91763977024792,41.00210153108445,0.3444098204909147,20.96915489492243,0.0,0.00014063033626880034,0.1857263924680855,97.34134900298965,80.80308298109449,3.2943005760206945,16.03775900766224,1.9907974977412392e-07,0.0,0.17946688128949237,45.83571441826253,85.03712344207216,5.721456888687899,12.16716771406633,1.5567476734375503e-05,0.0,187.2217827652481 +0.9019719951198887,0.1871927636740521,0.36163015938411863,213.94314601345167,235.3949558371661,309845.85281155293,4.662611421145452,74.15607789772439,3.8457921578002954,33.353000099647225,1.4058613582537411,23.103828290566724,0.41405540911830596,0.5067898960444651,632.5417566553028,74.44229182666832,0.18650761036057334,54354.28706911666,2.801205891847041,74.7913128083901,2174.8623934701827,80.4466742320246,223.83379442594125,20.280267607595047,0.2353040887873601,0.20037660777632194,2.183556630075082,24.159874799847596,3.0189894980581022,4.70554038726626,0.0,0.6591647345356666,0.13589204591921555,1.4149495217252406,16.817888523812076,0.600995554707558,17.068674829832773,1.6033010066721712e-07,0.0001132097967789073,0.21313957853366272,2.743499430402381,24.11269916698565,0.29905856730082625,3.7718390613832034,0.0,0.00014063033626880034,0.3072678389411157,1.9659767314019183,16.28670933400621,16.065127302675574,57.04259831719065,1.9907974977412392e-07,0.0,0.2111026973564422,4.880901077972384,30.99808745205555,6.507235877497667,52.442438908126135,0.000708466010136911,0.0,96.73953385769028 +0.9753420969391852,0.20556784575695577,0.346633984543103,209.23568493985528,208.66972105551014,222571.55015333992,6.518211726852126,91.28424688543967,2.8901257071722704,49.58608840246735,4.503422270859537,24.02515118163572,0.432702770269948,0.8002625223539425,515.5728545841681,85.77565354068732,0.23512165766704318,151965.95634322695,2.9357633570927493,88.75621259814669,728.6930791002444,14.608942502159543,333.2741577839138,49.20978011309328,0.20965768317459954,0.19505140142745572,18.053537239402893,34.739824325591215,3.013770270529323,11.602514616510812,0.0,0.7284650455125531,0.13123229825190105,12.49062300286802,29.724151116854955,1.105439130767931,5.273593177424762,1.6033010066721712e-07,0.0001132097967789073,0.2052241501729444,19.50702280857273,38.978894019622174,0.39067468379271425,7.156021096962555,0.0,0.00014063033626880034,0.21366606179977393,87.969420783109,64.88181271689807,4.724101345610266,9.123431004061656,1.9907974977412392e-07,0.0,0.20322125448557835,23.539388135220154,48.32521653758963,7.104034734895937,5.788289280295621,0.0003368210011918515,0.0,140.44300777034638 +0.9745675102161667,0.22735449066462685,0.347496159593774,237.78252693255408,119.59408004891394,147038.5133781819,5.515837944437672,31.75770893473129,3.385518949222355,22.408136353141032,3.7596673418696307,29.61219949457448,0.5012166348115777,0.9515719687662755,971.5270067110712,72.64979499302846,0.25027293697626296,68701.36978301457,2.528376452794836,75.68714518869773,1452.7740361260865,247.21608466259502,330.54775221150254,45.286339514945894,0.3466875182404402,0.18846599868890487,14.007183334373744,37.138609900759775,2.835389433676031,20.82423269373965,9.606241988740829e-05,0.7468733803687657,0.08268745765159982,14.783931994166027,35.93393861171655,1.1627034466991755,18.45863547038635,1.6033010066721712e-07,0.0001132097967789073,0.19835950656692733,15.985586215501822,38.600952902675196,0.4062650331473128,16.35517264933561,0.0,0.00014063033626880034,0.2573121186079441,45.85651023144428,39.90361010623496,4.480871547784077,17.13879735116176,1.9907974977412392e-07,0.0,0.14341555807442463,26.94742120107183,66.54421340206903,5.503351057915012,22.170368948441194,5.7150738975254103e-05,0.0,124.77198833187637 +0.9472652734070721,0.16041411253005594,0.3506382005590665,143.10448182259609,209.27747755309332,341944.0431645297,3.386288044222059,80.33181506173014,1.4518438068802557,64.77379936438618,2.3892312176583737,22.293318105843525,0.3044486058361239,0.9618099634042216,800.1523753156425,67.81932140829267,0.1835632737642401,73321.51139142035,0.7494904526005146,93.7529244778797,1954.431173667964,296.8172561179183,318.36676990139836,21.415006756379725,0.16133702337276293,0.18931013751078915,1.7547675434390113,26.31264249879845,2.9236530149671993,34.75467284484094,0.0,0.5853345501987843,0.11944647655599823,1.342599307858355,17.1803414280916,0.23702054820655818,5.23908255164699,1.6033010066721712e-07,0.0001132097967789073,0.1992465761384123,1.7107222672162912,23.020550829219157,0.24714820554930333,30.91563959868772,0.0,0.00014063033626880034,0.2681462868060162,26.146851098923594,27.666495219341467,3.228007925153634,7.321137063616839,1.9907974977412392e-07,0.0,0.18906836402299426,1.6353663592700467,23.000459207500384,4.505002464608077,9.272540446492291,2.5862202106964364e-05,0.0,76.65946115607376 +0.9737736759089549,0.11186966579434508,0.42227755338008066,145.98276323131887,211.91785385626193,219333.02339366687,6.50209520807894,98.17404309415684,1.6685902387601013,82.6122460540283,3.8579227471466906,20.95499208815489,0.33755228676728743,0.7518593800530672,829.0847691345269,84.0993599022335,0.08517691344121578,211336.86022817326,0.6583555983105221,74.83948529643624,3306.2146999307415,262.67597153847174,349.36572360214257,55.67586010234116,0.3411211783871383,0.19869885607717347,21.30866145265453,34.03662346182433,2.860466311430119,35.6032109446315,0.0,2.6015898702410656,0.13051948677959918,8.165797384112969,24.279668968669657,0.9919236435878762,3.8156073268276387,1.6033010066721712e-07,0.0001132097967789073,0.20604876621656565,13.550635612725918,28.64047085649415,0.37443685049919195,26.061400911976975,0.0,0.00014063033626880034,0.3484592044361516,36.52157711049446,23.312790973965395,3.2150332170762397,30.52663462010859,1.9907974977412392e-07,0.0,0.17832185572821352,7.072106571766832,28.927622638643218,5.094524770915971,5.595021218684157,0.00023506220712892436,0.0,94.94158613574008 +0.9393109234306507,0.1594645856016219,0.3853292774001905,202.27028538199767,214.56071256306004,135937.23261669144,5.91613103113393,56.79196197738904,4.1348965355579015,66.46095963327613,4.6943537108111935,26.599285470301897,0.3624817159469076,0.9226610120203841,253.80331885551573,43.46234151317669,0.11509281945410099,66638.01662074677,2.9271891024582737,88.38403306054171,4146.676715396841,185.99185555302265,338.1266136208127,58.200151863485104,0.315697448482803,0.18943771263128917,22.741604263395402,43.494193737677286,3.2484514701838396,24.341158500924944,0.0,1.4864269200321774,0.09120897682059069,15.217382088336194,33.96684616121412,1.4664529667076007,18.167706495422998,1.6033010066721712e-07,0.0001132097967789073,0.18856824942166475,22.644233284067685,49.27785129846708,0.4563026173481947,18.847610519823053,0.0,0.00014063033626880034,0.2960115673688604,47.658237269885674,36.823447403281484,6.7909130652992475,24.5864728682178,1.9907974977412392e-07,0.0,0.14625082162854677,28.902724934656632,66.88195973936473,7.576762739100453,13.874662812831536,1.4235315560087128e-05,0.0,133.6591588610149 +0.9779832577544398,0.20359111334852942,0.43384289547527966,227.14485489125917,212.40282531930495,239593.43824613586,5.145881578990017,8.736213112245071,1.3399007473865139,86.31786934432868,4.502587281497421,20.812826036543385,0.4342126234053396,0.8308208024629873,282.5574598274449,1.395178628709428,0.3167285332466465,67323.74464031392,2.3670661371419035,72.80115917727811,420.1554821491161,276.3239854445391,337.90145729769665,38.15152198002926,0.15976690778284258,0.19114248062529055,8.149799202476444,32.62847064441542,6.295156630067243,13.242316815058135,0.0,1.185989471689361,0.12286495368045985,14.747847885974167,35.481950548331085,0.8685949843994898,13.678545453061464,1.6033010066721712e-07,0.0001132097967789073,0.2022472492578083,12.462814570519626,33.552774034373954,0.3487439206938547,11.222333804935765,0.0,0.00014063033626880034,0.11213177201467513,50.744354643054514,50.74445718081815,6.152605696270748,13.063380056541888,1.9907974977412392e-07,0.0,0.19372808319914156,16.642703090499744,45.195693696171524,10.083703083818392,8.153373922897023,0.0,0.0,110.74906752858247 +0.9598316356328944,0.22849188212571508,0.34834670038685484,44.198479184988514,25.03700201191016,323967.20473093004,2.759681589603968,10.73468654238544,1.2833087063574735,83.3979693951963,1.7527154014426378,26.931729030193615,0.3878287593860632,0.9900550497505212,260.8145821620439,67.6280800370298,0.14076040054028077,255901.0173992347,2.9098816814113615,99.1542399770964,3332.7728353785396,279.07405130070714,341.4228149109215,37.275391651121055,0.21617792818705403,0.18802237452227602,26.71810420746519,53.63613611661032,2.9802591859697816,10.481111905742868,0.0,0.7846023888635923,0.117465924204639,23.630802336800066,45.454161641948346,0.4191659815417675,14.300662772173228,1.6033010066721712e-07,0.0001132097967789073,0.19783901683259672,28.48110611875033,56.791180240282785,0.23617047448495138,9.002034663866596,0.0,0.00014063033626880034,0.14764338023734228,84.31016337908392,57.37852238631912,3.597469518641418,6.436707342450759,1.9907974977412392e-07,0.0,0.14334518563426696,48.06033804887081,99.38358797214882,4.156861924036327,13.409911757310425,0.00038443276499237704,0.0,183.01838345772555 +0.9831416963684184,0.2534371511775553,0.35975899398877864,243.3911387880168,122.11960963346107,301421.0682201935,6.354335503937386,99.64037008188203,3.575619389530322,74.67249225494558,4.056628673780865,25.991283642435643,0.7705144576981453,0.979767418983654,966.3783090859844,92.77685588772641,0.214746678552625,281590.8210408238,2.8248024749399647,94.85612255666848,4818.680270587816,280.04396443546204,342.49944034328297,58.22313004450449,0.3365234599660486,0.19248471691191843,31.62824455357425,54.72929010900077,3.0751320860883884,14.812666758846332,4.573058152897297e-05,0.7076538258282759,0.12672498793833029,15.235010378330145,32.46452856666419,0.6855040155766203,12.071242668946265,7.533990820643124e-05,0.0001132097967789073,0.19990180234204258,31.276076269699193,59.75555114909595,0.32473268173858855,12.776914739779068,1.945054027331398e-05,0.00014063033626880034,0.35443231656835134,55.31307759370473,31.43648167686681,4.818790138279634,36.52354480056142,1.9907974977412392e-07,0.0,0.15666592712952476,34.671659110809124,78.47066675377074,5.830473882053055,16.663700097145778,9.965958801968267e-05,0.0,153.1214818905871 +0.9221890160086929,0.16597650079489068,0.33574117330736153,124.69624123791348,237.0497170823882,157314.41505075787,1.576339906069642,10.020645122180193,0.7582183952878829,81.27645015277575,4.423229732215066,26.030207706614007,0.3758507072603773,0.7568175483253512,347.52511056363096,5.509520010489339,0.2666900098740981,80099.06621953822,0.5757591604304548,83.19943035111518,4495.7524563468,170.38941083944192,348.8320910186307,27.21003446182071,0.29907691912034257,0.19311668120886152,3.698104964945199,25.02495975757749,3.0504495660678455,49.29897655777976,0.0,1.3758490994331403,0.13299267052405134,10.069443919389586,27.0864358117139,0.2243791613101894,7.002709919692468,1.6033010066721712e-07,0.0001132097967789073,0.20605978860927904,6.065164452936392,26.970718303804716,0.24602249803251733,50.95506145964822,0.0,0.00014063033626880034,0.13600595098443152,22.322806153093413,28.859184864953054,4.303247577396885,22.758055383646187,1.9907974977412392e-07,0.0,0.2113679015239523,7.9309244731911255,30.916683538432288,5.184667798079116,24.597756036600416,7.187029530726553e-05,0.0,104.13833441859298 +0.9819898030589577,0.14263660223762062,0.3908029866548147,232.204199983812,244.23971742203807,217977.04887981236,5.822534951458667,86.1584735152618,4.188832976961454,48.66392880426774,1.2840656063247737,20.925549517316433,0.4439770611610689,0.9840812674177154,756.0694120973159,95.52738930031585,0.29904175627610463,253662.7202583591,2.982276617535992,50.39507002046295,1783.0501841947055,108.14239873183249,331.03646027758913,56.66240045378991,0.31518192827013414,0.19094314361367873,17.234283096524248,40.57814019376943,2.82685638182995,6.6904010167513706,0.0,0.7808857539969385,0.13107298154996,9.111493627338046,24.723282675654563,1.1114402614489793,4.825892507142336,1.6033010066721712e-07,0.0001132097967789073,0.20307053434789338,18.508042035582275,42.884227210091076,0.3894831282201727,4.279213603652354,0.0,0.00014063033626880034,0.35785102060713825,50.01398967791106,29.434118343428676,5.114623424934235,34.20133221425877,1.9907974977412392e-07,0.0,0.19909891315024902,17.60119399144271,43.89880718782559,6.398108822239244,5.6015686219530405,0.00038894055643740765,0.0,108.57698218205029 +0.9608062343254242,0.17412871218521983,0.4034782892808823,169.0111807655443,219.53820974346502,293244.0681102258,4.00885457684044,73.26452270186492,0.6261668578551949,89.74653421218879,1.824842259880175,17.643750615902103,0.47877005395868766,0.9883128454651621,651.30691128746,64.99434869790164,0.27423205045913324,114199.61919300674,2.480853764130025,93.25915638371008,2019.878266365784,206.1724338364346,336.62150144239837,50.56193338992554,0.19232302475433383,0.19135970732297067,14.846232368425111,39.589617708269785,2.9077467725109116,15.792286976804807,0.0,0.8189546432587784,0.1252645909852081,17.0429973274993,39.35235048812162,0.45432770183360177,13.17187456644484,1.6033010066721712e-07,0.0001132097967789073,0.2021906757453719,18.13002535071879,42.668873783987195,0.27684547059373793,13.1011893640891,0.0,0.00014063033626880034,0.15275689174402463,68.35162345039521,56.246256835848776,2.8817558844097895,8.463420619259498,1.9907974977412392e-07,0.0,0.1718951177463579,25.99347539849513,59.01098127453242,5.009297646944446,12.077568039728616,9.73747348599125e-05,0.0,136.4722613192103 +0.9851501086901459,0.11053936849348059,0.3430036706756421,217.42080135662673,248.33945012228904,313525.26187687606,6.662778606095689,94.04306889582541,4.154520168190993,87.3070053824178,1.119093948742837,29.811534645984676,0.39160259417749854,0.9455692290962475,762.8466725076439,91.78430689087375,0.20297759909563834,141185.65102180763,1.3074507452945385,42.486793473467614,4898.721019150431,213.77288479143826,344.95129257261067,51.50524250943607,0.24369461382265098,0.1884404814127671,17.02067011611273,36.57934920414945,3.1798232052951083,38.27965816631107,0.0,0.7607503631650777,0.12367610905537249,11.808236061083647,30.5213773896185,0.8904659956645675,6.683115079053459,1.6033010066721712e-07,0.0001132097967789073,0.19822075108030432,15.211566178491218,35.97127614880914,0.3497521555949614,33.47880746127424,0.0,0.00014063033626880034,0.10867045592953035,50.135088970136486,47.479097741306994,5.6496016793596695,9.792093517532887,1.9907974977412392e-07,0.0,0.16448172835539968,29.50956657980804,61.043990797703415,7.203459516814773,11.672383418686827,0.00012809218780923377,0.0,128.63723826102392 +0.9232519715142612,0.143145774101365,0.40776717204698526,136.01254015656906,230.9993199524202,345432.23572491633,5.440874744602021,5.854417592948538,1.7394648919157145,89.37828280498407,2.5492241975624,14.716319034807832,0.4267557224143198,0.642815142672819,316.1880860646122,55.250625799567054,0.1475567490270824,58023.031291657535,0.7574138749619549,96.47178232604647,3954.811146989191,114.8114862374132,348.75241054105106,39.619591871195084,0.15762792495779565,0.19972393597582683,4.058826898573993,24.24456590683989,3.4913118811668697,61.76590708357174,2.2621312036544463e-05,0.9509909930922495,0.13864439148746963,8.919008038764574,25.83698025400084,0.4939533349344639,8.596589576669892,1.6033010066721712e-07,0.0001132097967789073,0.21212301899831087,2.5238196490392535,25.975801147836837,0.284833423717545,53.4702676799912,0.0,0.00014063033626880034,0.1412626636112752,42.02207434676897,40.08390279506294,3.7332870863117593,20.03824523707794,1.9907974977412392e-07,0.0,0.2191339335336607,3.7638180289679903,28.01658793080056,5.3551468728596925,17.181826754644543,0.00010742497507856067,0.0,117.06879691704711 +0.9362752715721463,0.21332205747920968,0.3743851089740574,116.25006298171104,202.4099607101008,257809.6163825239,4.866087676848223,85.04690295541766,2.3912238330315407,99.99101912289208,3.137658154744076,20.642091927150716,0.3197249289685153,0.9594737087450907,985.5344989362601,1.642885535372148,0.09102048539370299,79590.64524392449,1.4331155761431023,52.06915113776631,4341.092740245128,266.14389540167303,349.60197842429716,58.76897521735228,0.3454698087944314,0.1950666391995781,16.511250615813267,31.71302082620096,4.167483355297561,55.128317341481704,0.0,0.9197972342915368,0.12987117046547417,13.095952553143496,33.563710787608436,0.5485785113268564,10.038395386549416,1.6033010066721712e-07,0.0001132097967789073,0.2053125663753115,13.591938868503492,32.232738622229284,0.29950182302488476,46.59632523994737,0.0,0.00014063033626880034,0.08174448534081517,31.88318112438637,35.205360488322235,3.990950784981317,8.927077864613194,1.9907974977412392e-07,0.0,0.19866718616951506,19.58263166968782,38.64843533418494,6.673289338711597,20.746759283354912,2.611782361602636e-05,0.0,117.61648248046356 +0.8225285566817025,0.17682732711179905,0.36024812728215916,172.0608350245664,137.2375891441238,195447.24347716756,1.701738256228436,70.20175558860214,3.9816675223860143,69.58985486538873,1.6945072849945915,18.602466662075773,0.41090115107210307,0.8839924924876846,148.21231442809594,59.83308524314481,0.20657915110181646,63437.169681044565,1.0473089686489265,94.13186829105736,722.7649466665786,62.25520534579481,348.67492583624255,38.475719701878894,0.2345346704163648,0.19560849455666152,7.100920960495588,25.60740485634532,2.6006098808409117,58.34476219730541,2.567018404656267e-05,1.1029475727512714,0.13817331572632896,14.169872459364562,32.41875676855904,0.2249829844879915,10.517431344727143,1.6033010066721712e-07,0.0001132097967789073,0.20900954646135975,8.608468227144872,27.48188237787391,0.2416200177415784,56.31433567518706,0.0,0.00014063033626880034,0.1452071433221103,41.56319172210027,40.38539453097753,4.1208627432475025,24.919090060444603,1.9907974977412392e-07,0.0,0.20609203495795883,6.1360802865485375,30.45891990015516,3.1453288543212357,24.94251246311824,2.4805162360943572e-05,0.0,122.78195748972274 +0.9855101076239343,0.19843375235013255,0.44547157283831634,86.59783866199848,49.511855002119475,238482.88797785187,5.701725087904538,58.91835201300969,2.046464506920454,43.09108560778181,3.1597843419994613,25.83682975833442,0.31240056306235187,0.8098353444127057,563.4721860421134,83.48292813750155,0.3261342957720156,101744.65712617272,2.2793952977526954,94.00839027800961,2402.070703520201,246.85969375382115,340.54819776238486,56.4547742503376,0.3423325239277224,0.1893611988907933,11.275217964598204,34.8190912218414,2.796087825640307,19.203143117087986,0.0,0.9126891266133097,0.0982269973805048,9.476858956167872,24.534382051593997,0.38951932918271825,15.521989375943745,1.6033010066721712e-07,0.0001132097967789073,0.19302018317888892,14.30397549069836,33.88710761658192,0.2922267446208299,17.80902421263525,0.0,0.00014063033626880034,0.3465223471307382,33.401116007786044,23.922267642074054,3.618167134913008,20.666061344466787,1.9907974977412392e-07,0.0,0.14444226908510016,18.242633304146754,46.62915270059324,4.574242076901535,21.54255653020147,0.00043064407833145487,0.0,97.16128846398676 +0.9639498698090383,0.22500554720950622,0.42269906028834653,101.6892996051816,107.68353934556306,185452.4854770602,5.5242550083642294,11.086338052476187,2.4803923227095153,47.98165840817549,4.538568268403861,7.707186760860178,0.32645713113961117,0.9109659359973287,942.335025724305,41.48772870037003,0.3391330077706003,269923.84824069886,2.594386726357193,33.59953068946115,3181.383233207451,105.69070609905228,238.6541435667167,59.06188634167515,0.30785966441518314,0.19795254514607413,3.6031056455305817,24.27343942953425,2.7932019078516106,3.6969970392508946,0.0,0.9858017181339623,0.14155276341158013,2.1047961440806358,12.683962640349325,0.7261856456024371,5.5810524425067,1.6033010066721712e-07,0.0001132097967789073,0.2115053704615846,2.1650611822743646,22.78879995566996,0.3413880837800854,2.240382581162263,0.0,0.00014063033626880034,0.3520908716228561,16.24981379973873,16.331546371294195,6.958033437195571,47.05859317610615,1.9907974977412392e-07,0.0,0.21112304330394133,5.947960699973584,22.357654921125437,3.713869542973774,12.428414503675333,0.0,0.0,69.6293054668058 +0.9877798723541859,0.23576423556496073,0.3880483268513501,164.85826247384273,249.34004859717388,309465.9234109754,6.653870890979938,67.48872556820504,3.3914073591820397,99.22469523281929,1.1332555172005456,25.895504312196152,0.4585861457654462,0.823310280463206,883.4740807215721,66.84662769533494,0.3400136734844593,52347.50350202679,1.0348634648945945,83.10970523675358,4192.556830911961,251.16211073869354,346.085906981857,58.02213379515151,0.24317083345867682,0.19330991058082805,5.864710950713663,27.17861922581007,3.1653895103549385,66.46474688907244,1.5265234623770082e-05,0.7664376504120319,0.13109967554360144,13.16486370800482,31.325273272111414,0.8023818989003138,14.104678877414745,1.6033010066721712e-07,0.0001132097967789073,0.20616871159895026,7.055366570394109,29.174809599919616,0.3374937983341962,62.03683128145224,0.0,0.00014063033626880034,0.08077771913496,38.79743684649518,43.26802872705504,4.4156276029598,14.518844472122133,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9764843286922125,0.19625544881530715,0.33032722717091956,216.7951766564705,197.18696175404273,240211.54176412048,6.931921501547429,52.09957406041346,3.799405410736807,88.25195884013716,4.18443869003662,19.04809927116399,0.4615755061768293,0.9711661867569028,914.0034689765623,40.660523645142305,0.2655377297314956,285984.9429415206,2.9218496887394716,96.2306545365905,4837.268910982103,170.09458146924194,338.70080447374244,56.72837523098991,0.16641869809524873,0.19261256318947617,30.361718726796653,52.84521783722374,3.1984298056678853,13.327615323700401,0.0,0.7425014870957303,0.13267991279468982,24.615275631814438,46.95903686643024,1.0841091168642971,6.7775232794524545,1.6033010066721712e-07,0.0001132097967789073,0.20578421679028874,32.336492580282446,56.90297730803681,0.3870353428871844,10.8360835815038,0.0,0.00014063033626880034,0.15128863089031977,114.39821837480393,78.9453291717456,4.805583452841767,6.370621512114082,1.9907974977412392e-07,0.0,0.19682311299438798,43.779052974547604,83.85039882711457,6.767887596622895,8.808619779186275,0.0002079455466110383,0.0,199.03829827786285 +0.9241619474822155,0.12491816134558088,0.3279387531082316,128.41820935078914,90.74655170445378,206904.1509325147,4.93872632446632,72.93336263392129,2.165339895332337,21.22539408639381,1.8770496380272648,24.621136039682387,0.3713985894180952,0.9220092917046097,558.9082547353315,86.34152753777012,0.23730858614204897,101962.84548062937,1.0188355555134743,81.3717790393721,94.15991079961191,270.43032103560535,338.0368219146686,58.622305943889295,0.1829027546255579,0.19081923845780907,13.541752406975393,31.77786138254485,2.694055536532104,50.87578319006464,0.0,0.7360613042788633,0.12728886248671195,15.412153981558866,33.90795275028207,0.5772499285018464,8.420746213600742,1.6033010066721712e-07,0.0001132097967789073,0.2042861962157186,14.088855247029798,31.650957644050035,0.3165373970655372,48.842746644178625,0.0,0.00014063033626880034,0.12516679432158798,48.16412245045591,45.56174065871836,3.8557661732794557,18.703973430546043,1.9907974977412392e-07,0.0,0.19582918124584545,25.086553080870427,51.417028461158885,4.687390715341042,20.00745134913211,0.00016013953837176032,0.0,131.49030414710262 +0.9772246667196027,0.1387851823058958,0.3479943704814793,240.84739896585324,47.89274560071175,291083.80003810104,4.287539782378402,90.27929595002695,1.5162435858559804,74.00480526391239,4.706940809256557,25.694257558721347,0.42378885626899837,0.9671478031018732,927.577955164315,49.241135861887315,0.09754662695496763,219261.2698849513,2.4437091740271697,83.17059697979411,1058.158196977505,278.8516442806297,342.03423209858937,58.4541217317534,0.15532005336692212,0.19273719625419636,31.891428392315113,50.43338598117473,2.9398565228558353,23.25207757664849,4.860870144073328e-06,1.493965472203477,0.11680579670507181,24.036644096872756,48.69908778974714,0.22433699030668328,10.332883192981736,1.6033010066721712e-07,0.0001132097967789073,0.2007332903579968,27.309792811969825,51.298883481336865,0.26043299582970836,16.47605891476033,0.0,0.00014063033626880034,0.10414049181867771,77.41449993328284,60.26167339418001,3.7697110128433873,12.605358023102525,1.9907974977412392e-07,0.0,0.180373964032357,56.03785511563175,100.00198166169531,4.572541642301219,11.362232695567133,6.9030163687103e-05,0.0,184.1347130267434 +0.9697133710254049,0.14826555751627318,0.3790442829297619,137.7582342082689,205.91831537084022,264120.663229728,6.628922285500356,59.10200764030592,2.5911645234074374,96.25899817540657,4.489565192628064,21.017550941543114,0.47625161212196754,0.9917520068150704,712.8749680073206,28.31179316802472,0.31476724216551016,130574.48435647893,2.886231041126931,96.10365470793846,1599.8214961681072,293.0618216272701,347.21214076499217,42.046156956389545,0.20030629231935046,0.18376925805228908,23.98654065616365,55.13622835223097,3.3356174571114203,17.57911330535298,0.0,0.7570025974486336,0.09234836408911523,24.73895083619048,55.02120479714377,0.8215043284679852,17.858722966586395,1.6033010066721712e-07,0.0001132097967789073,0.18933807668249583,28.294265390580723,57.926927200896955,0.34573333212949087,16.364773298588133,0.0,0.00014063033626880034,0.2301748125763093,81.00101906349755,59.43519472534596,3.524272901085008,13.513364629816113,1.9907974977412392e-07,0.0,0.13859074719118367,48.662468192039434,101.66796345191456,6.215411546224735,19.130455348253232,0.00018704044030097984,0.0,188.9893256875129 +0.9883217968641552,0.10554025545984919,0.344430080282842,115.49249863402969,146.23952087780762,241575.44806525443,2.9729826161797037,47.18116890077909,2.036307687480136,62.342770316616765,0.5441731467095209,20.650618862694458,0.3050841981311082,0.8059359688934253,228.97752755344254,1.0553719474743848,0.09702822785450535,103657.09170459304,1.391549058785499,56.754783798567935,2405.394062745522,99.69947414151939,340.60931468054775,56.28074751497948,0.33792749107596415,0.19359669207672053,11.622495811632264,30.404607747330793,5.7987140089688145,38.81997747848527,0.0,1.0650728345068414,0.12916758828152322,9.16923299909576,25.792717182100354,0.24538970983285543,6.864100832011667,1.6033010066721712e-07,0.0001132097967789073,0.20538724559591673,11.488308983625659,27.640802401652387,0.25274694485257465,35.884779024932854,0.0,0.00014063033626880034,0.07355846575677906,21.46059716438976,27.918010885560967,4.067626594564504,10.822404306708908,1.9907974977412392e-07,0.0,0.17530504911656172,6.744282700823279,28.303389884718477,8.511438468489262,14.834141292024595,0.00022012598791861104,0.0,89.9689000102311 +0.9128847816202912,0.12690219721691204,0.3348881205610146,52.23134189848167,70.35849423937027,181577.780732496,6.07673263670279,73.70713926733109,1.3865690603248513,70.31606915913127,1.9292459264748403,21.473399852601776,0.765185985829625,0.9298408376012837,190.28479560039221,64.11154056867956,0.22272066464678214,236926.9801207514,2.730705018748883,78.54089305661415,108.85669479380113,255.88880143801242,337.01724871955105,59.748077096476905,0.17048641522534402,0.19213249562404724,27.689926632590183,51.63501303616649,2.8711698024854204,15.720349818371119,3.0282444983907963e-05,0.8049397609802028,0.1283232402658844,24.99684071496243,47.934384649017794,0.5622729890807825,9.09995398367411,4.2486130269328915e-06,0.0001132097967789073,0.20387924912820854,30.45279594531726,53.527512184211595,0.31995175943464516,13.543444170427463,1.0612192960231158e-05,0.00014063033626880034,0.12070584013420761,85.98528498694616,67.67626019950404,4.185832594441393,10.86162095413896,1.9907974977412392e-07,0.0,0.2001534851122006,18.984040308387087,69.7469893574912,3.8243025102732835,10.320707382715925,0.00045691009015745386,0.0,167.7082715513181 +0.9673257502842758,0.2929152335256059,0.39525163292542753,244.353570394017,194.8893787378392,327245.2334218995,5.500006394652651,69.88043494461371,4.218771595659528,35.72414513283976,1.500914725010109,22.063301092995832,0.5185375313930728,0.9135170248331358,956.6148593163178,30.53489422117041,0.3176154964492046,177473.66448995165,2.5583086949198894,96.13118115225846,4037.4064666976146,290.927234421366,345.86947666356633,50.07161156436476,0.3456348918962177,0.18978553697576217,19.42123571165523,44.582895011497854,3.2275777543719375,16.456033663625565,0.0,0.7897920918917601,0.10453284369521025,15.68105443240292,31.979160662693285,0.6655122196495072,14.70765540963773,1.6033010066721712e-07,0.0001132097967789073,0.19822470990729474,24.13972479857487,47.93516717642871,0.3120506186550598,16.45065945508847,1.4009431204975202e-05,0.00014063033626880034,0.3496110074292918,47.69478203817822,27.838569525252492,6.042679261656832,34.61718659258275,1.9907974977412392e-07,0.0,0.15985480232631918,28.687859249425138,67.58753162971821,5.832871701108975,22.26666607570314,1.3177551128506768e-05,0.0,132.2459059943336 +0.9360763186646026,0.20218310996481634,0.4246552040943988,120.04794336083015,205.7267102550613,268789.98011922167,5.587656276245959,83.92439072926871,1.8283743634197611,90.51701655718766,4.248926317683622,25.61940176555708,0.5505745893291281,0.9473101377810546,327.57521954550486,57.819558539067174,0.3361695166337712,134915.50001133353,2.6055553081049343,96.93124788527831,4222.226045177609,268.9121329626652,347.99455072533743,46.517261550063964,0.267233207676876,0.18534743923754515,20.01949578325228,45.37572707882968,3.2016082477209022,18.32465731447511,0.0,0.914072671367885,0.08353646774465545,20.28940930083976,43.66505666035207,0.6298384267215577,18.684479685474486,1.6033010066721712e-07,0.0001132097967789073,0.193653901688597,23.19554091464806,46.673614120876714,0.3134180468592819,17.309126818335745,0.0,0.00014063033626880034,0.30805528272171556,56.855091734809555,39.2714298187528,3.9877482974349516,19.661910483992333,1.9907974977412392e-07,0.0,0.14617110325423918,38.61488913161179,78.1414302095668,5.8721830025810995,24.87176933629474,0.0001903397417922932,0.0,148.04829550100737 +0.8942641327389603,0.12236623764753707,0.3968777622820688,197.0614699704993,34.32869610600781,181884.47724216402,6.804317051031538,30.627209227766933,1.7668012437288447,36.10726991719072,2.0147615589780328,8.804223203225158,0.3493501864441266,0.45972189055015933,335.43784750750694,30.588843744596502,0.3179343802226434,63395.20272785229,2.900704224669222,83.31773682393319,4468.062159408911,115.87277669542372,236.57929360657798,43.67513328781377,0.22440165193012407,0.20097119867923688,5.038307277697621,24.207619576618104,3.4285228117848865,4.948940448326405,0.0,0.8551931970241077,0.12429690888515989,1.9534239595505956,16.002354902669403,0.7020672533368747,21.99919155883424,1.6033010066721712e-07,0.0001132097967789073,0.21462325830606305,4.0391387402431675,23.357931199946616,0.35485616819629084,3.5424620630759396,0.0,0.00014063033626880034,0.3017149050509938,7.595427806810379,17.240068349105883,9.845642910095274,50.913480554280504,1.9907974977412392e-07,0.0,0.19765712631055446,4.294111149954045,31.024032670844274,5.3079449600487685,37.29543721491556,8.392054199339049e-05,0.0,86.09075565072226 +0.9133436825576194,0.103577041793983,0.36690892766780187,56.28717891048973,133.39122198282348,296316.31932849914,3.9569466203854238,13.200651780198795,1.3784436765992745,23.470606872200566,3.8730691669628947,3.862382340185489,0.317166523231463,0.9622282635463008,737.3581854074895,36.39417105219144,0.32101561630833314,151631.74890417766,0.8831306132408953,98.01639819242514,603.1079747133759,179.05164168792413,341.221179295373,42.00963370208599,0.2464410939563011,0.19919389418633243,8.71309040982454,29.484692428305085,2.8189295487167243,28.599701989967393,0.0,1.125781747639346,0.14365099469066905,8.448115901896637,24.988593014022587,0.21116312764793302,4.462207976803242,1.6033010066721712e-07,0.0001132097967789073,0.21288938740358712,9.805263200789401,29.967857578122487,0.24504272715181785,28.731836170027155,0.0,0.00014063033626880034,0.12872949898039837,33.060651366001984,34.52502137341355,3.7505653852812895,11.633312664701725,1.9907974977412392e-07,0.0,0.20800468388585605,5.069286702527543,28.757198382804958,3.4614400232769045,10.06673883734813,8.06678557769524e-05,0.0,87.79816096264399 +0.8831244931044262,0.14680788064461026,0.439738582597808,48.42330262949923,31.116803758495248,173419.44031465804,4.056547396089768,72.31306422056664,2.503044936989793,34.89624605455476,0.7489001055262572,17.443464057815625,0.3263325387810834,0.975325229455473,200.15954674828046,53.551486841668066,0.14378541836950148,295225.5589511118,2.8033786795646356,82.85599858592931,4946.815859128281,254.8698529522155,342.8341091380732,41.590695733933444,0.25049650965015086,0.1946053150413663,20.88994803103482,40.234733252328084,2.657807546094185,7.479647512777243,0.0,0.7625626120987414,0.13104307242163601,16.28286938198587,35.01216324140662,0.24350730415019314,9.231328101646488,1.6033010066721712e-07,0.0001132097967789073,0.20610132952023727,22.621492449222902,46.26274483017499,0.2673206512396272,6.902916097963817,0.0,0.00014063033626880034,0.33173690111176546,61.86430254597582,39.72097005866881,4.320958674659807,10.344752403387469,1.9907974977412392e-07,0.0,0.1710579651275072,27.94435006341252,57.6800211395509,4.325362414772101,10.789775887002419,0.0,0.0,127.15595914446277 +0.9561737559512262,0.21184663720563396,0.3972924158682079,165.08555556797188,246.72542969308404,346344.4278991112,6.235709413911937,32.213815634766675,3.3700881335090505,97.70853890002863,2.998353430684379,20.558316353691353,0.4490904635270449,0.963112355346175,8.146153257451637,51.32079233041745,0.2339548509658123,125429.9140872035,1.7119057293684385,89.72556751682666,4494.609337294116,261.14638956857095,345.9175034509264,57.88750899166732,0.25279266375460013,0.1939521607874323,16.412366878661484,35.8395692094692,4.221780969094028,32.31290197101467,0.0,0.8828387494627096,0.1298600986671857,16.72288830166512,37.337234240966026,0.6620776953418264,10.880606830472232,1.6033010066721712e-07,0.0001132097967789073,0.20642171617998611,16.658523747590223,36.552899941593026,0.3120364977209298,29.894422950126998,0.0,0.00014063033626880034,0.09311450932557758,46.3506484292464,45.76823123858195,9.216524617628322,7.599106023404314,1.9907974977412392e-07,0.0,0.20852779365940693,29.472067806112545,60.07153370760882,9.239301641831995,14.539106836925459,0.00010742947588297055,0.0,126.79277437322057 +0.8225403391668016,0.20936676847786223,0.3799972762751289,17.09398447532959,149.87732452361604,248552.12969549868,4.303356146335141,16.888491497392316,3.116427833051346,95.87168258756903,0.8657278251225063,13.784713728820629,0.345532730766405,0.7299122252291402,645.7225446852566,7.673251074076838,0.22358274813121407,256505.8366985399,2.5319231632663786,81.94641278303165,2230.273780118447,229.40118389719228,349.84416310168905,59.85249507168234,0.22737379238340313,0.19929454160178567,31.66001853210488,46.22112437822093,2.839921719629115,19.4771131962709,0.0,1.1611531265211859,0.14270405550357315,27.16578650244567,49.381350713410356,0.3087971941677426,9.343329228951058,1.6033010066721712e-07,0.0001132097967789073,0.2128188944005515,32.874675132575454,47.29235228358119,0.23774403042497558,18.347579475915335,0.0,0.00014063033626880034,0.1055081575181534,69.1859645529315,52.26334452612119,4.081718218320569,8.485766905922437,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8151509407766658,0.11506898393460052,0.41722161753612924,204.78344181661396,248.43192828083318,296194.67301628576,3.7244192061553303,42.56722670543378,2.1375489007730963,33.69020272356963,3.824633529522863,20.56180508517737,0.4426433025315961,0.7242822471977153,886.5815686845528,75.00332423182738,0.1898827555046692,80072.64723808836,0.8608463180318977,28.84199042115591,4997.627488395842,269.15105174125597,338.60365201750864,43.46510994086951,0.21098582697815454,0.19847155927690457,4.491731780604881,24.63925715427178,2.8164270433909158,43.20643513281678,0.0,0.603839898567349,0.13922355861201038,7.526323952485142,22.882445821405874,0.4765342518913717,6.189759269251647,1.6033010066721712e-07,0.0001132097967789073,0.21025711053563437,4.351133512330389,24.867452196399803,0.27698126675042795,39.59658399792907,0.0,0.00014063033626880034,0.1389557923921881,35.661334352783676,34.43269871475785,2.845321183941293,18.09421221268503,1.9907974977412392e-07,0.0,0.223168176561573,3.5914254560615997,23.903373995670037,3.978391918352745,12.691327820299941,0.0003110297458843831,0.0,94.23703824789084 +0.9711597503055602,0.15249982022805825,0.361201664175628,194.09833554469344,40.35204909740409,133435.50844193064,3.3232983527655824,53.59748610190845,0.3932135122838043,72.11466541941999,0.4120559196619327,28.059714176904404,0.432221292845354,0.8224671716397491,845.2347653278164,28.103925163591786,0.3077138474869234,286582.4092368653,2.9018034832923663,92.39045615960481,4970.349567505319,259.9345798948633,341.273901689227,54.21850151200705,0.27831002214299105,0.19079793891559413,25.32722954289836,48.45107004508437,2.855206340637449,10.94374822523064,0.0,1.1403213164155557,0.11256956784879588,17.12592666804568,36.0569250197219,0.45976087460215437,13.319100227221771,1.6033010066721712e-07,0.0001132097967789073,0.20408980901352675,29.079380471982113,55.056721108717554,0.31402925252574476,10.314594980444227,0.0,0.00014063033626880034,0.3376557277363602,63.78959229601754,39.733723047715124,4.6327275529209935,13.058614167834449,1.9907974977412392e-07,0.0,0.14427232067973153,36.804919373686246,78.64021870401291,4.5937071455592875,13.105250605178838,0.0,0.0,149.81447225488833 +0.9691698835759706,0.23446843064088174,0.4226319910923777,231.99381275163205,207.1021643254854,327211.60981522145,6.726090105207331,88.93764471455478,3.8030483536642166,96.88701319021753,3.9391795692016665,25.727420424686844,0.5771860390632753,0.7807747280005801,942.1681722858992,22.82101738887097,0.21180690771817082,124886.24875681548,1.8829752307723664,99.86643210407566,4747.096766996167,206.43033430096605,258.7598847064255,32.195844704564934,0.2909661399739268,0.1965244976115526,3.3476489963619076,24.844664158707886,3.5499896509045,6.416259316335097,0.00011031866074569408,0.6487924427113592,0.1333919961936636,1.9967785384815362,14.343436476407156,0.827318991731631,8.29977161910853,1.6033010066721712e-07,0.0001132097967789073,0.2056073408614222,3.3672505821037446,24.90283875080309,0.34031095274346934,6.725613608027069,0.0,0.00014063033626880034,0.3449365629858981,17.09308367675041,17.059857792043122,12.313110765763684,51.95989570863287,1.9907974977412392e-07,0.0,0.1311157839334208,3.956181477717665,34.52407744536005,6.946029953881001,39.3404059130385,0.0,0.0,88.75334348944226 +0.8852981090896374,0.1546486821729291,0.369435158126847,209.47136628336926,42.25914545826029,188824.57148955148,3.3040136688751236,6.4872912633193245,0.45262388262532083,35.547411172368854,0.2913765368309531,19.18649406814513,0.3876012093554491,0.8072872397310235,822.6610471397839,25.125143770878296,0.14513200607808874,117978.12213754107,2.536289386424668,99.18241080085475,1118.3919696673202,259.16038182094513,347.70467029046995,50.20064695080514,0.1816147907769469,0.19461585030827624,24.891698496922338,43.92542658572018,2.7440254449252492,25.138087250856103,0.0,0.7007441901117304,0.10369500616321091,29.9517151440987,51.4060033990689,0.2728614434551143,17.33097100853526,1.6033010066721712e-07,0.0001132097967789073,0.20421821961653536,27.263349373555116,49.62311378334699,0.2746524113979993,21.42329727705556,0.0,0.00014063033626880034,0.11810287194338415,81.19677277401863,67.96911031621113,4.460893931163514,13.381065918232581,1.9907974977412392e-07,0.0,0.18995299037507393,47.31252216832792,87.22262633655367,4.689487230668639,21.657607292134156,0.0,0.0,180.11938638513354 +0.9802628851331623,0.19956820196771816,0.3347745753704976,213.48463756614262,232.08234537433557,278889.1833970187,6.778583522806828,88.69647521673284,0.636660161848956,24.2587495295562,1.4114316658444557,28.965104788714097,0.5104098015614267,0.9864997195933637,637.8111254684492,3.2603077494298875,0.17320696953990175,93707.32902327005,2.8719495775616997,50.95852603251307,2196.8913983755774,147.92811982223935,294.4769055111175,21.237403207356646,0.15960702874647598,0.19034782404655887,3.5121863994911156,25.240697205433,4.614441882989289,4.8019883590880434,0.0,0.8220201908468652,0.12322765879828039,1.4114019407731861,16.71067898645099,0.9796966584933205,12.285974225721874,1.6033010066721712e-07,0.0001132097967789073,0.20202011039636653,2.3763504181615542,24.374596785044346,0.3668207729754906,2.626214901641847,0.0,0.00014063033626880034,0.35622973055733964,43.786624847076894,29.840192873824588,5.756780332416936,31.680073677871192,1.9907974977412392e-07,0.0,0.14858074915339384,3.2597743002992563,37.32545931056088,8.601750226433511,19.915024207436126,0.00040736439444043557,0.0,86.33381884851771 +0.9790229939243428,0.161875068391418,0.42162683682354,196.2786397609756,98.65822497785992,150349.14951355488,6.8879469655715955,99.93449753298748,3.1832145265902607,13.288982846402504,1.3486901837983956,17.758187329278314,0.3200953271073378,0.9036295497791825,61.772026831007345,3.7664538960323526,0.09571531658806319,63830.63500528779,2.4984511675731778,97.97335897901775,2438.9289356199274,91.87367397494832,224.88359049032627,52.78958463338044,0.2509374630120529,0.1941389423926446,2.0834472103597608,24.508059780707452,6.113484681245544,5.589876748759275,0.0,1.529479452488337,0.10929035314761347,2.0471224689674132,17.419752397526022,1.2254241335417488,20.223173126843136,1.6033010066721712e-07,0.0001132097967789073,0.2065645970463766,3.4601464958216757,23.987109526048872,0.418292418769173,3.4172441305678,0.0,0.00014063033626880034,0.3544671709951647,4.865596801666879,14.61390832984389,13.776294502976674,52.843107227832796,1.9907974977412392e-07,0.0,0.1130118732357848,3.7954616920457656,33.41804453724747,9.589594648608635,34.56463825937149,0.0,0.0,87.35426165876994 +0.9280248463292023,0.21354680170174814,0.44814623311843926,116.24747181993227,149.3506506924722,223861.3106223073,5.112372810632477,7.785089397889882,3.8432129301150932,44.923215658844505,0.7399473940212824,27.300408710213706,0.3736415176966136,0.9357676380252155,28.706977680231034,60.47699662617427,0.058454371172850635,175437.53823873115,2.484638412555383,81.73367747726292,3272.0477976619604,91.20673752873253,348.8181243628,43.577369552333295,0.1810256413524419,0.19801890476727024,26.715903390353382,39.04408590822416,3.2856613269106014,20.631184134401288,3.029539802694381e-05,3.107213480159437,0.13108457030682702,21.024640777227187,44.127141844265026,0.629981136445726,7.025880613550528,1.6033010066721712e-07,0.0001132097967789073,0.20468682317486137,20.295730035783162,40.63801106994841,0.3185554297770883,12.994824698909822,0.0,0.00014063033626880034,0.09615551119561033,67.070772129509,53.21658484614659,3.3294730757984152,8.202539905235506,1.9907974977412392e-07,0.0,0.19224993264172202,35.95873128228128,67.69222399471381,5.534977943669432,8.188312344169049,0.0,0.0,144.00543303428375 +0.9035390427856961,0.15356749074408813,0.3724552215550011,245.93944875206836,87.20022253266612,311055.525989096,6.474759246564409,96.2233049267257,2.405238174249214,99.87742526302851,2.994962162812699,15.6081776230968,0.446661418440618,0.960697745198097,633.8275850803057,50.436180015474804,0.2301461901381304,68282.96566664975,2.549708813230323,64.80390800283753,4681.710952367759,236.78455293910443,349.431833623217,57.51160421021212,0.2149808962012898,0.19365754215766656,21.817745454967806,43.94784068224663,3.335537113311039,32.72374443110065,0.0,0.6673865585262855,0.11343787150108062,29.694397365548472,55.73995967578031,0.5681894324383349,18.53794843051494,1.6033010066721712e-07,0.0001132097967789073,0.20578523940434257,24.273300071740916,49.026043306961355,0.3110463882378482,27.21719318070352,0.0,0.00014063033626880034,0.13459780346056208,71.45402544256899,61.14075509332223,3.235698535534652,12.15154555919268,1.9907974977412392e-07,0.0,0.18867094328623707,36.63412749639534,70.66243065943331,6.150998865019907,19.30396250140798,1.3313886295955217e-05,0.0,165.2392221754207 +0.9758686725552299,0.243128441068362,0.34345221805397486,218.11047807230932,237.2474766559044,281525.7069471255,5.498158429412389,94.62028291633553,4.077479226805757,96.1635201340267,3.8773736238643317,28.33081904189094,0.44228181400267097,0.9295002071905594,401.5932474149953,7.145612662461481,0.2413579018002171,156941.90866453768,2.504571675833085,88.91512808125728,3647.650056898845,39.85420016382266,346.3363309101653,52.91115892761141,0.19029030122756327,0.1917583376471182,23.810545626628286,44.426087157697395,4.258107155801909,24.534770848986465,0.0,0.7190629667210893,0.12781748146891989,24.44104943736459,47.058372252751525,0.8094679443546797,6.890493758114308,1.6033010066721712e-07,0.0001132097967789073,0.2044756577665281,25.488650711895747,46.24191141726465,0.33657796943061863,20.841977730887027,0.0,0.00014063033626880034,0.10689764910095519,83.87343568997224,65.21545232800828,5.092455002225406,10.74448930732212,1.9907974977412392e-07,0.0,0.1990303700883067,42.757259075073875,77.89215332504416,7.436561187731217,10.148626694390181,0.0,0.0,169.48952363454225 +0.8896607442555625,0.17517491714979444,0.3404297981350188,192.44539693234998,243.41093611709624,250171.6772035394,4.077883391044185,69.43350825732799,2.7587518711079246,97.99942366479425,2.711799678411278,23.824519368928982,0.5149747109690501,0.7832428822874531,821.7292940189851,29.04914800664819,0.2622865250558799,262983.96311312437,2.626599685566082,56.72675555876967,4877.540684617072,113.38666723568736,345.4457519231113,59.08667562206025,0.15244031023033358,0.19632324347827415,31.8015944316475,47.78604468237231,2.929013689673706,19.010603439961972,0.0,0.7823305336381072,0.1357726248583389,31.60257333136498,58.54048673841242,0.6363788294302691,5.16973911151528,1.6033010066721712e-07,0.0001132097967789073,0.20922490802309396,33.7415635263155,52.706484319846226,0.3072840418891845,17.2984812510447,0.0,0.00014063033626880034,0.12152398392254404,101.04191401552991,73.62004716534297,3.083094833397905,12.84900685480397,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9184813627801629,0.20869109223334947,0.38697304485967554,221.99770279649513,120.61671318373217,325893.03159890196,3.1732329018589183,76.66139224365494,2.0247096469507104,76.41610821692498,3.611203446185102,28.74634404700752,0.3047048160176804,0.568885320640864,261.6745400658011,1.06560722413447,0.0856880603219647,72432.14699684286,1.0544157915851367,60.89428645078523,1408.3734688432517,143.83478463733888,305.7675685502193,56.27047304875838,0.183446282195413,0.19909305645085845,3.9036178171559017,26.42901321233968,6.129300414261817,37.7254628271888,0.0,1.3232821033252455,0.13501801042803538,3.7046151016007336,17.359775162447246,0.2187535090180264,4.945083670587794,1.6033010066721712e-07,0.0001132097967789073,0.21168817315951896,2.423003347644856,24.270217442736993,0.24666740305157211,31.501592564717704,0.0,0.00014063033626880034,0.08095597065509458,17.50195510257244,23.900138973897963,4.3130571665556925,8.379554966344521,1.9907974977412392e-07,0.0,0.2121509471581625,1.3785312224372201,24.91905224374517,9.013272192040766,10.988287474661476,2.1295340800935123e-05,0.0,76.77580307765227 +0.9744249274516554,0.11229130983909849,0.3481685903205302,137.7937623078448,128.8707803230983,315673.46616039,4.3372435495204655,69.27942114767563,4.414544508508966,47.82040727318857,4.865466544966054,25.728995976256442,0.4845108610845532,0.8998690385404281,17.730273199516375,28.774946887310726,0.3211275558697896,271813.0528996441,2.5459004784678525,28.488422487212024,4295.33825264247,299.5415295472039,348.8977726414265,58.421171271400226,0.1809078060882416,0.18963547678388398,30.046806766280522,53.49750171128663,3.808294820222061,18.569860352390076,0.0,0.9712049140636375,0.12822921474716578,25.580985976225396,51.917208139057024,0.3123600811044847,5.922910610365741,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.08517216544628836,63.50350158443592,55.410057837207944,4.147072095141274,10.01104029663244,1.9907974977412392e-07,0.0,0.21396533124800035,43.66947398085967,79.2272073564559,5.779370353669532,9.998814299025504,0.0004100245615380996,0.0,2698666337285.8823 +0.9656984377636583,0.17100972204825626,0.3398673257919173,75.14819990658923,123.535918711622,301837.4338623438,1.8592277595697548,86.24991677389927,2.1902647767392436,97.84325812732172,4.854077605990903,25.25805363973007,0.41931259553670913,0.8670461655408709,16.806698631629416,78.38663912680087,0.2719710215829878,229569.60623182906,2.8672766125484777,97.5984382394036,739.218373644662,37.44744328581771,348.20283187178546,56.316698510842336,0.16096972872086085,0.19004467916879658,30.26317016690326,53.095612020210766,3.1197727011977148,18.0440991392989,0.0,1.2121301523678027,0.13182411853516693,29.02761980592747,55.7830195209189,0.3906085397989556,5.949890347417774,1.6033010066721712e-07,0.0001132097967789073,0.20307296666160113,33.8036137663586,55.61684695001728,0.23534877847094146,16.3803664689846,0.0,0.00014063033626880034,0.11255655011451614,89.03283363727373,66.86773710174323,3.620125220022429,11.47342640752505,1.9907974977412392e-07,0.0,0.19588164023129725,48.83893673856461,86.19656451646262,4.2052064054905225,10.613288776088124,6.82818214909029e-05,0.0,187.2282890198798 +0.8774490971914242,0.1492412792471416,0.4038055801712648,25.358812795319313,59.12516016462484,170897.59494340676,1.5981389873563419,36.25501019768706,3.142699897605406,50.162181119318774,4.099277375222428,8.021091863875512,0.35663980316520716,0.8753196630313739,618.2114779526615,49.73803468052923,0.1108640856555637,259265.12994625585,2.5793810323344593,52.92308782403737,2955.2623136092516,19.242236479035615,341.58161429192614,16.92033918924158,0.1646093969197282,0.19834523223848635,4.74542826341639,23.565608227609417,2.3839382061529397,2.747881311418151,0.0,1.317207895295291,0.1411562190658982,3.583315128506065,16.846734366464677,0.42717827582359125,3.6663730767327163,1.6033010066721712e-07,0.0001132097967789073,0.21180545996797379,5.3420518310794405,25.006904972701406,0.23737964498189604,2.1561654085342767,0.0,0.00014063033626880034,0.13406642999768495,49.76348348659697,37.22274962603383,4.591770193456955,10.987119375531755,1.9907974977412392e-07,0.0,0.23207172222944558,2.6129706536640493,22.01737650235089,3.763925167654699,3.2509439741519444,0.0,0.0,77.98675757732087 +0.8858864695214286,0.12748560127276415,0.32556308153629604,154.99765141684065,249.0896500971421,221858.4776046669,3.8566685744936606,69.38323143342087,2.055949018127438,89.10703429805606,4.3399183074068635,12.948818051375374,0.5578957144118062,0.932709745867852,962.7533905061191,92.80042007906262,0.2470206628137775,179052.3920321635,2.8803770339520085,85.46311181140669,4692.587505428306,299.5733614011693,345.05491034749866,59.788404938547004,0.24657960030972786,0.19351809762198188,33.41411964946128,61.05993719361946,2.5595498089788933,22.107141125773023,6.954527256756188e-05,0.7850190319272874,0.09355529780918553,28.959751844767766,53.38304629359429,0.619301810150996,19.138973712241594,7.461692585096107e-05,0.0001132097967789073,0.20504201724548918,36.578684600428055,63.951235117378296,0.30718320365230306,19.94554744633057,0.0,0.00014063033626880034,0.16486138460778169,80.03443326682778,60.18325115220474,3.3945304610542055,6.611209838330167,1.9907974977412392e-07,0.0,0.18445425616097186,44.7976251248415,87.38341724786767,4.651793919264942,21.285704324675724,0.00012505757451905414,0.0,188.20684621562188 +0.9127880974076802,0.13064090001198705,0.3993881735210755,175.4224882948372,222.93793094421915,268398.0924420201,4.790676486516046,78.12562646827386,1.185489834869661,80.58379107234774,2.9592375088270284,29.508060424954294,0.4386288760248483,0.6601608128543531,668.2603653880306,38.99615997246469,0.09793869059618028,283006.26518458663,2.974280260880793,93.19274608170375,607.7987782498342,142.09551985396496,347.31025495951405,44.21380242462345,0.16268848783460574,0.19819673464572618,30.596347823923217,42.020178372257654,3.0528593096701475,12.189938193181911,0.0,1.595443355305651,0.1319186778542923,26.42040155188431,47.54891614974303,0.654763980798919,6.918369982714957,1.6033010066721712e-07,0.0001132097967789073,0.2085314894168956,28.3873687747424,45.866825967369294,0.31253576881617623,8.184968861020524,0.0,0.00014063033626880034,0.193965981442584,101.63857560326198,63.91302194449201,2.8662767771597406,6.715716944684288,1.9907974977412392e-07,0.0,0.21099523531103193,44.31698480074054,75.1725331440525,5.456910915887242,8.542800711961949,0.0005873566855730422,0.0,176.16088282279614 +0.9501404931230565,0.23918730583873468,0.324187515731175,47.47064198142142,155.60558956938328,270871.60944523837,5.754845669299857,71.73139253878068,4.178972317116536,76.93070558589854,4.935802254677052,28.166174855642033,0.33780706006129113,0.9825893459455978,174.699184849,68.72875333376459,0.11655104639889788,90303.83938860853,2.3808164349398337,77.87654433300294,2982.586744613719,261.6610858039839,342.5382312970167,41.51922001771853,0.24501531705596863,0.19114473257996015,21.980460290309168,43.495301156067924,3.128692161158225,29.677873561453403,0.0,0.9970216807123227,0.09723816342413258,29.007838353288133,57.16721214642326,0.32590331593808536,15.091600971106311,1.6033010066721712e-07,0.0001132097967789073,0.1998226766433337,21.366991786355896,45.01933490711422,0.2683735421350947,22.21901078251479,0.0,0.00014063033626880034,0.2007786527551941,75.25746766654076,55.785918802622625,3.6899818069359767,15.777582184632685,1.9907974977412392e-07,0.0,0.1400163189071174,51.87943524061268,88.5648145790617,4.939100691374847,20.28283533384296,3.386778131257158e-05,0.0,174.90120917426185 +0.853079272399082,0.15487597866794245,0.35799080198006794,241.4904180043023,149.3871189724798,211164.82922733066,4.309578808753975,10.415831174952224,0.6741219876422542,48.916785165703494,1.274829408385426,12.412906336924387,0.3432582036946172,0.9919649069706467,282.968611927355,98.81529985200896,0.06393249124082219,83304.86363625119,0.7175104553365124,26.02199875607802,3968.2324464405765,280.1275816612583,272.0748771615498,27.195457971050867,0.18921016114926104,0.1994232314488779,7.880340010625951,24.538891546350772,2.849586655636002,49.62551464274071,3.5852239959498894e-05,2.8230804193393744,0.13900894893882745,1.3902993678960138,14.55047032302504,0.7290308775060679,3.4840384866298235,1.6033010066721712e-07,0.0001132097967789073,0.20948196896606322,2.0514719813315097,23.752139042871576,0.3303515386104863,28.174061289881248,0.0,0.00014063033626880034,0.3535351566804121,18.22786778737366,18.532827441757743,3.419119638941291,34.83012517124888,1.9907974977412392e-07,0.0,0.21753991008757864,4.510800433462467,23.39922654461934,5.352672583827603,9.146821736180241,0.0002957088108356342,0.0,85.51390496487979 +0.9812328874452046,0.1638292798311312,0.42400785698475263,144.49498672968954,186.9082145156791,101250.89135275956,6.307608451786025,47.87670936664522,4.017922157980178,41.158160418869876,1.3483624363274378,13.047037720998222,0.4828879748064982,0.8986984526330715,959.0262050732053,58.94083173827064,0.29611883380869797,63370.580944455935,2.9899319025836917,87.15254167610807,4253.763508529169,281.0804982342516,251.03261684829678,18.016457067834253,0.2747541905553577,0.18417934020165785,6.178549980393613,26.244542379088884,3.1857215190397277,10.048110563797485,5.0653977011068644e-05,0.8078325145150371,0.14757956382285561,2.315478028552073,20.540392459574207,1.6275647426763133,24.103608534142616,1.6033010066721712e-07,0.0001132097967789073,0.19746183007272594,4.867237209341721,24.065715255828152,0.4829325286107301,8.218237456347362,0.0,0.00014063033626880034,0.354294123077043,1.1848850435978595,14.320448878263726,16.36370944054733,56.43357757651712,1.9907974977412392e-07,0.0,0.13539832867256732,3.5157927425951168,32.86362543597409,7.5242041987746395,53.19225845342987,0.0,0.0,100.78633788466055 +0.980408430306744,0.2462727154110854,0.34456119740469077,227.12938689318872,122.46988734920068,342693.644260642,6.725287145550508,72.94127316500656,1.9088725355762446,85.12700336834158,4.328458597773216,27.785423274007123,0.36374052056618444,0.9566772189347181,605.6593196674152,99.48064128838452,0.3444972243627877,161768.46055323223,2.604570323058823,89.33345063583373,4639.041847140259,287.21183815466236,345.78734412423563,54.39627199394853,0.34289946511875913,0.18674610355603505,25.445470209466652,53.13206849064509,3.297194238297922,21.840365655848625,0.0,0.7228860328711202,0.08115956302353837,18.389191247240806,38.93916689629144,0.6196030654235014,16.96331022029713,1.6033010066721712e-07,0.0001132097967789073,0.1993465969682256,27.14320046184835,53.811584789711596,0.3127983458360277,19.26327098038822,0.0,0.00014063033626880034,0.3495744224541122,54.42694174016114,33.31601956382997,5.11489805467615,26.974690737040753,1.9907974977412392e-07,0.0,0.14122668135115718,38.1281863608145,77.31473279014315,6.866763084287548,21.31707324164806,0.0,0.0,151.20919205776022 +0.9026906854779714,0.21176833949565882,0.39739102304225504,205.72708033843534,139.8655251165942,344980.6630314841,6.299053632837398,80.40132961791687,4.723454463854648,84.85417640685236,1.6433187754600889,23.783580667892615,0.7675394615655554,0.5676905796214015,903.2524283563635,74.02663408961243,0.2063581465664949,70916.43008664921,0.6819387524653391,78.43849441385183,1426.8160596091511,184.9917035131534,220.84275665043128,17.651733100802456,0.280251451935448,0.20015601513922515,3.4108156723732757,23.99741467986445,3.2206228840576077,26.831390539514032,0.0,0.7256554697235901,0.14019292256882318,1.9148836029415508,14.157495070886705,0.5886578127366283,3.473984769745665,1.6033010066721712e-07,0.0001132097967789073,0.2124001007448858,4.0299389683532185,23.82445699775877,0.3053878737581789,22.351532894148704,2.128429568527162e-05,0.00014063033626880034,0.31736193794196016,2.909941160787836,15.588830473178477,16.494108098840847,57.44014449931501,1.9907974977412392e-07,0.0,0.21589685514158266,6.625540241952561,31.211606540289054,6.024760499083868,49.41880594852825,5.341294019924664e-06,0.0,99.69008827849636 +0.9034465112076845,0.22375865211778134,0.3451499844537271,159.52179488783173,48.96779500442892,303957.23817160877,3.35118422611445,18.192667257299206,4.85796184773956,10.74588507462271,3.7149964633646095,27.22284997037822,0.41135366428335085,0.9417305308295798,944.359572903087,4.917237232109742,0.115392598104049,87237.32039047501,2.2206673593662014,81.98517691426316,1094.625956858045,265.2281990193789,345.86053241433126,39.314888905265306,0.2501323683374262,0.1920179721060571,19.923502386264087,39.534005270880655,3.4015388250595984,30.987505183319495,0.0,0.7585655185175739,0.10426885117439436,26.200100601810654,55.62434443070379,0.23068214260194347,15.997828664595973,1.6033010066721712e-07,0.0001132097967789073,0.20069041861298018,19.96901088016205,39.703469581498695,0.24403738970787303,24.725742205248434,0.0,0.00014063033626880034,0.10779662942155321,64.08031459763922,56.29435931630037,3.872745476848379,13.860300185197516,1.9907974977412392e-07,0.0,0.18102300330531498,43.460492020254144,79.41056334005663,5.417657015073636,21.245382623721362,0.0,0.0,160.35413834833003 +0.884369102395785,0.18886948267016979,0.37741678045052046,98.30083446883921,182.7846420708401,205010.27421147632,2.336580303237535,68.46136808485218,2.2626075977408457,98.23683466025298,1.4077461562242148,20.676853128937154,0.39626844434322706,0.8606391798661626,875.4562858342529,40.78040350148285,0.13765780410237136,57437.3762965648,0.5394202576560244,86.57407188948665,2631.3154479820014,193.01308256587393,335.73062221256595,55.177608615790405,0.2052584491200312,0.19611628560696479,5.885145377547397,24.81533693311212,2.4742089645101126,75.87297755487468,9.468190641070377e-05,0.8593470245099071,0.13462813498362286,10.103306799858435,27.159461319729218,0.21683495816885717,9.113433008841685,1.6033010066721712e-07,0.0001132097967789073,0.207751580279152,6.1284025198898044,26.919972395097815,0.24766459397289434,71.49348001838732,0.0,0.00014063033626880034,0.14585201765594002,27.25884561897819,31.71599349404025,4.330378435815207,24.581629211498736,1.9907974977412392e-07,0.0,0.21601590369873894,7.656188042837943,30.19478190691415,4.186577483195137,32.89362826349063,0.0,0.0,132.86243418477835 +0.9005773047848769,0.12848014020625775,0.350419509618169,203.53340775590945,59.39410016970901,186699.50819746804,6.332496826055301,82.39068196383049,1.5247339054931115,39.59925167750632,0.2685753381067313,28.218893214688908,0.3235508558168527,0.7691782394152121,705.7050404589131,32.01889886938672,0.12916502668285915,68301.33601600392,0.7504284046112751,94.0109687599957,1978.8245225909895,250.83004239873787,319.33741288388876,38.71304631936645,0.24109387425965703,0.19674830857516004,5.387211970809138,22.95524180184862,3.1380404210041695,53.45868673142103,0.0,1.2640266055900287,0.12714813404327913,3.884777324144599,19.50206298789903,0.7915847228052718,6.093131347724548,1.6033010066721712e-07,0.0001132097967789073,0.20418780691154556,3.198313186941641,25.15900032053306,0.35901515034350995,42.23602144114214,0.0,0.00014063033626880034,0.09168089855787036,25.549466498000196,28.469815222954157,4.081447148260684,9.002767938782332,1.9907974977412392e-07,0.0,0.20312812822076082,4.281011151389795,28.85329890722134,5.192849757348918,10.783321908618749,6.490547721619286e-05,0.0,94.02593615890733 +0.9305367859030146,0.18517445267019722,0.37579331011283873,195.08555407782734,248.57280543333485,152282.77888373486,4.84595713832573,13.449022602185856,3.332803922195803,85.58630036477862,0.7209584303902912,26.12278577240818,0.4880072732446386,0.9385919923415408,902.5453418259149,86.15933811703613,0.2873065042886642,106442.71142148171,2.3695211701484364,90.72529230899777,2190.824009295687,284.43378788066894,345.7516691446825,55.97531335236201,0.20603450742200338,0.19129369295158005,21.328254470354082,45.17163044452499,2.7427675327730694,27.276340931649123,2.980060144358039e-05,0.8340479682504741,0.09595393617307921,26.659674716087157,49.29917506063863,1.212588732301059,16.03097653105786,1.6033010066721712e-07,0.0001132097967789073,0.1971265385230308,25.27067202601976,50.55354805785129,0.40980624184977266,24.99189730196771,0.0,0.00014063033626880034,0.1423603330099484,73.92960450060731,61.35532384527907,3.671017734142,10.856127284950512,1.9907974977412392e-07,0.0,0.15439633938433464,49.23072608712285,97.88395521226346,5.520571665284085,22.70512552933431,0.0,0.0,179.9407780689252 +0.8920074435712944,0.2025387973347436,0.41273216292217496,215.63660528799488,234.8821948003202,224799.35207983287,6.699654376463604,67.39369374234344,3.394213069738864,65.04134245609771,4.829039038464007,26.805977751246903,0.42695359254104726,0.7698039569625649,790.1332467524846,81.17252708536085,0.33557719482696885,171200.55380458734,2.844716496416866,81.88757086091452,3919.5719779785413,296.5862520189787,345.8604644939984,46.09037041455972,0.15020651253363826,0.19406556816338857,24.51688795664594,44.36341692426733,2.9621317583075037,14.102113357277199,0.0,0.7698597560442354,0.10524078669175806,30.414865736090686,53.14371905131293,1.1697856436018739,14.366369599611657,1.6033010066721712e-07,0.0001132097967789073,0.20397987970976045,29.028174937777536,49.44704840536123,0.40076629595122787,12.420767488510222,0.0,0.00014063033626880034,0.11595602526841466,98.26615888307768,75.16898896177982,5.016443757174286,10.04283029227541,1.9907974977412392e-07,0.0,0.19973765822790188,51.286773111118244,92.86583326925282,6.939741561697008,13.852210473009537,5.153001610590188e-05,0.0,192.62349321216482 +0.928066099163627,0.23311038093952124,0.4109634621935818,223.88632945693752,240.8218524905011,313051.24991402635,6.458712487403801,41.47820021082382,4.488474814564074,91.24110860976118,3.1237696517844347,22.68455965801961,0.3697254846498232,0.9628596821656779,783.1464806474107,65.27265286056735,0.2955783938624559,69197.45763216855,1.6166896287249948,80.56987151278186,2438.649408388583,272.9140311121779,347.5239825452816,52.98628328329041,0.29923558536227546,0.1946198522901089,10.007358605022945,28.24901452554883,3.23084089742348,42.311964770987046,0.0,0.6928758445566843,0.12366404999233147,14.599118710432236,35.77253780851797,0.8665643742100855,14.119743642498939,1.6033010066721712e-07,0.0001132097967789073,0.2051968934090076,11.786131577850856,31.148358407101753,0.34564645009568545,38.132596883024696,0.0,0.00014063033626880034,0.24237940529818366,49.28078783416947,38.537242702098176,5.359071376006231,13.609664213666187,1.9907974977412392e-07,0.0,0.1897638467417485,24.915561738699292,50.19706357169331,6.968873055194687,18.2328402634247,0.0,0.0,120.8512681635724 +0.9194372767089508,0.12149899779751264,0.37507289370992386,194.61808419348193,248.57280543333485,203436.95688511847,5.080568641133153,31.592468859157393,2.164693152417411,86.05179376974013,0.7013161616800789,9.428730526086538,0.4300830130434698,0.714545673786229,659.2170836226258,48.82483324665668,0.34584182319447404,106442.71142148171,2.368611845511347,92.9543346436171,2190.824009295687,228.1716042774628,343.12684223399816,56.16537123979943,0.20817258365792582,0.197538166571407,16.96804835838004,36.63054464086562,2.8744444405798615,23.488712752924936,0.0,0.9407308150207965,0.12741526165476041,17.4825269376857,36.44124868622638,0.993550426343247,16.870284011812096,1.6033010066721712e-07,0.0001132097967789073,0.20970923158049146,20.52707299558148,39.956917724491525,0.37062125935232404,20.60370484628957,0.0,0.00014063033626880034,0.1300914034176643,65.20841413155198,56.345660841427026,3.5320807806955457,6.6300730755896,1.9907974977412392e-07,0.0,0.20897919139347515,30.192789247391094,60.60889326294943,5.813790629375688,18.272196997055943,6.778898452402176e-05,0.0,137.79920668418117 +0.939105166028998,0.17186044674767,0.42525243313687305,180.67044323451017,122.90549465371868,284068.3479823795,6.344255960699312,51.44592863584987,4.109068613490895,9.623616520751566,0.7817616432513643,29.05498967489065,0.3106978834042585,0.9298232375756542,26.860490999761225,46.96021350714939,0.333125154238173,117469.5288553611,2.6860334194681608,71.56724435684197,2693.2910220150316,219.97421531725635,336.96141676679065,52.851000399202164,0.3394699203735212,0.18826814834542632,14.139151980696983,37.42519062476165,3.897713725957627,13.361369605030625,0.0,0.8478303377386874,0.09427307975001481,11.625176353525605,28.495145854434174,0.6730361752799549,14.066847403665976,1.6033010066721712e-07,0.0001132097967789073,0.19586750503784894,17.425802501769347,38.825229134258336,0.32460479183846275,11.465270785019502,0.0,0.00014063033626880034,0.3483889353091841,37.54657117391762,25.737073911332242,7.325308359950433,27.67661526283334,1.9907974977412392e-07,0.0,0.13112602683771807,24.60100131530413,50.19285134935837,8.067479057595149,11.14868560230116,0.0,0.0,105.30425997571035 +0.823246564659273,0.1257082320035671,0.39388260219631516,16.678625739076267,181.1630055987412,121592.18306512629,4.585178923643786,17.926866209810694,0.46463825528948655,82.86217439468666,2.227288998624316,26.667141699022697,0.4042459978504479,0.8662524050461515,582.8126365206199,58.735328117792655,0.1585275856504655,66992.94272563129,1.5229506784130222,73.19020195726748,914.3297010415149,199.47488868171,348.3384513683046,32.573831430534476,0.16058878142055602,0.19349298084040353,5.847381926360618,26.440947344674694,2.5641411028978975,35.15291139710983,0.0,1.1092490610388221,0.1297467418518594,19.69796343781833,41.109168347556334,0.31958252930940484,12.155657581631216,1.6033010066721712e-07,0.0001132097967789073,0.20557288014512703,8.813945481649894,29.99910593439526,0.2697098312212287,33.29908408726487,0.0,0.00014063033626880034,0.11713431737614664,57.02202976387586,52.66941725165129,4.875709718252875,19.333506769083865,1.9907974977412392e-07,0.0,0.20900724006784901,26.794184371457547,60.06778123514547,3.922954201766618,18.18774979795702,0.0,0.0,131.8512730379469 +0.9633649081108239,0.2245907752173066,0.4452072600895497,199.19596246016624,248.78925186747782,280128.5478287337,6.913995766730844,92.32671644682534,1.988557580942834,58.0712522671442,3.0255368139858416,17.059450683988615,0.7195467508779432,0.8742455759044719,995.1817518610637,29.754572977364244,0.22321277572020468,72866.83740311718,2.7006508172284613,99.86399406902461,4556.657583976407,230.88104527037333,342.1594567784392,58.065330248704676,0.338183483274666,0.18569342562593733,16.84742048830744,36.436052370893876,3.3761434571443956,24.641650542611078,3.66890120471654e-05,0.6666235451666928,0.09571823395419142,14.132295172911459,31.33465719963309,0.9887218799759263,24.313004958675986,5.013586308860349e-05,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.34223190787911306,36.37383641663148,25.17674820374864,9.132781445827748,39.34625274221533,1.9907974977412392e-07,0.0,0.1623936176202935,22.03260256223857,57.67463427223478,6.891004632315593,19.603763860614862,0.00023922997113212218,0.0,2698666337285.8823 +0.8021587560628801,0.15523392058024932,0.335091077754524,153.28692940185317,114.78067427699325,170189.05007558403,1.6296459300186483,19.583356534400703,4.628456895479234,44.165048505492365,0.46981019734052576,18.320213272853486,0.3616020485035041,0.645435008882629,319.22480639308964,66.12759890290847,0.1793494515183507,50147.35383105728,0.40034205458508915,94.05185060030647,634.7625667860254,254.76743139989787,278.84275656965383,46.20944725976035,0.16933561037196537,0.19947815248446676,1.6089947978641024,23.50950025955917,2.440666586123239,66.1146715704835,0.0,1.0729008143388274,0.14093516176348622,3.3684567089069586,16.08526151215546,0.22142700909496857,6.495703472256007,3.600204765336342e-05,0.0001132097967789073,0.21222099344948891,2.611535995397603,24.322555909603004,0.2427704803063843,65.6940657994346,0.0,0.00014063033626880034,0.1243747874587005,5.724318250711949,18.58716372731666,4.493513024262239,14.446605224710092,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9193082979487421,0.23664257961541837,0.3479943704814793,202.41191773675868,214.8031696049457,344203.1942612226,5.064947063350208,15.003962422319884,3.509260417718203,53.99257587797665,4.549652107644605,26.079966157521135,0.48466573629532034,0.8459278706306379,938.742702764593,30.56167149886011,0.2245812430454748,151329.324766016,2.4449424451555823,82.67174641776205,2374.559212831866,258.47516050906603,342.3270678367532,58.42276991812531,0.2309402950630435,0.1961723093971628,25.448034121956024,42.18314475235746,3.2923084644367364,25.454930410504588,5.313498115242547e-05,0.5837206731354995,0.12534300496451184,26.434533022351708,53.92709669249474,0.5468787145377728,14.070857349779056,1.6033010066721712e-07,0.0001132097967789073,0.20489657570952433,27.702689075666786,49.785759330043525,0.2907788934213679,21.398452899025557,0.0,0.00014063033626880034,0.10438087419241825,76.1584478106165,60.38186350271756,3.3688317842357702,7.869575124009865,1.9907974977412392e-07,0.0,0.19313698995118456,50.37345919459832,88.45148203258708,5.731796054486654,17.10365807355317,0.0,0.0,175.5033848579111 +0.9260710875936166,0.20677268546693323,0.44736875776362595,207.12841466318437,247.19219851777552,349009.0908607419,6.492363379689163,80.40132961791687,4.696531971311117,31.03879180180501,4.911714547812859,18.992259108387067,0.7905297953252572,0.6394102255984636,965.4587948295937,31.856321104013265,0.2063581465664949,64609.51308674267,0.6688868162633652,37.66989025319124,1483.86989321064,166.26411172371695,221.6923047949559,35.548284763338025,0.29878063976925473,0.19880703810583739,5.406173416261932,23.8400792497092,3.430787449259626,24.12644100801893,4.394218624653332e-05,0.728676619637728,0.14025039751889887,2.817311932963121,13.522951099965297,0.7628213342595564,3.2873081597070546,1.6033010066721712e-07,0.0001132097967789073,0.21190430652045156,5.631839043620485,24.44564125961001,0.3272991156240593,19.973543306170757,0.0,0.00014063033626880034,0.33014533168893617,1.2125683732427324,15.226749770502078,16.966245619847285,57.89189820547111,1.9907974977412392e-07,0.0,0.19384282127464203,6.893510368420918,32.55899975962132,7.857660031001365,55.07226528360357,0.00036327619861527125,0.0,102.45838789179587 +0.878263563923796,0.11676383086560148,0.382862658175083,240.64507667251232,43.93364195904542,129595.63543902872,3.2543761323012506,42.165682171774044,3.5813017143700305,25.143308035373643,0.5020158970168007,18.126324083448452,0.39876658546137556,0.9847654662686068,968.6919594856942,30.172094644822497,0.31681387809985306,293676.28231536946,2.923684246484972,96.37708703628803,4484.091586581929,265.54947418136965,346.6669763357252,46.87968165045015,0.20290075695250467,0.19226404396765476,29.908350158746593,55.05256351750774,2.83061981600844,11.62283301221221,0.0,1.1443589083647427,0.10839754298537096,26.954189946224567,49.99011623504622,0.5001751360880833,15.40841207295188,1.6033010066721712e-07,0.0001132097967789073,0.20324984498502535,35.014795870164505,62.2272956588999,0.31974798138094457,11.282261637643787,0.0,0.00014063033626880034,0.1905932545583823,84.24911358969202,57.140542786327856,4.740439425062528,6.181918299387339,1.9907974977412392e-07,0.0,0.16500904671475208,45.67015135271478,90.79283061493076,4.525928951744178,13.001446274572249,2.5099279448494226e-05,0.0,183.57831678055732 +0.8984583733745428,0.23753264264914908,0.40676150980804765,216.2683183062602,234.96558581359707,338333.0822587337,4.617458955750027,84.10316818531062,4.781619703793416,99.81559710354485,2.2182162875176297,24.279952139528802,0.4282125045047004,0.987295607962269,609.7961394876758,97.51342732900831,0.20043422892548182,212260.3414321394,2.7878318340032777,86.52250408904307,4191.65813861285,66.82771631487401,346.0966260089546,58.48921090220952,0.19769924046686638,0.19309365910379095,30.291753930047044,50.68233896117618,3.087343761276714,18.71748779253451,0.0,0.6412209616087982,0.1326090245670165,27.846104747392832,51.49130542433218,0.5342848994751689,6.444312163953237,1.6033010066721712e-07,0.0001132097967789073,0.20464056043940135,30.819914269728784,53.83988687974364,0.2865599859948685,15.176871262662743,0.0,0.00014063033626880034,0.17667692380044142,91.90677432280484,63.5246408905305,3.2420361312903023,6.642591779827486,1.9907974977412392e-07,0.0,0.2047826626676074,43.437001433348144,78.14203410948349,5.573960059853548,8.287615454069108,0.0001911765861475837,0.0,178.95227268297893 +0.8815709648208844,0.16819284229373,0.3819242361095035,93.54862920373077,216.91708832700837,298122.60421900725,4.243428396537979,85.09837519331822,2.6797844179094334,19.10529437647567,3.554298351552169,25.996831837970532,0.38275015508693694,0.7798035533636014,989.4113437611522,2.4532661584283924,0.0891991233159367,293949.976282508,2.8289829984327866,49.94305444594201,2785.603374970751,172.75184652651626,348.541806416457,47.792541391344386,0.2308237007350828,0.1984221066813285,34.022669867362914,47.16662982931869,3.718040784557713,15.375780875152447,0.0,1.0425611339705585,0.13369307103604297,24.468067040034285,47.35893424873053,0.3168089010297615,5.01294228094928,1.7591895798482574e-05,0.0001132097967789073,0.20746955462953534,31.293430211890943,48.75139254592696,0.26054478752164456,11.369216862688509,0.0,0.00014063033626880034,0.16100738904861955,73.19179314125873,46.96015479993534,3.6900694803651723,5.5969640815163775,1.9907974977412392e-07,0.0,0.21883571787058442,37.5655352380499,66.30411834553023,5.953052357868051,7.234018946067027,2.5663386868424267e-05,0.0,153.25871664277705 +0.9535125820784601,0.21277384061254792,0.32857185105216047,182.66964810052912,128.4006982552341,266634.7585013145,2.9051787575965338,85.07314186782203,4.01878708471591,50.25348545920507,1.6742943751469692,21.835693847691992,0.3702365308381823,0.8165955813104295,614.7218265602756,41.95411103599847,0.24519084610534148,56094.53970313142,1.10163877711383,90.36771146072181,2863.5536704194824,134.25784119067643,338.3588725138091,29.229681147525714,0.17891506492134407,0.19458291672354308,4.000956547241287,24.668367534231713,2.7652955024163868,50.508419101331306,0.0,0.8950828113862496,0.1347807083634998,6.918818415158236,24.811891398670824,0.2418748825826614,9.09293323756223,1.6033010066721712e-07,0.0001132097967789073,0.2066853558048695,4.973603199087057,24.806656454409033,0.25103242759548344,46.85349336156185,0.0,0.00014063033626880034,0.12432641456916618,32.12321097652676,38.21414637471079,3.893191182611951,17.77779786611337,1.9907974977412392e-07,0.0,0.21255572780412263,7.756001066653516,31.643661074234114,4.4884115307495245,17.938000206141563,3.311577842681943e-05,0.0,104.84620540711803 +0.8391054710321203,0.16140569709595287,0.431364365333251,126.45306207776969,176.80928006818868,313281.88174800953,5.1662879409516105,10.555389038405565,0.8148253219468506,67.27344782110683,3.9040291565174785,15.971189814498894,0.4586084848054916,0.6121515730732018,12.666936728800884,30.077452457326647,0.06376360854098656,60234.127812914514,2.7746544826375823,67.13308402628348,2444.7626321727407,124.21911782930977,254.60927727713116,27.908175602116227,0.1542741523938179,0.2025319763656242,1.9311835290597534,24.79987846076268,3.9663552011757703,4.345243769012062,1.5031293146591582e-06,2.9112768072494557,0.13814713955003535,2.117514883574392,14.159337009844753,0.4584144310171749,18.167190278327553,5.09534035514232e-05,0.0001132097967789073,0.21324912902120138,4.629984189781062,23.80688669096139,0.28286194637099565,3.5645106443306322,0.0,0.00014063033626880034,0.32158546978654984,8.668505717800864,16.575504299692845,11.556911560764965,51.204392347262505,1.9907974977412392e-07,0.0,0.21133998322144812,4.966434654714921,31.83241154376195,6.20597339641106,42.02532696372241,6.3724295212912955e-06,0.0,88.01293195596352 +0.8925867242960649,0.23617645619371486,0.36924117422598857,182.32608232387742,136.47556697047676,277420.7723479142,5.943461672319467,50.41474375906731,1.6331420929379008,34.09753402406425,1.6809680972363874,22.814755951838183,0.4339731081020779,0.921339855527074,682.8025674845228,96.02105299765755,0.18359762091594525,204627.31648064463,2.8603227695582816,78.07840623238128,2081.1323078875266,279.9484444717327,334.7107392339178,39.63384042105041,0.30778061231141574,0.19536855495262961,21.393799308215424,40.322674064622255,2.9812842268358555,9.95858743346206,0.0,0.7726720554818712,0.11017497713488564,17.654509877607587,36.71540337662763,0.6742856220603597,14.785853234707934,1.6033010066721712e-07,0.0001132097967789073,0.20317073987682802,21.433388549051273,42.752507296376244,0.32306440184483365,7.949217925864761,0.0,0.00014063033626880034,0.3271139065755215,66.55482936597653,40.198484162017245,3.4727644171144023,21.454067172518695,1.9907974977412392e-07,0.0,0.21525860639817773,21.605247697583884,46.507702136877334,5.620407163457996,7.659377629774442,0.0,0.0,125.13818346925203 +0.8806358324790676,0.2075286231346315,0.3825196955148468,232.98686260640278,224.999421510933,307123.0252594909,4.2084061416192595,67.68084197396526,2.840780068144274,95.59292351709833,3.3845728133461925,28.279735513664814,0.5590473960262763,0.8448493665293357,504.44133721919576,38.56905653688298,0.3386000990568452,263567.68847066286,2.867229524306357,85.3455964250655,440.4605995128977,262.0822006148536,346.0711964132983,49.92255678575905,0.31279805876859373,0.19373323223696853,27.34759148042249,46.82692468731926,3.1702559272518545,12.824876324360863,5.257412830719194e-05,0.9518964774625446,0.13082481182000183,18.42348461213782,36.95773864133662,0.5461247463917583,12.32104136242553,1.6033010066721712e-07,0.0001132097967789073,0.20491638564021034,30.532283192804254,53.19760569655055,0.28897876683164253,11.824920203246524,0.0,0.00014063033626880034,0.3455377405164035,58.97765540277715,32.71207926832518,3.9093814532848126,29.24950606920601,1.9907974977412392e-07,0.0,0.18403662846960991,36.15378662966366,70.25347764792822,5.704149982090616,15.13862445109213,4.0848914579233235e-05,0.0,144.2202569082144 +0.918221317991652,0.1382515599240134,0.3825086824174997,81.03414390224842,211.98570586535058,258728.96500178394,3.3745109148885257,82.73444371389192,3.988794756435257,8.486921676038342,4.163203931550994,28.523613354914804,0.3745505085058331,0.6765042748534,112.79428101566651,26.850721870302564,0.14658168189846316,222823.50296769146,2.6564442452100843,92.3968078665968,2761.155101871064,264.11827829768606,349.0642489639863,55.65149220221433,0.17354701382654514,0.19639122312717983,29.439117686334733,44.596051223300435,3.21871389231865,18.71730588060679,0.0,0.7150580780118521,0.1243339928591849,26.213416324090684,44.39348063655458,0.23988488059135543,14.334461875213353,1.6033010066721712e-07,0.0001132097967789073,0.20605051087478732,32.06345480637633,51.11008762740826,0.2515098289718297,16.336750682048486,0.0,0.00014063033626880034,0.09106843419391769,75.57003018459591,54.43379111832283,3.705440592761331,6.741959844318996,1.9907974977412392e-07,0.0,0.19421112960172782,57.86954623600624,92.81493890851844,4.988008943189728,17.249867175032165,0.0002866681210941274,0.0,176.08669807000956 +0.9579700263143688,0.2256238015713827,0.42745419593439676,196.27512026837354,241.25585342011902,209918.4576870712,6.1630976098254635,93.46644103476481,2.696396775510811,69.60432307506328,4.7274840694622595,22.637012614859582,0.48720867259642786,0.9909565827576646,937.9755235211612,59.147769712640184,0.25714012429035704,155434.19392851688,2.764674609538309,93.09604124945072,2174.3302805364633,263.39556025631657,341.8577519610613,54.809814120132756,0.19137598104938855,0.19026645671331222,23.244361998999526,49.698872719898795,2.9133006667772507,15.474865782366715,0.0,0.6985421253754794,0.09024779080870961,24.10430759562924,45.96004600964625,1.1307993176903712,16.004416429719708,1.6033010066721712e-07,0.0001132097967789073,0.19775513980380457,26.31634359849663,53.16552079262818,0.39453145568731557,13.635307956924793,0.0,0.00014063033626880034,0.21704475324263242,84.14528437249186,61.712054823873856,4.179316060713592,11.260215080170553,1.9907974977412392e-07,0.0,0.15680934665980747,41.8175866611124,86.52010800938112,6.289595048630046,15.534276813653099,5.4414229254723025e-05,0.0,174.53716420601427 +0.9585279979312378,0.2394988306059443,0.37256743581265717,134.65781078894312,245.03006711944653,313839.9423946399,6.570663437312034,15.000330607635092,2.405238174249214,99.87742526302851,4.419190329875595,17.844870146402172,0.477816515482896,0.9596151650255214,633.8275850803057,50.115207472087285,0.2301461901381304,298055.7377034294,2.5374252380022706,93.81842718932519,4356.25451752299,228.8960251171489,348.12168428089603,57.747797081476435,0.17614536011323761,0.19519056095923162,37.05016115480445,59.16701934016731,3.2771242462547736,18.841623490951203,2.402831305832137e-05,0.65813699637322,0.13391742267159204,31.359756380174765,57.5043431725609,0.7044043549565308,9.914833140597926,1.6033010066721712e-07,0.0001132097967789073,0.20676259498766134,34.52742523785572,58.05104721074706,0.32273496113607075,16.332209161159707,0.0,0.00014063033626880034,0.13584132174892702,100.02641564305952,68.4822187207832,3.704276198259209,5.5095549450546155,1.9907974977412392e-07,0.0,0.2165159744733253,44.72194860951398,82.96619629770899,6.180772973702116,11.709439955810037,3.179632098561521e-05,0.0,195.59044151849722 +0.8908008866765086,0.1202064751138531,0.3728959550562308,120.11325487123318,122.43613686864504,102542.19714133667,5.076344834917985,40.14709532609109,1.0908241884838996,90.70576931710399,3.903615284217751,14.434151678973855,0.3048548430121185,0.6759812015474689,21.156087015961543,7.2377259202342685,0.051028275215919884,51200.24864981345,0.52991433491376,98.99533354430892,413.93812008525356,284.10638116298884,273.4024155417988,16.33994099143159,0.191160565699663,0.20008987585021334,2.538203937897692,25.487923917969248,4.7338819166043,56.475031403571464,0.0,2.596009897298483,0.13857021780716974,1.9209615985292678,12.744090883739133,1.24415511551058,4.7444296639875425,1.6033010066721712e-07,0.0001132097967789073,0.21170334758424653,3.0235611683556707,23.49466635206003,0.42265216681613565,39.001751494606914,0.0,0.00014063033626880034,0.33721331821645906,6.5854449784973035,16.640824668423704,4.942865367706425,36.61007598722966,1.9907974977412392e-07,0.0,0.23219215461332843,7.769945256353711,24.26888764877155,7.876038034861906,11.483026890818481,0.00010862980742238772,0.0,93.14397490130091 +0.8153618172561943,0.20717461656877106,0.44293163163513627,236.53445542745118,172.31456450738904,225008.19524174475,4.799049392863123,71.5825064573803,1.7207186861615247,76.6038870609045,1.2006591894757612,6.484825986646243,0.3822638752075267,0.5732113791920765,825.5018256243568,37.87995891695731,0.08537230154964315,234501.72502593126,1.6742961121772177,90.58538480896449,4324.368658952327,275.27589912898316,345.2905138470877,57.880002344232345,0.25246603738736373,0.2031442283584824,25.079371920852264,35.504359280559605,2.9302264691599818,23.46440798916911,4.421968483603695e-05,1.996043277663644,0.14679887782760975,15.605920027789544,30.318489561165762,0.8064376180166207,5.517812150445037,1.6033010066721712e-07,0.0001132097967789073,0.2152523548811463,18.26903083422475,33.131720313526515,0.34112115155570694,17.87871358094879,0.0,0.00014063033626880034,0.12763049518777134,61.25688247228933,41.247744099952826,2.992242398933708,7.714293033690375,1.9907974977412392e-07,0.0,0.23589473857249968,9.85478729687339,35.13972520832845,4.5578227359364645,8.969639709985492,3.293409082868498e-05,0.0,111.1455839538471 +0.8962405427449063,0.11783359236505514,0.4497744716818223,37.52226929535533,216.12329486159115,302882.31120321946,3.344445539519805,45.615803301411916,1.8819790495284787,31.343618495153155,3.3525277138195126,27.501765515874723,0.36086086643622123,0.9008170767619127,623.0397349076271,21.259328712601185,0.11597282551869,202629.39738064478,1.8446341500655175,70.81738807362854,1870.2641272170113,201.80446518842075,347.31431563706604,26.305262900188712,0.17282801168526132,0.19353290999537934,9.884926721005362,28.287827606132677,2.8324606917839237,11.615885163937303,0.0,0.8107449863974356,0.12976369533015938,10.755435154920375,26.37502706521129,0.3009894536876451,4.959503421194742,1.6033010066721712e-07,0.0001132097967789073,0.2029250962684905,9.84521543695553,30.080292638531088,0.23717013602493203,9.369885584397862,0.0,0.00014063033626880034,0.10175513998104377,49.03787018092785,42.70326675877364,3.7629606750768665,11.953107251106832,1.9907974977412392e-07,0.0,0.1947500764381404,16.922308420298187,42.75291631856635,4.393693412116969,6.0122480194663455,9.746018229310618e-05,0.0,97.58188371060136 +0.9311092403776281,0.19254237452106684,0.3403632805491376,142.97008047231512,173.65529464023064,206597.0792200782,2.8129250150071687,9.4602929245345,3.3307258956323693,37.95266438181012,2.5097183269605576,23.08836073509214,0.44692539070482373,0.9620418807900089,902.5453418259149,30.146009461714613,0.34639324451613857,96557.23368545265,2.38172733193602,77.17389147601929,4404.7698776947655,179.57734145521786,347.09496364351986,54.83318240059325,0.20404010318979127,0.18968623881206353,19.47283129930855,41.20056048470651,2.590235128724847,30.806386135933394,3.0230538497749484e-05,1.2307216449644345,0.12020035932221548,27.41306179098376,54.102430977779555,0.36428389409175965,13.73197121221547,1.6033010066721712e-07,0.0001132097967789073,0.2019198325061486,24.3445788294415,49.00428336268617,0.26759819868335877,27.5002301697446,0.0,0.00014063033626880034,0.1171283313764556,69.06515773730025,61.082778995440584,4.3030823522409465,14.561873009910345,1.9907974977412392e-07,0.0,0.18388185972995796,46.77500614048501,87.24808508896447,4.55983111320503,17.958455567220046,1.737021005377185e-05,0.0,171.83372516632838 +0.8198965984671492,0.15695469391748895,0.3483571648708398,150.196514122345,172.3050066262605,159332.59162147072,6.173650030502923,67.76671697364444,0.8163704292365994,80.08466513960498,0.9600622781378909,24.713614915396906,0.35892414096818637,0.9969339654154341,338.6195555836707,14.095473389976839,0.2087911270814659,216110.3028396698,2.5506565863554234,70.6978404386166,1436.9424801558762,170.64535138523627,323.7578356240755,50.47210761169671,0.16484308690264915,0.19242818764992678,19.434494073017003,38.40713530700708,3.7645796417035045,11.485970830770713,0.0,0.8257619738326625,0.13200711847924415,13.738114983115624,31.876449156804238,1.1877973122683272,6.773651105474752,1.6033010066721712e-07,0.0001132097967789073,0.20385357518540184,19.368685953565752,38.0083266749615,0.4095765578215175,8.651390939176446,0.0,0.00014063033626880034,0.10688230380325207,77.21145992920633,56.256267859977356,4.196419004725553,8.2643915184787,1.9907974977412392e-07,0.0,0.21014985047584775,18.601812135913935,41.06277090365713,7.173285248265887,5.867137599924273,0.0,0.0,128.36282996366856 +0.9581930665567566,0.10764515862071872,0.42188886338806214,179.50309868547993,123.67748113561277,268137.8722267903,6.140747181865485,63.67223955637175,3.866777819136143,51.244514044390584,2.813764792320798,18.498790295062705,0.3233068421755999,0.773473974785388,27.494977959100368,2.5703415290316727,0.09698118301396365,253682.1487151435,1.9290349391254016,23.92669388879667,1197.9022148077936,201.26331233598475,258.707566478216,59.7376283822711,0.23290935297831053,0.19608182514013983,1.798635707490794,23.743611049013026,6.497508711673545,3.9981828453735124,0.0,1.6311135919865085,0.1316101934188814,1.9745026317821204,13.75649864945726,0.6930363201407637,3.7278010421049377,1.6033010066721712e-07,0.0001132097967789073,0.20702296388889702,2.0128983951096946,23.235313982998434,0.32832589532338907,2.5287861341422224,0.0,0.00014063033626880034,0.3492511468270066,25.157987207868533,19.44958935140642,6.084868077106193,40.831009318502794,1.9907974977412392e-07,0.0,0.20664240595692648,6.837157165505619,24.177452232867346,10.36022136059486,6.906992159872916,0.0,0.0,69.91291981357267 +0.9840055010920518,0.2245311896883334,0.3430525586683422,233.93541784992217,109.05142359555205,287290.2571810562,5.456477860984736,85.93238709852378,1.8677500315749613,41.68793296279978,0.35405343763809416,26.039015570935184,0.5674848320862176,0.7279965306559757,501.6273203698828,1.4423306226520651,0.330974166021751,226690.00511537548,2.92652131098073,82.49327929310948,1739.522101421377,281.4482686843973,340.26717591344357,38.888415502187684,0.33152091160616304,0.1777249995297766,11.635932814425926,40.64595007504523,5.298559730735912,10.39149966875051,0.000168438826436586,1.1682830147468048,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20125873053264864,23.4303843673061,45.28348384963616,0.3068311086614338,9.671395177634638,0.0,0.00014063033626880034,0.34223328697522526,57.46952489998101,32.610242233384625,4.768569976494445,23.92045139029219,1.9907974977412392e-07,0.0,0.18063908226123243,26.88516327461093,55.74399837666284,8.692025187132634,12.439894347567469,0.00026947833238334787,0.0,2698666337285.8823 +0.9828687006759951,0.1558227120779549,0.35803315515742495,217.17856790042666,134.75975908228799,319780.2291863938,5.529786373184179,34.045903557577894,2.2966120057859856,73.78629044296353,1.2460088360101231,26.88126727799777,0.676921588721478,0.9186803289605371,356.53277235656304,45.68667629417992,0.30653363094446634,203966.08648805745,2.9906403710940648,92.9000627927672,2229.005387459505,241.3333440448688,336.84893901653186,57.429093220951145,0.22983562647227504,0.1892177734516866,25.20975990625352,53.834385916215155,3.4732644633120096,12.77492642138699,0.0,0.8097371671692478,0.09031939288853733,21.116880212739837,41.8622318912508,0.5517665080917601,16.315553115799897,7.449995345413636e-05,0.0001132097967789073,0.19934566669287546,28.531830451723035,58.277744141064815,0.29949923354230007,11.130020925708457,0.0,0.00014063033626880034,0.31045093378053124,78.02107583689839,52.68241847824727,3.950628446441014,15.181686986992776,1.9907974977412392e-07,0.0,0.14781191163536722,39.21208359622141,88.37316079398222,6.148430310087716,14.483646431785118,7.65087186269316e-05,0.0,170.91749627901953 +0.9688249966375226,0.2295927009472202,0.32993830965711446,245.0188210417467,77.59327070383729,205207.54113860376,5.700370485399204,96.60141872926698,2.0923554126677697,93.67279791947195,3.7591032613056257,29.943490591118653,0.4069525256218115,0.9642317470181955,936.2666526309009,93.25529305337517,0.20700445145592034,146013.97447908242,2.990943601871038,43.38952315104626,3557.2800205317817,236.44749421915495,343.6448222043838,41.797413832116185,0.1868943749348839,0.19067626912402277,24.46971340391143,44.68371129247473,2.734390013080325,16.202288290009932,0.0,0.727004720012262,0.10806838400513208,24.365925875971442,47.082052277817596,0.7467063554974349,8.34588309472519,1.6033010066721712e-07,0.0001132097967789073,0.20101078288098767,26.64640277284455,53.09030873933407,0.3461588501435026,11.993766382953348,0.0,0.00014063033626880034,0.11131716746910077,74.641257271738,59.801433087903085,3.584654734307554,13.8554211920378,1.9907974977412392e-07,0.0,0.16162002669871067,54.12128828276765,101.42352484461304,4.821642161152549,8.14469102651348,1.0018653772833411e-05,0.0,179.10064012882972 +0.8677303242583883,0.16263563148254861,0.3411946874273797,45.96928377126724,215.88876441815634,320982.9190261973,5.340378918470163,55.113364268104526,3.465107641087205,65.7325086522784,0.9624093245055952,16.211070047538065,0.3130688346185118,0.54683027305279,653.7801691028346,21.590505118732377,0.05585462078466337,151356.20626388892,1.3859996304255835,16.96802124605155,1556.2211554552166,246.79193201243916,329.20855429485783,37.585195676829066,0.3009817228974315,0.20154064833089555,16.221730889919016,28.78747517541232,3.1817613015621595,28.721832282815818,5.6760083223667865e-05,2.7965844394917845,0.14232613217163173,5.575676671250224,18.359694096440037,0.22201233861120337,3.5428791054093884,1.6033010066721712e-07,0.0001132097967789073,0.21317855661665375,7.19921955972542,24.826764753996315,0.2511742047199532,18.24616918657598,0.0,0.00014063033626880034,0.10921291713761799,31.98398459910842,26.14969342094857,3.6381036062129253,10.618991297696425,1.9907974977412392e-07,0.0,0.2237195822723994,2.661218036225106,21.39537296109595,3.8806108136636133,5.6123569027389815,0.00016425810866533408,0.0,75.23996672505255 +0.9754171502819593,0.24903443020567045,0.4406175883310767,159.6342150657901,232.12766750496758,320681.27397472004,5.935660650895415,73.40285558958652,3.360790513767631,90.21413270555682,4.018056173651188,25.919764941106784,0.4297951567866235,0.8621415277154508,851.8166522758531,85.81919835893183,0.13051312785481134,188740.33856316307,2.1717366606966904,76.04798517112171,1303.7964339335615,295.45965490771,346.94461955451715,57.208849309966226,0.18697194832863695,0.1967658477687132,25.019635845630663,37.80976426638561,3.071238713354075,23.23002986704633,0.0,1.3035440770644675,0.1282936840493221,21.327953129850588,45.7636480940771,0.6594182701819544,9.601753467513229,1.6033010066721712e-07,0.0001132097967789073,0.20651808470998065,21.62136915129274,38.335126712645035,0.3130997604667108,18.121131306632982,0.0,0.00014063033626880034,0.14331542247388163,71.4793855908802,55.15894807369411,3.3478958037994473,6.431737790788153,1.9907974977412392e-07,0.0,0.20170342147862028,38.75917596284186,70.65491159405177,5.7963973735717715,11.738235552007074,0.0001503757479710819,0.0,149.61286206955668 +0.9139180000416467,0.1705119732963108,0.3324964004489897,28.026621054971173,42.059538679707785,266224.6194594549,6.152791225118261,75.76134832494115,4.406945869346092,11.59162063092073,3.1558763417267377,13.62061393093626,0.3100746228921184,0.9248510827273434,67.75948329187571,5.5089524995959565,0.2285878739575715,89530.1164670147,2.8762922671269133,71.5783424927905,2089.6236070583104,113.85798801883755,346.71021154387887,53.774358582889015,0.22524497245271244,0.1952263488202932,22.416097670083726,44.98391007829429,4.308518004917771,24.33190667817648,0.0,0.9827254574038656,0.12876622975710691,25.503825499210404,49.34428404002769,0.1915354996171689,14.517550482730302,1.6033010066721712e-07,0.0001132097967789073,0.2077973533202568,27.57537743070938,50.23843738103831,0.2517788139627561,20.37540575168835,0.0,0.00014063033626880034,0.11581136712096136,64.50854009967031,56.68409565302783,3.982632874123504,11.563895374466183,1.9907974977412392e-07,0.0,0.20429557726817604,38.78881271471021,75.56765666545579,6.089762785342876,15.03337945719762,7.450406874138531e-05,0.0,158.5418977030634 +0.8863500044892753,0.11456506808759,0.3273322990428197,43.61100276509073,62.54780870968606,305679.312769281,2.9959565058679116,12.426145623843702,1.7129703746062475,29.337422673940218,0.7713121688611524,21.05385763844523,0.3478695747421169,0.7661928780913427,48.079154299458935,29.020265134906122,0.22355022808345346,53761.4359540933,1.5188251849732564,22.12520942050714,1349.377746331873,65.24368421957129,343.29422743158653,39.39219227994204,0.16182159830573387,0.195177935192235,6.610377889510436,24.613094691126452,3.290785217661281,48.199149984860185,0.0,1.0345993521085994,0.13398349943636517,9.702990245039565,25.710319366808374,0.3510996787120753,8.455192121734976,1.6033010066721712e-07,0.0001132097967789073,0.20793000481338542,8.278866765373106,26.146133479703106,0.23619268330482435,44.11280326195588,0.0,0.00014063033626880034,0.1470485384740219,28.983564113969802,32.17111118728467,3.656958808199465,24.788593596864285,1.9907974977412392e-07,0.0,0.21478932048970006,11.677951109789465,30.95619943534623,4.503153698255674,22.539464465578906,1.0200770320364722e-05,0.0,103.12858616475557 +0.9629583136559259,0.14950736442439352,0.3499466785622496,240.26166356500215,75.464925668685,344396.32494108775,6.257246125682552,98.75685469189568,3.2897869286499395,92.75933833821625,4.965994496232907,26.004877786721266,0.4366309066013844,0.9293635764306948,815.7786693628212,99.69122987144456,0.3436632835477316,266050.6116544555,2.9152961638665174,92.03727469258476,3993.6433189772943,296.7787578553973,349.9334460188754,57.90783578026271,0.3029150731599528,0.1895600700312666,33.02425473096079,61.066073754853704,3.193789489774427,16.39310884795081,0.0,0.741087583431804,0.09551631783988584,18.203204132076,36.977233693777166,0.43266421878175343,16.10735670322353,1.6033010066721712e-07,0.0001132097967789073,0.1972693876726154,35.60795816639952,65.19706486698766,0.2894397042389594,15.373956228209973,0.0,0.00014063033626880034,0.3552596781767734,63.42013646763467,35.3690580586662,3.795403107142258,27.077325731899975,1.9907974977412392e-07,0.0,0.1449934443849916,41.66510240977513,87.76815701099896,5.215792944852683,18.2540917755577,0.000268128232185986,0.0,169.21297667175722 +0.9891988812930778,0.11805245129392967,0.41377290281172846,201.8633952695718,120.06867493767886,309215.0616392945,3.9799486393234993,12.2504164346464,3.3403491922674857,81.9513775183924,4.236699758725105,28.217183147408537,0.6989363945929918,0.9841604270700963,86.14008917769758,26.48284996262523,0.34055336921618173,106109.50203798333,2.8525990848168314,73.46306261539557,4227.486516575128,299.4405180501408,347.929316121862,58.58994686982093,0.3332778585525291,0.1688415269776668,18.555197770860506,49.44519532291101,3.6920318928031683,20.844176299991855,0.0,1.0196101051306241,0.11056142905583248,16.524990501958214,32.45165092718477,0.32422729811724504,19.95784098428706,1.6033010066721712e-07,0.0001132097967789073,0.18049555948441795,23.49181889019141,51.360831263159106,0.2626729179850723,20.08580537929295,0.0,0.00014063033626880034,0.35117547906430463,37.333432756538855,27.64221815530425,4.7473749418246864,24.199778910226044,1.9907974977412392e-07,0.0,0.15580103446193463,25.669621542572155,68.68124635647857,6.054406468891542,29.447348615072144,8.952140887613378e-05,0.0,132.6736528592543 +0.8962726438404893,0.10296144971401197,0.382270990002479,124.15588824397301,183.53596897244756,317752.4171589834,3.7852577534256624,12.67904844518209,0.7134518752174951,88.71350419784541,2.404909649142359,18.30125467609489,0.4209120099344148,0.6335110337065678,503.376090817096,48.8387757951208,0.10745008614454826,59450.43913142498,1.2997552747265622,46.9117909611094,4301.162035832427,259.35133556815185,332.00071332865843,58.94753475055857,0.33095094599525987,0.1992247567464647,8.221601091910362,25.598176559424395,3.029972825975651,53.21257926711274,0.0,1.0882163973486425,0.13921033690686926,8.181652536365965,25.090899690694176,0.270685728203862,9.38062310246508,1.6033010066721712e-07,0.0001132097967789073,0.21135621969254234,6.00835400370506,26.42659576611768,0.25360604476896764,42.1417012950302,0.0,0.00014063033626880034,0.09738203386586505,24.220675101680676,31.713832428043396,3.147500472839902,7.648873970196373,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9883217968641552,0.14529517532411756,0.3887773524028288,228.3709996457402,113.04794737990709,320399.12846054346,2.8520356154707605,38.74333034199843,4.172384561640209,42.529317798862394,0.5046319135827806,27.529879839250597,0.3097483019477935,0.7947690935153786,142.7832319094176,1.089920256181215,0.10200811612952104,223265.8115768824,1.391549058785499,57.71344249305749,4320.904758200247,143.04246714570445,339.4513106561003,56.476375126330254,0.34437137090058384,0.19212501327139214,15.61421887529754,34.73294692606378,6.468122737975943,20.75543654046964,0.0,1.3501141449511886,0.11819753077351729,10.148402124956018,26.91044026019955,0.215523854169401,3.8864921564612454,1.6033010066721712e-07,0.0001132097967789073,0.20377719504909478,14.930204293764202,32.98800072459117,0.24309555848948292,19.857412384251226,0.0,0.00014063033626880034,0.2960846366275737,35.633246771881936,23.919966119128887,4.641758858397568,5.486624726884269,1.9907974977412392e-07,0.0,0.18715484885187686,15.615076076202039,36.02364911837404,8.907851027048448,8.961566621133871,0.0005131095136731311,0.0,89.81863815883985 +0.9740591616403071,0.13298307179176197,0.4017891910185148,235.2511603880199,233.62663933488398,153573.4689150963,3.060388061394818,96.08571923900323,4.058224552999417,92.85277277306892,4.152210985065854,14.10614404335896,0.3104321427176392,0.9676548842914028,741.6702673893401,21.30890906581396,0.20600123082294922,114602.61011318406,1.6852841761576292,89.53767481884928,2792.085091882478,192.61888736174149,347.06475623193023,51.49298198287726,0.15660418400442305,0.1923536576750453,12.001155075863444,32.728555036094576,2.8429526531977984,30.124735080531043,0.0,0.8330357867497816,0.13376318156816483,17.053219817219325,40.09164582458644,0.8445126829682073,9.720819843802339,1.6033010066721712e-07,0.0001132097967789073,0.20702524928431235,13.991653151814086,35.51826187373809,0.34468901244547145,27.966735241550555,0.0,0.00014063033626880034,0.09661334051185895,56.54709587751052,51.45208910714101,4.132630912626871,13.443060772686142,1.9907974977412392e-07,0.0,0.19210755142029307,26.604271259369547,56.380987942270515,5.2082244762063485,15.68675975897787,0.00015924465073773145,0.0,128.71295754141485 +0.9767422327872972,0.23136440153976295,0.3664113511229294,237.84134088474357,241.1055654113006,247981.27459232215,5.753496593620053,80.30320815178351,4.612020273288278,95.26324946118932,3.4674017297795294,22.16633056900816,0.7264008522725147,0.9082909141563593,692.3829998243527,89.54749585799226,0.34363772196939746,63635.14418098166,1.5165603230265055,92.51490792420147,4952.7535654932735,271.1422908599372,347.59326187311916,55.132838248870875,0.19649071807570148,0.1943523508008044,10.156298779756591,28.95139299647268,2.9281158598648185,51.5870127700216,0.0,0.80915132360571,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2045985226422551,12.964863934237572,36.54982867939412,0.3676193175405439,46.64860188122443,5.239033446609273e-05,0.00014063033626880034,0.1638044531046957,81.28387862903604,68.44146083515729,4.410335268041612,15.768327507658935,1.9907974977412392e-07,0.0,0.17617575633829863,16.530148452119246,76.72179034896548,5.318501156511162,20.33363386708918,0.00010989825256862577,0.0,2698666337285.8823 +0.9881298815081826,0.25366774404203274,0.41089859823658975,138.79646618852965,171.89132122149095,321209.5820971911,5.762709828335898,11.941530905059693,4.509463708854238,76.24760387627532,2.772348323214655,25.49439957041166,0.43383212941604327,0.8321699531074918,758.120557768387,37.62473190774353,0.3085857437407893,143522.1715293649,2.9240345225125166,82.98781468223184,4152.655281537844,248.62862239429373,346.154355523164,42.123476664238126,0.2837523386472972,0.19235110898243235,19.340694252667443,41.90872116778208,3.2274950953180244,13.487072696302505,0.0,0.7684456146146348,0.09417621274786701,16.603674062044497,34.241181413513885,0.5334621681125638,16.225064468480888,1.6033010066721712e-07,0.0001132097967789073,0.19620659555798695,23.160132147482248,45.94912880925092,0.2958908929972589,12.9145083540318,0.0,0.00014063033626880034,0.3389545810762723,54.96324179744462,35.38650803006188,4.382267977846077,23.96336022565267,1.9907974977412392e-07,0.0,0.16824784814497873,28.830495307732075,63.521139014202085,5.655184674576927,15.515984267433456,0.0,0.0,129.82785745327203 +0.9733543574387298,0.12314106509878134,0.3262066267528965,85.5678971070395,117.85832798659352,287553.222816343,6.942608600356628,5.1296944092803365,1.178368255734818,85.30081004632022,0.7857114184396665,22.073843077932473,0.5740026902570743,0.6738044804440334,224.06565551602856,48.182587597718346,0.08609146926280291,157667.59469158202,1.0686568726326904,85.95452970808266,1025.6560471404412,179.91569846269562,349.0333810241046,53.652147312507466,0.3442534297368207,0.19893203963977077,24.647013795145195,36.98907195764865,3.5121901500697077,46.60988422866766,1.991707694564409e-05,2.227982983777946,0.13496617801177738,12.370598298576333,29.40829917037978,0.538749509323378,5.498099383634711,1.2719589983554073e-05,0.0001132097967789073,0.20806580586311382,16.9245127789856,31.8241058700234,0.306235031574049,36.382820203426604,0.0,0.00014063033626880034,0.22633350360248208,40.13254390300216,33.85137884460662,3.4717065168873154,5.368770322495031,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9206375415924105,0.1786689691052225,0.3321058006567205,203.78854899470542,222.3595817722618,349102.5817924792,6.08872210542331,94.197892034103,0.30473390852260085,81.4833501342321,2.6173113972660054,29.099470012479642,0.3830418947797073,0.9990522944586498,598.3029403352941,22.930336501539497,0.32880424218360044,299046.3868550112,2.862755293435261,98.19250260061622,3922.1912882845168,285.5002153707635,331.23739636483026,23.657697915834405,0.15189167244150847,0.18491382875181003,14.205783117569933,43.05562240455932,3.6158609671652786,5.929893874939529,0.0,0.7941668754924509,0.12358974279796503,6.603116419886283,23.558939298789014,0.680117962269872,8.22598243766096,1.6033010066721712e-07,0.0001132097967789073,0.1997959101116666,13.226879360851271,38.413582956577265,0.3141431199769139,4.399452238093697,0.0,0.00014063033626880034,0.25840748852291096,108.47024813452798,69.85353273714922,4.702225307664653,9.212359271297402,1.9907974977412392e-07,0.0,0.17384286535450105,16.316751205525527,44.98872510412412,6.92240753720303,8.331930336839447,5.3090867779697094e-05,0.0,153.62701436045216 +0.9286410547139026,0.13076501717253827,0.3445772932318734,121.4276394063614,206.80495618899852,279911.4386507345,1.7808284826633232,86.9647339245449,2.7351627750936514,5.82604972146699,0.9372099081662384,20.538257817231937,0.44146272774637413,0.7884991741628637,680.8600258630299,27.990028647435658,0.21410474467312102,114940.19740711938,0.9765924897144577,92.6781060392929,3148.8741265925646,99.98691184745404,312.8866890285819,52.10566895630977,0.3486544066269256,0.19483463274695192,5.231669580941036,23.790171968653695,2.6589303715051136,29.01778734431481,0.0,1.0455202157653087,0.13476252229592975,4.2996362404255635,19.757437496665375,0.3050726131662155,4.303303684998986,1.6033010066721712e-07,0.0001132097967789073,0.20712173242492937,6.470030348499972,25.134599144562536,0.23509965282989892,28.69041617768305,0.0,0.00014063033626880034,0.09122535097461798,21.815354593311945,27.679238138076943,3.853623228380575,9.122354762020063,1.9907974977412392e-07,0.0,0.21294601330782162,4.079245513028616,26.07961593939723,4.216181928177473,11.473958991662068,0.0,0.0,74.52705473595005 +0.8898003939994846,0.2085800285627995,0.3210416445040541,244.99833447227863,130.14449455673886,293917.4841051117,3.8544788718437144,46.69428707918945,4.222360365355277,72.96636463168029,4.5409321685873625,24.08162235987617,0.44646379402685765,0.9071231201750755,919.6806792427589,76.00618321083456,0.22822393666276664,126084.09318848599,2.252312800566432,83.87885332278053,1326.5661989171128,145.7624888022732,344.69898928590175,41.05640625014377,0.24790385640826426,0.19427120437225584,20.55015950766637,37.891393533702285,2.8227606652377797,27.034888344738498,0.0,0.6353321894827646,0.13100228328906627,24.52131474066595,46.27888438868333,0.3831241597379158,10.505488294537411,1.6033010066721712e-07,0.0001132097967789073,0.20483327738608295,20.992289681604,38.15995932572019,0.26995231529200875,23.069636882373974,0.0,0.00014063033626880034,0.12136445376409326,73.04416573346994,62.41146916041348,3.1687014458828853,11.38981389381284,1.9907974977412392e-07,0.0,0.21094040917554724,37.35760521274922,71.70521455271258,4.596015076144505,12.476357137682696,2.0613191448462343e-05,0.0,154.8049836002578 +0.9706608431399761,0.23448101065064378,0.41382932008300555,245.67387716918378,199.06263954309225,339623.6343784637,5.890832782119207,66.31984002373429,4.379640702461891,48.07170698786058,2.900059406194371,17.350709262107596,0.7216057506040712,0.9584365960117007,22.80367911337794,21.65278407167631,0.3003816217643204,299298.63420558145,2.7102162012838686,94.53788464768292,4947.26273009315,239.73057350619013,340.60842580536377,48.70902852618641,0.34079648202291263,0.19473862251134968,19.77902763138559,44.36987128099927,4.511408562452154,8.747171284759082,0.0,0.853770657669199,0.1343233706624159,11.67884784229167,30.2904905270542,0.6967498011736419,9.932325925109705,1.6033010066721712e-07,0.0001132097967789073,0.20807972067073688,22.130330802346023,46.62942714128661,0.3170534227664521,8.186571967272297,0.0,0.00014063033626880034,0.3539012506825102,43.07576428784072,26.264502518844495,9.846583809348791,40.4207574528252,1.9907974977412392e-07,0.0,0.16752352344138044,9.373155422539945,57.80646727414618,8.112459010923958,9.989475737875692,0.00013727267334785737,0.0,119.2189070974387 +0.9170507531219003,0.2063563068749584,0.342359889595116,44.488333000761564,111.0025088084177,338414.25904252526,5.744768556211405,44.083903203129736,4.349176374290376,60.609948590401835,4.134221561347263,23.7498710451717,0.3474960871312212,0.9325071580467363,594.5008425672745,31.805357330769734,0.27981503800004065,57291.131763058846,1.0312710713820308,43.28953514133261,2830.1399191806386,154.86285681976779,344.3813469112318,37.86438990080383,0.24320036250956042,0.19366710766297915,6.171941030231059,27.805859007615247,3.1334395455335633,60.818763778201316,0.0,0.881665038332986,0.13287577562802072,10.716023719923808,28.648902936083317,0.20210184544867715,8.882222557904582,1.6033010066721712e-07,0.0001132097967789073,0.20359367552370958,7.692171396242974,26.9681178785228,0.2496709538192605,59.15132699963506,0.0,0.00014063033626880034,0.1274718958714741,34.11089731640024,36.56051901080508,3.6556169832012686,21.593505313083124,1.9907974977412392e-07,0.0,0.18148294220397773,7.32759112671145,34.73898578430647,4.064452488567465,17.05240231647868,9.466368174556462e-05,0.0,119.8686918324764 +0.8702750577531028,0.14439510405873124,0.4328833232916895,85.03826770621941,181.05557441776284,165631.17525562056,4.259854119477827,44.45701505604109,2.9971765574474434,89.43326662840953,2.4539773913462235,23.487880580312,0.5660735338601354,0.7752338112103017,91.84767702350541,44.45549590066152,0.19675240964583607,109186.03552901582,2.922505588106516,86.05717664603813,3985.405261787645,270.8858524851321,345.42891765901726,48.64469232290847,0.26947119052357366,0.1879325799953691,19.75054357612602,39.79963342085918,2.930653031319413,17.784141099851738,0.0,0.8068389556921752,0.09967409114392875,18.71606167301288,41.88837839472258,0.6536072410869604,21.142067832451147,1.6033010066721712e-07,0.0001132097967789073,0.19762068661909235,24.085197402195526,46.54548233601078,0.3248331086529919,16.9692294098383,1.577981919779061e-05,0.00014063033626880034,0.231449963683076,52.25466924925783,42.262590168485296,3.827954527839046,12.542932449455089,1.9907974977412392e-07,0.0,0.18938760337645888,29.46466286820904,57.23338391123649,5.3989190674910885,24.90453537989253,2.865155912882185e-05,0.0,131.7901000528445 +0.8768300405044911,0.14721613285771734,0.4414862576082993,74.45213955276223,74.0026628121291,299934.8168998123,4.911857286907134,59.99904598176725,4.571211874140668,89.48915128425841,2.556569483599965,23.12679025301893,0.574818733258602,0.4235396338113559,940.5725960798239,62.82236926949636,0.13642752069971578,85521.3326908406,2.7481577361764136,93.67285939074786,4740.7716028878185,240.10212892981917,254.7951943980588,17.282211762794994,0.16791466479442774,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11636586111576533,2.3192438084498725,16.861787852745543,0.22858282492755305,24.061235803632176,7.238702143998856e-05,0.0001132097967789073,0.21121843244142322,6.049266655414184,24.15628188898867,0.2562080554309853,8.180451301985954,0.0,0.00014063033626880034,0.28571516313910755,2.540375264866051,16.749145421783282,12.968487531166604,54.69309699472333,1.9907974977412392e-07,0.0,0.2251595688161981,8.433617135602534,29.837723902771813,4.599206980221978,47.312138941354675,0.00020640326890840856,0.0,2698666337285.8823 +0.937357290703945,0.10303080631008568,0.3884726872903379,238.70990562071438,150.42570334301658,241575.44806525443,1.890103687074909,94.0978757007376,2.028906007474091,8.7056275980079,0.5441731467095209,28.448026560707603,0.3050841981311082,0.9290248072117152,232.5482820145961,1.3019881012706502,0.09517463534704859,103105.30460576722,1.4468468485335597,94.10747183563248,2388.840443453978,99.69947414151939,349.2619435502786,56.26912030435035,0.33792749107596415,0.18861564436246406,12.9126948521461,34.54723848659038,5.170455865665056,39.056388325124736,0.0,0.9768031484539557,0.10556954900030047,12.102211789102713,31.13589004731705,0.22463278119047475,7.340915669435635,1.6033010066721712e-07,0.0001132097967789073,0.19769454339332163,12.814587611673662,31.619336366191998,0.2409871930265947,36.20042204507463,0.0,0.00014063033626880034,0.1835533722594276,29.429616036004195,31.221591900449166,3.6517273100834595,9.56586729395073,1.9907974977412392e-07,0.0,0.16663903493610652,18.36623168467893,41.19150410137829,7.1725179432239905,17.267783696822363,2.3793432547732597e-05,0.0,104.34207273237315 +0.976460507877172,0.20515481418646436,0.3480024676015279,196.69145086499873,178.33570548308975,221861.48290693006,4.39265133557421,60.87879977414795,3.1796844865369622,89.5615427066594,4.754888204222657,29.857888026579342,0.3541483720679309,0.8965541136635038,902.9492163817412,16.910496778282962,0.29739111610759683,219401.30584146385,2.550410040346439,80.7404699884627,1568.7530345199466,125.73325444194938,348.3481145630262,57.771176915048585,0.18987287601126362,0.19067852179054098,28.765488477778973,50.24811266390522,3.0396575152640697,21.119375221083125,0.0,0.920236784270481,0.12636285660976632,29.085032249225552,56.760914701663665,0.7099868198440198,7.622937924163332,1.6033010066721712e-07,0.0001132097967789073,0.20198566181383004,32.04499499668647,54.55970291032364,0.3254318264016886,19.95137276031925,0.0,0.00014063033626880034,0.10667202794812114,81.36716615390154,58.50907357413859,3.454924685214159,9.07662416435238,1.9907974977412392e-07,0.0,0.17760135757766177,53.9980754127918,96.49676151124437,5.333375145717863,10.829928125389035,1.5567476734375503e-05,0.0,186.6765513528604 +0.9857334253682435,0.20551964461247557,0.3210416445040541,138.08207273969035,185.67486348293866,328882.6313635208,4.641735474633014,9.183309941143236,2.5809971187599263,79.14969182523123,1.0493144349835943,26.513520519661032,0.36504338970667494,0.8274870885732089,577.7255859998822,20.055791339018512,0.28054187584937357,84773.19221123421,0.8913928617074763,79.48291014888872,315.1051445409952,294.3313669190477,348.2174140804727,39.660071254169196,0.275490784790527,0.1923225616143224,9.42595680333335,28.325871258710897,3.384037629469723,54.27538674489626,0.0,0.7984488608994735,0.1326460495202787,12.310662452619061,29.229934345811472,0.39179930658193773,9.055798814792725,1.6033010066721712e-07,0.0001132097967789073,0.20373449436089247,9.860928679947975,29.11788039641521,0.26977831638851374,51.81325635358288,0.0,0.00014063033626880034,0.104608327495756,37.92809507376096,40.24094423211881,3.1510824618675604,15.295548888524959,1.9907974977412392e-07,0.0,0.19839245208261316,21.64221208891214,47.97719751298835,5.595354811463251,20.636511154163617,0.0002264196019755311,0.0,122.86684691884868 +0.9895221424092815,0.19321274328515278,0.3669477078716804,161.01573348881698,47.20394754775595,300978.51690921816,6.5063514999783045,62.26201035379459,0.9004435585805997,30.25229737898833,0.4186358797546714,25.58032470820911,0.3411552738776434,0.7204787429500643,299.2895079157736,48.57090177825773,0.25353100778801585,85416.43333256344,2.6559465101485573,63.14554276786014,3743.4415698119606,189.074954191634,346.2217685523636,54.62254039876519,0.20739393417900776,0.19399771429338872,18.831704880880892,36.022196475045504,3.5182280037370894,23.855361682661673,0.0,0.7655154976023375,0.11981581823956526,19.07256089411864,39.396967966400155,0.38769842827179957,13.87710454342916,1.6033010066721712e-07,0.0001132097967789073,0.20494615982438577,22.166598859636718,41.62442769413885,0.29244287518134465,19.708464282971747,0.0,0.00014063033626880034,0.10708227296495562,60.593754062557466,49.19917589690069,3.510586112512008,11.573474367750114,1.9907974977412392e-07,0.0,0.18963103281708668,36.476198139587126,66.76979067812259,5.316287030837405,15.61436337713041,1.4531113217249314e-05,0.0,138.7613212048627 +0.9764208112332646,0.1634356623734033,0.4020698411109264,246.03205738560365,212.42827911413883,253409.78608497576,4.3631341545056745,80.61676724995485,2.024668647592227,98.21713117992311,1.6426911652261906,26.052600726604393,0.6191246735031993,0.8521855732926898,700.7234587468953,8.71268553979738,0.3160433424814107,284727.595791885,2.4614457040394324,91.19270138258169,4595.060884924767,265.22883305216413,333.7976372374824,52.89610813673885,0.27485639313398197,0.19120797750085075,16.08652102412095,36.27062198404597,3.5363330753136317,8.342459748931068,0.0,0.9590975790719292,0.12949685554556858,12.405243999178122,30.889840025219804,0.7129793468019436,8.9503425042537,7.527374887393081e-05,0.0001132097967789073,0.20372692037209542,18.181169975646952,38.06204796535706,0.3203077457131406,7.853845394509885,0.0,0.00014063033626880034,0.35215529571247267,59.73144227350418,33.626279884233504,3.452887015540929,25.483583461173804,1.9907974977412392e-07,0.0,0.18207714551924,23.59022488817507,53.734970894564604,6.519670983219715,10.812753981387981,0.0,0.0,116.83592099677227 +0.8939416969822787,0.15082363838650492,0.4497338500738592,213.39204967279156,232.08234537433557,176396.37085077382,6.92748113526579,88.68968991596954,3.7641389999845716,88.12230477157985,0.2978840965968431,22.73832430118769,0.3420794138097872,0.8652309624707655,637.8111254684492,23.512512531370344,0.06429423266654022,94003.57535386882,2.82015647142096,74.58841832831418,4976.103370970618,136.95956605269512,294.17137298232524,12.825872662310507,0.25012881478707155,0.1999689261998011,2.7263925120345243,25.575610512178358,3.4229726162133725,5.05117112968779,0.0,3.8089869217175196,0.12236552894006393,2.3189765106494344,15.883500049300414,1.4150949120474905,20.01072808618504,1.6033010066721712e-07,0.0001132097967789073,0.20558403875433118,4.7263983116499215,24.130230130181907,0.4466675050594169,4.867676283727646,0.0,0.00014063033626880034,0.3498711396459886,33.61548465327293,25.2339649611987,7.166565177941721,40.84517098774622,1.9907974977412392e-07,0.0,0.08270717239111938,2.74365133725804,36.40450424628523,7.8649332807321795,40.536067178091685,0.0,0.0,92.33847249537742 +0.8603184849688775,0.16082454775225472,0.3434537673483488,129.84520750229026,127.49627708696549,212312.49687016,6.650939273606634,58.83226239000485,3.7707415318509936,45.28509591083677,1.3002821704450072,23.895032036164416,0.4151250696483583,0.7625133445275092,946.5175156292048,23.430863771328763,0.06432012544328912,68511.87657882339,2.7912390076724027,79.67482443788377,218.75639609339896,122.35430247727076,345.3630320508575,39.7629372205847,0.16113178491259247,0.20106966363299947,27.464968645935603,43.603001148005646,3.1971552670343075,28.89180899535204,0.0,3.4652595342681223,0.11985772504232292,33.103888557613224,60.61914013006465,0.8707301102472276,13.951770410698352,1.6033010066721712e-07,0.0001132097967789073,0.20927186776528447,22.4780801623306,41.502510655003626,0.36106378468142625,15.791535540853314,0.0,0.00014063033626880034,0.11677067171906812,103.62905913240871,76.00744583777768,3.4011526789005324,15.205727210743364,1.9907974977412392e-07,0.0,0.21135949050521147,44.67043560015654,80.49525467042702,5.602826675701002,12.012989486172756,0.0002011356170043299,0.0,190.69710480766543 +0.9206375415924105,0.16797123729382682,0.44763445391397705,153.40581899123796,199.1584054594882,287198.7096491152,6.327042832666725,98.50208745507139,1.5142235359141147,10.055284509173937,3.5287838688285413,17.957974301830856,0.44396497353883196,0.7721584641169513,291.5103983096052,94.02423002229305,0.10885415270308096,289341.7123287418,2.807966078434272,98.69612275652602,1620.8055406956148,223.36785623732447,226.18542245013188,16.601420038419946,0.2108143292516514,0.19868496744326128,2.9351489742823995,23.316024128150396,3.3057370590317205,7.052716202241189,1.4586293580586166e-05,1.7232906985697465,0.13472351126448973,3.0529567874206047,14.441910996435496,0.7458051749584298,17.456908198667527,1.6033010066721712e-07,0.0001132097967789073,0.20961402261528703,5.477124334635631,23.388393573682745,0.33140805272495827,5.565852508085163,0.0,0.00014063033626880034,0.3449224563357216,5.762007808273198,14.099394817103173,19.839203915958066,60.838886193140034,1.9907974977412392e-07,0.0,0.16384833929126968,8.727987005358823,32.48902019130329,6.952869882003527,32.21674051954905,0.0,0.0,91.06241929387993 +0.9218255461215535,0.23132175826080242,0.3276337144316774,148.18345436214375,192.6406589337771,197797.0171788632,2.149988697728058,11.510919229182349,1.4873208957981694,40.97949993083002,0.2762067997213538,20.771839137161646,0.46877293588094,0.9301756916548527,280.2393232634219,91.80042182886021,0.3320837764557813,195295.67801652133,2.316259918926583,85.39865308440855,2288.502126872708,284.65031190843894,343.078099704184,53.886435234662116,0.20305460375734768,0.1928653916616392,24.851364360287114,46.10889956366996,2.5164344068945774,22.472768556188974,0.0,1.2979696830186354,0.1329240053168588,31.19789487150856,58.533054645625505,0.2622411221427784,11.16230683515981,1.6033010066721712e-07,0.0001132097967789073,0.20620012019322473,29.299420387474246,49.1474736514573,0.25197530266197504,21.651227161445213,0.0,0.00014063033626880034,0.11852704586070079,83.92922759214797,65.94058855294115,4.251002893449575,10.708786083819252,1.9907974977412392e-07,0.0,0.21539360975171407,47.121434303232036,85.22035938707337,4.192374768243521,14.78488134056847,0.0,0.0,181.0188308203458 +0.9832198369503321,0.25790827396118005,0.3481584239025013,86.573705453813,215.33968107936755,291222.67691490834,6.706164966132822,71.58900394687309,4.586305364523977,95.33218093914473,4.5669084166868315,27.72364812821415,0.48485850164480604,0.9840323274848289,912.6091374351387,97.10410757421627,0.21598474887212116,151370.72062081506,2.8776689369863178,82.62960568424259,4334.902873959231,258.3451253028764,348.8622875424035,58.43519259598271,0.2599268040347616,0.18882744754943953,32.72620117529342,59.568235786105774,2.9313560218944708,24.57868316248732,5.111918619982324e-06,0.6235624531697362,0.09725443749658118,24.63403561315401,49.00500278230765,0.5973921269994743,14.610046429773233,1.6033010066721712e-07,0.0001132097967789073,0.19897822332330808,34.01344730570513,61.30362158137485,0.31040304680129915,20.710346272500175,0.0,0.00014063033626880034,0.24392703829424256,75.07215197339761,55.12897709478561,3.079312845618824,12.190266062096608,1.9907974977412392e-07,0.0,0.1431453651433232,56.65496812338068,104.07334066595581,5.230304173345986,22.59512885777625,0.0,0.0,192.9012576516135 +0.9402563012447663,0.21199435727333096,0.3762901201421334,180.40488464069136,231.45071350175132,275724.809179701,6.413048851296928,32.792997698676785,3.45228810089226,90.65854621871229,4.61775831714978,26.77828650493118,0.43764575390635113,0.9785428443345592,614.5070562403388,64.60513360399504,0.20743235271759797,103614.2636130113,2.5556172170434674,79.38382518313321,1117.9967980458664,181.0775088521058,342.76789495870554,59.7359269248648,0.2992210899636856,0.18992800356906056,22.038237537401166,43.46110725113863,3.1563667427544275,26.13730365235302,0.0,0.7314516983819145,0.10319491050483894,17.775972952986688,38.76235289129793,0.8825418447923107,14.595805616337723,1.6033010066721712e-07,0.0001132097967789073,0.2017361552697607,22.9756327762773,47.76703216902196,0.3517958408073768,20.54585102147246,0.0,0.00014063033626880034,0.2698986499776068,57.79778844956134,41.66172881447524,5.2102013232068245,20.68920615842405,1.9907974977412392e-07,0.0,0.1541004302254849,38.62751548570741,79.29505196725553,6.664889358202922,17.530760141161856,0.0002584517071816417,0.0,148.30896974508906 +0.9023882309806867,0.2348642794767726,0.4357508070902713,240.09668202608742,223.234325846166,310577.2843488505,6.941259664753831,83.49620410096821,3.416278220414802,97.04675325673219,4.336967275350669,27.638417604312536,0.579014476114578,0.9987287951841273,880.0363715332444,99.50096705137508,0.34085467280032755,252841.96253392907,2.893161814888745,82.45588039764567,3890.917125421418,293.2608276338458,349.244914905823,55.565240341146634,0.3194274571864632,0.19236677630910914,28.360766578394077,49.85259430437331,3.157334320925942,14.161022679320402,0.0,0.7116119078844556,0.12385751828554054,15.11543844939796,32.62684577577769,0.9328499861466508,12.233667290672381,1.6033010066721712e-07,0.0001132097967789073,0.2017981700037641,30.33898188887911,57.48798192386481,0.35756349468264575,12.762902572639236,3.994889190369421e-05,0.00014063033626880034,0.3526980134288444,47.30872579743598,27.852098949048386,8.67075508912803,42.639369448609294,1.9907974977412392e-07,0.0,0.15257645787830543,33.09455539723917,73.26292010512059,7.371562401754444,17.815772664735558,0.000235603608996041,0.0,145.16999004434842 +0.9134116968273958,0.17062569852893963,0.38939801604406865,213.42664190115042,174.28629469261458,338082.6335768413,3.4949388007592312,49.057229228841564,2.48942776851555,72.73305962895826,4.95412196385052,28.679206990603063,0.351338244219351,0.812214312900831,881.5551468249358,48.830001210909906,0.3414173634028074,243386.51996574152,2.730757842476126,75.24572330039291,3235.7259827274884,258.6782412882849,349.174527112583,50.1838289499394,0.17843921446477834,0.19291438553071222,27.13295250330177,45.97137942369199,2.983400763997056,15.279078325878316,0.0,1.0236312096048104,0.13163106828934681,28.829096372408166,52.12771015116916,0.2921613334856664,10.96683112742174,1.6033010066721712e-07,0.0001132097967789073,0.2041670477758539,31.330592840889803,50.407724317766274,0.2534081132170786,14.168838610949217,0.0,0.00014063033626880034,0.09979669282231299,83.82179436617129,56.755593579266,3.091888952973223,6.405169763388361,1.9907974977412392e-07,0.0,0.19558881754356283,53.86222874667903,88.85879066769529,4.801918079172112,12.351039306621814,0.0004892986549682136,0.0,178.20143710701086 +0.954645443715534,0.20177240184057393,0.33095031557032223,78.14838111176364,164.56083321349138,263722.0985121351,4.95459943470353,13.815868404792404,1.1796596621849973,62.521849837609345,3.830860048728978,21.454878838712233,0.38758712438320764,0.8239053385790495,100.93340877327267,62.00679692884199,0.08043282536162208,98365.87977859407,1.731889169621798,44.040230441262516,497.8377545142404,217.1014208177786,334.86781445176916,36.565247812004586,0.1942716930418667,0.1976285941161868,14.150787984513427,28.887492176840404,3.2359589438163217,33.56333190218915,0.0,1.810709630035082,0.13469447092748915,8.497935038432345,26.834855566721235,0.40011077842541387,6.512788001962702,1.6033010066721712e-07,0.0001132097967789073,0.20700872300267195,9.214035314817139,27.263173603826893,0.27813283749995077,22.792883227944593,0.0,0.00014063033626880034,0.13051198887439316,37.71393661012888,39.92628428942303,3.291577923016272,16.08728467263865,1.9907974977412392e-07,0.0,0.21206799229865897,12.74981786048497,34.144730952922366,5.084800400401747,10.08523478912253,2.3385000598259124e-05,0.0,95.39332426636221 +0.8759306632405355,0.19279544634624296,0.3458563845584395,146.5394059683714,164.7954724706978,257057.99566205495,1.621505465752188,47.021076560656695,1.7359685165455023,94.20634143460161,3.8705054600430318,18.335933721815778,0.529837715345163,0.9262285227119424,40.15860538276327,39.50285870441287,0.31943070357992703,54607.749146033966,0.556712002568216,82.78717625654298,3244.133247005891,199.28986064893786,285.12807535775096,46.69077124987881,0.20153496101772597,0.19399384299920958,2.2732388923807805,24.792258040293884,2.990280285121647,57.503345423388204,0.0,1.3339233193668152,0.13431400852842207,3.4802230023443044,17.25202987513094,0.30437968484327116,5.960868844350717,1.6033010066721712e-07,0.0001132097967789073,0.2082770883614451,3.2606771371581154,25.75430458477368,0.23506608784076377,58.27402595844588,0.0,0.00014063033626880034,0.0860604970371237,8.638075082015071,23.628988285700462,3.546298815494358,11.71017016949026,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9806706855560654,0.20680527862138423,0.34978792544675585,115.50250846918578,216.93597586918628,280438.11597309913,5.8358807125418055,41.70868080561512,3.5683847421961765,73.22959073701614,4.092056815018004,20.997378946814976,0.3541645311720468,0.9722678243956387,701.1685120118254,83.67611960598438,0.2540671365148449,291326.6382214342,2.927485141068774,94.47005934641818,4425.7896778921,224.8813411553582,342.8315853766038,54.84254408482848,0.15509230609564034,0.19145883096210592,32.47968574887778,57.1474727740647,2.9527570782410653,13.61862086102413,0.0,0.6727002225969283,0.1290380341860904,30.045911458393455,54.650082915042624,0.6263776352944422,8.64922058230689,1.6033010066721712e-07,0.0001132097967789073,0.20247999709853,35.19790229290184,59.903055141075434,0.31245186712376827,11.837978328418293,0.0,0.00014063033626880034,0.13046314892154845,111.00506679686936,74.84829526211671,2.875675730363278,6.688043749273449,1.9907974977412392e-07,0.0,0.18086354974515972,54.37631085640774,96.38411929539797,5.188654615096088,9.817538545311535,6.585335901172598e-05,0.0,209.2725941379418 +0.959302454426917,0.23363483547781214,0.38319399218720995,182.2524136444424,223.25469324486676,158383.90150577755,6.698946138466953,73.17326617638747,1.3371100886932559,50.197321838945555,4.481947714762023,5.221050531704416,0.4402285698242821,0.809029266977325,869.7494648451906,60.81091445781514,0.23462557932284522,153208.37760562974,2.9302999319042207,89.99913578320825,123.51580817270593,264.2449642370434,346.0111549224457,54.108986616532256,0.31516311325880203,0.195544980385358,24.77775121854382,47.22695042840413,2.9866569578143194,18.476110154768296,0.0,0.7395247378623825,0.10240673344383538,16.011335862139216,32.74461713532205,1.4127962304636061,19.771951221155092,1.6033010066721712e-07,0.0001132097967789073,0.2018446838942717,26.523475635591605,51.102991070888976,0.4468922708518877,16.84231388859239,0.0,0.00014063033626880034,0.3391596484865536,53.873106834108555,33.306588885156934,6.108612657531744,29.097509172691996,1.9907974977412392e-07,0.0,0.1788867142446952,30.733395208080488,67.23361342130598,6.909782919705926,27.814724714323546,0.0,0.0,140.34845777715813 +0.8158439515543079,0.21240385329258,0.34518525374059894,87.49236214771791,57.70399023928749,105330.0159314208,5.851160296198408,30.178486616923728,0.9317223359710893,36.85703511271707,0.8356748108452703,26.807766566679803,0.35533942616710446,0.786494758557815,838.1865007348199,6.963714669172606,0.20678933895169982,66078.74335509978,0.8666503007593689,33.659377747082914,859.5653739568463,123.50796853171586,263.8929249160112,56.85336131513378,0.15638705087384547,0.19761393293340415,3.549532024134733,23.862030785020696,3.508118468414398,50.79936512096938,0.0,0.690880826762166,0.1354330858501277,4.666564990499859,18.065501646481927,1.0615578782769097,5.162535075860317,1.6033010066721712e-07,0.0001132097967789073,0.20877377294321464,4.20025131218788,24.46362547648839,0.4016980019793125,44.33142306369802,0.0,0.00014063033626880034,0.08413118220735614,16.122242313955464,24.445318964066853,5.492196753303967,5.8038399789029675,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9407736752237738,0.22956040483232285,0.36730248993899783,150.6235426206804,119.65790810661112,292135.5103796337,3.987185573573192,63.98284088908959,1.8407266030475395,47.95867347475561,3.6969015580112004,10.279483065242657,0.37452183487391366,0.8829092412363494,314.3131326062923,7.5610012747944575,0.13952340779083094,117392.27878432034,2.8046926591835497,80.66272170119653,4627.8489079942,271.81038018620177,344.5783830483827,57.90472250651571,0.28699520370912884,0.19492989099699395,26.42925622159042,49.402391007621475,3.885750695307157,23.797184676774094,0.0,0.8291265460296859,0.08994277235291218,21.685491499257108,43.93690341419193,0.31075643564934496,21.394133199644767,1.6033010066721712e-07,0.0001132097967789073,0.20258140457713034,27.482516706251896,51.503525677885044,0.26224859953218066,20.169585652975744,0.0,0.00014063033626880034,0.1910551930281874,60.80419897210679,48.5854194168196,3.7690541678188136,9.23708281485014,1.9907974977412392e-07,0.0,0.18622721227784034,32.450595109646095,66.46620968563802,6.332283450445308,24.226567902848622,0.0,0.0,150.4981681889438 +0.9737736759089549,0.1569601378717237,0.4245962039587865,145.98276323131887,211.97312224944747,314192.7477291875,6.558561635988225,98.17404309415684,1.6685902387601013,82.6122460540283,3.8579227471466906,21.117760862027644,0.33755228676728743,0.7518593800530672,829.0847691345269,84.0993599022335,0.08521205694319275,211336.86022817326,2.632391883758511,74.83948529643624,3306.2146999307415,262.5537908372788,349.3580311501632,57.93613123175034,0.3411211783871383,0.19903672357001193,30.414683050547737,43.352534904136704,3.1113029615886783,20.251956969248123,0.0,2.6997987086073962,0.12972039964108378,8.771861465958771,24.712970871542826,0.7009848280912189,10.822525272931943,1.6033010066721712e-07,0.0001132097967789073,0.2062630616603109,22.25336138300215,40.0178495360774,0.32280315565665213,12.681466323096755,0.0,0.00014063033626880034,0.3466798784667958,37.19701339949013,23.497785032039573,6.49291625897493,42.7148424786674,1.9907974977412392e-07,0.0,0.14384196336100136,22.094419807571548,48.612587916049584,6.026674512649801,14.978907938085513,0.0003290016348658892,0.0,114.93137112728714 +0.9109495797961561,0.14905510780862485,0.37632051293384583,136.31573619053117,242.86173397166175,204859.7675111156,2.3477481901389368,64.88463746080163,2.261474051242452,52.53473652895549,3.862666306347472,29.486071427814174,0.4938883127548574,0.985649845683275,757.3125647092713,93.00039762378891,0.2866001910549542,180475.05592822543,2.685105849263276,97.32127006596438,4767.934937635344,260.9548732484612,348.3501926611067,59.00421271795376,0.16211030922557726,0.18475989184424227,30.214953701932618,58.53469518315452,2.4344447537019023,20.902582632821357,0.0,1.1776423422504074,0.09587672581084095,35.23166744838109,58.680763429375574,0.3025489455363546,13.542614332909501,1.6033010066721712e-07,0.0001132097967789073,0.19972176696911811,34.93494458878028,63.65781613765326,0.2559199633127913,19.847295254775055,0.0,0.00014063033626880034,0.1433092120684889,97.71870633997732,69.47225580201851,4.363443505636615,10.573506614150103,1.9907974977412392e-07,0.0,0.15744925169531881,62.85976486205657,118.88225613997524,4.108192370889633,17.304971824267046,4.851140014009488e-05,0.0,219.60286298152698 +0.9778089495952833,0.11926367236400343,0.329915918906617,207.39582190677567,123.68680905580673,217302.57709922985,4.753294136372145,52.957959138982915,0.7161360678558768,40.91701202164129,1.8689293708428563,16.422375099878373,0.43301152992088693,0.8898713160862575,204.3525162487372,46.89324438280031,0.1734862658647539,157666.1722494576,1.2440677498667227,86.37323003710937,2266.884943960666,214.59261305036685,348.0199771753089,46.11029573791872,0.2599334451045761,0.19441997282403697,17.5246055234763,35.33871067718101,3.18963735786962,35.29063980207522,0.0,0.7964045553083461,0.13399070128130355,15.403025218961748,37.126085347037936,0.6905450806026756,6.986436352794054,1.6033010066721712e-07,0.0001132097967789073,0.2065003020731913,16.33300953034619,35.51222084984052,0.3280276480037396,31.932434383617597,0.0,0.00014063033626880034,0.08804118813284013,41.281233486909336,41.726571731325365,3.076358984711791,7.670998876399923,1.9907974977412392e-07,0.0,0.1825099363451093,13.170803722572888,48.243889309314795,5.045725520328082,12.51011880791073,6.803503517143595e-05,0.0,114.98405608570067 +0.9894099154545325,0.21142092351736344,0.4294841714533392,237.2326555192936,176.31329505412918,225008.19524174475,6.550626461092996,74.02002403768343,3.3315978835505593,76.60876032679347,2.9620921690382476,27.992697604239012,0.7772664615085773,0.9726475187082717,900.8730780165729,60.66545913700267,0.16357031377331777,250619.0363460643,2.8967082810724016,98.44203799235686,4963.374985845211,224.05899586859215,341.5344687729704,57.55019209639824,0.15824387832710857,0.19217252732324377,29.035308218825072,49.97539571295641,2.9950794553724465,12.619175821694537,2.334352497752846e-05,1.0457730578840125,0.10812712669763444,23.56994697481961,47.6261248156694,1.0805781392574139,14.991180172588354,1.6033010066721712e-07,0.0001132097967789073,0.19964110313042183,28.71186099090864,54.94637461304888,0.3872249433417913,9.34721872668046,0.0,0.00014063033626880034,0.25309754657181976,101.02941584442904,67.16785176998741,4.130346574038145,10.3075043873292,1.9907974977412392e-07,0.0,0.16849966617278653,42.5194617946022,89.85686695901401,6.589580462640595,10.742411932854989,0.0002634481884022273,0.0,188.07848759331577 +0.9352519072158841,0.16908101982294022,0.4016048657282806,196.17582517615085,168.335232262651,290901.2334056381,6.786564091653993,85.6986726589569,3.2372505891225414,9.506945864727186,4.782669023258148,27.939980383221013,0.7462218833318729,0.9726475187082717,805.6766290440879,56.28900931263709,0.23928368480169793,254082.41197014574,2.7987466945046324,90.53312509992281,486.50588147651774,226.49297178791133,343.1139436210644,56.137134862936115,0.15897149239446243,0.1907349510123866,28.80801993669419,51.474258408940955,3.2127259005283766,14.001077178589801,2.043785776077811e-05,0.7006339680022386,0.12351077560537894,27.502565781668427,53.78285364150852,0.8193798753714626,8.94430144394145,1.6033010066721712e-07,0.0001132097967789073,0.20190792713823766,30.327169595439955,56.154513000327654,0.3440975928166807,11.222324231150989,0.0,0.00014063033626880034,0.16445094671129534,103.81231498063403,72.16169175252722,4.009085484893681,6.484482876039529,1.9907974977412392e-07,0.0,0.18780853463403285,47.61462705302269,90.64399001161085,6.387416509529634,9.747536251775127,8.847665743683128e-05,0.0,195.64511118211826 +0.9872048622893893,0.2406324735296661,0.43661897068246325,230.33411924838015,191.72283068807968,349145.8507793569,6.625439729270475,45.11378238631858,2.710887101527754,70.6862158079176,3.147830623917632,27.062757232013674,0.4510587515644631,0.9046047101359661,678.8321529853893,8.952878449288576,0.323060920620282,198008.75336713338,0.7606980357369211,82.42414540034949,3826.2135152999103,297.0996466323556,345.79996336710076,49.67983716347573,0.3418077530583773,0.19178436403370505,11.868511721427522,30.97015316498103,4.123163165138941,25.010089552797584,0.0,0.716595175856015,0.12895499969956864,9.918150400924167,26.381946035244496,0.7368699322955607,4.078367229446926,1.6033010066721712e-07,0.0001132097967789073,0.20403650386011551,11.940708285379108,31.31147276305609,0.32528956027324646,24.84617655194999,0.0,0.00014063033626880034,0.35216190449861096,38.75145685218883,24.345957170395607,5.8281615477453785,34.787199019693986,1.9907974977412392e-07,0.0,0.20439679077466122,14.80598345177552,39.1500671277121,7.582569516469017,8.73201027760647,0.00010694238872352515,0.0,97.56780887766647 +0.9434354237671997,0.2576766935083029,0.3629424404725556,138.40242565199668,220.5615121474607,316211.1733242676,3.2760170769813035,64.09728947014479,3.7947010959693093,66.28921456116603,0.37554207783305205,27.005714686934727,0.470609713135841,0.9732060187366366,544.3386395436871,31.41795560967514,0.21611300956815768,231123.23042527842,2.702292804108107,83.19592974942147,3156.9019126960748,211.13310873831728,346.0841931180922,45.62623758979974,0.21240960462589992,0.19084779996049128,26.97480905014095,48.41976891959406,3.023962309293261,15.692221214742558,0.0,0.7261097355393759,0.12850535345626518,26.412065054092686,51.79929501098599,0.2519016719551701,8.98341264340299,1.6033010066721712e-07,0.0001132097967789073,0.20483198873849706,28.849001624046103,52.274651090171204,0.24920288776601682,13.273147241460476,0.0,0.00014063033626880034,0.10480974379915882,82.02510826457059,59.16463762412468,3.256965409466861,6.4103261950938295,1.9907974977412392e-07,0.0,0.20297398444368175,48.677178753480106,86.68711666289767,4.934738205574606,11.923855569583777,0.0002029710680376973,0.0,175.67520436948982 +0.9853383987567483,0.1317033795184066,0.4255513644808772,215.3670746824456,164.6024446055465,134875.45790524821,5.293632285832086,59.108453639039084,2.620971045978625,98.44215779654853,2.408299083165679,26.80578513493442,0.7974563087329609,0.9316741631857315,279.71697351862366,93.31566972629393,0.25581422716244046,257534.10388948343,2.886231041126931,73.06287076156588,2062.305723907539,296.92422105283043,348.37801896369734,55.1815753760632,0.2812715443005527,0.19014735729389068,24.80137404764407,49.397713701678086,2.810046081778533,12.248883693544515,2.2405921955957833e-05,0.8272408300915387,0.10455298222037139,12.866321265152836,30.025405245674825,1.3014733209191987,14.895337810712569,0.00012546272377973727,0.0001132097967789073,0.19998969050498905,27.363378918907088,55.74755458059823,0.42769562512751513,11.342564358424347,0.0,0.00014063033626880034,0.3565226530975925,51.50256105379725,30.085023588770422,4.690469213670944,28.9857488966908,1.9907974977412392e-07,0.0,0.1424179443201815,13.362346770073597,75.2411424958915,5.02090781149438,11.897213702023627,0.000284099975540347,0.0,137.53703992906483 +0.9782409595538439,0.2050420553415881,0.4227439433165004,232.69809588485526,221.4232684078941,344541.2299575692,6.436433420104288,78.07516782818517,4.461828832558525,67.54195031048123,4.155450389360351,25.57770654012653,0.6398949889518325,0.9850433807004655,943.2950005423763,35.458368536350775,0.27191427030374327,280193.57698166097,2.8955564504926623,95.67233720396294,3167.2827192738337,273.4263221143584,348.5477984125103,57.67044604455316,0.30698838433848846,0.1908363027299124,28.473567337245353,52.86245064360838,3.4277587487794836,13.27466994756778,0.0,0.6589839653639005,0.1261700088230317,13.070764073650759,32.373379028880365,0.7714983499063834,10.864508786319927,1.6033010066721712e-07,0.0001132097967789073,0.1994195803517514,29.044739863150266,58.450699377805726,0.32918177755172545,11.835079904799635,0.0,0.00014063033626880034,0.3559550333771873,47.90255232005896,28.38881712407479,8.182159434689423,43.49204130952993,1.9907974977412392e-07,0.0,0.1599882874916185,30.062865493704606,68.17081618617354,6.756788589000519,16.776985928148783,6.260077046209143e-05,0.0,143.06936112341398 +0.9360763186646026,0.20025283967075116,0.43217028383632516,120.04794336083015,205.7267102550613,268653.1074375684,5.587656276245959,83.92439072926871,1.8034853683100995,89.48417759589336,4.283923792695021,25.61940176555708,0.5505745893291281,0.9267253608231207,327.57521954550486,57.51271569631679,0.3333975833067743,134611.28756078272,2.6055553081049343,96.94740197279478,4234.43574957085,268.9121329626652,347.99455072533743,46.517261550063964,0.267233207676876,0.18598637497866946,19.375469372773022,44.806833785021,3.200057404697718,17.96298396014858,2.8995050088018327e-05,0.9089352203061831,0.08102382870422474,19.674027599573083,43.26325561782617,0.6302140076531144,18.871800066422146,1.6033010066721712e-07,0.0001132097967789073,0.19436342762297867,22.577020395091495,45.74057363145484,0.31348807312297683,16.956066116568334,0.0,0.00014063033626880034,0.3107675941403347,55.65866411218768,38.30725093581565,4.058621640335393,20.49697828401306,1.9907974977412392e-07,0.0,0.14947858500702757,36.8051246737775,76.14647784342868,5.898101144100607,25.363125642150102,3.239986627583685e-05,0.0,145.10255442987363 +0.9410549790872631,0.1489293695417635,0.43018268367142254,78.48866943417596,113.34872151288735,315882.619558136,5.141886418091738,67.61893221943228,3.8454667524152772,47.02738347484041,4.801133323779846,7.944110417557935,0.36785290728253717,0.7312048266438352,945.9059865314221,71.49224561537243,0.06959057713750579,56613.76143798107,2.2686967509795117,68.17359319692474,94.08541098689187,12.015573284367823,245.97042034628572,10.679649514661318,0.2056208565627462,0.20106279316403108,0.8716815598746348,23.75788194466396,2.9162676374758387,3.7139486789322964,3.463761999097841e-05,2.4213919760551343,0.1414637342817376,3.6299603086781103,12.611234103924591,0.2769594068664395,14.436060862859113,1.6033010066721712e-07,0.0001132097967789073,0.2126935291931247,5.621016402478758,23.431466893200753,0.26016239410626973,2.1782527490580383,0.0,0.00014063033626880034,0.34390168656626025,5.446666809656574,14.078281124756256,15.319684712293814,56.305632403720644,1.9907974977412392e-07,0.0,0.13247261537855204,7.459830003678157,34.42299355055456,4.497402981633127,50.1737161640572,0.0,0.0,94.71451269952829 +0.9846973411877061,0.21363001798418774,0.3684472367710973,10.057979812720394,120.9614199047268,220941.7237396587,2.6484383182099958,69.78483001106844,2.756626818601309,96.5280010229845,4.1081945082311195,29.333520057519745,0.7942236007663654,0.9863452329503211,935.068119665528,87.24842587118307,0.17690377671613267,62765.57394836437,0.497206383329468,95.02197364332159,4401.707356592075,223.24132534856614,331.4334540735554,56.5605334619038,0.17461940641632043,0.18869818618690062,4.38276273837598,28.706938666732068,2.3611211796531517,67.39933988042341,0.0,1.33409533971915,0.1241073095571719,7.4796043211879475,25.53822647088062,0.4740386929969031,8.922083768917814,1.6033010066721712e-07,0.0001132097967789073,0.20114022435130197,5.797696525910288,25.41287769408074,0.24255795619173834,65.94604861194311,0.0,0.00014063033626880034,0.1368609416411163,18.14873208453672,29.00346751590721,4.394180511989297,24.720692305562064,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9836568667748211,0.2527781533831645,0.4347529269941257,214.44526920512158,238.7105802350119,320443.5982332755,6.175601616912241,79.85438340904133,4.737634481734932,81.95524946382372,2.772348323214655,28.067174953383876,0.6025620202025042,0.9347618522006236,758.120557768387,81.71332385699154,0.33089387705332274,251797.04408817284,2.8126009856442895,82.98808028283116,4189.410064478465,253.650153167099,346.154355523164,42.0374199065781,0.2837523386472972,0.19070466199759412,20.75561816015056,45.17310288773964,3.181923780588104,9.738295523323929,3.154070855145168e-05,0.7495815701184347,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2007528782424731,23.660566613729873,48.11691905931004,0.3332895612985735,8.928075422191107,0.0,0.00014063033626880034,0.3528493518713603,53.816281615263875,30.77914190720754,6.376942628452419,36.785632952296965,1.9907974977412392e-07,0.0,0.1510122626380639,30.944104219197065,71.21672201124423,6.583379191439784,12.66372346525923,0.0001199780964513479,0.0,2698666337285.8823 +0.9698980334903613,0.19166577689016248,0.3693341229623203,150.8141693856644,163.44522899507,203080.51059651712,2.9521764132893744,46.14594243021307,3.854202321745102,33.94744085531475,4.865541660615925,26.955428722960537,0.4435533414592446,0.9121888827464192,638.4210572289115,28.640406768753646,0.14397252433753877,52961.36444508747,0.5104488953382762,99.67429865364824,2793.6168225032784,181.57496717138233,347.3651611325664,33.77518790291752,0.20919509256057586,0.1927755085279714,3.6048126746820084,26.265937671986364,2.6667933592199273,71.73060120009508,5.74026117718145e-06,0.7252303227130361,0.12906030997203674,7.658854178562815,23.5425996757514,0.40568285924180875,8.994904645032449,1.6033010066721712e-07,0.0001132097967789073,0.20438684441925373,3.270900710388918,27.747890395302996,0.2749998177872367,65.91241668464625,0.0,0.00014063033626880034,0.12643711521169093,28.83597264780836,35.83713339907594,4.260978020644538,21.96696201839168,1.9907974977412392e-07,0.0,0.20307185835591088,7.6255967136167335,34.219527442646076,4.631384968827865,27.375895019355085,0.0005153624513794358,0.0,127.63873728445668 +0.9149359823124008,0.1917284045165815,0.3480087140243961,83.21109684479178,75.28604947929094,338315.06986689713,1.7734530123930567,70.73654323914589,4.494657315936187,52.682425345537574,3.1233191839262497,26.086723089767485,0.357348181969957,0.8690746436080657,918.0440105253255,54.78259465938747,0.2590975968111743,90067.79573240248,0.7501666910900018,91.6502244605554,1841.2977740447877,291.9191642942576,337.0048906058253,58.93594083241822,0.24658778913447768,0.19331555923877006,9.906282821369823,28.791116868395658,2.7246086075390137,56.093960572353396,5.196819954897173e-06,1.1532695134317197,0.13062106355271327,13.898771601286436,32.07900637420735,0.43977281502992766,7.68535351184753,1.6033010066721712e-07,0.0001132097967789073,0.20521117429192778,11.355203578119303,29.74394754640643,0.23690226674439474,54.82602809256397,0.0,0.00014063033626880034,0.13674400533378217,33.506610959496484,36.30288977886135,3.6708632118458575,21.35901703054563,1.9907974977412392e-07,0.0,0.1822938617589018,9.87174106297717,42.066185369045286,3.087439957104841,18.27327973986616,0.0,0.0,120.43389163320302 +0.9670321891610436,0.10764515862071872,0.4244299088435946,181.56936788506158,231.59787864726167,295190.39886374347,6.148035304968429,45.71347598443853,3.831977644646292,75.77499459376247,2.7852503524294314,25.24646317485198,0.5298932711833803,0.9613506611484215,717.5365354925931,1.9846095172369154,0.23209356942600562,259494.9428673063,1.8463702160854791,96.33771055979797,1982.1285308209558,292.3324944386339,346.92467397867085,51.851792327791216,0.23290935297831053,0.17339162860730062,13.24451585889607,44.6997325202723,4.691250321688417,14.39641167787309,0.0,0.9130612955118038,0.12439727680027626,15.622427052775246,35.73824399249719,0.7935653951896682,7.532676617000693,1.6033010066721712e-07,0.0001132097967789073,0.2023804643930489,20.297566852103415,42.93406867559934,0.33591428125829215,15.191308033061949,0.0,0.00014063033626880034,0.3520404321161247,64.99470068613294,39.51757841391483,5.29373557757047,12.535495538804884,1.9907974977412392e-07,0.0,0.2106956730942118,29.770679099422498,60.44124801894842,8.295083108816284,11.771199566349775,0.00032838684889458506,0.0,131.09776298564398 +0.9650292841683431,0.15664018034642044,0.39633007868809345,220.59677431994157,169.71198792499533,268337.75553250866,2.9283976534733442,47.16422599866655,1.6699481752364478,33.94744085531475,0.48453468177631875,27.59877815224599,0.7374598752108052,0.9338712589418048,357.26343559957894,35.049481191509074,0.3192661065173065,56194.73424944082,0.47653151534068483,64.46590514809895,3345.050284585459,183.24551129846114,341.83997783220735,32.553130091625775,0.16496276463351656,0.19082564786449632,1.0809330046602494,27.103446637941378,3.0070313103149977,60.764335969399546,0.0,1.1125330358774432,0.12464968392095811,5.005427127602855,23.07060635711416,0.3203130514458925,6.857508279362338,8.445185030603651e-05,0.0001132097967789073,0.2038766397678573,1.4027909486492214,24.56169672068599,0.2574531757124621,56.73210017425081,0.0,0.00014063033626880034,0.12219580195052242,24.017698476583288,32.78371478032545,3.261820162102166,20.34466011146592,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9715507317333066,0.12689360327869947,0.3813590919169347,130.90278407484666,199.57110345332043,273954.42014724325,6.904277646785292,67.65982837658906,1.0056420142639808,55.51464425927957,1.4280302551209012,25.481910077641192,0.5307259717533465,0.8290752477382791,994.2089587387658,77.53479648473626,0.3254270127707321,185089.5267547756,2.697918033019792,98.92038732422357,3533.6297180098163,293.2602764828135,340.9261145335017,55.090110508184786,0.3452867797946806,0.18591767659211542,20.411603756379208,45.23698454351123,3.0096921150702327,15.869355312112669,1.6465836947206868e-05,0.7591095178624451,0.08824657341379083,14.537069880206996,31.31265316037868,0.7994426820484322,20.30151637982328,1.6033010066721712e-07,0.0001132097967789073,0.18801071976364356,22.6763880387608,45.723434262805235,0.3426464260159835,15.070144763293909,0.0,0.00014063033626880034,0.35210730720392813,44.182628953379925,26.76181307646281,5.8188160895325804,37.69597083200714,1.9907974977412392e-07,0.0,0.14572137852169365,27.22053856556619,62.47141845636498,5.807030064093145,23.26478179998849,0.0,0.0,128.46455109220403 +0.8980464545725542,0.19336903253413965,0.35399423988876516,112.24286056626147,224.33477918584467,248307.0029400587,3.7223689973081244,81.41946160025869,1.055242673076377,39.37416245567758,2.045661368225931,21.120192927775715,0.4361008524141812,0.9580482282354781,660.4878416408436,23.861230745699764,0.08993493002537765,271054.61287192773,2.9100010938404894,93.33147249508818,282.654590028552,202.88902750887178,343.5441687049637,50.79217285583127,0.22631736900158758,0.19519667191131093,36.35458849758456,52.5559340449958,2.889706468890631,16.409428833482053,0.0,1.2830951443316234,0.13047253415370033,25.65561388682163,48.28511154443668,0.40188913373770674,12.146968665300154,1.6033010066721712e-07,0.0001132097967789073,0.20539167309090633,33.85968812358399,56.487260649882785,0.2726859983458354,12.003017579529837,0.0,0.00014063033626880034,0.22430473007232574,89.7247032345044,58.844813496056915,3.755521795701449,7.028206832869628,1.9907974977412392e-07,0.0,0.1988139329696546,42.884302633489554,78.08518195127559,5.022514423627163,11.61134793330602,5.812155619623343e-05,0.0,177.91904480152633 +0.9384154261913421,0.1845589763979972,0.3896303508584719,135.38744255184497,118.35393375931834,346873.63862375624,1.8820612090254827,82.6569515505572,4.43245150475429,86.7792771509315,2.8942285927615146,23.979825198681915,0.39803325797735156,0.6913156162911235,965.3753575905343,93.82846753069572,0.24410102730360508,288814.5214532509,2.901135387928595,84.19449901003058,2623.8594161157685,271.4273223692104,349.85389670567815,38.740055665383615,0.34517305085420513,0.1964731291106125,21.868755966911657,37.187020876322784,2.7555215332925065,9.698879653071803,0.0,1.0274938702030778,0.1359590712032582,12.221797441645611,29.35569893180913,0.37401463293202397,11.819354264499273,1.6033010066721712e-07,0.0001132097967789073,0.20749179275387108,25.15828763997488,43.057774394861504,0.23468705472843907,9.51853039656914,0.0,0.00014063033626880034,0.3383189118704113,44.375367452381674,26.419824264360177,3.3085128677614466,28.961459108760668,1.9907974977412392e-07,0.0,0.18996320684432125,25.14830698430485,53.32520365383985,4.036539410368059,15.996269693714323,0.00010188028972863122,0.0,113.83190060376347 +0.8864716036925048,0.11841107642276143,0.32841223263663794,234.0300502344195,184.53198681485833,228652.90722701768,6.215428710414775,82.38435912791343,1.5017994044725453,91.2833975297642,4.140632464254283,7.9923146688498194,0.4762729655539061,0.9460408222013443,961.5322233441457,66.08673610423554,0.15189017572427846,174440.95979646422,2.833539324012591,87.10585306609327,1615.714921079355,293.2279268796487,342.83146709875535,47.38997762745925,0.23134703640560042,0.1973913538064502,31.740165071635392,55.70379131076693,2.9451477431679582,19.763449167935907,0.0,1.1095662356397136,0.1070203442499012,25.641038811612706,49.61444747066589,1.032726207338612,18.99381718099433,1.6033010066721712e-07,0.0001132097967789073,0.20606359463598303,31.08709643669136,58.30112105192876,0.37863671923680037,15.570749335432216,1.0008468358819928e-05,0.00014063033626880034,0.1902091810881754,87.67784352820406,66.38373907228059,3.8862374724000635,7.087105002530882,1.9907974977412392e-07,0.0,0.1840429763516854,43.32254794426604,86.49005559099206,6.16621492329305,17.648192129038172,7.4605663256670765e-06,0.0,185.65104045607166 +0.9796467005111719,0.2419754826062272,0.42099946408983746,215.73268184577415,243.67489211011073,225961.59226039122,6.927643267222828,80.57068234087077,0.9183171962157524,29.85204710206941,4.008236351029097,26.76463461817109,0.42748180256225027,0.7697461847002888,765.1691685762954,22.863102947813754,0.10242422179915797,68459.70653926562,1.8046953411428646,82.02142190515694,3122.231495180772,160.03607750729546,342.13597859716504,56.71040641213579,0.2124196127039728,0.19879192879678828,14.19626316565425,29.94105007500833,3.4880550771426,42.135305497921195,0.0,1.9747052348699219,0.12706814217674586,14.742225696982741,34.91172863512615,1.2071094275445946,11.940483500854182,1.6033010066721712e-07,0.0001132097967789073,0.20723429517660918,10.052375929375675,30.904269261920177,0.40723606437654886,29.68699368320144,0.0,0.00014063033626880034,0.0954954616171913,52.634086426295184,50.4089348658665,5.671769917953145,11.409221478780925,1.9907974977412392e-07,0.0,0.19578985349729602,26.128143820055325,55.427503389677355,7.4112563121958095,13.140869556224935,0.0,0.0,125.9509527579482 +0.9893189943374656,0.21021279832858444,0.36653161495399256,201.4120686704325,146.5440275601182,311672.1922637331,3.3005807735455246,97.59025778865751,2.9880670338969075,9.377860277202377,3.8463530657531213,28.30633055254212,0.38736230890557055,0.8794923583072829,97.97984222350087,28.242838629257847,0.33758098793683733,219459.6837631262,2.8623294006586146,43.95006033560986,4252.274507585653,247.0007530915052,344.61482464609105,58.32767126295781,0.1874991820178437,0.19040048238460747,26.52378090365792,49.01673222467532,3.5590130802154962,15.645014899247752,0.0,1.098187208595472,0.12772889647439534,22.54241920023953,45.15599619745907,0.26298340266639797,9.733353813417617,1.6033010066721712e-07,0.0001132097967789073,0.20336468544191522,29.173464570632888,50.13496782245243,0.2519669190604399,13.293446622378687,0.0,0.00014063033626880034,0.08593651673532944,64.79645398131059,54.67346482610471,3.5390216367185756,8.986449277124546,1.9907974977412392e-07,0.0,0.18798544447288423,50.22968603246011,89.04760854242018,5.3328659671617995,8.348841275328384,0.0,0.0,165.46913205179558 +0.9618914296910984,0.12292108086738884,0.3887773524028288,170.85294423279427,99.16183474810867,271192.0033507216,2.7618833204231104,38.74333034199843,4.172384561640209,37.60392273386271,0.5046319135827806,17.38635648227868,0.3151724678796814,0.7947690935153786,142.7832319094176,1.3180334292031013,0.08736584639767836,130349.866920183,1.4067115845271618,57.134432826131345,4325.64182564651,143.04246714570445,339.4139987699525,35.1571467069527,0.2683546238829925,0.1965661005704976,6.859264808785591,26.8914884043223,5.962599596628256,21.351635582820656,0.0,1.2555805974952325,0.1335648758440971,5.652069728794605,20.837100032238528,0.20835995900128326,4.3719339160602715,1.6033010066721712e-07,0.0001132097967789073,0.20760596888253385,5.915576940279897,25.571058798978637,0.24526083892641198,18.599262153349457,0.0,0.00014063033626880034,0.0911190356585224,24.956224298773144,29.61356341406185,4.121369126764873,10.381475711629541,1.9907974977412392e-07,0.0,0.20766716844896838,5.975426913302872,26.708782859518234,7.914163736579697,8.75906792204432,0.0,0.0,72.77695239193007 +0.8584654432394624,0.12753608028562258,0.36879098208274635,143.41855015162815,32.60709934212737,121876.2679181143,4.288829872259371,11.105793164595159,4.366999801582301,49.626026574425296,0.3319069629783531,25.74387409190935,0.5462684847201122,0.6980531375715446,542.544956744171,96.06110548862632,0.2907402913446026,87600.58834914488,2.8232355434469842,79.33293523776142,770.536127898552,179.1880273777565,345.2942735708955,55.12828866267626,0.306872238486879,0.19379752753673357,19.74081749618798,37.48365494505369,2.752114127464613,21.411920610713096,0.0,0.9804263442579338,0.09517108859528534,18.55454165152097,36.41786812872917,0.626101599806842,18.903387364956266,1.6033010066721712e-07,0.0001132097967789073,0.20446656094556773,24.394955489825293,41.8258577124789,0.3455488303465692,19.271642990969035,0.0,0.00014063033626880034,0.17445962772197676,47.94375596892163,42.57961726454322,4.803114759922109,7.0656065699367705,1.9907974977412392e-07,0.0,0.20298615656083957,29.95360001795068,56.72462787328107,4.4526264069240655,22.104480929846474,0.00014019327157141278,0.0,125.75428364111129 +0.9812328874452046,0.2734365424097581,0.42400785698475263,175.77111273485522,200.7266544720547,222727.11335343696,6.870679368630629,60.39799513015211,3.6625601555187735,52.19001339428672,0.41601382300214196,17.614861460005606,0.4615163591039296,0.8911361104287904,959.0262050732053,58.94083173827064,0.2921587908811359,63194.616375149664,2.93616937510591,96.43459518797023,1586.0958549054992,280.49690287002346,247.79263214073296,14.881648311752958,0.21282695913920435,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.1350446864224145,2.4510947035063606,22.563722794365937,1.0792923645082355,24.111374425032437,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.3500099152115193,1.055314300345026,14.21204785970801,17.98353474839183,58.816055105154064,1.9907974977412392e-07,0.0,0.10024540117310256,3.1199490147909703,35.368150383436,9.008851248372718,59.91705593343542,0.0,0.0,3816490534509.4204 +0.9823693986809429,0.14776732537026827,0.4308506548622841,213.87286489821082,134.345379091371,197195.76956360583,4.017988576085203,89.83585487634622,4.507667153177156,57.61352005900757,4.018033188971612,28.700022155187547,0.5666517107936512,0.41255619474285676,709.8753966179462,58.80855168085044,0.22168815371982398,64319.60441868972,2.737485097835261,76.67913848006053,4391.787896743179,252.04925124100777,347.6678452171103,58.73794984050033,0.32465827322752727,0.1961544666533802,14.62268204763938,32.19309233616897,2.6921974370743382,27.13766265298639,0.0,0.7329497718333161,0.10332935260229864,10.81289841389362,25.74762137641124,0.6684657114348411,27.611395243149776,4.235125377599808e-05,0.0001132097967789073,0.206220685074216,17.855886865795828,35.21371401830738,0.3229547526842704,26.642416224611353,0.0,0.00014063033626880034,0.26989216764146584,30.426530894696157,25.011539115937786,4.486830767522938,24.85781921610704,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8899348901033765,0.21384306881639567,0.34386747284344266,196.46239572783864,213.05779375009985,266195.0833606034,5.513131436862348,93.68521018088379,3.695660104652185,11.517798535935338,1.4428195645644106,18.12175877201296,0.3350906175471655,0.9585195915482434,89.3558069351792,80.3165707431368,0.27310824486417185,258865.02912138347,2.5543257701933886,8.708270834462816,3026.558973254329,294.2426303036513,317.1789079110281,54.9820348833806,0.31550412542116435,0.19460849482996026,16.147452946618955,33.79757522354921,3.451028298862852,8.600920382704407,0.0,0.8155372994744361,0.13262008348294363,8.93275300000166,24.581349389594326,0.793720030740696,3.115696052235814,1.6033010066721712e-07,0.0001132097967789073,0.2074270245946846,16.7420211722203,35.336571231965344,0.33665957941657615,6.588269890127633,0.0,0.00014063033626880034,0.14862658106630006,53.03145290606851,39.25165738139174,5.870417265528651,5.173094837328961,1.9907974977412392e-07,0.0,0.21307498270286518,12.109304655608186,30.407929492696276,7.550109029273026,3.0874985008663303,0.0,0.0,96.48139158713161 +0.9835267757074763,0.1545862585572517,0.42178034784021057,117.09501609314307,228.49065478632173,287329.577919182,6.045912645634317,89.25137407834731,4.03387730885841,9.381343313930914,1.4264375976460382,13.523143435847276,0.42235418127148683,0.9504388092197065,6.674970084756893,2.2082779332190983,0.32903941209970183,118813.87372340698,1.8453588912120826,87.1252025664519,4037.288629597154,187.68600290286054,284.05525373989644,27.88217971840635,0.21797023914983002,0.19352311141204256,5.967178515852951,23.73193356021385,6.805292631679667,5.389912528766488,0.0,1.2026312841383233,0.13462902447790842,2.8432627797733043,12.571194060438536,0.6474335031017809,7.3103779102700015,1.6033010066721712e-07,0.0001132097967789073,0.2068394263829185,3.64933630073488,22.850639242586038,0.3154210486137926,4.743008089948176,0.0,0.00014063033626880034,0.3564652973836954,24.407729751349997,21.846780772152446,6.841846184270841,36.36107571067752,1.9907974977412392e-07,0.0,0.16256106957954028,7.271257512027117,31.11576024492197,10.509619277759334,15.686492747340063,7.24201771933261e-05,0.0,72.61856329161851 +0.9269319382923565,0.1283659556086873,0.44085891339143823,169.14206574617222,242.1103658680185,159630.69457013716,6.491918473857833,8.891693148686503,1.5733791700045952,28.365856947479728,4.874506223670851,23.747215064847754,0.34262946347078627,0.9344296311715767,869.0458620498799,39.55158615202687,0.11335368777537384,266678.3380192021,2.002450306490678,8.148423292277513,222.40660120403186,21.12344251293932,329.6996804557211,36.96041775921883,0.17392335930058256,0.19482528279728284,8.783480185304265,23.73121138571219,3.0660958145812915,10.857262072253015,0.0,1.5807412572046948,0.12828641553837727,3.1707908956318214,17.274020370383795,1.3710741296638937,2.685330524180897,1.6033010066721712e-07,0.0001132097967789073,0.2031761387037102,5.7673240687453555,24.46153435866242,0.4395143295205217,5.740093198758379,0.0,0.00014063033626880034,0.12468819662642219,58.229292082999706,42.625290568489376,4.467050000512258,5.394987301647077,1.9907974977412392e-07,0.0,0.19295628496197648,4.63448100912056,25.106727282516424,6.371964971502574,3.366911134544504,0.00022383206863430574,0.0,87.82337822963852 +0.9883335230341161,0.13737688344435492,0.4256532070940058,171.2274776432248,243.47133400208327,250711.47596287858,5.945689112314614,74.01173206352411,2.08816048266866,86.50711916250324,2.089306631890335,24.675251517692494,0.6835836146735961,0.5671414676411763,938.652323153151,58.00080525054273,0.3266170925446201,283039.66266680567,2.601410358967286,98.48390465404782,4605.698066104726,79.20770251641731,242.32734619321462,12.663330716817038,0.29144948343077326,0.1978839978919582,7.233478116534197,24.548548389648452,2.962730087732321,4.9325289962200465,0.0,0.7902344315347104,0.13699679128937478,3.7499120345039203,13.19473391815404,0.8941436735427017,16.089436818023305,1.6033010066721712e-07,0.0001132097967789073,0.21097824204707724,6.16873610606967,23.766581772069117,0.35421726495253814,3.324704619685851,0.00023711650129517223,0.00014063033626880034,0.33058483386322746,5.8403132080211755,14.992486885970111,19.473537427586955,60.44676767291243,1.9907974977412392e-07,0.0,0.1870936114553958,9.895114385214315,30.88766023501693,5.83586011881839,33.253144217738445,0.0001193794951696834,0.0,90.744434614716 +0.9747636897491927,0.12327421445575729,0.3760573383621849,193.93630714580254,149.2974261503031,236394.69505567287,5.030309037370255,85.1160846954982,0.49022011767081847,83.54549456028002,4.416892989151398,3.447788381298352,0.786878375521544,0.2517095169654263,182.03379258639407,72.73001036415124,0.07149325419077801,101996.10213793365,0.6095345542147259,74.58266149771939,3841.839882066291,293.08572063074865,349.7095591243197,28.488526589953352,0.3211944462184903,0.2023674498931943,9.334632843481076,26.50068274519171,3.1750623220256133,45.772107401158074,2.7510487596400643e-05,2.683515242857711,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2151755686694175,2.797039350885202,25.316955895865657,0.3282913916027277,34.25994226566321,4.57305448049152e-05,0.00014063033626880034,0.08507586355658472,23.5333369617971,25.247672095527303,3.140991666844226,11.769967947304737,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.967095143784916,0.21382961331706724,0.34386747284344266,179.2875951286867,234.8253764963208,232736.4757298337,5.542968600426227,93.68521018088379,3.7339368466977954,11.517798535935338,1.444466799309202,17.890191958971563,0.3350906175471655,0.9122438519637157,118.92426495734483,80.3165707431368,0.27450108616144653,274749.04068813485,2.545147065406912,6.161322761697255,3118.400346905722,106.48948569535658,324.56066435384,57.97563892883957,0.30810862799343214,0.1946183437385708,17.656647239003036,36.53185288462212,3.2416498897064256,10.84714726167365,0.0,0.8037195003439515,0.13101994209669152,9.28508501962197,25.299821321054786,0.906096603961885,2.990046621147579,1.6033010066721712e-07,0.0001132097967789073,0.20641833729505557,18.50931788786459,38.874078881032425,0.356480550256199,7.672935384415687,0.0,0.00014063033626880034,0.2515053585088911,53.447395611033826,37.42144578764936,5.307730844912774,5.212065672097385,1.9907974977412392e-07,0.0,0.20695668261246172,15.139162368799392,34.743617718987984,7.176246355736326,3.4155214494227653,0.00021740451802344904,0.0,101.17312359702296 +0.92402035630448,0.2440877956706923,0.32131334220390934,152.0940842807474,155.48162921086833,282816.97229955427,4.837889101148227,89.97341649172864,1.4897797674752085,81.19367653640748,1.9309536351926422,20.988825187359165,0.3131134777342975,0.8167487130970593,473.8660837540705,57.53040249991866,0.13950053191953066,135275.4314378167,2.327770483529776,71.58121030133717,3223.3113783491144,253.98494596787828,332.3739853513938,43.47306962360758,0.18607219398664282,0.19762614904649617,18.488882366816473,33.95218109644367,3.07240023469411,21.047883561160734,0.0,0.9098324229220625,0.13300203724027262,19.106837104214776,41.942715295585295,0.5046787261585202,10.496388408911837,1.6033010066721712e-07,0.0001132097967789073,0.20744048830544054,18.500495896445507,36.82253442542129,0.2919206864501985,15.028188335570109,0.0,0.00014063033626880034,0.11635741436763904,65.16956962643847,51.14697009282414,2.9766497786756267,12.467061719938739,1.9907974977412392e-07,0.0,0.1892862595422459,12.125289981775389,48.80297225261129,4.519466846474076,9.185937355879275,0.0,0.0,125.56967421279437 +0.8156818072157129,0.18890641096338123,0.4105503896520975,244.38369058593233,184.51270232333064,132483.62010906596,4.132161509421426,68.51547936876747,4.089197782031137,87.30679270704552,3.449506157937523,20.872397899287055,0.45309456575624757,0.9233390413589014,669.9444332239121,75.95329692653168,0.07141253696986263,257164.9391166468,2.837895724828149,97.63240446383782,1483.157328390627,234.4682146698275,349.5927526460598,52.825637757363765,0.180019141845144,0.18348252018628672,28.682795752886687,59.9127989711798,2.3896951082369853,18.493395925928795,4.273663814374395e-05,2.135830174855936,0.1315707599354906,35.81411421688284,60.353669404150374,1.1711979447722396,12.531216772054156,1.6033010066721712e-07,0.0001132097967789073,0.20692284192983643,37.79778758053741,60.911722303000694,0.4037461978204799,14.78041951653073,0.0,0.00014063033626880034,0.10732712458764661,98.29341268156033,71.18926271285626,3.5293340508031417,6.157351259615091,1.9907974977412392e-07,0.0,0.2079317536251986,53.27152329089423,89.31700815248315,5.224572431559432,13.98163719766165,0.00043329542610849126,0.0,202.543495121658 +0.8083115821227098,0.10955588630727031,0.3871538686333072,17.07327758273359,222.18728482050176,279462.3772882696,3.9822079000226607,69.47320279833582,0.4636517491560726,41.061130209132706,2.526311765569553,26.079966157521135,0.3875178326252801,0.790046455544398,55.92892137677061,2.170104606803316,0.05959060752676468,142371.63389911473,2.183062607009364,82.77085436488719,663.6729355839698,276.30444113983754,347.41333745494956,40.092674376928684,0.18145568944736473,0.1958324546696567,19.870762538394047,35.51519244603723,4.737007135470037,23.074134698449768,0.0,1.502630369301936,0.12480361276684114,30.458956306898845,54.649485227292026,0.36019081739985465,12.993708721800973,1.6033010066721712e-07,0.0001132097967789073,0.20623687121298942,20.12743312649206,37.94556208061015,0.23656703368781629,18.0942951238367,0.0,0.00014063033626880034,0.10879495166863055,78.48446541888106,59.534930604600625,4.195318103534721,13.37900178429623,1.9907974977412392e-07,0.0,0.21300950592856102,42.1281071106368,75.54580174461624,6.416517073407899,13.921682352824373,4.8120926808647914e-05,0.0,161.51442640435195 +0.8151509407766658,0.11895030053548904,0.4384905610675157,205.10105937165656,123.65189591004645,232983.58522491544,5.8622903053278765,43.39176209184382,3.8331981552995003,88.51068232028341,3.8267709470274407,22.14543098772349,0.4410044985556977,0.8852356123833872,853.204448610203,76.52654659153042,0.2496617615745405,83785.2656580793,0.8608463180318977,28.84199042115591,3418.36451537381,183.37872003117712,338.31011619306116,49.14837077436474,0.33327320672219635,0.19569839221466612,5.098337138193422,24.934730211615502,2.8672590062708325,44.72502895286111,0.0,0.6736248825909038,0.13282437304163472,9.898144219895412,26.308067634363535,0.7963433074322228,6.082768495323617,1.6033010066721712e-07,0.0001132097967789073,0.20832171393090032,5.74011703590452,27.179306985554984,0.3458562130409782,41.657543012197515,0.0,0.00014063033626880034,0.08985352130845835,32.40575888670511,34.726032908637656,2.9760141298534952,6.453129173286237,1.9907974977412392e-07,0.0,0.2077387213763463,4.552772304093274,25.196190157150237,4.495051617443357,11.384581015349726,0.00018428496061179554,0.0,95.41312094729508 +0.8118257335797829,0.10805590001001872,0.34401525718075804,235.57136906513404,141.47149223645374,220526.86328615423,4.916739787823297,98.18117266101025,0.4398015783937488,76.6038870609045,2.2410271727260462,26.548948371381776,0.45433266578042025,0.7770716638119749,820.7578965167206,64.14171189981342,0.31614321773312914,258377.23953175056,2.941012719938668,71.06741214039106,4356.359578532829,221.00181690862996,340.31988004960505,56.26501366344718,0.22107686578231273,0.19510286609918595,29.621315275493473,46.15137898586936,2.7913266184675467,13.882441455156746,0.0,0.8470223478155016,0.13347667113699727,27.4001878561156,50.1253246389676,0.7750555577432824,8.873262980691194,1.6033010066721712e-07,0.0001132097967789073,0.20757460275272246,32.76908931950366,50.163695802400085,0.3392423245921077,11.67621314089958,1.5677016819360194e-05,0.00014063033626880034,0.1053410563641377,89.43585158344824,61.261812545874044,3.110554338259222,5.1355070470365485,1.9907974977412392e-07,0.0,0.2223709837201662,45.735991220801864,79.17035304273435,5.222885508227621,10.543406088805483,0.00013167941977006725,0.0,174.82583674416273 +0.8684584088516741,0.1687937960563363,0.3487585253051831,243.89931609016512,235.92284911659254,111271.09094320332,4.359869529611982,60.1870418096973,3.187262269041412,93.44069647870938,2.3936311697332124,15.70520083152676,0.42899135758395623,0.873420112514553,924.7836210001767,12.691041241101498,0.28845969758923906,75885.02705935089,2.198189866689152,98.94000866518917,3392.318767490983,252.35074532846218,348.3478599660669,57.21577223322048,0.18367835160304202,0.19425264481582027,20.765412114138048,42.30195740133972,3.2599342349379996,38.360995449231964,2.7263213306124867e-06,0.942801033775529,0.10130446055501617,38.7216850204576,69.04224953832608,1.4695087033602086,20.6069310335527,1.6033010066721712e-07,0.0001132097967789073,0.20605392067922212,24.5169143345377,45.462258334646464,0.45651637844007237,35.17895913673922,0.0,0.00014063033626880034,0.1151219236787456,90.61251762119079,72.44599236466635,4.461473825913962,16.75121961158102,1.9907974977412392e-07,0.0,0.1883706125229961,23.80280059436415,76.28206427323028,6.019091556942088,21.321027014161928,0.0,0.0,186.91829628546353 +0.9842987382222195,0.2072216217955553,0.3705269107590149,122.89299747855172,207.49294138723417,210064.60871827678,5.6273880351206955,93.13929722338807,1.799845382819564,88.35469472356772,3.561946755177021,6.333510770731795,0.39585628063101047,0.8823587015344075,413.66153051383407,91.39358637171608,0.23859385094031066,97127.22414514347,2.60475947083322,90.64740684221638,1366.5438451640828,248.61317962932566,346.2064330226795,35.66680944457484,0.3373310476733793,0.19328804262995888,14.997928974470224,38.171983131988824,2.838946451753839,18.322302542655255,3.0426717700729172e-05,0.7578736878119944,0.1035493776495451,12.547324652792467,29.055662343140522,0.8381026409848761,17.7809462318285,1.6033010066721712e-07,0.0001132097967789073,0.20144700891463588,17.616165987430335,41.195542674566546,0.3507181292577444,16.290228398689635,0.0,0.00014063033626880034,0.30014119994555577,46.01063270682577,35.32139051532918,4.493010977242952,21.22832561075783,1.9907974977412392e-07,0.0,0.1768446478706934,21.150552816123614,48.729625682113905,5.580747556797412,14.934590895818882,0.0,0.0,111.93540025396672 +0.9433408546264016,0.1484556651823966,0.36432911654708594,222.46256212288088,121.44792583269071,348493.7066734285,6.514131809229044,73.31060777987572,4.533416322494398,52.468675579615194,3.8685934348027398,27.951440149714948,0.3012537302801474,0.8536731988236496,693.7403981075674,83.50609630549525,0.24412365106250772,211946.7572947293,2.460567814478104,94.9892788050928,877.4224007752414,219.20275859874837,346.37854545948767,56.23992607244182,0.33883337672298064,0.19130267811839338,25.00989197521084,44.953994257142284,3.298450107649235,19.43626866492538,0.0,0.6783662656227489,0.11986774278252646,14.35144758296498,34.055370552311494,0.5786742628374517,13.862572868319175,1.6033010066721712e-07,0.0001132097967789073,0.20242159318631295,25.051595695432184,45.688188758641566,0.30572937691970803,15.923406351909543,0.0,0.00014063033626880034,0.351452536729965,50.96751755636037,29.62258849966413,4.830722667772592,32.82750096918247,1.9907974977412392e-07,0.0,0.1445258283855095,31.179527224057193,62.37468434572787,6.219713179536994,12.277637154554485,0.00025918375002384947,0.0,131.114210842197 +0.9520892743764374,0.1409635611680971,0.40904096227100106,169.90444240690795,96.49426664670874,251567.954051648,6.218134310801888,16.538674232268235,4.804426984091097,11.317091607482274,1.32711997548951,17.285023293099208,0.36598842312108804,0.6881344990479124,83.4523317438954,42.67084610448744,0.2740780920827173,101381.2681672652,2.252059850881303,94.31310591033721,4821.144735865499,168.3454681241381,230.5586596440327,10.39474783715385,0.16039463683205477,0.19688324029274176,5.838795013798065,23.80002092497009,3.659732318955362,6.824407356512149,0.0,0.8370037328076014,0.13542731071027755,3.0931626891698425,13.959601693145638,0.6684897412480637,16.37620010456116,2.0096205974786467e-05,0.0001132097967789073,0.2099558088583922,4.789318547484186,23.560674603259482,0.3291352713034953,5.608603271405982,0.0,0.00014063033626880034,0.3412708839554128,5.886025690157805,14.211339920768213,17.67146450199957,58.62909110798504,1.9907974977412392e-07,0.0,0.1477136284876952,7.7001344139125045,32.42548539298654,6.772714118289035,44.131676881048286,0.000265662838891211,0.0,93.99227949880166 +0.8021427838327118,0.15183598014398025,0.36766130119618573,235.86028527522214,65.85885635406672,293491.14826859825,3.552438431582483,67.24700634779697,2.3577951313443046,10.605442142326526,1.8087587728237304,25.944003815486763,0.4230223754034244,0.8505170823717928,695.5806246728066,47.67222066866615,0.3375418764324396,96530.57746029858,1.8850108461880029,61.01701579495551,1901.8439065937873,188.3066051017837,348.962086711183,54.91852371074144,0.23516143513406226,0.19607324422128414,16.401305807675115,30.854937190315855,2.913879377452285,39.32166257959984,0.0,1.0373071506329905,0.13440676104474628,26.033542286480888,49.153306957250194,0.2050080434926752,11.204544553948178,1.6033010066721712e-07,0.0001132097967789073,0.2075563124035324,19.34744948487902,34.58536809021007,0.25164694028037815,36.040446486656265,2.3596521458168647e-05,0.00014063033626880034,0.12542027640454012,66.40862779993184,55.53202526425728,3.77718579140968,14.017272734829948,1.9907974977412392e-07,0.0,0.2192650977756473,35.90783561080508,61.850110406162976,4.560256243464854,18.450496245291205,1.135853518129059e-05,0.0,148.4805269577331 +0.839944542890726,0.19672670012988563,0.3525708443016771,225.62725562037903,20.783865608471416,104962.5140207882,1.8746192844722844,79.9360026697555,1.2068579880334018,37.43376171472005,1.0874757927605505,21.111704054689177,0.36157818165337613,0.7767324829710649,732.3407480965019,46.65224951962206,0.1426485240939543,251236.98256891352,2.7897816812478964,11.498918909357316,3415.519444150345,6.022040858671616,271.97326391071806,53.7242168881785,0.21437511537353185,0.19759416686764264,4.56998985146297,23.64511087452981,2.690259418402022,2.7134670893032875,0.0,0.9709476491944873,0.13783508696445246,3.4520782069857976,17.19106516896668,0.1833842243550086,2.732496234759036,1.6033010066721712e-07,0.0001132097967789073,0.20992878308602417,5.385379052967155,25.10227177653183,0.2687113270800419,1.9763130239976539,0.0,0.00014063033626880034,0.193819972449611,27.115167685804284,21.995394745337894,4.931160772043314,5.355435033024823,1.9907974977412392e-07,0.0,0.21527212193953452,1.5626878702706015,21.749852685670806,2.8869477990993264,2.9658410744724444,5.5741530425806895e-05,0.0,57.77901735192048 +0.9203315797065247,0.1616550615133576,0.3768969158931869,148.03094113399428,203.81247396936527,204859.7675111156,4.423459495310836,67.95761552317454,3.384883135571663,97.60813841062159,4.1491748249651685,18.656813298259763,0.4232528783260166,0.9033108233448744,888.0365379125973,28.772195193524368,0.25879311717217984,89859.00638694059,1.2612443633838097,95.33962878219107,4873.849757167268,288.51086565715696,345.4400053874512,47.63117949111641,0.28474849370707545,0.1937378847122406,9.232913990911593,29.7124544544805,2.8323706744106762,42.41989407466779,0.0,0.8156421584066873,0.13405490817655305,13.993296245497229,33.68022791604064,0.7267685737690338,11.461072549289957,1.6033010066721712e-07,0.0001132097967789073,0.20670640206154786,10.848342555778629,30.024649186433546,0.32977317677549467,39.2934411843029,0.0,0.00014063033626880034,0.10387426167682916,39.18108265881715,40.724833969653346,3.5881496810718514,8.944390666611655,1.9907974977412392e-07,0.0,0.19940076613030885,19.976337401143162,46.21377569706035,5.185184262560138,18.37580628359873,0.0,0.0,113.96286268888004 +0.9238820472740368,0.11274383280974133,0.35691229704614086,135.53293283072202,21.747025473270966,270334.97771269135,3.556522858928103,24.09893491075252,1.0362382792434428,27.93723209599619,3.0506770746262006,29.385208143945327,0.3842631927728126,0.6865821940460078,432.11424347082686,42.24043932576271,0.05528585025956294,58106.83242010484,1.294669032043344,80.76201898604846,1992.827677748067,34.59791482569854,331.96073452759316,48.363453938251986,0.28570486858252436,0.1985725353018615,12.092494205961685,27.01418986506811,2.960161116421818,62.46705891357744,0.0,2.6268191489819555,0.1294243908409552,6.540082098116587,21.399191177893922,0.2408947939246626,7.019562279401957,1.6033010066721712e-07,0.0001132097967789073,0.20696773107796212,5.310261466716204,25.431999890333753,0.246454325545633,41.62262226328132,0.0,0.00014063033626880034,0.11959094440215835,21.516145258173164,27.584097237300035,3.962490578055995,17.071407756815443,1.9907974977412392e-07,0.0,0.18479322360644562,4.164402321294285,31.464781036524876,3.5636776996714152,13.68743911606362,7.177459235089583e-05,0.0,102.41991741462557 +0.8408461229280522,0.22849188212571508,0.34441699137295645,215.38661661253784,246.67293840081217,301655.502515333,3.538128198828632,74.48313016592398,2.08048190629511,24.360893348940635,1.24142889531391,25.76296312213669,0.7039803670989507,0.9087715869891329,604.7469623551292,25.239479249266402,0.1703740460607261,262112.762161574,2.9562614815241792,39.88464804300341,4425.101757722889,166.55944275188125,347.31341247009436,57.731203925191124,0.19384760649196298,0.1960132373968865,39.715089493371586,57.37175345845058,3.1231710628379425,20.37434238207824,0.0,0.6054663723698833,0.1340330578568347,38.260805901516584,67.2426933457632,0.4428169035778715,5.923388094332089,1.6033010066721712e-07,0.0001132097967789073,0.20695867464186288,40.06245523268656,60.23584804375725,0.27085133960628177,17.105106065820515,0.0,0.00014063033626880034,0.11865224868701822,98.6669242087211,72.98160080983583,2.968458708831165,11.595010383276573,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9513569408526782,0.12262053180138993,0.4311725262475037,140.97196746129634,107.86520495754262,186050.41596204106,3.774253247476375,74.96222420557409,3.431436443350898,54.975900756573225,0.27323202337337044,22.027792500948884,0.333933282699454,0.887662956946009,100.39130996073357,52.82973211465604,0.20814573934418898,118530.19870633178,1.524402463378404,45.23447486419678,531.3812829899595,78.473139226256,220.846101202784,12.62159515033779,0.22137964761194873,0.19214350655927526,6.391398522633169,23.74155487577606,2.9332117398365662,4.575402991720064,0.0,0.8035648854858266,0.12258574561002863,3.07692890243908,13.33736612093459,0.5225435969550455,3.730293412514156,1.6033010066721712e-07,0.0001132097967789073,0.20383623096321243,5.026426727417406,24.728442994945816,0.3039715836093266,3.0930862134919135,0.0,0.00014063033626880034,0.35414342456943254,6.771896434668687,13.852490341034773,13.976435539626715,54.88214587828201,1.9907974977412392e-07,0.0,0.16998294145396436,9.532605291822692,27.863613388405916,4.940202501864991,18.151523729949965,0.00044968506933228234,0.0,78.41670780797175 +0.9803141432879704,0.19245294615680006,0.33047527435656154,249.7908181997988,190.76292780371372,141681.57330477313,6.181951432320907,93.16219760613488,3.932553888670107,9.817471014339546,3.8741126176609377,27.39286479773905,0.41165873056106583,0.987804495840585,971.28923875188,22.86281069757959,0.26282035900536516,131410.91063306172,2.9233112898352718,77.14297895804044,3089.4384191742993,249.2520962125832,343.9001405823372,41.09832910371567,0.20060184759211702,0.18789389630114328,24.489884667604052,51.330954678445394,3.2924777562386396,16.701732392994295,0.0,0.6980934708248852,0.08979726750248876,24.53700546344495,47.21619665507715,1.495890360055168,14.521792350713762,1.6033010066721712e-07,0.0001132097967789073,0.1947266234831157,28.070412015192204,57.907659934742085,0.46104977484049636,13.87484088052279,0.0,0.00014063033626880034,0.17387232074452205,84.73851148177782,66.6357353184395,4.84124559566248,11.453999586592067,1.9907974977412392e-07,0.0,0.14584941283057792,52.00896444858398,104.6050464901035,6.747784715883731,13.704273793128047,0.0006260537418435775,0.0,191.2056715098218 +0.9822868949650012,0.26165110690324633,0.44130676175003947,218.81673790502077,236.26003244682502,247327.58260152457,5.531006649176143,70.87282934642882,4.234101431620253,10.548655934476084,3.6845943947647504,21.833754292289598,0.44388701007252085,0.6551013302997912,636.8616406214171,7.176566706765485,0.23972617932815177,255638.12175372028,2.9354764782230194,51.90695999769097,4759.271809083116,134.30514704463562,338.2751988357346,32.26757758461838,0.18171505813208944,0.19802869425527309,9.296047390355215,26.398226095736348,3.8897139109185046,3.337355465133058,0.0,0.7202584399231091,0.13677631245142668,6.686268489225931,21.45183250638692,0.9235905288987378,4.718054945354291,1.6033010066721712e-07,0.0001132097967789073,0.21101045672740465,9.450665161844276,26.632331461169528,0.35709749715978456,2.61799980048354,0.0,0.00014063033626880034,0.20900294802147537,78.86892109173857,51.37266078359129,4.495796704948083,5.959561037999511,1.9907974977412392e-07,0.0,0.2128420059272785,3.564651542375673,25.01428735582249,6.664457278911292,4.304191345571919,0.00010268111599329303,0.0,108.44531677230749 +0.9193677299566647,0.24557059078610058,0.4274128811449247,134.21292926073343,244.93418857962496,333001.6905227271,5.508802453471005,71.00978925303858,3.7137131130625436,55.83801717898541,3.6898504302780033,29.865843040716303,0.788807260607734,0.9851946409460421,935.3512038257902,97.74278041856815,0.23509797676274866,237264.0513366332,2.8763907323125935,86.52899418773954,108.41524131362218,285.5443642280254,349.6587878121857,50.763790910764484,0.18175564515188897,0.18917465570231526,33.09986019600854,57.26876971779653,3.021949006951613,15.723097972139222,0.0,0.6303931438302219,0.10451711665556171,30.402486852338676,56.01085481638073,0.532840015409943,15.092926795688637,1.6033010066721712e-07,0.0001132097967789073,0.20323351469989986,34.73444715094483,62.70656876246361,0.2915521109824235,13.58961849257997,0.0,0.00014063033626880034,0.19194863176939633,98.27200029054735,65.04565138668015,3.0856441984174094,7.0423012737027495,1.9907974977412392e-07,0.0,0.1675411568198562,26.83979114009122,103.11717682900021,4.265405788420898,14.4296273105139,0.0,0.0,199.4305622755743 +0.8971345666139693,0.1429774226563356,0.37977122072818176,240.66247329407673,47.282227160356484,133495.91030868544,3.383199154073505,59.108453639039084,4.489211429645568,25.053282302701792,0.2762067997213538,18.126118007953778,0.7006613128914679,0.997200768541809,847.5985777945363,28.268838638099492,0.22454912122434867,259898.0360920861,2.886231041126931,42.68626797778166,1013.1139092299463,251.8527676962473,345.0436401013318,55.1815753760632,0.2027501340347871,0.19345721611047378,29.513191112610954,53.11744276049167,2.876743043080397,14.113753103491932,0.0,0.8708255170618011,0.13501314234438533,24.551660827281236,47.45105807544462,0.5262029582648465,6.357582867967661,1.6033010066721712e-07,0.0001132097967789073,0.20669537344078584,31.277996063950994,55.17226544034051,0.32244897197619304,12.284784627693483,0.0,0.00014063033626880034,0.10885622748832692,62.34414464175834,53.43123017537677,4.741356336212842,8.748582833178853,1.9907974977412392e-07,0.0,0.2168214009569437,14.93823086923899,52.164473679416396,3.5210052453812586,8.700879607405302,0.00029621825234420126,0.0,144.36885982718016 +0.9322652984706735,0.15249029647802392,0.38477289669502995,169.75834180378843,207.3589649413984,280805.8596394106,6.394246267752457,40.79829910880211,3.2530382391088035,94.12850832268106,4.336829110233886,23.045637298654167,0.427782755710289,0.978673079342161,850.8907488909091,58.0169600067679,0.11109423622509502,293451.28558354307,2.8097367336785632,83.20070540301303,4987.334526672854,219.34930473909935,348.3535353597422,56.63603909863069,0.3214002203582912,0.19488987492527396,36.65643270648292,56.002473907390545,3.106415456244199,17.514498180703697,0.0,1.737980752912174,0.12762832166709143,14.74034861382085,32.275621265552076,0.8151591102460706,11.274277971718114,1.6033010066721712e-07,0.0001132097967789073,0.20406753146935538,30.723203083751432,54.65923037440094,0.34205227498597124,11.653832717085574,0.0,0.00014063033626880034,0.3558786444727955,51.59073497829367,29.97627512667183,5.326119851397056,38.647256020278036,1.9907974977412392e-07,0.0,0.16109845606823608,30.757495166158876,67.29901542286744,6.163489030818838,11.474867254432482,7.276225067090083e-05,0.0,144.8478227007484 +0.9352519072158841,0.1586535122089862,0.4016048657282806,196.17582517615085,167.5611145652265,290893.601400304,3.6952281676900096,85.6986726589569,4.849039882647387,9.506945864727186,4.759995098543186,29.168999887000226,0.7483528282139111,0.9764700470767551,847.18177516166,56.28900931263709,0.23891145908535427,257878.45818664387,2.7987466945046324,90.53312509992281,4756.818445736947,226.49297178791133,343.1139436210644,56.418416243275765,0.15903464268049808,0.1884724875740599,27.646789462428835,49.781320620301855,2.848756392041802,13.263585410980703,0.0,0.7092382153478819,0.1162155928308307,26.059851800824937,51.14659778357819,0.3861444675114568,10.577970813172605,1.6033010066721712e-07,0.0001132097967789073,0.18635992454323153,20.062176856041894,59.317379567994294,0.2757272899162244,10.181891954227124,0.0,0.00014410350517884027,0.11032797154928757,94.87522269720485,67.788129149085,3.1596901510029456,7.097684659350291,1.9907974977412392e-07,0.0,0.17553234174465215,22.77443076973903,86.41860993791005,3.785927749533652,10.737505061049006,8.06625696315205e-05,0.0,180.64465741931662 +0.966570382097665,0.11931808874970364,0.3240365105887745,132.16065597800556,86.08701185076569,210366.7647064152,4.073674382519784,22.508888278531387,1.8033329795670805,91.83381864313566,4.56426876337877,28.471786357078972,0.39863751903182515,0.8804933761498462,219.20685913958806,46.68512683370723,0.3156011515205958,96201.59480426619,1.0761211308022272,46.785985556097614,2724.736426148153,152.47377209297275,347.9855842614859,35.583199848902396,0.1862622711647131,0.18888370424471101,8.104513189356231,29.016857939780554,2.9664209274303306,42.14251930584791,0.0,1.0348775267899575,0.12380456759139821,10.967793773605946,31.3261328968863,0.43091363960160345,7.225163960401404,1.6033010066721712e-07,0.0001132097967789073,0.20238095551441976,9.699917654343425,30.835983103990312,0.2908442216440503,42.77933859236764,0.0,0.00014063033626880034,0.12632091974850454,38.109092447474566,39.85576605478273,4.025397153734813,20.710871344301072,1.9907974977412392e-07,0.0,0.18271424166148414,18.844106089164782,44.29014775489979,4.792429408224713,17.836024745069253,4.0901491597967534e-05,0.0,113.43065366749673 +0.9807870094788703,0.18617727063769882,0.3603126461823646,224.7251433403968,135.60581708931886,310819.51268991735,5.9154326695916986,75.47311945314132,0.6645103062265276,73.85884300850515,4.645085859823049,14.20158067637964,0.3318867578189294,0.9946398946315288,492.77475613719366,33.52203035378692,0.2436348099080503,213311.22448048348,2.9580499041790884,65.10285320159599,3656.695825505342,251.56048176360673,264.70381171003993,34.337863730795824,0.1863974627653904,0.19405440909873958,1.6411950819113743,22.949958484765165,3.4792916156245735,5.712869514605996,0.0,0.6946579217854518,0.1354228064353645,1.6626122732750759,13.8981449328014,0.6283110742357174,12.22824403093675,1.6033010066721712e-07,0.0001132097967789073,0.20777841614698417,1.5636106868909336,24.74113108676068,0.3129576635605359,3.841083702034269,0.0,0.00014063033626880034,0.3569008103944495,29.24966071576335,21.6697861957598,7.834743492257621,46.36317233051391,1.9907974977412392e-07,0.0,0.11309023084905336,2.8431659783494188,31.828277165905853,6.3008858239777465,22.135745891434684,6.990605839900073e-05,0.0,81.46772716415205 +0.9783902617027671,0.13121713736698953,0.4001270886921049,242.3676653623824,224.999421510933,247636.2663115439,6.758235027609844,64.33976779410729,4.333181894118722,88.8057146361842,4.875254171778752,24.009638713658195,0.7669056336855316,0.8435893669536796,830.0463452571095,94.58973539450554,0.34777059482963,263383.0125054718,2.8303674473792992,85.3455964250655,1908.3073411965136,262.1582840964518,347.90964282701555,44.286255104959174,0.31156104767036175,0.19320790531680287,21.851747511859024,44.089156836674725,2.996159050331775,10.75307187498351,4.081211028924518e-05,0.7512104072947765,0.1329215159287443,10.738779992189233,26.35077228327076,1.1159615768490307,11.947984423688336,1.6033010066721712e-07,0.0001132097967789073,0.2017871804601347,24.590350412243545,49.29835254229009,0.39032178540951773,10.21458753898078,0.0,0.00014063033626880034,0.3529415326096273,48.23577700168251,28.616874279953503,7.418136010073636,41.28360407397126,1.9907974977412392e-07,0.0,0.1603015636733801,28.661586820691674,64.41493969204653,7.1703677320756904,15.929385138251858,0.00017539318619114777,0.0,129.69528390578887 +0.9870485639474952,0.14492262255935787,0.4477145717963552,158.22785373500278,151.32762565466228,320537.3053987629,5.193717158190495,58.28137420487598,1.7124920020180554,40.78017868638116,2.804937859537143,19.336133343063054,0.38674688700270937,0.5523026592264988,373.2417581796222,60.907989628574995,0.273193109679307,243913.49195774907,2.9335351520389246,92.56504208711891,2250.4183961099716,167.5583074914036,336.58949104428666,58.936042293588216,0.3428678151859852,0.19829265819407557,15.272068539945748,29.70809836135192,3.30183480595265,7.427306793963158,0.0,0.7206663041656619,0.13886807559076847,6.68557189771168,22.184165661045213,0.4713877140506424,9.118100714622425,1.6033010066721712e-07,0.0001132097967789073,0.21073453340139925,16.703224239380994,31.53846876086867,0.2852807833722184,6.724447770950804,0.0,0.00014063033626880034,0.3280029194495854,30.680710061208572,21.098710547329144,6.750054018276782,47.08307404058009,1.9907974977412392e-07,0.0,0.22037092883003734,13.316871851325814,36.6378134336212,5.687794737873871,11.42369938779231,0.0005949327484798941,0.0,91.94118805056263 +0.9491369413753703,0.16212279768947246,0.40646550927108355,173.6504651905286,132.15136384473618,278846.726741519,6.96540186152451,86.81878874893825,4.614826333771435,98.78491889945704,4.523890053461012,23.67133607246587,0.6152868316177468,0.9086228083288963,629.0206331902956,42.89457579981596,0.32563885936873455,188946.98986304682,2.9956593404655516,97.72275591148835,4660.768627668719,275.16230883040885,348.08955771077285,59.40596502643106,0.27833302291010475,0.18401311610497148,28.152305555814248,56.2792787178738,3.3128062304799575,17.80355939646178,0.0,0.7556242812416475,0.09054155915286925,20.94082558418057,38.32395248054956,0.7705129412130213,20.359458168306634,1.6033010066721712e-07,0.0001132097967789073,0.18717154989267476,31.4435169751576,59.636836575534524,0.34060241993671875,17.088925591820203,0.0,0.00014063033626880034,0.35310476813478736,58.57747656319816,33.5524601594535,5.189646209991523,29.574491958475488,1.9907974977412392e-07,0.0,0.16006133531377018,36.5233675429506,79.8155706369317,7.042443316379047,26.706703417471132,9.533506609947168e-06,0.0,159.2933944361631 +0.919234660093328,0.12064409585614841,0.3753456067171346,234.87915771899912,244.77321279312469,282614.4904917397,3.754252744936546,47.88227641430356,2.1817261966231594,89.30225443724399,4.011945278980176,28.955646375373355,0.527688721357616,0.9934929436588321,657.7459323655228,48.526261317333926,0.2463280495551458,244460.1456494401,2.9728554703405368,93.76289455567326,1877.2739668667484,250.10755003347518,347.9321818043403,52.27337362507758,0.28897392787292026,0.1878260538597399,29.714580210339268,58.584029713911875,2.927454461855022,14.385027098615746,4.062250438924531e-05,0.7508561794115683,0.09063911602250707,19.54491708808593,39.0721984973616,0.5477814586157368,14.345705532803777,2.6054770166476158e-05,0.0001132097967789073,0.19850086839866574,32.55210949909305,60.50866020938399,0.28827972820061454,13.511324218908719,0.0,0.00014063033626880034,0.35689495272797167,62.48910722169019,34.83180249832614,3.6939754434609022,25.821498346029372,1.9907974977412392e-07,0.0,0.1477950395392873,42.838973293319405,90.3215414146801,5.316909982872635,16.805153453610504,0.0004966026182719463,0.0,166.28901259145837 +0.9383173914097755,0.14017263912144878,0.3660137309163596,116.24747181993227,246.65514092153194,272991.1729289623,4.148233296142066,5.8225180546000885,1.9780153221305294,82.78486413656015,2.277342726972286,19.747749782051297,0.3943129565510981,0.9336283992505345,919.4985535879262,99.66302021943608,0.12685758459368135,79590.64524392449,1.4346250331316308,49.73336206016449,4237.166882538397,69.90039894051284,349.616197352595,50.19902068021523,0.26021687718957315,0.19473404866347022,13.354111561890186,30.74001804111222,2.7098447980595,51.78347189557116,0.0,0.8993188304733492,0.1343173643579422,13.282275882189875,33.09049841375686,0.4336728092800209,8.25152486526299,1.6033010066721712e-07,0.0001132097967789073,0.20533200152027326,11.25423026330673,28.357246566376187,0.27644927735486813,42.79439047458922,0.0,0.00014063033626880034,0.1106397899324644,36.20583252924972,42.4651561581094,3.2275277326997496,15.336697340138361,1.9907974977412392e-07,0.0,0.20751694807355797,18.441855701088123,42.66720542045753,4.5175821036273085,20.99864441038076,4.332971774858156e-05,0.0,117.88445446594599 +0.9611166291325222,0.12395139307843028,0.346431878211977,247.45589713436055,134.345379091371,273766.1330258026,4.024188291028595,82.51050978164054,2.9978105717286496,59.53622052447856,4.983344651756326,26.06111153460023,0.4622698117260131,0.41255619474285676,655.4873714106434,58.80855168085044,0.3188480364187633,124741.55088448808,2.4319341510615207,81.80963332244603,2303.186500933545,298.1143816548508,347.6864695789099,56.78003031037717,0.3335622492835046,0.1969929172387676,18.827109997204467,36.10754477177443,2.9006539007841163,24.249317231194585,0.0,0.9245630399979496,0.1188517081764427,12.95549131717256,27.240690579036695,0.46521177102285305,17.784456931820174,1.6033010066721712e-07,0.0001132097967789073,0.20900582556692862,21.542084395106208,38.557132582737154,0.2838462899777191,22.78507673451543,0.0,0.00014063033626880034,0.26554902169886785,43.069367747482985,30.284959060145177,3.2637268726092064,19.015484902019598,1.9907974977412392e-07,0.0,0.21639336962198014,23.395233748528952,50.78597747895259,5.04537023414362,30.146136479557743,0.0002747632671247535,0.0,114.70515169479098 +0.9038377334913917,0.12113931409812609,0.3407643636974576,145.67869856984427,205.8259829578753,216452.45063353615,3.004903014406638,90.0370538295633,1.103240918327761,12.65797852079924,4.515832707292322,24.591622257796125,0.4063861458831655,0.8253778808449451,374.2000544830108,39.32067990976343,0.24955018322204828,232653.1351411371,1.635458155878159,31.79237068105364,3187.599619087804,201.2499163089688,348.5716722176261,54.108682523578885,0.2756625238877568,0.19419161561073064,23.451320651057927,41.15968102630939,2.7652253822918014,25.81243476813247,0.0,0.9757999486559068,0.13091205181437635,20.449889555646358,40.986418839057656,0.41118241621949336,4.56336401651852,1.6033010066721712e-07,0.0001132097967789073,0.2048045972520533,25.27909897518945,42.11882111467491,0.27302909870509545,26.068207749619326,0.0,0.00014063033626880034,0.09964018733428263,44.92726752386042,39.01320235553327,3.7717498206581492,8.931373842441516,1.9907974977412392e-07,0.0,0.20771306943255607,29.9871473711426,55.69463354034173,4.637379699412263,12.575355236880032,0.0002786969385012499,0.0,126.27785565528316 +0.8835915616600931,0.22606688118710497,0.32356680269098287,92.36039835765787,175.4539469120886,232640.675773865,5.744516418434588,33.85259181777688,3.1276495396595982,20.485640511539792,2.907217641240682,17.889514422437735,0.3262596825521682,0.9122420495308221,41.42800928073251,45.79009635823827,0.27566828309056773,88428.70751059017,2.545147065406912,81.2601919259152,3065.1910416240944,114.1418428378287,340.153672945005,54.25816915114885,0.30520011621134663,0.195908629781555,19.805604376364396,38.119372488845656,3.43391480795496,28.502675722546005,0.0,0.8668347430140447,0.1325546207205773,19.87905639283149,40.45196750893304,0.6442474807608485,13.20476651489423,1.6033010066721712e-07,0.0001132097967789073,0.2088559694016132,22.55377746050815,40.96657660914473,0.32110761848637,23.353509026125636,0.0,0.00014063033626880034,0.12811727094748865,59.71250749883333,52.76820400222709,3.501813586790915,9.385135828683158,1.9907974977412392e-07,0.0,0.18817340094505136,16.483041147198346,55.489659438177256,5.4276332301876815,12.993752831466802,0.0,0.0,132.69773171230884 +0.8834952555702946,0.20173035009703857,0.39000035411573,178.30280328126622,160.37415257879508,299416.9421826697,5.025082709698865,11.727676586641621,3.390729006120152,64.91247903393047,4.52960910632783,28.848783914553152,0.42695359254104726,0.9461018746196131,739.968497216147,78.29707418295175,0.3155050154317402,148602.5095237506,2.6795490108449784,46.98973861898326,3852.3528538466726,146.06689236709934,326.1635935773473,56.85326792451539,0.15020651253363826,0.19094244759284418,15.730943537317794,34.18091946213527,2.9831297500568827,11.86537154660526,0.0,0.827038770331303,0.12899147778371156,12.043703819647225,31.527784806413006,0.5360108495628478,5.71150584746358,1.6033010066721712e-07,0.0001132097967789073,0.20332072744197902,17.46224874070089,37.29519117213338,0.2954343636417492,8.395799168613712,3.407713498253228e-05,0.00014063033626880034,0.10931624210908694,63.02303345238572,52.28262605970917,2.882970100184949,10.593861504280246,1.9907974977412392e-07,0.0,0.20058508364070493,19.292994475083844,43.4113092216126,5.0777050922362434,5.761846420063628,9.054728459758702e-05,0.0,116.81769490241962 +0.9533478365753857,0.1413063632521346,0.34601297358474936,139.58775846925084,124.67668689599982,325692.3579277414,5.178415183687352,87.15201369171359,3.3631439028005743,44.45038320330452,1.63899394871339,7.8982352259827575,0.38008501107260695,0.7972688480567652,915.1584498971167,90.54516117087331,0.2073632469912517,51310.851365089715,1.7240920471194492,90.14240858411479,827.5552480861636,273.6772584508598,349.27030386292205,39.28289393037612,0.18372122393712775,0.19808878350968528,10.538951357677838,33.02655026871468,2.980516715722908,44.80765443915605,0.0,0.6101760564266524,0.12813723771478178,21.539513322306192,48.52486678349497,0.3930251083209121,18.930339704112875,1.6033010066721712e-07,0.0001132097967789073,0.2100294324020909,11.365545530082793,34.79484835102627,0.2751433895620592,37.39695180784296,0.0,0.00014063033626880034,0.11948482915966527,58.07890367938125,55.5425831718021,3.112354991049813,15.100904114167536,1.9907974977412392e-07,0.0,0.2127661182886002,26.291406828101195,56.52681037974277,4.870797263848674,22.449547136799524,0.0,0.0,142.28366296279447 +0.9081850838092811,0.2084813642238963,0.3314634623698481,116.24747181993227,247.81689167322452,290238.01149736106,4.981304039537383,40.091519509495114,2.384134531962522,85.94642650455393,0.6934747028812007,26.897645830605633,0.3993082037923678,0.9280481597916608,168.94748891418945,52.12142550239253,0.060691457802137985,171567.94010057792,1.6416493570093031,85.46141168569982,2047.4951337054515,230.49615051589697,344.61251278184665,44.269286970662854,0.26006408377165824,0.19806815908045108,30.59438112272275,42.558043044393784,3.3907052701756406,37.79291922228235,2.6628390206256324e-05,3.0575842532683954,0.1307600517006302,21.646174811687096,44.66838267934438,0.5139128561096318,7.581662264280473,1.6033010066721712e-07,0.0001132097967789073,0.20327510581584649,20.31730060374052,39.816207727010514,0.29043762044384946,26.818983308397666,0.0,0.00014063033626880034,0.10130273775077198,56.392498528177995,52.346127787346695,3.5004573168720468,10.338589413487071,1.9907974977412392e-07,0.0,0.18058247628848964,18.4172288551233,60.907851626877935,5.275761319501109,9.671486112003898,0.0,0.0,140.16143943898743 +0.9800211043649883,0.1737105040949857,0.3366386694296335,188.16988784502502,94.57117972804048,279176.98705514346,6.544646742632268,23.407794827427853,2.122046007633139,74.94487257521502,4.9851834942723485,27.64360976068517,0.48062263106958225,0.9446562230605142,223.35822726411342,48.43043189295876,0.22378276234990915,119982.83901907077,2.6236324486105023,95.7356184806093,2618.8386794646303,203.43130153633447,348.89233772304175,52.1156579664069,0.28994675415886256,0.18956613215058365,24.945565915381703,49.8933002577238,3.579945160942691,26.318797055170005,0.0,0.8129280191510438,0.09847351553849794,18.02637412523764,36.68042706022942,0.6400217325978332,15.495622192139768,1.6033010066721712e-07,0.0001132097967789073,0.19595318556140642,27.06915257468966,53.48962929599679,0.32357664744582976,22.438627226390693,0.0,0.00014063033626880034,0.2695193892248497,61.737499998672746,47.45360642484039,4.278683785960933,15.146345822446072,1.9907974977412392e-07,0.0,0.12124724209849312,51.86803390399849,98.79820844530784,7.377970529294736,22.674461887982254,0.0,0.0,170.75532543323504 +0.8829029120615248,0.21310202083821148,0.44638659053815166,206.28621673953904,205.80205786986264,314473.4822877187,3.261433588365313,54.83083665056265,0.5083527030270107,36.64616067452499,4.497952546973879,22.918639530295117,0.5618408380097475,0.7505021816191167,622.9376504637926,40.42861354761595,0.25018497900554565,98405.7044921527,2.9335544108151885,79.49889748149738,2216.855721322768,235.3785303652421,342.85206141146926,47.49591498101398,0.30078983120715563,0.19137987260863312,16.620214124804363,36.175659654426504,2.988778385771235,15.05704905688826,3.45043267852666e-05,0.8134324252110134,0.08029548107104693,16.634774538887648,35.679482635248704,0.32011901453069824,22.1191765717571,1.6033010066721712e-07,0.0001132097967789073,0.19866009606583257,20.76220677900094,39.54160686807461,0.2554517529406485,14.153985519940464,0.0,0.00014063033626880034,0.3022737558397671,47.38355107314314,31.83258275135375,3.7430539646868692,20.709986148135382,1.9907974977412392e-07,0.0,0.19614078747850164,25.41266235754783,52.477743705574305,5.118008862527869,26.621876435160708,0.000286421546391317,0.0,117.8626535064807 +0.9464824030920475,0.2331777828964024,0.35827215846500654,200.13533372945045,22.579918753742398,330054.9837110159,3.37439594128314,74.19960877372563,1.8369938751758834,50.85515845087825,3.3157380593964865,26.907276232325085,0.5187305772941988,0.7119495155393413,767.8839274814899,69.0684161457939,0.3246736281304631,65961.52542176763,1.9794429850365107,55.580039686226804,963.748465301371,281.56860448519956,347.408063397477,58.751335445441754,0.24212993686363657,0.19676589075468187,12.78440074346133,30.746980278665486,2.896671559276816,40.137603433509355,2.4313303618381002e-05,1.01061848088769,0.12407403687760973,19.80784369771314,42.211577181085424,0.30722500068468417,15.531934531281719,1.6033010066721712e-07,0.0001132097967789073,0.20728851972150197,16.5036764217235,35.841436540347686,0.24128959289005944,36.41846715316453,0.0,0.00014063033626880034,0.11456099690179015,47.292535353872616,45.8099283760442,3.675419866856341,15.16537090089198,1.9907974977412392e-07,0.0,0.21444369210508057,29.790662267004564,58.41399438302928,4.312141684615927,21.98954471682791,0.0001858077739606307,0.0,131.94204369830965 +0.971742784828799,0.19738017748534378,0.44717549395564427,224.726641200126,165.66463749224562,300813.70290165045,6.835732341689263,56.87192531795779,1.260652097297714,97.95423489648778,3.883914978145565,5.027547509725377,0.6278752679760331,0.9263288063410768,590.1975961780304,78.90806853835005,0.31881654999387377,170387.0357775375,2.8684636097110254,55.58911503117343,4746.326851048866,66.57803559558725,224.42117422189204,14.748416675319937,0.2444787318886937,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21247189452069862,5.8038506473799485,23.25349380260285,0.3446473206105643,2.7632275512646967,4.148828371408834e-05,0.00014063033626880034,0.353984701286907,6.405812747397889,13.881437005180942,19.780795792421,60.75829689789728,1.9907974977412392e-07,0.0,0.1266956221023378,7.08139496352174,34.22741464096686,7.24285198271758,40.89348976682225,0.0,0.0,3816490534509.4204 +0.8980979528002216,0.21277384061254792,0.32857185105216047,182.66964810052912,128.4006982552341,122876.04876926195,1.7422420103413159,84.91323905385988,3.951198910611005,50.8941157039228,1.6597449561561568,21.00949808642714,0.38949040781370775,0.8165955813104295,619.1553942394441,41.70311291392832,0.20972473152043042,56094.53970313142,1.0906658777787892,75.74779030919161,2938.5379279361446,252.9226357779178,333.0521092781341,46.78228662868356,0.3429509630578216,0.19582089459943552,6.035786136604743,24.44950368085143,2.6125575754921244,59.210125209215356,0.0,1.1865741589617989,0.13529572967714448,12.878437566473334,30.954322071245958,0.36238323547977863,11.880395303680345,1.6033010066721712e-07,0.0001132097967789073,0.2085024930282146,8.278295568184555,26.76665756359508,0.2718494735809929,58.10871493750535,0.0,0.00014063033626880034,0.13290499177076454,27.80517256739843,33.64853292037588,4.768923403719782,16.561335875308853,1.9907974977412392e-07,0.0,0.2120115243470095,13.646150151028722,39.03389309596249,4.112278841064113,26.360483640915707,4.118730227836059e-06,0.0,119.16142060396015 +0.9719419528864726,0.13675927953919512,0.34802307240777586,108.46785776195608,192.50368712757606,223743.52280463692,2.2187647135621025,7.456529384281537,2.089559902986842,90.38177145543128,0.3047669410240048,27.291074192243396,0.539782983748484,0.8537331984896517,268.13811133186385,26.370952138805034,0.13540466157617578,228295.5953145739,2.665179489215801,76.18360629816145,325.7935873377753,170.9371709730416,348.1521530813312,56.50440332974681,0.249734308869813,0.19259178883724962,29.588013308013537,50.21846151258699,2.799909630051487,19.142628218957523,0.0,0.7809886171772312,0.12970543785455435,19.613624462031307,39.51563922300324,0.21427316036256344,8.878092829021956,1.6033010066721712e-07,0.0001132097967789073,0.20554632022446703,29.786943132185783,53.507711697920634,0.24368987895643132,16.90240477890721,1.3956553134109925e-05,0.00014063033626880034,0.21077250181287507,61.07595710414484,44.033404473936805,4.025963871178646,5.948821970681153,1.9907974977412392e-07,0.0,0.21598178990674471,38.66169710495119,73.02888555761814,4.511796195773897,13.13577876153981,5.624976186392343e-05,0.0,150.25050970486063 +0.8993753888083178,0.23598515147130122,0.35975899398877864,212.4232509475986,109.34858534706828,103196.24671492036,6.533334873852425,99.28611740127022,3.564399838285438,53.96965570573394,4.37741846814907,18.964849077578624,0.7616181407136989,0.9858171727699155,938.7865278502956,74.89033233980682,0.21640587770205294,282378.2550539536,2.926164756761002,94.78797370594971,4818.680270587816,271.1053077741044,349.4581869263275,55.18551766773185,0.1786030319559588,0.1956075530491622,41.1018468860328,63.26688519504903,3.169377930594576,18.608870312335267,2.1207438924553345e-05,0.7844906951955364,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20593702226842092,43.76319197159539,70.91528488276944,0.4717677724034432,16.399642962338447,0.0,0.00014063033626880034,0.1020660357097921,106.56883691706982,75.07056407639709,3.676063220188339,6.136966830733359,1.9907974977412392e-07,0.0,0.19030466224182882,34.25990102096187,98.45006704856846,5.009364279557478,12.94404080138286,7.862182171172363e-06,0.0,2698666337285.8823 +0.898216494793196,0.12410761553632954,0.3309308626654237,235.81358351404708,39.02798240240615,276666.02960693475,2.1118256290801303,98.49171724140362,1.4005803984610519,80.37496857662322,4.757980681948256,21.13295081158218,0.4290886836095452,0.8466094972528934,700.5333479521082,9.740371793120094,0.18108332355006362,191703.32889746124,0.9370142272634945,47.02523888493096,4896.5453141667895,232.2597011732949,346.80538835952314,37.89028776202295,0.34362308133096126,0.19576379271498648,15.290832113274375,32.153735753520216,2.9598826317009,29.175027054765017,0.0,0.8706626806414247,0.13381274498367607,14.201196236849572,34.59067147319152,0.3500460438110885,4.859442059798891,1.6033010066721712e-07,0.0001132097967789073,0.20678484771549704,15.366467006971488,32.415870937920694,0.23630192319306606,28.221126016475587,0.0,0.00014063033626880034,0.10710794435722805,30.896129343070356,32.613004455044845,3.943271347930126,10.434047729650302,1.9907974977412392e-07,0.0,0.21599046059269797,17.679853272389803,38.362242777015915,4.712672326815599,13.776267173531597,0.0,0.0,98.85692631561862 +0.8305326379349137,0.2110183154622105,0.40123288046347105,13.1726449371295,15.920019589174142,134770.97737353033,2.8868222725227053,83.94651868075114,1.3025598918033585,34.396009624722524,3.71148250286973,17.441681114443682,0.3012001985326535,0.4561324472348033,124.13663679072828,56.45162044697135,0.12104651351554395,81959.73955868365,2.8329609790985932,94.8629118924242,4175.494094035437,220.12843502700326,342.6108830954612,55.402465027362354,0.27008240885942053,0.1992618870503913,17.44657876660654,34.481189555511484,2.421187842342955,21.018095621814258,0.0,1.2470698144273624,0.11115828727077316,20.68513335881245,40.50244389837302,0.33518991722603725,31.137781938974832,1.6033010066721712e-07,0.0001132097967789073,0.21267311397217808,21.729493979118658,37.476602193803224,0.23801819011180206,20.447372390046933,0.0,0.00014063033626880034,0.12675172524778236,50.87131002164423,38.96502032708619,4.619235278535898,8.241408746132352,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9600684313321551,0.1517331123294443,0.39275751547972754,222.1693292654201,91.0596443434033,281525.7069471255,4.333989432280855,73.5938804897162,2.331325240549562,5.275380222847066,4.450225752887412,13.057644668468114,0.35198871403664816,0.8603404645227537,355.78871900587694,1.153220717581405,0.24524896137061014,183094.5634948841,1.5457568134231878,81.01235383551844,2170.6778636851977,41.53127319757457,262.3477885989755,34.65983693034441,0.15580053322158804,0.19539707738670958,4.410360005058331,24.096786880465565,6.009345003548924,4.533619637141312,0.0,1.0825562998740985,0.13773839731987259,2.3985278716498932,13.946212434691121,0.37489889700509704,4.549639560183453,1.6033010066721712e-07,0.0001132097967789073,0.208948336450308,2.778737857263414,23.440279473440153,0.27605398507437584,4.029944591230225,0.0,0.00014063033626880034,0.3523332571757008,17.846167353569786,17.23750297705348,4.730510275668965,43.02312083928117,1.9907974977412392e-07,0.0,0.21259576641738426,8.009525864961637,24.11162542786543,8.809097765265967,9.377001728288272,0.0,0.0,68.94072756369972 +0.9207687674721193,0.11644414795922964,0.33165970699330427,222.45437268262978,71.00724710704087,137567.16077372167,5.887766902367357,42.2855839803098,0.7065229800413684,89.63198582522755,1.955239372477377,24.127555255195166,0.36904801348057986,0.9843272726806856,686.5686805777989,83.72272838462486,0.06978061139421966,154346.80865560833,1.5431151317816636,88.23639365607004,1969.8585637815572,59.6024401371983,335.2364251987155,53.092570310033814,0.3460148310212858,0.19579174122967577,25.695790704283795,39.175602416383654,2.8753810328102722,39.07024990015519,0.0,3.080126660054656,0.12870970561531647,11.837738055650599,28.808498940462844,1.0647621941242216,5.077509121130197,1.6033010066721712e-07,0.0001132097967789073,0.20135934910664127,16.36038857766548,37.29241248697639,0.3972960459194134,27.813996994383338,0.0,0.00014063033626880034,0.24354154356122557,44.869846493370154,37.80511929055636,3.9996168626840407,7.025412727136999,1.9907974977412392e-07,0.0,0.19075955182830812,20.5922281846971,44.80767010342087,4.911151080770566,10.97994823541973,0.00013652729962315585,0.0,115.12124261535754 +0.919234660093328,0.1518749703010433,0.3252002054306629,199.56816966552205,242.8786230129866,283673.5860014604,6.490567469648592,51.5405441645875,4.662502133654154,92.1571892071665,3.97149463351447,12.935340123667448,0.5210239199647019,0.9535201139596332,742.2274827020301,48.526261317333926,0.23748437618909546,256816.58422850302,2.8177515372488946,84.52663754613232,2655.17791000173,234.2224478864704,347.12611519599284,52.65181886870543,0.1901856030432657,0.19634051263810548,35.24836578710453,58.62162829254767,3.2402024548655937,19.26241754533804,0.0,0.7195306811983334,0.1369497386999636,30.56618682485572,58.24085940842957,0.9175418318522569,11.39945385992845,3.684473024352096e-05,0.0001132097967789073,0.20852978393371893,36.7361567016473,61.334704071646094,0.3560941835708646,16.07627863565712,1.6847627294769012e-05,0.00014063033626880034,0.09779985862824905,100.61258917796586,74.01630541948334,4.968536727844159,5.83918587812838,1.9907974977412392e-07,0.0,0.21338161696638727,47.33991480690384,87.42785091193477,6.75391550471663,12.755791100983597,0.000255041734796018,0.0,201.59714947960663 +0.9526146028717318,0.12712332705985063,0.43106997421518495,129.61097867116735,123.77928541684045,302206.7390109888,6.2582875501278945,68.92777911311063,0.29575460573461143,21.738460165845396,4.879109107892526,28.23156368585035,0.46791433821295547,0.8329389044123066,702.0477897714748,92.69757493953699,0.34565720846116976,275705.3968002117,1.891251200747071,95.81780428031192,4101.412845065901,76.38008200165923,345.32544592570537,59.738015307045245,0.3306491947454117,0.19119215974623197,18.36296091420146,37.76686806638198,3.0472246913923806,15.225044212899142,0.0,0.8209703226165246,0.12809117742680357,9.906600989123442,27.167271250773332,0.5463236353606135,3.700912540002662,1.6033010066721712e-07,0.0001132097967789073,0.20461218843963008,19.34064013039893,39.56064850143553,0.30393735803902583,14.749717709021985,1.0311994430204728e-05,0.00014063033626880034,0.35155335504633933,39.140778987142404,24.547826140837376,3.675842253652135,38.85926915318052,1.9907974977412392e-07,0.0,0.21676201149135157,18.096961525742127,43.89442959695403,5.312259082554009,6.118899910617463,0.0003249279281853984,0.0,104.83579054471707 +0.939259143705584,0.17183588204638917,0.42165733818718143,181.2696626049959,209.71161355824245,284907.2279282203,1.8275910702919607,89.02810288285798,4.107825935311293,9.381343313930914,2.367843728535716,14.44086945937059,0.3101465611853607,0.9755141717849375,6.674970084756893,1.831473059032195,0.3201428497030497,117532.28239153344,2.6884821539933723,87.7690105822084,4486.237756451753,192.94254978635144,337.1115085299822,58.55963431655857,0.3276357985295102,0.1893065530160597,14.018305034874565,40.97291096780055,5.576891317590747,14.457945272626874,0.0,1.3686666085921866,0.10570766305399427,11.776314072198572,28.31168809487827,0.2609166575020517,15.679723248143686,1.6033010066721712e-07,0.0001132097967789073,0.20088314594778636,19.19258208324698,43.55799715302054,0.23624266592701812,13.47804294822876,0.0,0.00014063033626880034,0.30067535975020565,39.844282430688665,33.66304553186797,4.44976088840554,15.753386271764915,1.9907974977412392e-07,0.0,0.14260720212719405,22.536852049303164,54.80782232483895,7.444150435966404,17.750086605199517,4.1789584444084934e-05,0.0,112.3478769700101 +0.8593808301362278,0.1794321551922899,0.3268929705391287,185.44592381948792,43.22541343911723,282715.69480727817,2.4029413473581043,48.73133525898905,3.2567663112369964,5.322389794113256,2.1242432278456445,18.908306062409043,0.4079420195075446,0.7450687337849,146.3326309308958,9.464796013453611,0.0614946238503686,77425.74550149385,1.4904375262260174,80.50485811195202,532.3401259362774,268.58257674679993,325.1231910914179,41.44660694312631,0.18095514572336258,0.199791619846823,13.098257517143086,27.146218655883654,3.6205173367071937,43.35066415294114,0.0,1.7074407635723323,0.13666293497955398,10.686809828443023,28.87241141562814,0.3161322918688122,9.703443226938973,1.6033010066721712e-07,0.0001132097967789073,0.2103589666712208,7.952807045477084,24.815703312414712,0.23820186523221754,31.21511221156413,0.0,0.00014063033626880034,0.13639795977900895,34.21403922764645,37.05068302178333,3.7186173382605694,15.503383562991404,1.9907974977412392e-07,0.0,0.22446772335135942,12.371670975795551,38.92722386954667,5.258028414885633,14.642471388134219,7.822677721737174e-05,0.0,101.03225441554791 +0.9525371500607317,0.14792137217708462,0.3839644360955349,135.056090965275,47.725776042275,277434.7740340392,5.780089126888869,64.07989402165093,4.299700760633455,9.43593367810761,2.741706561277643,26.370692765509734,0.41748088533436445,0.7178812022329969,933.3992261075149,44.78429731151427,0.32046503264801895,85324.65942201919,0.5939580738044252,87.40493846011066,1871.0366411483492,159.6592019291296,341.76536333646806,58.937323052721446,0.23585002533223776,0.19575790223214856,6.522301968027711,26.047280539193114,3.0259082448610886,56.53280168496262,0.0,0.811554141373382,0.13310511234185687,10.713465643243783,25.15310380835247,0.3538284740516392,7.95343676199495,1.6033010066721712e-07,0.0001132097967789073,0.20618758139458382,7.974228948397562,29.03373507558338,0.28599217511809155,54.49018837861575,0.0,0.00014063033626880034,0.11984672676073646,23.22526858434859,35.94774946257272,3.6613405731277506,15.724808672126231,2.7615343999459633e-07,0.0,0.18657257611472838,7.897736669293505,36.743650865357175,3.9271561761140936,16.000375294658127,2.1643259549422725e-05,0.0,111.30949074592002 +0.8984171378805611,0.23327298411938338,0.43807853944254027,213.38248921310412,232.08234537433557,289687.3901447336,6.8517378378747775,88.34732153321133,3.7641389999845716,87.82153051664082,1.4114316658444557,22.961305857893848,0.41505621627805567,0.8680509544168501,637.8111254684492,3.662040200406517,0.06429423266654022,94003.57535386882,2.820145764938276,73.5071279838581,4550.190771549668,34.83798549917149,294.17137298232524,21.237403207356646,0.16185823883934586,0.19989069804767692,4.254492228136097,23.95318813716215,4.560334583878208,3.398298970083995,0.00013798361437000758,3.5695083967397587,0.1334376992480505,1.6103954825699534,15.124647078810984,0.9555544399368063,16.389338768506562,1.6033010066721712e-07,0.0001132097967789073,0.20917073031105465,3.1585037859467953,24.14762706056136,0.3624623362038538,2.453851237157476,0.0,0.00014063033626880034,0.34658772678748595,43.32949539373344,29.891663615304886,6.265077498537275,35.84619615615713,1.9907974977412392e-07,0.0,0.13020475795869865,3.5074465632412983,35.41674857662383,8.571957523512584,32.28710533308496,0.0,0.0,90.6368093979067 +0.9820530595539972,0.20551964461247557,0.3211575195513117,126.25353822542799,144.0345770620856,304291.5576941517,4.189986786044967,50.034061671245624,3.912827757016803,91.87980009684328,4.495601088694267,27.60893320321176,0.4506242422313408,0.7813928055010781,894.0842667116051,33.3964346874077,0.2740965750359132,84379.85739042294,2.153966076634568,68.42694299145779,1610.850629881144,268.96716322457587,348.2174140804727,40.67053854909165,0.16717304163914423,0.19204827661309412,15.913663536122431,36.78694773471032,2.967932612211097,30.63075151221501,0.0,0.8173497254368803,0.11515031574390364,28.448551371680455,60.36265410460263,0.31536406704468517,16.208266195704233,1.6033010066721712e-07,0.0001132097967789073,0.20363307572505776,18.559752888989035,39.69371455324054,0.26158893954455736,26.646159285941227,0.0,0.00014063033626880034,0.10209949014972798,78.82449151214743,68.78774800463964,3.466111732589404,16.686757700247743,1.9907974977412392e-07,0.0,0.18775731231740536,47.72862484444499,88.61365449609379,4.8902465795421595,20.562407101910463,0.0,0.0,178.0812882625154 +0.983659296845099,0.10747023967596928,0.4090236694585896,107.2937303010236,195.95893231354415,266824.9278804222,6.920389638208201,41.7612268559295,2.100680521971463,35.34018568123909,4.624755655891034,23.766146230460784,0.4380578507225361,0.5032996080927588,5.396211388430065,58.614528119010174,0.18572784464015418,291275.4975887636,2.2217471540009575,70.66841978560107,273.69111773571245,88.08089382124055,349.5477396420802,23.8448858497776,0.3415774827354278,0.19847550871691633,11.697160573107984,26.92797570615588,3.7531423229351466,7.576404856556214,0.0,0.9525847490804653,0.13712123890534714,7.625194021320737,21.93399228627682,0.7487571223632381,3.8019894105474528,1.6033010066721712e-07,0.0001132097967789073,0.21155700958147552,11.206402335616332,28.64621070269504,0.3362619176694707,5.889048365357568,0.0,0.00014063033626880034,0.32296357075200294,34.61780841432056,22.64630287423099,6.381375183336769,38.94261975351945,1.9907974977412392e-07,0.0,0.2052719423916558,4.868210472105832,28.443833872052096,7.0036314850996195,4.156469507874683,0.00011188142791399857,0.0,81.47025182715578 +0.9208984312353542,0.11398293856083966,0.3368460972526856,107.96593839275592,108.01144389933998,152238.5640543352,3.960491765415725,40.85441288949906,3.089642517349656,38.865864204044506,2.303307996042323,28.64753022673646,0.34598915614623443,0.7014149472153953,484.2231924179769,52.37484047422263,0.19844602979619105,121885.20238337963,1.145646325036585,93.93911874940387,592.0529341013707,82.37715761085914,342.6171657177162,55.73128997212633,0.18765791382183955,0.19524797824450013,13.678802468093993,29.808610837893415,2.694359101196854,42.206007169345746,0.0,0.7494900864869678,0.1303041890728348,15.999234356182027,33.25281032075003,0.6411448816541191,6.350652509499687,1.6033010066721712e-07,0.0001132097967789073,0.20760835669942163,14.100530160493156,32.904375600142686,0.327438569747395,40.03918052857603,0.0,0.00014063033626880034,0.11996309367427414,47.138125363508976,43.12464181152218,4.667019991681363,19.772736752549896,1.9907974977412392e-07,0.0,0.18630202582278638,12.754862548428115,47.03823725054618,3.701716612751438,15.129649987982326,5.631986538866358e-05,0.0,119.43442752351909 +0.9305367859030146,0.18772642362060005,0.3749176456862479,194.61808419348193,248.57280543333485,152282.77888373486,4.869559516634523,13.449022602185856,3.332803922195803,85.58630036477862,0.449619174141757,25.005949434543684,0.4300830130434698,0.9276662325100814,902.5453418259149,86.15933811703613,0.2873065042886642,106442.71142148171,2.3695211701484364,92.9543346436171,2190.824009295687,284.43378788066894,343.2784210513504,56.12128690041377,0.20603450742200338,0.18756906823586758,21.13956426118884,46.58441510159424,2.7430401784346516,26.402150036290188,0.0,0.8333810612848259,0.10776121045603067,26.88056776145649,56.17859667938456,1.2160841922536854,17.85161365961196,1.6033010066721712e-07,0.0001132097967789073,0.196887329695584,24.31024428812827,48.9482069631719,0.4104477570487321,23.701196492714274,0.0,0.00014063033626880034,0.1140110769239428,69.22654599364373,59.15896140948146,3.6847633339478687,11.41394886547022,1.9907974977412392e-07,0.0,0.15550082638782345,49.073656990085105,96.43530783267818,5.5405491973213055,22.038934652835163,0.00013140097748343097,0.0,178.13015055755358 +0.9890796206172333,0.10301438712563277,0.4011827642709695,229.38493831267726,188.1255435583145,320755.09390207706,6.010068363579196,89.30812458769456,4.287325504764005,41.65916839712662,3.2083434323943902,28.950131382989884,0.376911477622734,0.8100681146619838,963.4350749583534,39.15573207231377,0.319416578544019,103657.09170459304,1.3912379543880509,71.58588833052124,2175.2162553181565,143.04246714570445,340.4065211663613,56.2401384571807,0.3448719464241391,0.19000233225411317,7.921421600375538,29.593675715795694,3.262765686129161,32.536087316638195,0.0,0.7339746521319007,0.12652497295332038,7.054644848688755,24.9742684575987,0.7212702821805678,6.828098018548945,1.6033010066721712e-07,0.0001132097967789073,0.20343254908718034,8.69051420751558,28.204440719050098,0.32329769698768784,29.864026174525446,0.0,0.00014063033626880034,0.34879311643936306,35.71756324563386,24.92746233193955,4.96387408123739,25.86322620062061,1.9907974977412392e-07,0.0,0.18359580060964578,14.757355899399329,38.31921834817871,6.272523213985321,10.664686298421124,0.00014595258276946786,0.0,94.45666440864277 +0.9102224729904276,0.12809176191638139,0.4263289807594669,221.54019327132107,106.38877543344834,285985.31246663374,6.778325874336583,29.456119209567746,0.7659179918403123,20.839310973042366,3.569325335764499,5.633182573423739,0.32504710570141127,0.5631128751758155,660.9536582854881,37.66911516269749,0.23600314386935328,125719.49254394692,1.8145262191619163,91.18809637700882,1364.6918713857447,275.9326383709027,227.9335211226445,25.341884419381394,0.23152153283204838,0.20108399205902988,6.039694868958763,24.55230020517259,3.3643044911842983,7.967493045506543,4.00310028315196e-05,0.6958115035510369,0.14467730789488895,3.6964021206840965,11.73502954668006,0.7120808074555781,9.78073607438819,1.6033010066721712e-07,0.0001132097967789073,0.21439267461368777,5.891649690748006,23.465390803106025,0.33282436244421354,5.9962874790131035,0.0,0.00014063033626880034,0.3240806207227845,2.964207789076039,15.34450545454802,17.021191972086918,57.95786781912082,1.9907974977412392e-07,0.0,0.20216079204652335,8.395020352308013,30.59237580220036,6.263987740760578,44.351091053198715,3.779364337783498e-05,0.0,92.13836969636036 +0.9789143807797035,0.1907419212130902,0.3514255322778415,119.85379694175616,47.20394754775595,271599.90944512706,3.488546278100593,62.827837167370504,2.889162265859282,57.14425652648122,0.35847456205851524,25.26219302242996,0.3388572439317247,0.8559937986428442,131.04955458324133,74.22629797593524,0.3191503473117385,207918.09140871122,2.637816510048415,99.27549530193127,3760.673284260951,120.4245708294126,345.47444666210134,58.92430008446626,0.15972564286232005,0.19038882827630968,27.12868735943566,48.729048793640956,3.0753557613950164,19.282101986684776,0.0,1.0891920397149357,0.1329949787209963,26.949012503610565,48.79754586332435,0.2075816096392196,10.201926680480273,1.6033010066721712e-07,0.0001132097967789073,0.20532305219800914,29.039907730054264,48.218680682270566,0.247620513083052,17.37189388682046,0.0,0.00014063033626880034,0.09006252523752402,92.45059967766441,63.08786853763621,3.5908000509178346,9.853850294492139,1.9907974977412392e-07,0.0,0.18233182320335725,56.27377586046538,94.54426697174382,4.516464557049791,11.049833529737125,2.1299193958424026e-05,0.0,187.24283376674168 +0.8772088418008738,0.22865598350548788,0.3573152716200155,218.3020051012445,30.18198138958759,121818.3704697103,6.359647478921172,42.7206711670807,0.5617319960565936,29.443261348104986,1.6617676509361512,18.288120419187415,0.3909667898249259,0.9574084335867729,782.359016923942,45.13702028513275,0.11956804417110983,56843.61979455227,0.8031024843169836,73.37997382396159,3596.562753061082,166.86517478777526,344.9205194107586,17.587256777732357,0.16215375336186477,0.1979762497906018,6.186282508312808,24.326954180347762,3.161131696012909,60.75449983350976,0.0,1.4239707095217835,0.13489517689938002,6.051866949439555,21.394282045902788,0.9451206727655549,6.680635255820071,1.6033010066721712e-07,0.0001132097967789073,0.20777887205734694,3.542772698224094,25.68021310099158,0.3910202963702246,48.80202329839245,0.0,0.00014063033626880034,0.13971642314686625,26.82024719408125,32.65570357650393,4.86545159234915,20.929915835704605,1.9907974977412392e-07,0.0,0.2172169548367727,4.530900872914194,27.242166826479167,4.536718519367934,12.561060245028054,0.00012031273054192849,0.0,105.43020747506642 +0.9855205865731613,0.1616122548124516,0.35797591516732635,138.78126386676374,195.61986027574878,312750.90422776656,3.6868899841142477,58.568683774118355,3.194227129764554,38.82762048245624,3.83227778424247,29.090453051083102,0.5397554134124529,0.8086115294653083,292.9498523873444,24.456287771135486,0.2576724729591165,298841.54441040487,2.9042000075831873,59.20603776254202,3419.772544508775,242.83616187609738,349.69785174011724,56.10873307210032,0.15989861631664593,0.1924434436802294,35.03762002991146,58.106912356973666,3.376755377777461,15.661952774251377,0.0,0.8669281623724634,0.12920197848521697,29.22261856559153,53.92565196778738,0.297208834367875,9.549611901632288,1.6033010066721712e-07,0.0001132097967789073,0.20471376621167298,36.29689668895597,58.40219316748729,0.25573882883284915,14.226682575991482,0.0,0.00014063033626880034,0.08487288906377873,83.71122368962457,58.629774435148306,3.286741814834091,6.900159602297777,1.9907974977412392e-07,0.0,0.2025658032676939,31.134413249294337,94.99992761261846,4.682147873105976,12.446134419840416,0.00013649271456312443,0.0,185.25714380963564 +0.8598298117419299,0.13648141129792482,0.4411263146106201,109.4352537051495,240.0330438187297,302956.70457891095,6.090361860802868,7.113560803156967,4.959151803386858,63.582198039529054,3.9020649211536025,4.555453376768568,0.37563364419069906,0.6199988764876847,344.8713884078721,48.419742909274255,0.10548973229915162,287658.9401810437,2.9262132653185673,94.77603416707682,4851.613159129295,210.51095545174388,275.0935988003608,15.659031713837049,0.2626384112152857,0.20240037279150094,3.306375326624241,23.37809088559307,3.378391346657392,6.288831444254973,3.571230487687129e-05,1.6166092217764108,0.14046456145199518,3.3317060258169597,13.609543435054775,0.5978850152228166,18.09103997094435,1.6033010066721712e-07,0.0001132097967789073,0.2145800864627933,5.825215686742197,23.48516466271472,0.3065801647571708,4.7995370430114805,0.0,0.00014063033626880034,0.3267504590201749,27.082659376884358,20.56699994065506,9.279370841432126,49.542383140802805,1.9907974977412392e-07,0.0,0.22000765264919458,8.659966437727505,29.263002126307395,6.216488434298172,30.91238409558954,3.502521263297839e-05,0.0,85.82802105554201 +0.9197335804314307,0.12408824827260163,0.4171938122072786,241.30414748879804,33.569959148529925,210654.69735307345,4.021148367927361,15.449216569185431,2.9978105717286496,17.649541198701208,4.469623363354644,25.029966539710994,0.4294685788573142,0.3503434619507392,294.2317092506148,24.037069213795178,0.08897879872823175,71147.2195527114,2.737485097835261,97.51432813715249,3760.8799191250414,81.15906107518363,255.83011506033816,19.74154476010762,0.16325243299122577,0.20117495998607257,3.5169246529097324,24.93974360324358,3.1840969104832952,5.283566058565591,0.0,1.5991793168197088,0.11064446401679853,2.1987087498332425,16.59497428485893,0.2835627345483608,25.103264047960202,5.840174063973968e-06,0.0001132097967789073,0.2137188553227838,5.738395660006945,23.60810763439017,0.2812701629051963,4.418224104275826,0.0,0.00014063033626880034,0.27003041014565393,3.4706578711535037,17.387444892150043,10.194150970350043,52.171092260586256,1.9907974977412392e-07,0.0,0.2041743190627222,6.142951755578082,28.779752671303953,4.1880231355049125,34.22804236131516,3.6245438354697135e-05,0.0,85.96952206190662 +0.8975168906638673,0.12174992989062086,0.3300487958849602,221.28694481399327,65.25211567540858,303850.4837229534,2.5113796829315174,64.93504289927728,3.9368083876768054,84.82630956370099,0.7479875838984356,19.9652467802018,0.3874703583217316,0.816923919528221,613.6155462625084,43.9687108322958,0.3041068861514855,59296.607144821726,1.150682298509158,59.98466057036035,394.2116827817931,273.05807669149243,337.41015554869574,41.325100463088454,0.18898997312550755,0.1944428801373279,5.791038112431009,26.472066398259336,2.8257164794486385,53.040634015788214,0.0,1.1013786639699652,0.1341128644564769,11.57351207474219,30.38131388528904,0.27567110055588584,11.510754714208652,1.6033010066721712e-07,0.0001132097967789073,0.2077582331433836,7.137291219610974,27.162938653507112,0.23901456070946653,50.394241733642204,0.0,0.00014063033626880034,0.13689734554330937,35.512545401823736,39.377075288766385,3.761706964310699,19.876506283741985,1.9907974977412392e-07,0.0,0.21141102097714934,12.225734523659376,35.72515897581221,4.328635254422363,22.570600864865035,0.0,0.0,115.1076353245711 +0.90164515934132,0.156304138334644,0.44699236036064355,235.24446631610235,244.992289056066,303839.5097340407,6.851657150220905,89.400297400288,4.912333152849316,93.30247096057606,4.400828022500735,22.961305857893848,0.41505621627805567,0.9808054464353555,915.2799744928734,2.602935930545561,0.2796978222956339,94003.57535386882,2.957948963596852,99.27351015551007,4823.664169263935,250.37926566186468,294.17137298232524,48.664974868408876,0.32248627609387986,0.18877739227801787,3.0328971045679114,27.64770989964004,4.708800089939341,6.994432095560839,0.0,0.6682591921419534,0.12342877478027914,2.56716816211911,20.576006688814932,0.9643630354266413,16.699810370056557,1.6033010066721712e-07,0.0001132097967789073,0.1947745817877141,4.228563694567903,28.319334932459498,0.3622121170494368,6.808670501839053,0.0,0.00014063033626880034,0.3548280143875133,34.876172584199864,23.67166090354827,10.167230506839541,43.86310470200248,1.9907974977412392e-07,0.0,0.144830449887644,6.710491697061521,35.922734249623744,8.665870578626304,21.624101251329012,4.941101331062426e-06,0.0,90.02063252727415 +0.8857783692820346,0.12636295065274988,0.33155081126162333,91.51547057438646,11.439533323040578,349437.02015676757,3.6266967069471443,10.186745318769255,3.4560309021410176,37.83479682581082,2.6304434885807795,14.31266951297801,0.3293945563486751,0.7446423250925862,598.2599202432834,41.046649542615825,0.297349479095677,74722.5746247701,1.7019092683968085,48.4673034266012,1943.3427697070833,64.91573249690332,340.720374440818,34.630163515843144,0.30052298438509556,0.19793637879916987,6.615424931161397,25.352596432249513,3.027254433749943,31.81703957096319,0.0,0.9941767708149215,0.13898286337237112,8.46560191505129,24.656540576187933,0.36364071994233366,6.03502066851157,1.6033010066721712e-07,0.0001132097967789073,0.210646654805762,8.557153472601325,26.19068162665261,0.23844099954854678,28.27128299129844,0.0,0.00014063033626880034,0.13273428410357357,27.93920067844811,31.578116379863744,3.638184491347672,15.560412560107407,1.9907974977412392e-07,0.0,0.2163894912178738,4.97928691627708,24.023267767480608,3.5047169421571236,11.149205871682836,2.839875263996809e-05,0.0,82.19162840173928 +0.9848971792467766,0.2536866116345984,0.3851569202746279,243.01468626629622,121.80232973393386,298897.77906279557,3.8575770984289846,84.32038593782733,3.4804132986539122,23.470606872200566,4.0459850549810294,14.139404760591038,0.42025775524826553,0.3972401979257894,728.4875494434165,98.38210295138106,0.2919670106408573,104208.08624661689,1.9996876424354944,76.22724303562326,2787.759609272902,298.27832248801445,347.02290278713235,57.93156138123091,0.19784469195729024,0.20081607584253444,13.777422464086989,30.62990545536737,2.848158301644612,29.621481241747027,7.728760559894456e-05,0.8445278159618362,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21387456692923953,16.510055410256655,34.306130656152206,0.2665598876128756,26.50022361403437,0.0,0.00014063033626880034,0.12012533669235752,52.72159309542343,44.58102965305886,3.117696866139679,9.133269631642873,1.9907974977412392e-07,0.0,0.21708538612057252,9.724142543111004,42.20568112440655,3.6919016774513773,17.793464915975942,0.0,0.0,2698666337285.8823 +0.8428555588990873,0.11303215741097108,0.3524820253457958,234.12470120940557,92.78890321516329,241142.2873900225,4.648582399603131,14.073704892479498,1.8693333133298558,23.037012204648832,3.8232561476609424,25.958971129913028,0.33813543173333266,0.9182473841699658,655.3612459099292,96.44714147748857,0.09132673387661346,66484.19908839489,1.4392874844970804,25.0598873308347,3826.4671882993707,222.00435979417577,332.59345554277326,42.822341885747896,0.20207154926337018,0.19614415981343175,12.310421982782996,26.641199772881855,2.769917350863518,51.112860201397964,0.0,1.859688042106758,0.12884267658901052,8.05998919252815,22.858697679759665,0.5310372549141132,6.594934994616625,1.6033010066721712e-07,0.0001132097967789073,0.20507563905988613,8.074090485517061,26.790380854909856,0.30468685754651165,37.87622519839242,0.0,0.00014063033626880034,0.11167734747083297,33.54856239071414,35.47403828632076,3.432891150821983,17.552780201897242,1.9907974977412392e-07,0.0,0.18144821389439117,6.4153659309989095,32.90919912845192,3.9822976606714735,10.461875469708623,0.0,0.0,101.42609807526377 +0.8971184390086627,0.17907387684798032,0.4313755490048274,175.2370866685923,247.29876934647925,346116.65019429196,4.018791832849429,77.00025335054978,4.643371468676344,99.02486803140559,3.756653793113074,21.38114063268165,0.49622518515832653,0.8229776233398342,6.585215601652351,92.92734221074876,0.07455590060116546,73798.09258598174,2.398624000963357,77.69547526525895,2725.738705532811,264.3600742826403,332.29338658529036,41.00303656853891,0.3411698987064501,0.1956612773619567,14.226677328114485,31.312341946454232,3.7013742841220565,19.347522259651797,4.208651880587016e-05,2.2032324533954335,0.10317074391292876,9.875781367289735,24.610219704899833,0.3836278499037036,17.012734190760945,1.6033010066721712e-07,0.0001132097967789073,0.198399913020059,11.247592959230305,30.0955658639161,0.2631519411312324,12.423184551117542,0.0,0.00014063033626880034,0.27906475017519294,36.96085774033089,30.284411327106554,6.235025239365701,20.177161126456994,1.9907974977412392e-07,0.0,0.18473315997658868,13.583657847898827,39.05626486089034,5.872451169988988,13.051989904507685,0.0,0.0,91.64804710232589 +0.9090104884944858,0.18898719557766835,0.33376643051100313,243.80609479516679,170.04010710875303,344374.18301432836,4.127050391777265,54.35279060788646,0.7104136215977837,36.14769551842427,2.3681487630960074,15.407698159880784,0.6308126518154142,0.8596004536722847,925.9845627167911,12.288884245350822,0.31267558372495297,214033.74757397512,2.3699071281011523,97.46198072301401,3407.345228922577,296.4267540895198,348.42125238230693,44.77195116133492,0.26762272529142334,0.19629525134529038,25.77831335637776,44.81436740998905,3.344073745494667,19.892063746422643,0.0,0.8883587715695528,0.1338180923807479,22.2455778354289,42.984817689615234,0.39624737573823177,14.204040008650491,1.6033010066721712e-07,0.0001132097967789073,0.20839847021201313,28.767551186670538,50.32211261762871,0.2670167610312176,18.416296922486573,0.0,0.00014063033626880034,0.2302520715696335,76.44066439254843,52.31588791357465,3.3420519848610875,7.4388429298214485,1.9907974977412392e-07,0.0,0.21315692083365975,35.52801515071835,68.0415394678246,5.7118432468306795,15.201375318191015,0.0002936404411957091,0.0,155.32718619763233 +0.958345432808464,0.15615158674475677,0.346063318857163,243.22852973240595,226.21927017415487,230933.7288566546,4.538664243002905,59.77264459232205,1.9285315026281882,26.36121768820845,3.1497885204702114,27.90028873610809,0.5779297108134752,0.9712988871033917,902.9492163817412,17.134893931130403,0.2886341452026364,105876.90296997182,2.782241676432156,99.78138136216167,3557.20157744493,139.9840944201951,349.5647410401756,58.503131624637895,0.2509678552773213,0.18984469001457524,25.18251050525885,52.50689631681662,3.0807118135655336,26.09102172372343,0.0,0.8348124641678858,0.09579479038103482,22.22400472266352,44.56747936539392,0.8355620839457519,15.092971458314436,5.900867525193709e-05,0.0001132097967789073,0.19764646512271528,28.98317044371281,55.71047672500123,0.3415946969096061,22.987054385792376,0.0,0.00014063033626880034,0.23363780577194013,71.83708366603376,54.815008795187694,3.901542306476537,15.228467808735772,1.9907974977412392e-07,0.0,0.14114717033418855,52.707504936285346,98.61087302649895,5.918237779492416,19.995565088499905,8.672636570459997e-06,0.0,180.5893124070699 +0.9540539988621617,0.25002992859645345,0.3552026243905982,243.61448534517248,221.7258386084941,225435.12024284844,5.859871962021423,26.332111859721937,1.784243371755978,93.73656099697287,4.2856080096689775,29.105982104124816,0.3541645311720468,0.7246887860948797,188.6000984335872,83.23613432570376,0.2546540939227445,55466.348806840775,2.1704484393864956,97.6593123672265,4425.7896778921,125.59313035729838,349.965397315961,54.83014605604616,0.3355506572934074,0.1948198203817543,14.64959707233789,33.08447274858261,3.2469732726604263,39.40164893783332,0.0,0.8122404458650974,0.11817941729576217,14.964996906060804,32.107562127040644,1.0704876154998464,15.311339965166235,1.6033010066721712e-07,0.0001132097967789073,0.20589829508345,16.83309893677021,34.95363117066779,0.3827639778061735,33.50730841341417,0.0,0.00014063033626880034,0.2369022068349862,49.32764001709289,38.747210178213315,6.5238150758387325,15.543630171294893,1.9907974977412392e-07,0.0,0.18584394009558783,29.642377452845547,57.12994149374399,8.361145250879915,24.239501700056188,8.519638520174603e-05,0.0,126.53136355842119 +0.9798781586722463,0.14815011901648995,0.3466925000815165,227.14600376524245,78.61821661527782,334589.31474215735,5.282648839460959,11.670379563625382,1.858704827589008,20.67147113735696,1.4304849884731574,22.790278266528357,0.5105126182304955,0.738706113447956,568.5925292204471,53.74870119522585,0.28784209476401834,50066.72949452179,0.6349646657977124,86.46324249792241,2598.6339991632667,211.0183758665667,225.23031542195258,12.180494948430823,0.25284379269052737,0.19544343588145618,2.752450198893158,24.686015606857453,3.2484288493670483,45.265437071551226,1.513605503764994e-05,0.7132647053487311,0.13454619618589236,2.104626735700799,14.014882121262813,0.35427421028018197,4.807176473610228,3.0261752217524116e-05,0.0001132097967789073,0.2088544520822419,2.1230244063990993,24.393723237083673,0.274438986944855,42.31485183397487,0.0,0.00014063033626880034,0.3464567338308119,1.7191497460329064,14.252626562902647,12.856179058899814,53.72887381866776,1.9907974977412392e-07,0.0,0.1388411005357256,4.723596713195106,32.33469125830722,5.279586063061265,23.006388389105126,3.2909066019163755e-05,0.0,100.86960805670876 +0.8980790337981684,0.20967399743849938,0.37033867188435793,73.21923634858948,210.04089391309554,287261.7855033481,2.0963043372963734,87.49957563001237,4.858770667856545,7.134087785293648,3.1797420212262533,29.082950188555714,0.4396295942076466,0.9850525684792061,414.89128725582015,48.47977062376645,0.3050201489269274,256133.98976824054,2.913180048991679,93.56121549512646,3245.7882596556715,177.2025765940535,342.3365992565425,54.84282136342848,0.1703881485417838,0.19063248619166898,28.700631286248846,52.71420974631146,2.748066049486932,13.324348694481513,0.0,1.2582460601464873,0.12618270873723733,31.036282915976468,54.8606509173197,0.3269722816258946,10.120287124817,1.6033010066721712e-07,0.0001132097967789073,0.20174620655660283,33.64570372286556,57.81010199057755,0.23536348748603986,12.132404209848973,0.0,0.00014063033626880034,0.10586158625546012,97.13986083822674,72.19730427073004,3.819081501491438,9.934113215036822,1.9907974977412392e-07,0.0,0.19406757968325483,57.4886676528955,99.2867960888671,4.179542211486753,9.984117683369284,0.00013672746851770603,0.0,201.31550227529408 +0.9488643599230108,0.16410481063293642,0.35256751062683306,219.41749095502377,210.93993217537545,349608.2950197091,6.358296193971098,46.1473559280318,0.5107534439480326,15.465589291270256,1.2303457584343598,22.70001929158085,0.4523234262333419,0.9897420502847397,645.5017137927556,26.82387473258411,0.2819583315898477,177206.233674484,2.325143049105789,85.68533946695754,3189.470286815517,291.20183132966787,344.85616793543034,50.257296900710855,0.32783858320059983,0.19096233512282687,21.9987555379424,43.99145877278722,3.6104356294115707,20.725510101418834,0.0,0.6903365753274852,0.1189390349196244,15.179494312024502,32.24536471595022,0.7190554954421526,15.329605294794831,1.6033010066721712e-07,0.0001132097967789073,0.2003268787306441,23.889730386945075,49.219069326599055,0.32109532312987354,18.11061272324925,0.0,0.00014063033626880034,0.35389234213189746,55.3259263420149,33.68042265083297,5.808727364913095,26.13398244036719,1.9907974977412392e-07,0.0,0.14422968245151696,31.23580281898269,71.27945793310181,7.141781685192757,13.959332140219448,8.269510210504823e-05,0.0,137.49136967171302 +0.9770854938082332,0.13835184967193148,0.41503641597985413,185.4278774177119,245.60995842622594,184901.45944997275,6.308241247858042,78.73828804709717,2.5612678575461985,5.1896967183178475,4.7823521483204345,23.147972737394458,0.44787217547578695,0.8897636372704311,953.0081992001291,32.41593021302661,0.2730033016231746,61897.10914173961,1.3014627021547054,96.78134053955306,3347.1609031249823,189.11779015405835,347.7077859336881,54.08906768581055,0.2999432631483312,0.19079930488673932,5.728840681614762,27.58247500720824,3.069733029778637,48.10071989615731,0.0,0.7066403353484174,0.1260821713007818,9.25544128573006,27.932534538844795,1.25076733276123,13.403477752644969,1.6033010066721712e-07,0.0001132097967789073,0.2024687800046904,7.179273535605517,27.956886439601554,0.4166770434106338,43.63470051303295,0.0,0.00014063033626880034,0.2526725229440603,38.2752426523322,35.81279663245114,4.777553695111319,14.341595727239058,1.9907974977412392e-07,0.0,0.17775802719724446,19.558980241566942,50.167652288875196,6.48465537986868,15.54883448327623,2.053021857668286e-05,0.0,114.2848269415083 +0.8862230607638182,0.18189754501227423,0.34321463119267054,230.33047899679184,135.98062592611694,339495.18556332745,5.581673873449741,31.59220116660933,1.2254541028950237,78.24276217173325,2.2734859171251323,25.29023549991851,0.4968387168044426,0.9877267963558949,176.82214111463597,62.00766563682179,0.22712659257726492,63135.513607008324,2.0806284408025753,79.37214583477632,4360.737603404956,140.61037155799028,332.3121906611997,53.44905047319098,0.3142732632838913,0.19188682662409431,13.63419098213034,32.28283532747917,3.7442754896224635,36.25722376647878,1.9277395949884664e-05,0.7904762138686073,0.12273301368293846,16.448974570503733,39.95195056566087,0.5301100541176628,12.25186272769694,1.6033010066721712e-07,0.0001132097967789073,0.202699508012919,14.94006977520971,37.23012020402348,0.2947028329268542,29.47980049858211,0.0,0.00014063033626880034,0.16172686491219915,51.340421782228695,49.01682538921481,4.630869136551879,11.391173500691957,1.9907974977412392e-07,0.0,0.17896902433482564,27.053764609398005,58.81244829596925,7.025226615537589,13.025969064744956,0.0,0.0,129.0447038730277 +0.9597957652114704,0.16286584347914215,0.4325288357084969,185.28623362941283,147.85469607987181,335986.3156798027,6.232285287488072,8.003784046765796,1.7967538903054079,62.609842061887186,2.6435665509172077,13.461310140102595,0.6943940392052893,0.8819573301920369,170.42166069995952,51.75787949210845,0.2952426586724107,175727.74070134468,2.2931864009895593,88.13259049398759,2986.6051240446814,116.30960890911933,234.96069601651112,10.127854734018474,0.27833655422974596,0.1965058629023876,6.256656121576589,24.36935433939527,3.846611299590003,4.550403135046037,9.065173123632931e-05,0.780305114255981,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20875697749695435,5.180918348203707,23.48684084500487,0.30608658167708375,3.178682664383198,0.0,0.00014063033626880034,0.3529315468006749,6.199698434649466,13.989504083691266,19.096843488860628,60.088888511424685,1.9907974977412392e-07,0.0,0.1254072488670935,7.343644524246534,32.65069252918438,7.664646914038614,33.51391101917467,0.0,0.0,2698666337285.8823 +0.9808384423051631,0.1997586727702868,0.34900505291945766,245.45180793665037,130.89109230365983,276714.6582953748,3.9113077437349357,12.398587050691388,0.7470091533909367,98.50385761587832,4.234170251329015,22.257285054742525,0.48239784345669495,0.9667586208768599,726.4932136805229,29.24622329228471,0.21228294658598387,70632.79712398157,2.43713517092643,41.48422012478224,647.9023198286343,297.7547436046433,341.47520721294836,58.60330604316887,0.23213453343754992,0.190026334981191,17.766523402082466,42.91612792134577,3.0206437663167884,30.06582787303299,0.0,0.6365881899776328,0.11541096151201606,17.609429181720234,38.09031148404774,0.4313946838882528,16.567757921322656,1.6033010066721712e-07,0.0001132097967789073,0.20131119376680184,20.533952864212072,46.89521528271682,0.27836130975124806,25.28609433225785,0.0,0.00014063033626880034,0.10291458096588685,51.525860968407756,49.51978744333319,3.3413287451074534,14.24760507994114,1.9907974977412392e-07,0.0,0.1554931454369909,40.28320440947505,82.93499500103339,5.180589194730543,18.38261982388201,9.696962149409517e-05,0.0,150.17973320587953 +0.9224392605453828,0.1772981321930011,0.32539399748082587,18.59683201694945,129.16614207331577,291747.14987317566,4.312599919300693,19.623107089966034,2.093792248303733,48.965358739415635,3.65337111000336,19.16501761232342,0.5110549819590418,0.7523451475651414,655.0959838265026,8.134156081240413,0.2011436190378339,271813.0528996441,2.4282472396847936,81.94277531291033,4390.623657927779,295.0021609346204,338.83188938375287,50.380451741240854,0.17918534298355415,0.19596487251632935,23.975743601324027,40.72185387084927,2.9435072318461297,14.508811890511,4.048773623105822e-05,1.0308526986988011,0.13586379172180588,23.99538206376085,46.84737188576758,0.3406846982055764,8.179130420852625,1.6033010066721712e-07,0.0001132097967789073,0.2094009420241052,26.090751107932665,44.25925973686131,0.23672890299442753,12.670727006071315,0.0,0.00014063033626880034,0.11131984010613521,75.08670924700705,57.58787274676,3.92774075609841,9.877092351918161,1.9907974977412392e-07,0.0,0.20420704116149518,13.941550593325463,49.51543684826601,3.784234321893423,10.590233517383938,1.4131484966006402e-05,0.0,141.17774064018423 +0.9837493441546477,0.15937021029388637,0.33216404526233667,163.91556115144544,226.03649712381375,313434.0487239004,6.1151885929458984,7.965104986279378,3.408339708800872,95.37588460654644,1.5930417326718938,28.78477635990277,0.41062235131226826,0.9843384001242066,733.9701933571052,90.63651685700569,0.29620964132094724,296038.6696462041,2.933278916767387,98.27586312671521,4084.3027397669316,285.9131174155624,331.7412530315984,46.28875668004895,0.1501976252679787,0.18766194785916382,24.101910439374553,56.08965588594563,3.0874101613039358,8.006729698670302,0.0,0.6951671372687989,0.10874803503856195,19.252282618379216,38.12537306333206,0.7019956106537919,10.96728382479359,1.6033010066721712e-07,0.0001132097967789073,0.19840488397269732,26.46606176940534,56.265856314115744,0.32086722236752846,7.045716539152511,0.0,0.00014063033626880034,0.21892499013337452,115.36309313357005,75.9134700493368,3.5817586628133227,8.31731001413212,1.9907974977412392e-07,0.0,0.15453661234646232,35.51117145940983,79.56901559305521,6.113034305027522,7.819520030723542,0.0001185260028617853,0.0,191.0668364637029 +0.8928216270944056,0.11094895441989806,0.4495613821056475,205.72708033843534,93.52649265235534,229179.88906717126,6.299053632837398,80.77785831180806,0.4053841456412095,87.3874213223681,1.0896564543899423,5.105946540300403,0.62038322087297,0.578089986494437,936.0344312377772,74.30703219567941,0.2971699971869554,69616.0223292959,0.6819387524653391,71.7318668460408,1450.2490530608402,180.2980506284032,226.26419346740792,16.60373109107129,0.25457737139405845,0.2007613394881867,7.549770852170788,24.344207245220986,2.891789410238835,17.902692268338832,0.0,0.7254983104922991,0.1450579680291317,4.046106817126909,11.584328331931106,0.7745603046344443,3.264848457720346,1.6033010066721712e-07,0.0001132097967789073,0.21440515528926044,6.666198414763794,23.359371661031872,0.3472142884356293,16.063510965917075,2.651695303946423e-05,0.00014063033626880034,0.32585092718665176,6.974963094846426,14.97654060018938,16.74177819577245,57.662133892417344,1.9907974977412392e-07,0.0,0.20157458470896034,9.047969543472497,31.763124981674856,6.278901100150576,52.421855112200014,4.646945887007839e-05,0.0,98.72063635963467 +0.8391054710321203,0.1361274181769487,0.4300983614326753,218.28308984430362,220.39428374168097,314570.78743196465,4.683741432778751,12.380907537112435,0.8148253219468506,66.40352651204938,2.97147567666007,13.961952336134864,0.5995896741305021,0.6125406040332787,12.666936728800884,74.2368425152186,0.07278782569080254,55039.33938327885,2.7666993210002735,66.29059961704993,4836.691839496181,239.1639512666606,254.60927727713116,24.690854839824834,0.2906864753032491,0.18545967738159655,1.555577424191376,23.50607229366246,3.770696421828695,5.593506078581088,0.0,2.575522187675521,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21254963518210251,4.487369914904307,24.408439433039458,0.29637822839945965,4.666418476253813,0.0,0.00014063033626880034,0.3237151510681963,7.1074879435430915,16.422445417135297,13.233480227347593,53.185362466598995,1.9907974977412392e-07,0.0,0.20567586882948863,5.244674132319262,32.200270493722336,7.266982421513386,46.97272509798379,1.2365824823870725e-05,0.0,2698666337285.8823 +0.9755531946034811,0.2358385165453752,0.4492790539734836,187.51558996564555,138.20964908606373,313703.9880350655,6.451093543927381,84.56337257571789,3.1471303187532933,22.58428764375935,3.1814016739246513,26.161777093825535,0.38063097452998806,0.665471536401097,699.4477372389777,2.2237173637361565,0.23413432505458467,234380.3742077435,2.394383886038348,95.2297225820041,4619.757557593666,271.9781489640802,345.9043989913789,34.106708262451406,0.18896365927841402,0.1972927576536321,13.928925082736,29.90780878171104,5.118220877219936,8.661100170816427,2.1688493689571506e-05,0.735104810112644,0.12984557786682574,16.956607286215903,35.39309776285124,0.6521571785773216,12.851660970831109,1.6033010066721712e-07,0.0001132097967789073,0.20806655689133008,16.854772671950585,36.58025566084936,0.318093497547189,7.720216944359015,0.0,0.00014063033626880034,0.2604863798109563,77.2305422328766,50.47777687643774,4.34900740473528,8.994674732367752,1.9907974977412392e-07,0.0,0.2136451047688185,24.62188376575611,51.853912014530806,7.895645940339855,9.145448441666147,0.0004771151375495426,0.0,128.96345228795263 +0.9159069286339953,0.17369637625483733,0.32524741993632084,166.77953118390246,226.7157114224499,317233.6224348869,4.10057264538173,51.302878735436416,0.869827382337607,20.985753036405676,2.7070915124015915,23.96366869184482,0.3580707410644524,0.8574650359375994,342.38172638488,2.5281254200846703,0.24365510327871565,134878.81674394928,2.890407772234219,56.71571775428015,2859.6113353286223,288.05795439882314,345.770642226754,49.6005358726919,0.18531557827734776,0.19232258640061778,26.64604921445348,52.100663973934125,5.000655528851646,20.42459373524038,0.0,0.9388713484014258,0.10187116647898575,33.23516217456491,62.96503675569919,0.42115483130308123,14.38659865572607,1.6033010066721712e-07,0.0001132097967789073,0.20333862537910882,31.505859824321544,55.582101965717605,0.2707106847859077,17.799331920670802,0.0,0.00014063033626880034,0.10689659239058268,83.99831475094841,66.48210633357007,3.993510130315744,12.781710269855603,1.9907974977412392e-07,0.0,0.19161991330571246,52.82393797277484,89.80242758219268,7.380889134395625,14.791732657357498,0.0,0.0,190.59356533523373 +0.906296835263604,0.21468936804371153,0.41197214705172713,176.97717953323988,187.15623414345973,312906.5801769299,6.788943315123522,84.8812380937772,1.169982733638114,85.1342491502858,3.9766865345812663,29.39582765155691,0.3994451021044273,0.7665411906034041,803.6659664595317,70.82457394376968,0.25859421512903397,171866.5370145875,2.9954498136552212,88.44569628665168,112.40063981123785,170.30138764943757,349.8948209648718,58.80312615423745,0.1770295152195293,0.19620814033234268,29.696339436466033,45.43569618305924,3.186749350749012,18.769574794685884,0.0,0.6842892088843132,0.1248251734040407,28.113777865414647,50.28388965673801,0.7613653574954464,12.734086877447368,1.6033010066721712e-07,0.0001132097967789073,0.2055410216362604,33.58359904038824,55.726748588013756,0.33307759595949654,15.534295738716592,0.0,0.00014063033626880034,0.1867671289569168,97.05219614901009,69.1016965352274,4.083233620194727,6.757909193349444,1.9907974977412392e-07,0.0,0.19445725898525854,58.27577264775671,96.16812791620697,6.361921469989023,15.963237036033242,4.9455593253908936e-05,0.0,196.1170521282054 +0.8915726627846728,0.20745966174394997,0.40224061606337336,11.79454285138068,119.16984797193005,133666.90790359137,1.9913484674449424,69.78483001106844,3.4907612363796403,87.20291468430571,2.6187443777003994,17.63008661202811,0.7983834129755348,0.8813895424847419,927.3206886864908,15.308154180541163,0.21631354969745656,55253.95009548124,0.6038443781752154,94.48791899973827,1054.7241791111885,138.19016017380775,333.8046025620588,39.907635509144754,0.15082419234085126,0.1955423397441467,1.1116694329110162,22.9338156394849,2.4501007543922713,54.55964058367185,0.0,1.4764897028296355,0.13705314109130176,5.336883437012136,21.13074016604566,0.41415046130305416,7.374922597914204,1.6033010066721712e-07,0.0001132097967789073,0.2087456334486367,2.633093409872259,24.79724937421332,0.23814482008306406,56.01348608619759,0.0,0.00014063033626880034,0.15658597099399416,10.03160445437803,25.210145589286558,5.570121649736418,26.502587563820818,3.091289157481934e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9180861523633645,0.22766714517745187,0.3926303306986085,86.58245650205178,168.22431333942117,334470.5813275193,6.573646635884305,32.8041739510576,2.2138656204155915,40.463532919423876,0.999930316142575,13.27528909255081,0.4068657987058738,0.5267122809502687,858.6830934230619,44.42254227161388,0.05916335339051641,169481.46466636707,2.1354998368524316,97.62392073462499,1533.5050100095916,169.20324333808105,260.88988819675905,17.56296042629323,0.34404539469866624,0.20327563705771182,4.958264005062946,23.995975370092836,3.2957281586851197,5.478576634035549,0.0,3.9758684514378793,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21373930738205502,4.041735306551296,23.567546125057675,0.28639862499964636,4.087635024416945,0.0,0.00014063033626880034,0.3096154546956227,10.37881631087709,17.149779453965074,11.83190233047354,52.670526102542404,1.9907974977412392e-07,0.0,0.22064037202246264,6.943123564185626,29.506202812987215,5.213125566786994,32.02641762087319,0.00020287079800715305,0.0,2698666337285.8823 +0.8905774389198278,0.15967369382776983,0.4277950032613853,30.891929385626042,122.3058991647147,137481.3134839898,1.847433672013942,74.21949044913502,3.1662490659089344,87.80882411765742,3.7776615478081226,9.869478307555035,0.6493455613698561,0.9648129157715933,829.818489957643,53.437162081044015,0.22192732531073806,223975.20001520956,2.1614980131405876,37.36705177037176,449.0105440907048,210.07065323778883,271.8009332989599,17.95245224249825,0.20001423187486808,0.1967406024871809,5.946731196346409,24.12668508051446,2.473817857317367,3.753847915860717,0.000162534890322278,1.3830331497057682,0.14087339051681616,2.6349691804426447,12.347501195163218,0.29012118992963987,5.236804203209994,1.6033010066721712e-07,0.0001132097967789073,0.210238034651953,3.486764686007664,24.533246301879913,0.2386165986847586,2.401686743560291,0.0,0.00014063033626880034,0.3537936218477855,9.968435074835599,15.739866318551458,4.641987917369006,32.52850623611799,1.9907974977412392e-07,0.0,0.2290314643151599,6.906730167850481,21.731407686626305,2.547036125903559,5.843639432904021,0.00039731763162196757,0.0,58.600316588397106 +0.9890676660665974,0.11943983479057434,0.42214248879375255,227.5403940410026,192.55077718664626,308885.63159963704,5.841611886219353,57.68583949457696,0.451327616879919,77.85327107804024,3.1571314270455306,9.897376176065038,0.5018080264497309,0.9406360498015969,822.6678732722637,56.009049208651945,0.3057003402971621,52471.375781260715,2.2428663292217035,45.93383064910137,1382.5177637983968,269.86911048958007,256.9470973395931,28.775850821819883,0.3122780450831143,0.1955019817368132,5.863247373173977,25.089210200773554,3.174237462885576,5.572185520825885,5.7411190607645115e-05,0.7291156035102764,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20873838364145167,4.878571061678626,24.38354153121345,0.3254066993917147,4.058741551535278,0.0,0.00014063033626880034,0.35727431770300966,8.536526717264179,15.287135408153116,12.693710630289956,52.100699696367315,1.9907974977412392e-07,0.0,0.15076039268755637,2.028161708188021,30.017618983090408,6.259849982672921,44.37894801684828,0.0,0.0,2698666337285.8823 +0.9311747314656469,0.28374982773657137,0.40014223995707243,140.2099241110319,216.52891511581055,115736.91924616869,5.635753067723789,52.82166199650776,4.408331186968627,85.45233397491312,4.80738123802267,25.120085587814312,0.5160537334523342,0.984727665850681,480.2968919680791,8.069403330661125,0.28913113031144927,228486.6139933315,2.823021879011881,96.6795620682872,3106.2480497398856,212.89474315823867,342.8896532817168,55.906629030386924,0.33443492565916455,0.18771819919649277,22.239591447029024,48.918957719806976,3.724765478714117,12.745743657134993,1.239325172039415e-05,0.9897502528522829,0.13250486330024971,15.191053804022575,34.75583585207078,1.4330849619822341,11.431017073246611,1.6033010066721712e-07,0.0001132097967789073,0.19601554960676124,15.129869033067228,52.1574945673202,0.3516031667478671,12.979661666329264,5.90390863241528e-06,0.00014717402551080335,0.3513615998593364,51.05413723872502,29.311853256819596,5.912589842726327,30.55267101414568,1.9907974977412392e-07,0.0,0.1392941364832654,25.07898176286168,67.82230672912927,7.058478362385513,14.57938432285919,0.0,0.0,132.96582723291863 +0.9175339995043948,0.16453324757899965,0.3631242353184989,65.97992360511712,137.0144905180111,279020.0669240884,4.355337030650167,71.50815527701357,0.36089587285943736,46.45012998970766,3.1455623329053894,12.841589358173545,0.3680967204173565,0.9292910714707319,884.6194203906671,90.34568931277195,0.18118927897948828,128024.28356434005,1.0679174578618549,48.99252158592833,643.295973486431,298.8384199578223,349.5386026652927,48.55256634277878,0.28835427476096687,0.19711287789909632,14.747287312636768,33.17754748272639,2.688712233893639,42.19610380009962,0.0,0.6353033441408894,0.13864922773969343,14.468233927364453,32.83647195541056,0.2428929136981894,6.528857750744868,1.6033010066721712e-07,0.0001132097967789073,0.20941714082349722,14.419926054532032,32.58132114737428,0.2549459890875366,39.68783980900415,0.0,0.00014063033626880034,0.10660799429119436,32.45041447797156,36.73707329733162,3.8150917769280777,11.207165844206884,1.9907974977412392e-07,0.0,0.19555309308077296,9.333327531257913,39.39200143799046,3.365279293366363,14.54341242765957,0.0,0.0,108.1014193227381 +0.918719239855949,0.2297483778806334,0.34099095439968025,152.56120151827773,204.67703743159646,274417.0541890721,5.938128814105453,16.164283248637005,4.149730809826966,52.43045538303414,2.1641679715189857,22.852032197288167,0.46004270411932774,0.9741332375094045,578.1219752933667,66.11949720371092,0.3300556855231346,205000.23497503618,2.8814925095118866,54.03239724360768,1538.268990406044,292.532549364744,343.377263402531,53.468068603498374,0.2513915790584974,0.19391758280242904,28.515989058469,50.395995298630815,3.080781020483433,17.280571920942865,4.697915564194539e-05,0.8218929709142909,0.1328287617504912,24.225596805453517,46.883073620294304,0.7370668503066151,9.493906964824584,1.6033010066721712e-07,0.0001132097967789073,0.20519929326815858,32.485031651411795,55.51203436745216,0.329799966091447,15.038156058407948,0.0,0.00014063033626880034,0.13879258299759825,76.96946965736703,57.1113035630174,2.996379004569787,5.996993589048071,1.9907974977412392e-07,0.0,0.19901276130159412,42.81123423176258,78.18566553292723,6.037213680840332,12.594185018473699,0.0,0.0,168.14386961676524 +0.9657889691117032,0.15569883574851123,0.3962543624672175,220.59677431994157,210.39921819761452,216142.4983838009,2.9283976534733442,47.22709441882878,1.882128753607219,33.94744085531475,0.48453468177631875,27.59877815224599,0.7348133240800854,0.9501476830205176,375.1719850253054,34.74426305705094,0.22080443266710698,52502.89677026114,0.47653151534068483,64.43002718104039,3349.0727568942475,177.05423498006186,341.9648934778752,32.61072093781654,0.16496276463351656,0.19056783599282856,0.8108077811501652,25.02820033305324,2.8190604146222547,65.98678871495473,6.296956676320473e-05,0.8494604709785076,0.12327746873316606,4.3144710278937035,20.7051701854323,0.5051335603119907,8.152878609465949,1.6033010066721712e-07,0.0001132097967789073,0.20092372493113947,1.3840089064733496,24.234919735083544,0.2848353720104872,59.91023724067973,0.0,0.00014063033626880034,0.12217269144435221,23.49863473582968,34.56198762098137,3.474578379487871,20.654494347368598,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9218425256459547,0.11735418961177221,0.4236766315391158,63.539098676762336,53.25641565324543,239807.10037265802,6.767809804357935,50.66759504547239,2.9951548578196787,48.06638395141811,2.104377359130016,13.326505870719284,0.37495799709997973,0.6021400287076306,600.4026313353808,24.79209676176079,0.2706191787434817,58337.98920108084,0.763704040886009,63.35093345187579,680.5461179821809,269.9019611317612,319.4753363539996,58.774314031089176,0.18224198951121762,0.19913728174939915,1.1630479888538068,24.171443604462052,3.156275963024481,47.68879405589635,0.0,0.7531166791458775,0.14089705292040136,2.8580309440122535,15.85884441820808,0.44986513946804024,6.506287407957417,1.6033010066721712e-07,0.0001132097967789073,0.21214850180876332,1.6807534269822342,24.632100739013243,0.3019017314796763,45.10859115905302,0.0,0.00014063033626880034,0.13177666779110916,17.64328947661866,24.589937256283058,4.129675741518482,12.609346118345352,1.9907974977412392e-07,0.0,0.21712578469181895,0.740749910464081,21.26920506323665,3.9627391673056422,12.202216854908212,9.249354205239875e-05,0.0,86.75657516331508 +0.9384024461925093,0.14314229685047142,0.3599891774369788,72.69887024727608,65.9950670080037,200132.56115460204,4.8717064001863895,15.634081198275325,0.4194572996606125,62.38396298842016,3.080985264848985,13.857224473585237,0.34216334749633537,0.546991809574677,401.1772809369393,1.0598167312865776,0.3129217664525279,56520.955936306374,0.7135918981545374,22.453339186246787,1370.358665239608,191.78549930853939,267.80155542846205,26.96375911224118,0.18908482858771736,0.19911165800346262,5.002884892841141,24.50820246365764,5.49263836495414,39.69519056206073,0.0,1.2770564320536624,0.14181080505165847,2.3148546245026136,12.801424316966736,0.41976822419430365,4.01610877920988,1.4254517335847497e-05,0.0001132097967789073,0.21276110011887683,2.687262197410202,24.110528143140577,0.2942002412443926,36.90980721848338,0.0,0.00014063033626880034,0.32321382360380363,6.484049235801695,15.926969415518297,4.359319233742984,16.897851801595454,1.9907974977412392e-07,0.0,0.21469729318879294,5.742827231538551,22.06776451666931,8.071329498498503,6.81788229769311,4.8952755073665026e-05,0.0,74.84512500128469 +0.979735607702518,0.16845937961681012,0.3253748716123912,127.45320857365869,156.77456745378473,306417.25362333504,4.84970856481777,95.22261804115686,4.97660469209965,84.82751307786394,4.426011628209913,28.724040606079917,0.7828643302212198,0.9505802377906886,752.6660091750447,89.59398020776761,0.25039442621097047,274104.7023061554,2.549117107377619,80.93185730572975,688.5952647044676,294.2443683842927,349.70205673651185,46.552342274939626,0.19162822460003845,0.19043366722723926,31.54862171942816,54.920066082253,2.9161665544380893,18.874712660663526,0.0,0.6807673081872005,0.12308063474458522,27.70809191649354,54.224105933308635,0.4136870075352329,10.414958112109918,3.5958107459084034e-05,0.0001132097967789073,0.20266529310890266,33.778545835999395,57.90941291447241,0.2765013710009277,16.755844819536385,4.154950763412274e-05,0.00014063033626880034,0.10082195162645428,86.37532613040194,60.818889828713345,3.017621722535533,7.050859549772108,1.9907974977412392e-07,0.0,0.17842971425126702,27.856947678207852,98.32993329462842,3.9524512814862827,13.378608621683425,0.00011794065061133416,0.0,186.61911700952686 +0.9196552376461918,0.2120027086129258,0.40223019054508113,234.93717335654577,132.1722821662155,319780.2291863938,6.554326971764954,96.0352289393499,4.589106763176441,71.74357688787921,4.645784009376748,17.476590986490187,0.37876342996857065,0.9051610591757822,979.3661268384717,45.68667629417992,0.14382174478848905,203703.90722778902,2.9571958232210527,87.09820611162222,2440.839473640924,250.93402993368602,336.77361319137157,58.40404532378971,0.32172321477291194,0.1967276200905046,27.630406912061805,46.41989454111535,3.2892681928235175,14.120418859228229,0.0,1.208902300138223,0.10815798119457301,14.909076892316138,31.432221459128087,0.6830308182233406,14.275344756044285,1.6033010066721712e-07,0.0001132097967789073,0.20333862998735103,24.578576648422573,48.39823831103752,0.32266061125658474,11.031042703384479,0.0,0.00014063033626880034,0.35046395835856925,50.63314461809282,29.227817287974034,5.959929423409255,35.991139316394424,1.9907974977412392e-07,0.0,0.15988205626046778,29.414109480477496,64.67232648191263,5.939419476873978,12.864839517621094,0.0,0.0,132.70379826975977 +0.9192846911816589,0.12382249010948113,0.3234844282238481,142.4589521804669,89.56468332988331,142735.75337603423,3.052811803902987,8.215356402618436,3.318815069050566,89.63369801185465,0.3830509017694397,14.019776803412299,0.451003622234434,0.8320414371874281,103.75435867258818,44.34772159055182,0.10574794598668122,120685.54977844357,1.4895908095746369,36.17887611213285,3546.8637075036136,78.56247536844837,322.0489784628749,45.80330202566556,0.18093406673133233,0.19667532183016118,10.542381836682045,26.999617839503067,2.779169372404401,28.808852458283678,0.0,0.9479482661319875,0.13938493198707058,5.225245882246813,21.47850119114169,0.515172405005261,3.9865712679327925,1.6033010066721712e-07,0.0001132097967789073,0.2090643170094438,8.724458003379958,26.30278691778519,0.3073285793374755,23.402054014808392,0.0,0.00014063033626880034,0.14940735378144743,20.331277258686036,33.13279209801078,4.382272017794377,15.307177470089652,2.7581264978416273e-07,0.0,0.21072744981901162,2.04344668341277,21.438682018729146,3.5570560831567306,7.529156127895808,0.00019897950436034392,0.0,76.13897255611997 +0.9271539392399616,0.14996397622271743,0.4422440282119511,111.37918791134811,93.59094814945946,288486.2849717165,6.830135108761999,35.82829029975049,1.3913786030917619,65.59160181545312,0.5737323837549185,4.7274091652790595,0.40946324593895345,0.6833357052406338,626.7617788843182,35.640371124244595,0.13734826871576808,56710.62211159713,2.570259848046619,81.87816992541117,2840.9228382722713,289.94667649108874,259.12653906641424,14.687661571191875,0.20214608189787756,0.19812235495247,4.5297477462966285,25.937508271691218,3.284911794088898,8.089784869538143,0.0,1.197249662349176,0.12181596587127701,2.899427236770298,16.47777206073836,0.5450150908189851,22.29364921719463,1.6033010066721712e-07,0.0001132097967789073,0.21377501911301072,6.196477551043198,23.54558116813501,0.3091929481215975,5.049536098509114,0.0,0.00014063033626880034,0.33876792352894536,1.8412864434012948,14.853345133576198,14.498907224179117,55.34628504430326,1.9907974977412392e-07,0.0,0.15548612032574144,7.007376609427467,33.398176334414615,7.1569076671478875,58.549518229603756,9.512441254103044e-05,0.0,101.52853135671499 +0.8931357033873113,0.20732397526045082,0.3811758763528288,188.60693396888564,152.09320645032173,163526.0804302442,4.088217105675795,19.883851363399632,1.399105436728208,52.993916580933686,1.4946064677233846,28.336209962058483,0.40525583999283654,0.893742275340517,987.7441936417479,51.59202218589798,0.22384411915726307,53632.469776689206,1.368201273910858,79.33783350654605,4909.4214788673025,169.36375175780935,343.2819825545728,36.931506434345664,0.2628876541756672,0.1931639513028246,5.486966276915305,27.248290885767354,2.71755347110119,46.27100890631477,0.0,0.7218557101191072,0.1307301982286652,13.669571037888153,33.901565525833654,0.8391137674059653,12.992145084660594,1.6033010066721712e-07,0.0001132097967789073,0.2046804620113368,6.66395221933625,27.13096881466861,0.35193152464062094,41.560548886791416,0.0,0.00014063033626880034,0.10107513341383786,43.412062791139995,43.64202602500388,4.051773152555643,15.45407420129325,1.9907974977412392e-07,0.0,0.20240566751700034,19.547456260296403,48.33480096471063,4.786142649204316,17.12645408635752,8.72506631972181e-05,0.0,118.38187223052255 +0.8606272481479539,0.1606236774560108,0.44008267185640676,127.65420363908262,190.07184280318225,215976.52984520118,6.627948905906928,35.86573749158009,4.688618832515985,9.173175039422922,3.103379700529378,8.324653710653724,0.6705183595521942,0.5947754294716958,64.21387824507462,54.273555623083865,0.066692188926368,69971.62831881078,2.5712182819313982,98.95861667347259,495.40019697414164,117.41874571746487,267.6364964337972,34.16298495204054,0.15197331648332224,0.2022618708742981,2.7260460033757896,24.079962304948907,3.479232585899543,5.622873478633789,5.139412206161234e-06,3.339963279755449,0.12709985865069046,2.0907513520982377,15.457704529312881,0.9461652807952003,21.26074784888135,1.6033010066721712e-07,0.0001132097967789073,0.2142923201207509,4.6789186956190525,23.243740200059765,0.36912970033967424,3.863035340713423,0.0,0.00014063033626880034,0.3213778139481919,20.903317282047176,20.492765914858882,8.722966178051532,45.59156334514985,1.9907974977412392e-07,0.0,0.21203843391379684,3.135714925561453,32.63344791983386,7.574343069551007,38.30943358862663,9.73624430846668e-06,0.0,86.75940708887272 +0.8995638704276141,0.11556057204004913,0.4077125855685973,46.470592640759705,116.22400155793952,342325.6568825803,3.1565822795087706,43.78939220029897,1.5013808776153306,69.4585402165088,2.003872839711772,27.05824488206074,0.36005263024800455,0.985788954483215,671.3982386515853,15.212478706468055,0.16667895431216861,53611.48367448083,1.093062171117944,74.37294981569131,1402.793238894681,187.14804433996767,333.28116719701205,40.02735399043466,0.21883181806341628,0.18797196323602464,2.598371412883478,26.021054018731324,3.0029396804221933,45.564660892319,0.0,0.8126910521066052,0.12471097509807241,5.870754700871844,22.42977896420093,0.3376574038477379,8.304329836237054,1.6033010066721712e-07,0.0001132097967789073,0.2016370790432139,2.944988142015556,27.022495774217127,0.23604578890464828,41.06389660005343,0.0,0.00014063033626880034,0.08554697880598305,19.902394491082187,29.26703346958157,3.6264369615295817,16.25069418065279,1.9907974977412392e-07,0.0,0.1866263168402887,7.993280972114347,33.96396712380779,4.577492370867549,15.614376342572827,0.0001923432898926885,0.0,93.8814548738449 +0.9225581705343682,0.13070376055689967,0.32556308153629604,145.1073647203484,17.132250837366918,325561.4923025635,5.797359001767353,69.53789023138452,0.6205598823826278,16.417678445488644,3.856244873370401,29.805795291827938,0.6668774151741678,0.7228551091471261,758.0678365137688,90.79046410400292,0.19531626870926228,57432.92882041001,1.2242731893612635,91.533403923739,2374.0940330045364,280.8943999471295,330.40497103869956,55.94824869705049,0.18164160135445484,0.19591359022566776,9.493996153380632,27.3983669066814,3.056304451052924,62.348267281839505,0.0,0.6807128741661668,0.10998385442441601,15.770194268580802,37.08052262127012,0.17910688976764863,12.044398273706031,4.766308196837306e-05,0.0001132097967789073,0.20436477515078197,9.633503505026217,31.531897962807285,0.2593880583205986,52.81680057492623,3.072923098257492e-05,0.00014063033626880034,0.12863508204466426,26.589433762677313,40.838753280286554,3.4911552908639987,19.445671130751936,2.7603974972396024e-07,0.0,0.21553883754374484,21.071440330064586,45.15860413741691,4.537073604371119,20.58495373035257,0.00032351968568208563,0.0,126.79249791873666 +0.865561271276832,0.13858866475286766,0.3742849167170886,20.09084355202991,161.97587036808252,105614.73907067311,2.620490041065183,89.9618451075278,0.6110059694872076,65.76965743055146,4.587206475227858,18.974949148824088,0.3028112637072471,0.7491364412062468,771.7453439384992,8.952204640610187,0.3019362033225981,298169.59781768644,2.844398474800882,81.93147268629372,1945.926747143205,218.06727010301677,346.9568971049569,54.07342023561062,0.23281630855692398,0.19516260068034755,27.213802286812733,45.76857996803669,2.5425667029715324,12.211555549861428,0.0,1.515911017923579,0.1378406135874064,23.22044974384807,44.104781698936016,0.1964157260581833,10.25292014778965,1.6033010066721712e-07,0.0001132097967789073,0.2094215578541127,32.974388948475344,50.0054954676109,0.25003661088088164,11.939534825984007,0.0,0.00014063033626880034,0.1324591262666007,67.74726558339259,46.89672038455996,4.875761901567319,5.784659947386755,1.9907974977412392e-07,0.0,0.22125653413481183,35.286712765703115,61.276112534132345,4.096822837090973,11.610532422573208,0.00021829037508096775,0.0,145.9835444160151 +0.9852911835065551,0.16119782232945842,0.43168447179058383,81.3081097684423,53.1543022009666,276059.29873664666,3.291338650054433,35.84208100156788,0.8088204539734964,49.380151848813476,2.936862946415051,11.323834101485476,0.41740462201908884,0.5891147784144988,918.7213047109478,2.5643115660531945,0.2615845786702004,98441.75439852997,0.951603357190113,98.83899929923567,3519.603402138303,114.47895422951561,347.0652877563055,56.92744391985069,0.3150146681229065,0.1987434961584008,5.572831650929763,25.333949915838236,3.42174660018961,39.38122651620773,0.0,1.069287874942865,0.14176635530366,7.162288077576259,22.43277157980753,0.24038637930911855,5.9943145358023635,1.6033010066721712e-07,0.0001132097967789073,0.21261725563061243,6.842218575601643,27.060637758694515,0.24311649128468218,38.652743089680214,0.0,0.00014063033626880034,0.10605518406168246,17.434350623653323,23.668946102963297,4.251662096474343,7.036964324752909,1.9907974977412392e-07,0.0,0.21662905150260725,2.2901849986812106,21.135782238047405,4.785234672146272,12.625411094928246,0.00011675251216534952,0.0,81.64865528319753 +0.9800604549294598,0.17526834443222505,0.41247502935282065,115.69598036376763,247.56690432432376,342367.88497005065,3.8458785205524806,53.00377376446599,1.7920340345805188,96.4112483681946,3.467792605031371,20.715154109662784,0.44330323082421585,0.9885936222716725,894.4602675237131,54.81218157616108,0.20299250793388232,79610.26344132514,0.8534900474924085,53.232350571678715,1911.9618662957805,98.21272409337622,349.47526669468175,57.93459296561718,0.2607494730575903,0.1932336245437795,7.63024980707383,28.067477261818276,2.953619906464719,59.87926550561789,0.0,0.5966574260424262,0.13263949822049872,10.515996909018074,28.496493346122623,0.26207891968705427,9.719718858134836,1.6033010066721712e-07,0.0001132097967789073,0.203418103754138,8.364698520844044,30.215259490386366,0.25093692964629033,54.756259465421024,0.0,0.00014063033626880034,0.0913208490866897,28.150573589821818,35.510627783836725,3.2130856801629712,13.829712064940109,1.9907974977412392e-07,0.0,0.20234353160736843,14.440091257002925,38.92263390612201,4.637529391106001,25.016549078106657,0.0005060829123971259,0.0,118.59612663317682 +0.8408461229280522,0.22849188212571508,0.34441699137295645,215.38661661253784,246.67293840081217,301655.502515333,3.538128198828632,74.48313016592398,2.08048190629511,24.360893348940635,1.24142889531391,25.0177278265842,0.7039803670989507,0.9087715869891329,604.7469623551292,25.239479249266402,0.15305036927801138,262112.762161574,2.9562614815241792,39.88464804300341,4852.536415280423,166.55944275188125,347.31341247009436,57.731203925191124,0.19384760649196298,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.13403305785683464,38.26080590151649,67.24269334576313,0.4428169035778715,5.923388094332092,1.6033010066721712e-07,0.0001132097967789073,0.20695867464186285,40.06245523268657,60.23584804375725,0.27085133960628177,17.10510606582049,0.0,0.00014063033626880034,0.11865224868701812,98.66692420872081,72.98160080983575,2.968458708831165,11.595010383276552,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9009428333843548,0.13367244995289795,0.4087083936380769,194.36247003089565,47.51159043848734,329159.40694237733,1.6302019265674788,40.154305959014934,2.0289996143887334,65.92090501501545,1.759601755904714,22.944967041650465,0.46585594597594426,0.8558340119186704,659.0331179377745,76.55141742105933,0.22766267643902965,88163.08718466495,1.872720023958978,87.9171130002488,851.9581294936713,268.71369876904885,347.48478048068944,59.798220180911656,0.3243994332048167,0.1935829685789725,12.78371468514472,31.576339887183217,2.7414818962148844,33.59452589155132,0.0,1.0303624273659082,0.1237794440662975,12.452340861653857,29.130569175480506,0.44389795313444325,15.762016326857044,1.6033010066721712e-07,0.0001132097967789073,0.20432117061401306,15.516254753980096,35.57061092322248,0.23560846617558062,30.482647032214302,1.173219429002042e-06,0.00014063033626880034,0.12703696041271825,29.932939144758162,32.28582002133981,3.691211271076607,6.57006366449889,1.9907974977412392e-07,0.0,0.18943420281030637,19.855346370322835,46.755742230258676,4.04849404016855,20.865544096258404,0.0,0.0,104.940958700175 +0.9490863397443299,0.14721613285771734,0.4323124224977367,79.28877794552736,195.2320230922219,299934.8168998123,4.911857286907134,73.98672941750303,4.571211874140668,76.50798574059903,2.556569483599965,22.820102107788852,0.5614813696500256,0.3324671724648517,825.1622703484268,62.82236926949636,0.22015548730708007,53917.455401672436,2.763388635020917,92.83620403573036,1325.6189731163622,240.10212892981917,254.7951943980588,17.282211762794994,0.25356264193896894,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.1036150458913106,2.3554348968578087,16.140073969677992,0.34031098446765906,27.13051117162182,8.140804369020722e-05,0.0001132097967789073,0.21231363016990398,6.266911752440393,24.007407394787105,0.2660098582943418,8.082439110450418,0.0,0.00014063033626880034,0.26479947767125006,2.9302135178838817,17.33254922128374,14.52172489594843,55.71357034099264,1.9907974977412392e-07,0.0,0.2020921732047788,6.315698966028048,29.04887925155222,3.896899594325475,50.136498437219494,5.443390521172386e-05,0.0,2698666337285.8823 +0.9277997366596961,0.1354961457803417,0.4395873988482059,152.46921552828718,169.22548206825854,141167.64593379034,6.526632987898629,78.71181274020769,2.66210460706174,11.170227507477083,2.3734089644347574,10.609085840722884,0.39373004912855214,0.7120635781289008,41.99961106238952,41.03374569348841,0.07161003304985296,241541.30362260825,1.6323371761192977,73.58103173950778,2672.8695458635375,90.90977746588321,332.2517099621174,23.448915540427024,0.17580954426130146,0.20118172547662613,6.330670607262031,25.177431249834772,3.46603522498316,7.114140129356352,0.00011883763656811101,2.8623507596260973,0.14107619258290063,1.2255472540352539,13.622635394358134,1.348209852217136,3.603048821934254,1.6033010066721712e-07,0.0001132097967789073,0.21204843550660976,1.5151210388679186,23.636834351838818,0.4369601667733154,4.154518190018551,0.0,0.00014063033626880034,0.08755165618914866,53.87646678196622,41.770939627302724,5.269329704157437,4.313823016737284,1.9907974977412392e-07,0.0,0.21884203131636712,2.078356731279322,19.573836610792707,7.270027044943832,5.002865667416754,4.56166139429388e-05,0.0,81.75866701087435 +0.814980308152664,0.1457053101926488,0.39646943302604937,137.84671799368047,75.87016894594491,260547.69586717477,3.3893657759525793,21.119394827222447,1.7249069780996882,30.226020187532313,3.587710406369384,27.227550596718714,0.3168624339885705,0.6989034002877628,491.549256466975,30.066010013586908,0.19165459471624724,64401.2712599564,0.9682830237608941,94.24420154354695,4088.0028842530282,271.68223226560383,348.3477304922475,55.085752679252835,0.3107328322671293,0.1969905198107811,7.936645544588621,27.905217880244294,2.9197242262749397,61.46156446458631,0.0,0.6867936706741681,0.13469201034110276,14.935491086304511,31.412736853908584,0.21223562008815763,11.818052982516921,1.6033010066721712e-07,0.0001132097967789073,0.20941039850561233,8.257843743708321,27.46584903605247,0.2525172277088287,58.390622586245954,0.0,0.00014063033626880034,0.11313569359090987,33.082903056679214,33.80229739448515,3.9670525274911976,13.46714486327573,1.9907974977412392e-07,0.0,0.21471745656856206,8.265699560940758,32.18151319699545,3.8443330612557456,20.24251568995681,4.604326322676757e-05,0.0,119.04910995039715 +0.9717512741205238,0.14743622175179805,0.34947804447040054,85.86382720490052,73.72539980032948,230357.79510510922,1.609937393658838,67.76851178008822,2.1516416928859714,22.921875570298933,1.9176347451638256,24.61919346724669,0.35729278595746194,0.4975018897924728,691.7177158376353,66.24935127575608,0.0900838626147725,90352.07344789812,1.2018205312260155,56.45081124388565,115.85808397940536,223.98230704335884,344.5546319510936,38.7712167758709,0.16793722992516874,0.19913692424181126,8.299992106233908,26.235431823301305,2.4175935718054706,40.8654853847256,0.0,1.0143074865300814,0.13779104260282035,10.421561877705217,28.00942549836019,0.37810737496060726,7.454876839198056,1.6033010066721712e-07,0.0001132097967789073,0.21199637988911216,6.861336425655371,27.051456361809038,0.23490147118191396,35.114488522815634,0.0,0.00014063033626880034,0.14869573583968085,35.72348941422507,33.69623603060499,4.259527365710611,18.2205007343409,1.9907974977412392e-07,0.0,0.22623973806564535,11.839749947940021,33.96482037682274,3.9080063128075992,18.6755699676631,4.6051193275548266e-05,0.0,99.06863886997927 +0.9515560729887127,0.24903954751469062,0.32845266285041286,79.71414646093287,248.30026232088312,218388.46135017907,6.550626461092996,8.980122695905962,2.231332022044529,48.16774179756162,3.7559116675942157,27.40664928684053,0.7856321233089816,0.9726475187082717,147.30970969649462,40.70091199726632,0.3378262762948188,211408.17685462307,2.885352691869335,51.90439483968659,4963.374985845211,238.14745780123755,342.54019614101844,50.991409238701515,0.16015506864309279,0.19021349592173073,27.394020255121568,52.708584281777114,3.3833902299711647,16.30886627246089,0.0,0.965611790268034,0.1299839560291547,28.97081862702106,53.35307293538595,0.7856154063788006,9.657752504130992,1.6033010066721712e-07,0.0001132097967789073,0.20347361708666978,30.645327281975668,54.35570532473142,0.3448197248787017,13.623418467407268,0.0,0.00014063033626880034,0.12486588789141678,96.03904077260238,72.85378224379897,3.2648495753951488,13.777023400255802,1.9907974977412392e-07,0.0,0.1987636230027497,23.907146813008776,76.63443403554932,5.28289154586875,8.209263116853192,0.00037794818851108507,0.0,181.48720230097973 +0.9010651591647734,0.2419754826062272,0.44006265422738294,158.1090326758104,51.9380687486328,329914.51327794616,2.1768855537098806,80.57068234087077,0.8993643886341697,30.346275279788888,0.3128986077149285,22.53421996173093,0.45935639446433274,0.7147693160988342,655.3410580226553,22.863102947813754,0.10242422179915797,68309.16891391651,1.7547217390549459,98.37999659006317,432.31104109637135,158.0624470171885,342.3701062939559,56.71040641213579,0.2124196127039728,0.19910645253107148,10.029077847500027,27.090172804836122,2.9165287947102003,37.16446632268291,0.0,0.8869084312042494,0.13407522048098128,16.34103826375389,37.861815641745835,0.3769874448340848,13.747643364253372,1.6033010066721712e-07,0.0001132097967789073,0.2107865770520793,9.927487465726557,28.065770899024486,0.23487759924861368,29.718082118864544,0.0,0.00014063033626880034,0.12205357547044833,50.78285789058761,47.96795813923313,3.658586624805923,12.761550219236668,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8980362096051849,0.20749296376920878,0.35975899398877864,223.1132602078458,147.076513514238,194633.28057736263,2.2621385857088634,72.05507536317452,3.8292920557446832,84.29269971751516,4.452015033549874,16.829205493316042,0.7999688515335877,0.9740642389234834,592.037063810704,97.11958029246384,0.27186051482427603,288079.0961215041,2.7705130776051705,96.8307417598064,2518.750054487054,268.1264619390953,342.1730548585428,34.95287355555983,0.1942549533566305,0.19509857174518805,22.69759745952311,44.78956472341081,2.4475171184457767,8.512295652330542,0.0,1.1318678281963772,0.13084858093828988,24.376666724161385,48.77511154508714,0.32058892898828495,12.6032950147774,1.6033010066721712e-07,0.0001132097967789073,0.20855305657663845,26.612228253993887,52.65999458770882,0.2601937048942998,7.809850406077042,6.519982748044606e-05,0.00014063033626880034,0.11086474731049295,88.67380493205677,64.77580922582204,4.388405459065341,6.3241615077049245,1.9907974977412392e-07,0.0,0.20590268454374663,35.55275635803697,71.36403432705683,4.1498799609508294,10.57558918515558,0.0,0.0,166.97241441764027 +0.937861551666165,0.16116062935208628,0.40007901016195624,164.06450579421872,248.48652898500498,346543.9799306957,6.7836095752655305,43.045383020468286,1.9015863820042036,22.126010066110933,3.0604150399758834,24.942917625499565,0.43517035212565375,0.9635326962573092,632.3684394095387,26.69230167926093,0.2937474884100781,206934.17364094642,2.9010196785605102,93.55147332019794,3164.5803495745813,199.09127890463938,346.13102151911306,50.245032783315,0.15894079092429675,0.18998199860600737,27.005299513625427,49.71449111610661,3.62253147684094,14.325780894585574,0.0,0.7047716817476507,0.12565958898743756,26.430088032477435,49.726311974209565,0.7246482409971063,12.045809094927575,1.6033010066721712e-07,0.0001132097967789073,0.19895274949720518,30.704790976898074,59.35592431556003,0.3232463020577594,11.78453655470825,0.0,0.00014063033626880034,0.1795048466709714,103.12735542831012,72.97110391186887,4.902942355976518,8.190615268400538,1.9907974977412392e-07,0.0,0.16296257100987696,56.21838038095074,104.61358157970848,7.1261943424345695,11.205252766286414,0.000298277803796515,0.0,204.14111068572765 +0.9157952223446558,0.15440381467353853,0.37593937203836125,238.16242108023565,44.987682269080224,281822.1186732501,3.7844863106828655,43.158378101423885,4.89315087081196,37.816915971306045,1.8416250743620537,28.18951313964095,0.3880009852011731,0.9814285758702543,863.6700376307158,73.34800921625906,0.25320291527321304,212929.48784641846,2.851629319080569,43.396754719367195,2511.6959295968854,270.8441574203292,348.96721267867514,48.74197190520275,0.17320159496240714,0.18984224404761846,27.727074229919,49.156466407646505,2.7866711129599504,16.820050097901255,0.0,0.751869070123619,0.1262482516227857,29.47341222704875,57.57379626699246,0.19140167327411,11.001215544843097,1.6033010066721712e-07,0.0001132097967789073,0.2019646370441543,30.53550926864533,52.54205068493263,0.25371946151281577,14.043370766503763,0.0,0.00014063033626880034,0.10451842535391222,76.39535436861946,62.47890079236163,3.7990950627442404,11.997721143906752,1.9907974977412392e-07,0.0,0.1829612816267653,57.86192868125117,100.71962094631702,4.382217129821264,9.043159370373191,9.627127988573457e-05,0.0,187.5181389842716 +0.8313358012563244,0.17531674546091472,0.3885971050102708,163.52920971692788,215.22668508000976,285680.74888878304,6.775613969133152,35.55721466526494,4.662317240406129,74.7861886589254,2.9899586733857975,23.48058256303313,0.3374643650312677,0.9871474235758982,513.2604437123456,98.62420904369164,0.24249878083814835,276779.70823772845,0.8608751470961526,98.71868052634387,3589.3035250016055,135.76054396508354,346.97918393797676,34.04076445993455,0.3192937310524606,0.19542710890808312,18.14550435454266,34.59780971760259,3.138366416432847,20.72952294394982,0.0,0.6960648612126203,0.12891234072690191,17.13320524702441,36.29476832416337,0.8448207051026846,3.686564615635224,1.6033010066721712e-07,0.0001132097967789073,0.20436570866221562,16.930141754409785,31.9880946109919,0.34704978988014396,19.700448845134176,0.0,0.00014063033626880034,0.3515759507478427,57.44640486037713,32.060789155738966,4.381368227859899,11.732306164824804,1.9907974977412392e-07,0.0,0.21078365200326768,20.920440710172418,42.314259086468724,6.99249382351295,7.545242178383112,0.0,0.0,110.03931489453252 +0.8226596603211909,0.10219665957694235,0.41596404498677897,213.12258278822148,157.10899747204525,331013.65867715166,4.354823356977885,91.2802741614604,2.9884346290779815,34.70997966556151,1.7141529088135827,25.690582903673267,0.3659460805403956,0.8666497393604188,908.9486870128553,88.72569361583511,0.31529028525489666,113140.97976625459,2.515098125837455,99.26721034060091,2112.8287407799735,242.21579709982063,347.44019937088416,58.31772333306995,0.23558657604433242,0.1915326695593902,22.18412364720065,43.5922336517532,2.964059121737305,24.543991990208713,0.0,0.8373767726759069,0.08984272553878389,24.6293926216503,45.01436632159785,0.409205982783951,18.38401142299509,1.6033010066721712e-07,0.0001132097967789073,0.19751978337944345,26.006376517916138,45.594877519621825,0.2714356258023893,22.878611614099107,0.0,0.00014063033626880034,0.19318205936341473,68.73159608399882,51.5702274670385,3.0687791268227547,11.195450378440269,1.9907974977412392e-07,0.0,0.16735827803378617,45.71840741936744,81.72188758570152,4.967714983022796,25.0660075562788,0.00024910467080850384,0.0,161.84600384002644 +0.9178058064064482,0.2048855856843058,0.32811941596805405,186.80985520707372,139.4783787379892,341359.20428013423,6.426288020062909,94.52779254497248,4.823772090794801,79.12153786348448,2.839277674161524,26.818069240292214,0.417071799503256,0.7178812022329969,921.1552743982619,43.684146371060976,0.32134509941256834,110406.36749696724,2.6562239401056598,96.75767729045663,4816.387354678816,176.30826088333123,340.60089232270707,54.85753634549196,0.3277834744958032,0.19538050592492603,21.310061060967996,38.59045169622952,3.323109752759692,23.273082612867963,0.0,0.727907069068522,0.0973047630384012,19.255477060303846,38.44063619252291,0.5891700620324242,16.939113787287063,1.6033010066721712e-07,0.0001132097967789073,0.20458438160423073,24.496228696458964,41.51650812843931,0.30630733332534615,20.196169181209857,0.0,0.00014063033626880034,0.2854661535915921,59.62745099656392,39.18207499183868,4.728383010727691,19.178817168690596,1.9907974977412392e-07,0.0,0.19222953233838472,32.61397719204002,62.12587206733419,5.813756502981983,20.997947392505004,9.018917134179068e-05,0.0,135.06673101330483 +0.9585673282917375,0.15159822819036017,0.43919716322153546,191.60074637133695,37.46882696100337,277162.0924774437,3.858501068798399,53.41877956761356,0.5702005570507903,79.83100161807117,3.466224855078819,28.57523762522194,0.3784851993524984,0.9955561475004373,289.61846980334815,37.21681775566432,0.18767772857040502,220546.56195029657,2.2680718111730434,51.118641136187414,3712.601257971357,292.1310677634737,242.0518632126827,17.796868117843616,0.20356853389403484,0.18845853192700368,5.5506602702414085,24.41469656421165,3.1825359319579176,5.291864872018577,0.0,0.6666942127033113,0.1212895857026675,2.914748553981866,13.409601844157201,0.18865739067009973,7.841234580953748,1.6033010066721712e-07,0.0001132097967789073,0.19921504369989115,4.8154370692662765,24.66289562663239,0.25290049867659725,3.11186785936621,0.0,0.00014063033626880034,0.3572597212011964,3.324122995665516,13.57384846093903,13.21733142023103,54.19336200528711,1.9907974977412392e-07,0.0,0.15798934911220588,8.833708977330483,32.10523880964191,4.8372253865749775,18.321805242540744,5.0182142975767823e-05,0.0,79.57085160825746 +0.9601097914343467,0.19729559385294043,0.4433417305830237,245.69360772508762,216.35464560790922,343232.9442211947,6.850778020113973,82.60074382417721,1.2725266650969742,97.03954663203399,4.79069561575689,21.633280608726125,0.6116038911504463,0.8585810242974151,74.70394311072778,81.73217594215224,0.30459159003771524,282632.9249290306,2.90872196487956,75.06721678179048,4858.067266687041,208.37918947687922,348.70414609348364,57.64493606429376,0.2961417080739709,0.19457721787269622,24.71630831566575,44.80887405675525,4.140007529192157,11.302847084006157,0.00012702405499394003,0.7786216382352309,0.13431491806428866,12.096988246896192,31.11190423780351,0.8336310289913029,8.8700086533356,1.6033010066721712e-07,0.0001132097967789073,0.20697707865439735,26.98026672627902,49.21560777000917,0.33998901252500385,9.604667495040786,0.00017362652889986352,0.00014063033626880034,0.3505445427339929,46.96585889310056,27.791241057543456,10.504445196502063,37.68995938542211,1.9907974977412392e-07,0.0,0.19365897444967928,24.863202531573997,54.20890110350988,10.660420587913485,11.152086699331619,0.00022564207012130922,0.0,124.51684645196643 +0.9606760524855298,0.1670081710796591,0.44861321894404693,107.81200308508993,213.6808358583853,348980.9816949121,6.705815974398556,95.88035155897437,2.298587496776054,66.07314293570575,1.055044803907008,16.861378940790775,0.7094072607479707,0.9358194363363495,792.2209459089339,36.58121525155552,0.2524528219929161,139976.9504443757,2.858752499038009,81.22349483777349,1435.7881509965123,254.87266011449125,333.35041639268513,58.36048864471347,0.3479650404857716,0.19010137017951367,15.492631494544343,39.40217229104858,3.3857853753443887,12.34412321939618,6.082439702798466e-05,0.6245092908865434,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19210261593413272,17.244221419972675,42.40349731462686,0.297131893799008,11.184865643050781,0.0,0.00014063033626880034,0.35489727939104326,34.07054427570014,22.71557171534664,7.23588620273829,41.62379102148669,1.9907974977412392e-07,0.0,0.17360123739558153,16.85310608281749,44.93514289454829,5.881615853254888,14.186433134823744,0.0001065138121884783,0.0,2698666337285.8823 +0.9396713252643301,0.10141636672829675,0.4059528092829307,81.23022360487579,241.52147048275424,247881.5817891637,6.018156996921497,20.81243995569851,0.38976435585679714,14.953915625074266,4.598546185345439,13.268492906938128,0.43592096896192906,0.82434825539776,71.86867854599478,4.179824305998943,0.3188244776116197,254062.52119087934,1.761545024039594,98.70624072011492,4845.528583484064,126.98573678560123,345.61416332474806,55.660481522006734,0.21969866025970874,0.19557617972147273,18.222426124936643,36.58910363281914,5.106134703844423,18.128818293374046,0.0,1.1213008810018206,0.13844622032060921,15.99332169649294,35.746739130589226,0.628184251629064,4.724523090657436,1.6033010066721712e-07,0.0001132097967789073,0.20889712792653498,20.35960654911957,37.73283640359227,0.3164776485619581,17.826658241738667,0.0,0.00014063033626880034,0.19216673490361622,59.49186710292748,43.869851609158125,4.500803849883789,4.6457210768690995,1.9907974977412392e-07,0.0,0.22277239265772728,23.78079512098604,47.939300686142076,7.452257943646126,9.613362156262898,0.00017466048837120658,0.0,119.40198701609076 +0.9539104959130114,0.15108148944657962,0.3467866316481756,162.69139170276281,196.02078745298462,279206.4615819242,4.8339148545364115,19.813855730823178,1.858914512523245,61.35769452624888,1.4970761726460289,20.36259740563114,0.39569334537405376,0.8138002085185239,849.9266155168356,28.175743892287343,0.33001301935974814,76921.95021455466,0.5655835759280067,87.4582145498112,239.69032283408092,247.36323842478723,348.78938158013733,20.768506389459702,0.26021687718957315,0.19425514201418337,2.520581006111417,24.929207372192288,3.0687554949826836,44.84963469409604,0.0,0.9008357730036403,0.1335068370623488,6.196265039522673,24.14153266782864,0.5811021492266844,6.25006685701976,1.6033010066721712e-07,0.0001132097967789073,0.2060842413843503,3.34744079981922,23.84376128285155,0.30171769304466006,44.23627024255326,0.0,0.00014063033626880034,0.12078607166777601,32.657965868982316,38.28845852193864,2.9790071711765997,15.207409288169352,1.9907974977412392e-07,0.0,0.20454745030509036,7.6883597993962525,32.29705342595871,5.2919399820976,15.638472636818896,0.0004077624344788785,0.0,99.97216860010296 +0.988821281608637,0.12010234569480581,0.42189011430714884,216.13942934413356,235.00952860040871,217173.02276427433,5.564160980139659,81.22031301906354,0.5386634381640896,30.40704200576119,1.924288612998379,23.37807666152624,0.49906583445350244,0.9565602492595953,202.63450144534278,46.89324438280031,0.1734862658647539,157666.1722494576,2.96074170909094,86.01553827915113,2317.752412694029,214.59261305036685,344.6403175598447,45.85427063337509,0.28602183037884754,0.18712925798328947,20.25773449518622,47.078088431898856,3.3447451518038087,12.598198992311998,0.0,0.8909917591332843,0.10851053053789378,11.82383392201116,30.80802376261099,1.0367858599229272,14.61746227571299,1.6033010066721712e-07,0.0001132097967789073,0.19316341995366507,21.835292500880566,47.76776376339686,0.3774428776795264,10.931858169695174,0.0,0.00014063033626880034,0.35727778368462526,48.632308231659884,29.82923315189265,6.6990104813904985,29.11529667145521,1.9907974977412392e-07,0.0,0.14179156313558697,27.712092596151646,69.07456866318724,7.399103639663035,12.05597682049982,0.00019106476156527095,0.0,129.8704386787064 +0.8785607866813626,0.14786819583935348,0.4096564869244862,138.8850380282958,203.17804213966684,133495.91030868544,4.893230322266071,58.708515100671036,2.5921841869801745,92.58037088358083,2.526887799212333,29.006105139584175,0.47401536083132356,0.997200768541809,933.4939004864876,61.51635006716658,0.2811598020354288,110703.45867095343,2.872613655123569,43.79227552509411,1599.8214961681072,252.24628919839375,345.0373007539809,20.32011683272553,0.20473078728623512,0.1872443750422792,10.973134579195776,32.26880292632713,2.8282963801594905,4.69147051440714,0.0,0.8655105993700682,0.11722834403010034,13.502040231399663,34.2545005263748,1.1551233293762815,8.52149107276199,1.6033010066721712e-07,0.0001132097967789073,0.19935235934556195,14.024636044324323,34.708251082791,0.4040458044855968,3.4127106776890965,0.0,0.00014063033626880034,0.11644561517040511,55.49341819814401,49.834730714371794,3.7413932245495083,12.66796113828972,1.9907974977412392e-07,0.0,0.1941390454326446,18.649408095640446,45.37764898677944,5.086230984986484,6.05696197341286,1.13793660614832e-05,0.0,110.64517816790249 +0.9128703621986061,0.14998851970379656,0.34674881307371114,194.46374270185314,134.25421553845985,201096.58094235515,5.180157571099976,85.0713443738384,3.536223510100775,36.67928115052601,2.390928609219008,27.781864246289075,0.4788193340613478,0.7866565403171786,713.5074187538064,40.410294026710204,0.13454012542514981,64081.638794393104,1.9069226018747054,75.51089915526602,2915.364522758776,194.5906115678459,343.4615273612608,55.10933216545504,0.3229368734445595,0.19643786639700084,14.87933666170313,29.607002919934065,2.883232910509214,46.02581773060154,5.570406627549699e-05,1.0711474646408004,0.12014720679973366,14.079646280959015,32.40206599255578,0.8315486392421165,14.184164813006973,1.6033010066721712e-07,0.0001132097967789073,0.20508191683564664,14.181959962438595,33.12290452510995,0.351419309698803,35.397727246621656,0.0,0.00014063033626880034,0.1470885280254811,42.77771450199649,42.70369457833368,3.4302858459792063,9.292186488700569,1.9907974977412392e-07,0.0,0.17391345752779455,29.325455694985674,60.03516444212716,5.5017914821294065,20.36144433624383,0.0,0.0,126.04782292190663 +0.9404934792819981,0.11309923640262826,0.34235162523153956,143.20753469426293,207.1932327378389,218210.8351363797,4.3090851238188295,69.74535339209802,1.226663979616883,41.061130209132706,2.526257290574606,27.737052152535618,0.407831441884835,0.9074748706036732,561.6061867731702,49.8928489245658,0.07616912700114975,152825.28893285355,2.1878907362172333,97.67858376951637,3450.7447731235957,123.55788854693692,345.63073907445283,56.0003490367784,0.18112383877836838,0.19524104791049576,29.093974021583573,44.4944946524207,2.806990718436557,34.094745745830245,9.046193262567664e-05,1.9695610768813598,0.12616490103445838,25.197692965993287,51.61419001926481,0.6513955542139931,9.696002859396375,1.6033010066721712e-07,0.0001132097967789073,0.20169971274016618,23.432039419671632,43.70416120664418,0.3162466352693866,23.953388791806088,0.0,0.00014063033626880034,0.10498413573798815,76.075128817728,59.35558840723472,3.3171062721500495,11.539541872581594,1.9907974977412392e-07,0.0,0.17488596214376642,50.495265648013714,87.92768870817113,5.032355473770564,12.351856609520597,9.457433177416395e-05,0.0,174.18538541691063 +0.915184400977755,0.15278670927639582,0.36793716464297066,71.20541060970295,80.66752099679942,338335.05958217,1.5632738871475627,71.03724042412286,0.8431441327947775,88.4383394344039,4.922082411324209,26.029152126952553,0.42993495723232256,0.9248970928408723,189.84438528719613,28.82071544033213,0.33852110967645127,84194.42378326584,1.1788713763404672,94.37471577705759,1985.3609181574964,209.26350882793406,345.2350080725644,48.31056923528484,0.3419492098984624,0.18997978279954328,8.212767151519529,29.156936482283108,3.1322972606986097,43.65126467283761,0.0,1.3422981821251054,0.1312144805835354,11.831995520001207,31.348134734389184,0.47037032279952834,10.379368797195482,1.6033010066721712e-07,0.0001132097967789073,0.20380761170431858,10.540484553223799,30.671006675591247,0.23924552793531323,44.75404215977496,0.0,0.00014063033626880034,0.10031525864080232,23.869292813730677,31.486466069895098,3.540947480383528,12.46310977545831,1.9907974977412392e-07,0.0,0.1963605422254182,16.75256446151933,41.47070763989107,4.268224568656705,20.311226946489096,0.00024428002997166945,0.0,106.2094812675199 +0.9519082591117078,0.11815388245278077,0.33416922581208874,243.5200807403657,127.82232254911136,276666.02960693475,5.608557734660134,98.49171724140362,1.2917297719830474,80.82893273848251,4.757980681948256,22.590338022980795,0.3048106059457346,0.8366247128785281,788.732512462861,34.247962406427966,0.3366675674432293,191868.45847881373,1.9747788949495446,93.66132306147524,3427.686236398487,125.95454153834805,346.8405613826644,37.89028776202295,0.21325397927721362,0.1925317733195058,16.87354903862477,37.62998733794171,3.177361049614307,19.536626286781186,0.0,0.8272857443954801,0.12396901346006084,19.15045223564505,41.591185772047744,0.6726203709776079,6.142459258338476,1.6033010066721712e-07,0.0001132097967789073,0.2055234851135288,18.23222022557608,36.77091244725685,0.32202337078810817,18.641737035293723,0.0,0.00014063033626880034,0.13129317734277074,71.75645219659627,53.11193482199769,3.0326408811939425,8.913781198183003,1.9907974977412392e-07,0.0,0.1965894132270725,31.374815411768587,54.13928387095259,5.780534057527639,9.311898628689057,0.0001202160643153852,0.0,135.4780766043572 +0.9198971412427103,0.19524708619169281,0.34456346953521516,220.71409031582442,222.68502346513174,276215.4870997162,6.213141935378902,47.96261444385385,1.8764976947159278,83.56794165689377,2.204472577965076,24.524928679141507,0.3459829301285899,0.9482007649296343,979.8718218325131,77.25981197958225,0.1971606038594745,96268.66529674454,2.588171128033799,88.71678838334032,4574.8752708476695,224.82648090802914,345.75476743098824,55.98172381741397,0.2450476920846601,0.19016578038377463,26.590662214856433,50.28015120426766,3.0314253420144524,30.935236169566284,0.0,0.7624212134648426,0.100173013882135,28.76267160643186,54.82277840392831,0.912006342295001,17.971473783063093,1.6033010066721712e-07,0.0001132097967789073,0.2004911757649759,27.26357100481441,52.24226982594648,0.35528952747514586,25.298094280390256,0.0,0.00014063033626880034,0.24561356329525444,79.24914205139565,56.905130547371066,4.594686941733003,15.373588129714065,1.9907974977412392e-07,0.0,0.15661376943365277,51.2468486366826,97.53887674160107,6.471947946050477,22.31175403575972,0.0,0.0,186.88833522160903 +0.9405802707513247,0.12101343924467464,0.3442256573073662,179.15889045989272,227.43601491801545,267065.8822910605,5.289937911989173,14.924191372186819,4.789199082622941,84.99401098397593,1.6141214352070137,17.56074682006679,0.32914626836392513,0.9473153502906436,595.798867918749,64.63056183117624,0.2942513845828836,113563.64181895266,2.2328038037658318,41.55242298468309,359.2889457518082,261.9821890127692,344.58340062528305,49.70524770268841,0.26044188456100054,0.1921196559573634,16.91959967662774,36.32061673747585,3.022148097337531,26.662978038035718,0.0,0.7875544915548278,0.12683271880578778,16.081287370353035,36.86197643809908,0.745871286260216,10.628930799019363,1.6033010066721712e-07,0.0001132097967789073,0.20476507370650607,18.2850840866182,37.20838228964937,0.32833783100917135,23.278028533987165,0.0,0.00014063033626880034,0.09480802951065094,49.177563620085394,44.70278317562534,2.943166140865531,8.661119558646464,1.9907974977412392e-07,0.0,0.1862923341613849,29.36252696723859,53.91365154680912,5.8059110318415454,12.105615483784023,0.00023968566630781842,0.0,121.52175062387435 +0.9800211043649883,0.17361665066972834,0.44162554008919536,188.16988784502502,98.06986506284672,281528.24640465033,6.544646742632268,23.407794827427853,2.122046007633139,74.83968731026786,4.9851834942723485,27.64360976068517,0.48062263106958225,0.614086718652972,223.35822726411342,48.43043189295876,0.23386249889413438,51318.55162675496,2.6236324486105023,80.60518332937694,2595.021378093412,202.68793107346275,348.89233772304175,52.1156579664069,0.28994675415886256,0.19187315173224034,13.590332680794067,33.707755952477044,3.589877740307785,25.393469099566214,0.0,0.8040180733056509,0.09753961006830278,11.551272402411467,27.952219561551868,0.6445275260911001,21.05060743472672,1.6033010066721712e-07,0.0001132097967789073,0.20003530180628762,16.62965111423205,35.17308059109779,0.3236126574052784,22.45693569979659,0.0,0.00014063033626880034,0.2831224575259704,38.9726712483805,29.989597775450857,5.432449308898459,20.331768887878496,1.9907974977412392e-07,0.0,0.18576413190480315,21.02667942898837,47.7965244705564,7.590593511893812,24.44640565902759,0.00012636558057492798,0.0,107.69816486642297 +0.8931240415573921,0.11534191045598592,0.38572295041500565,124.95222176675946,127.71255794807905,206309.4893149116,3.2757973023138884,57.80053197553859,2.9665271393863293,90.89510879097958,4.052838883205551,7.996102610478547,0.3865195905010595,0.4248904883395635,960.5538063988655,66.08673610423554,0.3012154828219992,248414.61457954985,2.833539324012591,88.32670978616281,1615.714921079355,261.0467373165996,342.48028041152025,47.70376842322585,0.2444451103748058,0.20104434538294336,19.644532047001956,35.47238193146196,2.5217615689263786,9.593951481937822,5.272364914790345e-05,1.093659177687631,0.14494572050508675,15.31098835898473,30.830716393445186,0.374336991859408,12.820283729493271,1.6033010066721712e-07,0.0001132097967789073,0.21338849322880954,23.278927682538086,40.42863678433389,0.27433182933904304,9.089680649135085,4.4348293658885875e-06,0.00014063033626880034,0.22812298586243515,62.84915775840239,41.10310595586963,4.130306506056975,13.644277772708271,1.9907974977412392e-07,0.0,0.21985177395164207,12.68750364543947,49.53925094655683,3.3048201663116337,17.29503893795541,0.00011258193964888213,0.0,118.82929820752427 +0.9332531418832303,0.18801944965053044,0.32479121019157786,13.54551389759638,155.08146865697464,331452.1688118759,4.854984251546442,59.182131540575284,3.414226976844096,71.5511971424088,1.8762242655530372,24.85836735479954,0.3076033654246921,0.8136521370214814,908.0045709819852,96.43542871546595,0.05760651402157907,134839.30965552322,2.3299781913715703,43.32926859525662,4801.505008171227,232.22040242951275,347.42335195694636,42.06389383667969,0.19495674878508187,0.1958711099380282,26.895719612524413,39.39918123666301,2.7742274748628417,30.266135018489866,0.0,1.4765731289364037,0.1282258765595145,24.122196298396773,47.13000458151608,0.3931654165420399,9.385200294138606,1.6033010066721712e-07,0.0001132097967789073,0.20487546454623418,21.7295934292239,39.1920624363484,0.23744936802478397,21.449893285500675,0.0,0.00014063033626880034,0.10924301719366411,62.098659541694516,50.34339547091685,3.7072631138461833,14.851204912784786,1.9907974977412392e-07,0.0,0.20811520667506017,36.33617629796427,66.1477212079729,3.9443069886817566,12.510252462929108,0.0,0.0,145.1011719301747 +0.8437669930655459,0.15179653661191034,0.37526710498577803,234.977448191685,40.651976203686004,283673.5860014604,3.7672957591055067,52.42152904009132,4.8503528772908435,37.816915971306045,3.809607641925556,28.673060834533985,0.3880009852011731,0.9809342344130373,310.5791376624643,24.439703980780365,0.09291116673616905,256652.83220020187,2.990424427682474,93.50727190172861,2489.435219748364,220.92544934805682,349.1088360767061,10.330372141093118,0.17013252658482508,0.19321465394744708,18.65419768471395,38.008639768317416,3.3618985404195247,4.377268884082513,0.0,1.3849904035745457,0.12877003669441783,16.324025463214515,38.61475464476337,0.1899992225140392,6.443701940361233,1.6033010066721712e-07,0.0001132097967789073,0.20372032745642787,13.490534221540333,33.04934374859926,0.2521931320327285,2.8910732368564926,0.0,0.00014063033626880034,0.10368768843181447,97.8490863662497,66.84210213190487,3.7725425734444005,9.926028542620536,1.9907974977412392e-07,0.0,0.19727710840932544,21.595536327512672,51.65892166671943,4.997306354244941,5.861505992512615,5.734701893130679e-05,0.0,149.18571673123856 +0.8155283592280341,0.15278670927639582,0.3691443687451117,15.321619076460209,72.41871832689033,320097.309983913,1.5632738871475627,71.03724042412286,2.33998483293005,90.45929131030229,4.9249001639152645,25.94312086624995,0.49409337627932715,0.9685713424174716,709.8541526497902,28.823293981890117,0.33852110967645127,83427.39090850575,1.1645094577919317,94.4167342612832,2011.5032885793876,247.30612266353026,343.68996759855435,55.05521987369757,0.33213936440562514,0.19313145872088214,10.623140940112249,30.14741143184455,2.6491165807351047,51.6372784573681,3.256275545844555e-05,1.4378875046057038,0.13162288335151093,17.811205806630575,36.56884815654031,0.5537609212084597,11.334117983062976,1.6033010066721712e-07,0.0001132097967789073,0.20627193296687069,13.914298127033307,32.29415544955848,0.2525337306187023,51.67201485974314,0.0,0.00014063033626880034,0.1251601364627805,23.564817592554736,38.00684829820926,4.006151676240167,15.74469876542029,3.0941422188668375e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.917138604060874,0.1176958383301693,0.327691873869135,27.067344756591496,155.48075262958008,123560.98853499959,5.777997810687894,31.06047676724144,4.7528947144455405,8.712502194033647,4.066142834270309,20.799812385892448,0.3871222691738152,0.9177813848970409,809.1971326848329,35.42168291659394,0.12453307484562862,69666.46586147671,0.6088453315486777,49.57051850192834,2744.438994684493,203.55600610314872,342.48867542733103,40.252226590866016,0.17446893587943368,0.19336539830212895,6.978946054515516,23.759188838011312,2.741616143869308,71.73975581295875,0.0,0.7602906880217116,0.1338955431649675,9.039076841943373,26.75962186572729,0.6465783858180219,8.236367066566464,1.6033010066721712e-07,0.0001132097967789073,0.20602258237088744,7.145558205870403,27.233960150894816,0.33149440199611424,65.17783375563049,0.0,0.00014063033626880034,0.14282716194718997,26.925511656931974,34.19998501435089,4.861139916636451,24.54119128554792,1.9907974977412392e-07,0.0,0.2042180450090353,9.015148951042207,29.800599258955746,4.374881983222767,30.719465309984752,0.00027187118685099846,0.0,126.99525154696278 +0.9823794643388183,0.2447875538546812,0.44130676175003947,218.58743692020943,236.070901972258,315486.28894288215,5.813234373174264,98.23171890901024,4.1315142959646645,98.57293799384358,3.914452777079971,27.01782241299145,0.44442536157422613,0.9295980344327566,622.3476670893592,11.178397964576309,0.34454886643771426,255630.26977427115,2.957372218278102,97.48796774739253,4803.500365850911,258.7503809638382,347.874542998609,59.45616135747912,0.3427205934152511,0.18852857531024753,23.62672524385744,51.25898017112738,3.797394111298183,11.92590643028941,0.0,0.8825405293246209,0.11314269145738776,11.88686961179391,32.65922217010892,0.7612059334698316,12.973994911221066,1.6033010066721712e-07,0.0001132097967789073,0.19330159010821252,25.097555122868595,50.99623896073795,0.3275147224318523,11.319598310849283,0.0,0.00014063033626880034,0.35288571289237436,38.1525133042118,24.217683849385516,8.99939008378477,46.9579153474657,1.9907974977412392e-07,0.0,0.15211972236940988,24.060264741611434,57.668547702576184,6.924148090319038,13.812361801337785,0.0,0.0,128.64821719302108 +0.8620245314757778,0.21114387013674218,0.40064415346324406,30.321484300225645,222.77493637577896,276505.1252688296,5.525796557339104,74.67806470363351,2.2896492271753788,60.27249351796596,1.1038442336875212,24.27435530438631,0.6179666384811354,0.9255017576777436,321.7024974556903,72.00760879285109,0.24037371383600598,292884.6910134514,2.8359339205419394,98.76923331434821,4341.925208946203,289.1494357418534,348.46561127810025,59.71878775764967,0.2089926521073986,0.19448284250204823,36.4168794249863,59.074368287189294,2.8806337545618024,16.142006270510485,1.1298654276759787e-05,0.9114508321216896,0.116618642114399,31.456643095220787,52.06646130269383,0.20686658744140396,15.826532557396277,1.6033010066721712e-07,0.0001132097967789073,0.20472583502788494,40.180243367054736,65.74621070372432,0.2502524761050158,15.252064207762437,0.00010166092245764431,0.00014063033626880034,0.1683489073849161,90.61201596369955,58.6165179668759,3.731830890699578,5.459947986624827,1.9907974977412392e-07,0.0,0.20172881757613087,48.33534767734973,88.8719601705602,4.3695691671769055,15.078049419379067,0.00012074106967468936,0.0,193.33295546127297 +0.8804090876382045,0.21137412460832722,0.3671278532851633,222.4766300387942,249.71012605853102,253626.99273873176,5.249837524622094,38.428003942301835,2.344122580749774,90.29578801503536,4.430930421826443,28.54201833790487,0.7947748597153347,0.5318344515694938,486.25097042466984,54.836384754173075,0.34025914062189,276176.60351884837,2.9419456169928955,91.07603092085233,2936.0594170755558,268.96708314518156,349.65407765963477,57.16735850057754,0.26664106883639305,0.19953184063513998,31.65374920154936,46.42705815942441,3.0992964796717515,14.953604403474145,2.6836627911262995e-05,0.8934150269118809,0.11559610022482819,25.545887061095737,44.44686945441073,0.8800593528421219,17.089508778167765,1.6033010066721712e-07,0.0001132097967789073,0.21112476695277047,34.90279402245114,51.718790042019094,0.3485361499062551,13.98206530681136,4.0730710966690703e-05,0.00014063033626880034,0.2932636607679597,74.55033349180675,43.61250452643982,4.098397233005303,24.24433505133102,1.9907974977412392e-07,0.0,0.23003067860547893,41.521474603708874,76.24113631651808,6.562548484331598,18.682955021806865,0.0005390300711876533,0.0,162.46394554781358 +0.9184113609529638,0.14589777125006834,0.44493206263403906,53.24762711129754,219.12321886570476,241984.98002376454,4.245331734784491,20.835302843886577,3.303220021370482,50.603378182386265,3.6454675470948916,21.117179478241596,0.35407531482115867,0.9754213210290898,303.65448183740887,50.702684338088694,0.17348658879559364,143759.85971210475,2.7261931490086324,43.286436609208565,3311.856899466763,260.73135272603804,349.64439845989904,53.32365844111011,0.15876423551971097,0.19383163023648517,21.34664988015485,40.644464098628895,2.847009771207581,18.128573425852405,0.0,0.6939937934460002,0.1270684439202513,24.445832357648438,49.19350160162185,0.27748415762369083,11.995024188740881,1.6033010066721712e-07,0.0001132097967789073,0.20384897923640963,24.907294724137245,46.4741877854899,0.25912940199099366,15.342038808147397,0.0,0.00014063033626880034,0.10697074317716719,63.42499942082656,59.219507935879996,4.012082630920759,12.37495315428077,1.9907974977412392e-07,0.0,0.17302053288168698,46.675200309003515,84.5457099268138,4.560534333885766,10.392714570307797,5.359710839860413e-05,0.0,160.5506831205217 +0.9034944880417969,0.1578711784452213,0.3359894958538745,52.70832476704507,222.81126757118275,201758.56435253774,5.690444203767578,53.65497013863981,4.223566911119208,15.406304920598192,3.152297923561989,28.43841287085228,0.454519924298921,0.9405814124197238,841.854616949603,86.93379561713442,0.08086765918922892,75317.97301831852,2.6897692949670198,31.744220062660688,2151.0234177717457,134.7118682529974,343.3495729100802,53.736527850083064,0.15450808019618234,0.19548768569631086,25.129958027452656,39.761283868841375,2.5625435510602053,32.605195929913926,0.0,1.7141495051310565,0.12759870353023797,22.8487517401193,44.56681798502454,0.5665788586525844,12.649804037690213,1.6033010066721712e-07,0.0001132097967789073,0.20482052582111854,22.147177052237733,44.06021892962756,0.3109452636564847,21.77893487185061,0.0,0.00014063033626880034,0.123480156218081,88.46624161753773,67.46846302003648,4.153882176315143,18.087901336607167,1.9907974977412392e-07,0.0,0.19468071384137692,44.926435169289874,85.18266442723993,4.385368932047772,12.81930796129638,0.000635918318789571,0.0,176.18395348267924 +0.9238255404859003,0.10449711456624292,0.4034782892808823,40.571810079519935,174.06037641481973,236312.02720230148,4.9271299255491785,73.04369325647028,4.238783631457627,89.74653421218879,1.8265024187639143,27.27402941506327,0.3764478039522269,0.9509962969602896,566.5780544385499,66.17571201774847,0.27423205045913324,109370.07208084653,0.5944766723620634,99.89218884157292,4816.194394323673,206.63408568480972,348.43117761237494,50.59961308253118,0.3106213776099645,0.18790726941099672,8.349446661844496,30.492757323143643,2.632842106814409,44.80635866758371,0.0,1.0161709321277352,0.12459215552048712,11.187517960549814,29.541945674023182,0.28029520242988054,6.358501605998007,1.6033010066721712e-07,0.0001132097967789073,0.20128614424560734,9.35329056313261,30.911170403864404,0.2614495799067363,45.5018519975279,0.0,0.00014063033626880034,0.08135196429485754,23.123613251806297,29.300951527435792,4.099005214392105,12.833533762348852,1.9907974977412392e-07,0.0,0.1839547332069398,15.25945170396993,40.05891136986982,4.266534415167155,19.977561789954013,0.0002374941860371862,0.0,104.86523439421998 +0.9754171502819593,0.24007303513516043,0.36552436170955566,161.34157297660883,125.26238431930744,181812.43572745007,5.0407701257058495,61.039616331497655,4.412175053496466,81.96418771239463,1.6102489081845024,11.409955172394936,0.7178230817393048,0.8638861676486561,844.6580009701265,90.16818138647119,0.30723770907021325,280449.25984680676,2.560814530186963,77.0007881769925,1602.2833957802109,288.5117978612175,346.4492969427534,35.34690199181474,0.19182135328480035,0.1818997786171861,14.170312741764995,44.201189388546496,2.224147556086355,9.629581788593613,0.0,0.9598171640733151,0.1390543292310366,20.666230701695003,42.01382293901165,0.8259709013830047,9.886158996299606,1.6033010066721712e-07,0.0001132097967789073,0.21054013044173023,24.328168597383,44.86372001266023,0.35323893471564344,9.41509052376403,5.6110390100474435e-05,0.00014063033626880034,0.09451763029473981,80.45612504749981,58.225964903188355,3.595890704782829,4.9020385100251325,1.9907974977412392e-07,0.0,0.21461315701583708,12.566174065379089,56.84663441916111,3.7661257564080146,9.531696891246193,0.0002268472962999124,0.0,143.63928154902626 +0.9383173914097755,0.22722280724199787,0.435726456463777,140.48441152318526,33.62604643060183,273737.34445759613,4.401530884151321,46.019615748757246,0.38571870190723023,63.23622399295391,0.6769892267163025,27.632024580754656,0.35565704745957355,0.9336283992505345,619.2665195947318,97.12891569937688,0.07153499975758375,72731.80667748947,1.5034299611317488,22.554906309769976,4233.969958408944,67.6406421272351,349.6040927492532,43.577369552333295,0.2555808458492768,0.1963121459379917,12.646137100294409,27.600099672526557,2.7997184515297966,47.25057976813743,0.0,2.3056263059644806,0.13076507643513,11.183094534822574,29.386386718044232,0.19219886616550144,7.827169669339173,1.6033010066721712e-07,0.0001132097967789073,0.20407100322404603,8.017928585093822,30.31465251174081,0.2580210010189291,33.61871138873773,0.0,0.00014063033626880034,0.1139576553025869,28.10499620925767,33.413602347104295,3.8673341606342837,19.193896768446347,1.9907974977412392e-07,0.0,0.19769689036813828,15.572163081433057,39.444099032999056,4.3523002756940805,15.977065571028932,5.9864147212833e-05,0.0,103.4086249614374 +0.9248028457393632,0.21277384061254792,0.38725234787499113,135.85666891169922,239.46378151273566,341642.8749190865,5.886170324725931,69.19290922873815,4.227874884005041,96.47103883369128,1.6368611169678438,23.028745601304973,0.42508357109636974,0.9239394975790978,843.2247914415959,92.6572679506521,0.2950270445907946,241607.42851878557,2.763258372439865,98.95935837982843,2930.90262464684,255.06309383866798,332.4327923830581,49.81108787200156,0.18245280752143353,0.1918434089364098,20.510490770649486,43.5882518894763,3.0962133979095103,9.026933994973865,0.0,0.678060927253504,0.12998453372892324,18.55314076247732,37.763213328449396,0.5606754451367273,10.552676773291507,1.6033010066721712e-07,0.0001132097967789073,0.20155648926519307,23.828866726531277,48.435429108428806,0.2965874257248056,8.042584857925672,0.0,0.00014063033626880034,0.18963536724214405,100.45876813573064,68.71460289204144,3.2639862196636167,6.782629290478385,1.9907974977412392e-07,0.0,0.20369871876454249,27.05817485716645,58.602784762569165,5.5229334832688055,8.06220870627891,0.0,0.0,162.49646351334974 +0.9512801417878317,0.1728061880380194,0.39761471518738356,141.56199682726344,231.82484217354653,305412.6275579038,4.880944109040196,85.93852440168659,4.984490682253472,38.028949264722314,0.6619161149491093,27.285228607648424,0.7460146886663741,0.9497304291579259,752.321897182693,60.17178885219421,0.25145221991445754,174448.76999922944,2.9314367871387343,64.37527569647784,3776.535941487307,173.74300018266388,344.02002331093115,51.71135031743686,0.16886739165659734,0.19021871606851587,23.105564309532607,46.15482623677793,3.002522669945851,13.971973669859981,0.0,0.6741577841364311,0.12280491091180988,24.45524994265967,50.648742757970545,0.5173040876133418,10.479888799451912,7.739651065505466e-05,0.0001132097967789073,0.20362516581259463,26.308979712010704,51.43061314282718,0.289104744123864,11.003062703394262,3.06670826627602e-05,0.00014063033626880034,0.10467377018168886,79.41834816009094,62.08633366570561,2.8927906514137076,8.426097329112336,1.9907974977412392e-07,0.0,0.18814464981295898,18.54106436594458,73.35890516264756,4.345553119461779,9.453765796802434,6.933959481594557e-05,0.0,160.23652213854814 +0.9001158671936405,0.14155294296639895,0.34276246440747904,55.10236137522023,60.378119240355545,267787.41808214725,4.075466477630477,57.8619204564162,3.4006590966218466,82.2168100919269,4.773580368107573,24.18315118462956,0.620460513761232,0.9249079943287359,268.9983630780233,66.22532387691699,0.11783860187056443,67173.10134270493,1.4060084719900265,19.262043192679357,1270.6125693574472,125.35949392966128,347.8990164434008,30.372310147843308,0.2863911694255051,0.1932081967406675,8.971918030941445,28.500288473288293,2.9076736945918227,46.694855774554604,8.269065561998484e-05,0.7607060985273754,0.13067975736337814,10.005644816089344,26.834560947492662,0.20501540706211865,7.262925429025,1.6033010066721712e-07,0.0001132097967789073,0.20511939419608138,7.684568001588284,27.319780634002974,0.24736257423913674,39.52895499671655,0.0,0.00014063033626880034,0.13738112467797484,26.93026171055306,35.07753620295482,3.817546620118787,20.842729444895316,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.952193347941889,0.16824031297882253,0.34870820266182423,238.7572163597298,235.6317265353537,286702.5009667117,4.359869529611982,90.57617561791324,3.181915568973242,93.44069647870938,4.9215640422291616,16.156290384080133,0.7820484489618984,0.8725272515466453,648.1005623535987,10.77922414468992,0.28824163687507354,149481.36011820938,2.3064913419616815,98.93160520961362,4401.213357612107,252.69019582767336,348.3111811165902,56.96101511498148,0.18476280630741004,0.19514586366342235,24.09799919566732,45.23044737287345,3.541761908917251,27.457306606784897,0.0,0.8308063500648071,0.12492645357691749,28.209511019703655,51.506678527528415,0.6402150948560139,15.182738837787907,1.6033010066721712e-07,0.0001132097967789073,0.20700204826399998,27.27750990276094,50.78649701074989,0.30529108019868273,24.535313744830137,5.6110390100474435e-05,0.00014063033626880034,0.11132033396269415,78.38010046325165,62.680911190633445,3.122594465607059,8.943593716521782,1.9907974977412392e-07,0.0,0.19382804080532953,17.034863861061403,69.73032585213728,5.43408614026406,15.526345808322189,4.0010889992236475e-05,0.0,163.04604822648977 +0.9756378492665795,0.23436171610097367,0.3479943704814793,25.366549216002525,47.89274560071175,284372.23176928377,4.287539782378402,16.888491497392316,4.216129472834953,74.00480526391239,3.7123432053423744,26.079966157521135,0.48466573629532034,0.7499712260153126,927.577955164315,49.22867424337789,0.2242503010408886,80923.2115042887,2.4437091740271697,84.10940337141716,2463.6573550340354,259.3593682506206,346.08470690431744,57.0227842083314,0.23276767685548191,0.19132929502612567,20.104928250712952,40.6951050786469,2.6103958230673237,30.685636990127158,0.0,1.003038806087966,0.10200426100713594,22.76982981564937,43.82663520493175,0.3055722046839187,17.746142871647486,1.6033010066721712e-07,0.0001132097967789073,0.20208301646926635,23.947957779769492,44.95943802712322,0.23838968990170709,27.841104289479926,0.0,0.00014063033626880034,0.10451022377111362,57.197019784291776,52.37030178321709,3.9456939437089686,12.724106050666185,1.9907974977412392e-07,0.0,0.182782662311453,38.54413729151878,77.28994924634267,4.103830217434368,30.01310433308537,1.2625825403559715e-05,0.0,153.95711021473542 +0.9060585782112772,0.14758119459041713,0.37661938112244653,185.57121985851475,148.39723310799917,183092.55056783117,6.221295878463966,72.43156077371549,1.713507165858896,53.790975159948225,3.1345138781447384,25.666903923841485,0.6519884764197235,0.9271103114873508,252.47445468742774,90.1494838293424,0.2835825958445527,65058.83834768941,2.070609235997316,97.27088545535518,1893.045130647322,184.12876847899537,347.3626507126064,58.77558954798209,0.2790646564581297,0.19000195415075807,15.39457701885192,36.60189432809028,3.0110977824588794,38.63648849080966,0.0,0.81265734162598,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20030937134571786,17.910680614515048,39.59097955106307,0.3928584981972919,34.156842063946215,3.5983196307974546e-05,0.00014063033626880034,0.2154578755923684,52.11701919531767,47.2900362044429,3.854108818528883,12.616855099635568,1.9907974977412392e-07,0.0,0.1569579831440745,16.23338925688197,70.50561342925337,5.969467492144963,21.7793470952995,0.0002213750127772231,0.0,2698666337285.8823 +0.9153236850369296,0.20758493614590198,0.3779665724849809,122.98941714364716,230.371825989675,341731.6437956933,3.130456462074289,59.485082578392024,3.820933032262631,32.59768704801442,4.870895102414435,12.050892337839766,0.44987698251625186,0.9425354888016585,837.4655763270747,28.013547748751126,0.20001834140817626,111162.04208701954,2.894353486715579,43.86331796370915,304.2005804625759,273.70087813291354,340.94637072015036,58.063204981979425,0.1512319230958463,0.1962041024055287,23.134066511970747,45.81443793435907,2.9750539933088493,19.045359276022598,0.0,0.6825108441826117,0.13571322856091034,27.293532955449212,50.344738131867594,0.21675254471202604,11.981487529723157,1.6033010066721712e-07,0.0001132097967789073,0.20890660801449248,26.690980878051782,51.16592570078144,0.24303134663705223,15.013472074097873,0.0,0.00014063033626880034,0.12801919913897755,84.13583033466273,67.56869372062103,3.4726331472380543,14.054634680917422,1.9907974977412392e-07,0.0,0.21869392450683525,35.899639302749506,70.90551983178636,4.728653277766283,12.081877697624053,0.0002412577197281784,0.0,168.29729195768704 +0.944039820309984,0.22956040483232285,0.365512177820267,141.03472612287487,244.8726143786077,290548.3205976989,4.171066491505657,58.80804344557352,4.464446248720255,49.440703366635056,3.708461321862356,17.655948127917092,0.4337213891836671,0.8057475837718031,691.3859877429131,7.5610012747944575,0.13709127145118039,136146.61256917592,2.7556694415540894,96.00358919442898,4919.8454228966475,269.3491145092449,346.3531296116868,58.056233556046,0.24359443768212222,0.1948997124704012,29.056912448559892,49.390391640702916,3.4980309041376776,24.465429485739598,0.0,0.7877702655971843,0.08995887502450692,26.336810019853523,50.07675944808284,0.454431087526486,21.050070098215144,1.6033010066721712e-07,0.0001132097967789073,0.20133793833589378,30.04162119913869,53.00457380820635,0.27762850962638586,20.940707879519646,0.0,0.00014063033626880034,0.1926172231253903,73.46539112991765,54.97403119587342,3.4948900880730585,9.322577388858578,1.9907974977412392e-07,0.0,0.1784471746717714,41.20803672240892,79.93978578478523,6.307422428539849,24.68424185230747,9.648356622613726e-05,0.0,170.13664978911643 +0.9558323166715146,0.12073635500775905,0.42230749278897184,240.07565396249902,207.50894413723617,130685.21849745937,6.4626121935098855,69.571496683822,2.372384399749324,66.12087064550319,3.476715369553813,25.692861019006695,0.6404474333569603,0.8681302937333176,47.016529189797154,39.52428750226002,0.22835073696415897,279476.56962318224,2.8962289328494775,74.2797959208614,1214.1579797195147,256.16228133386653,342.7394224401199,57.59228842974439,0.30821512353024033,0.19218416877321706,23.39901544851075,45.20987473485138,3.5306530759842563,10.146409679462295,1.2997486913186973e-05,0.8641382297473487,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20342032004299193,24.55331767505369,45.713245181017584,0.484364041101202,9.14750089355694,0.0,0.00014063033626880034,0.35356435995027646,45.4056123174873,27.352755069993414,8.063249117865785,36.11296143719903,1.9907974977412392e-07,0.0,0.1563200471161562,26.48898363839331,62.001372169927706,10.003206758114509,13.01305697440547,7.528118327134659e-06,0.0,2698666337285.8823 +0.9607444291474001,0.2286841458450568,0.35246126430591523,83.26551472747316,76.34233016241474,338335.05958217,4.977191018578234,97.76193372168579,2.118454215989068,91.19292374557044,4.922082411324209,26.10103877374763,0.5324494909777076,0.9372425373048046,819.4317700297278,55.71275482161934,0.3359061333959173,89471.77918529068,2.4416629069358664,46.34536286078367,1672.2316493744304,177.12193156206467,332.1408705123186,55.79701826141881,0.22087039273976283,0.1920753503475567,14.03666928252877,34.63482849990272,3.0244204218016146,22.40291031254409,2.5754129503319812e-05,0.9579398866465001,0.12883042495998712,14.941562074240553,33.880746751865225,0.20857857358652698,9.641437642209368,1.6033010066721712e-07,0.0001132097967789073,0.20328476174612387,16.904150092950793,37.757536944033546,0.25195960678593293,17.916239191473995,6.893328230300084e-05,0.00014063033626880034,0.1173459594324405,49.1987771786469,47.53153361899714,3.6816545498050823,14.430519447448045,1.9907974977412392e-07,0.0,0.20336464365152693,25.326840612540668,55.00157259045158,4.569839378806084,10.05474190458251,0.00041072119811988347,0.0,118.72430911585435 +0.8838192858148233,0.23665389728124742,0.35987514862074116,157.16960787084034,125.86469578074322,276624.08900331263,6.533334873852425,37.832463257511286,3.6651711551395487,44.87893894918024,4.37741846814907,22.43348163552856,0.786449467546356,0.99045725493555,661.4091329453945,78.56616269631078,0.21022481369665785,281590.8210408238,2.8767313280328497,94.59189175231327,3552.098279670547,261.6145794297675,348.7452856959568,32.61686894295114,0.18420419838879468,0.18352604459866328,24.019760059786062,53.71373809282452,2.8415857144068286,11.64819381621227,9.583987473158927e-05,0.6996801705743737,0.12686026753522883,33.932635831125,59.26524819875538,0.6905578267528275,12.116019096378693,1.6033010066721712e-07,0.0001132097967789073,0.20558934400739323,33.66067747874348,60.15414934084221,0.3283330977472491,10.10516712873439,6.005643404066732e-05,0.00014063033626880034,0.0964315878039199,108.30828555668558,76.09986642009981,2.9724425627596633,5.947007574922413,1.9907974977412392e-07,0.0,0.19286026471704726,21.360105406394343,87.60079856494325,4.945825158138166,10.85024042440223,9.232463272516457e-05,0.0,197.76190374737257 +0.9383173914097755,0.20740357537418855,0.3724379369189263,116.24747181993227,246.08997722127486,343136.1800617353,6.979559649288,38.27654763264832,3.090601536219085,99.99101912289208,3.181927215371764,19.956999446861616,0.3993082037923678,0.9594737087450907,885.6956957868828,52.151414027260614,0.07160466655088557,79590.64524392449,1.4331155761431023,56.014433133187175,4358.4721859446845,69.90039894051284,349.58758341480745,38.143636754803794,0.25856919578618864,0.1986685061186713,17.96295509745461,30.14904708371484,3.302580546971561,56.116208409996204,0.0,3.421903564142772,0.13540753530659957,12.084971123703161,32.070691032247595,0.6296089858091386,8.079537751607027,1.6033010066721712e-07,0.0001132097967789073,0.20613156409872233,9.410297212521511,28.32519547374431,0.31069742752779966,37.52502781026139,0.0,0.00014063033626880034,0.1019830293079386,43.23550209674659,46.20787581386646,3.605339755676483,11.611876690772545,1.9907974977412392e-07,0.0,0.21202348433709237,18.268112660526803,42.23224180726847,6.0223979347013294,14.79695081894364,1.4780620550536001e-05,0.0,120.28131725874749 +0.9581877903077645,0.10804949128569293,0.42378244577995394,170.1327553825809,193.43069795089104,274853.49889753497,4.294997843076626,69.71073181276812,3.0112754310519376,93.50499221426867,1.4478816507258103,24.77385447330428,0.3879932255795203,0.9029258323235282,5.883184137961117,1.7017809659535281,0.30793229127234883,217978.64759842088,2.618482318022392,8.84363668037313,2178.0458615266675,144.02411520700446,252.27602389845865,58.92409273480999,0.18218609632996333,0.18789651664293514,4.104804048983298,26.01604930515551,6.9298461976432755,3.627146091780647,0.0,1.2984007237580004,0.1292490716568542,2.187702769644885,13.738685535503903,0.5190172288188015,3.5611275676784304,1.6033010066721712e-07,0.0001132097967789073,0.20100445821938376,1.793721638357849,24.69926648162324,0.2902942705818783,2.0591933441199237,0.0,0.00014063033626880034,0.35535080633760996,18.455952642273683,17.649349609668242,5.997744216215844,41.68534461161307,1.9907974977412392e-07,0.0,0.19122202356462,6.907446717012713,26.00252253504412,9.796870314813734,5.050488547154854,0.00017113165786123701,0.0,69.6561648114449 +0.8408735150591368,0.13742242581853265,0.3371891017414956,120.73747601554611,30.920970406374266,183450.09480967303,2.7983057544563175,12.9547111053925,0.4098335297305171,20.614217169546336,0.7114766500523568,8.823077824309241,0.47020525455951684,0.7209571655627972,428.7051217948827,31.626703613410577,0.05375128545332568,88712.11979453602,2.5151865827738344,85.95734303267913,537.7220589975941,218.45487690974062,349.5815966324406,53.8577334474834,0.1836981327587975,0.20070062634160996,30.056690503190012,44.811133913904456,2.657642705194388,38.02283321478421,7.251513170184727e-05,1.954341120707293,0.13293666844719645,30.51694557137756,56.69266473496582,0.18946053602864849,19.25804562674149,1.6033010066721712e-07,0.0001132097967789073,0.2112033572996571,26.50934682971878,45.99617344349619,0.25364780113471336,27.271729128271346,1.280062746556781e-06,0.00014063033626880034,0.11808500728893948,90.93951701776531,71.23490728735167,4.52558820380796,14.393809719888567,1.9907974977412392e-07,0.0,0.2303454871897507,38.70972350410981,74.6846710232785,4.468056056772945,24.679591433060175,9.753126181457108e-05,0.0,183.6410757745086 +0.9461183661591811,0.2543945669579342,0.3908409833876061,198.62386077396332,179.32637598603625,260241.02505558665,6.160744359001256,91.9793514955737,1.4623024609678374,99.2723141713845,2.1759317859587934,29.308741912089594,0.7442616636347115,0.9624575324200998,813.3382889797258,14.512276839566859,0.33931815475862653,123907.67952421698,2.824019329719625,73.04264028032388,3393.839676808102,294.53037150275134,343.89183481983054,55.205279605544035,0.19767192094802355,0.18955098946797175,24.991808429616544,52.187311785154805,3.5633693841713523,19.920335505771302,0.0001921214991675186,0.8570030213350952,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.1969884565477705,29.011105725394025,56.07246933785094,0.3498312289850264,17.307459146736186,2.0378224264996822e-05,0.00014063033626880034,0.1234438789895481,79.90672142150878,63.630365233661365,3.651306943937467,10.118269834984881,1.9907974977412392e-07,0.0,0.15353214545441352,57.70949940860193,111.08861021903256,6.532827846574429,22.839218662031787,1.7772755113873385e-05,0.0,2698666337285.8823 +0.9204031654526817,0.19216877946212857,0.4104628767398508,207.9437386780598,210.93993217537545,214030.99875841284,6.93996428197134,11.939232756945565,0.9758365344009206,81.54326704294459,1.2614352117354408,16.744971646765173,0.39346037258824346,0.7871435271958186,541.2769311314416,4.000502222155738,0.30334806015010646,257134.43244177767,2.838557417617502,58.556057189574666,934.8200579801464,288.35076850625643,231.50375978781958,50.43109006870803,0.18340865474621476,0.19687548671133923,3.643281362073793,23.260109084737696,4.953369477957836,5.8503599677466624,0.0,0.8536225139936477,0.13940294225917285,1.671387442548257,14.7405249703942,1.1982929697226998,10.224202522602623,1.6033010066721712e-07,0.0001132097967789073,0.2100636139062059,2.48472841419175,23.425693278310536,0.4070851142720331,4.300112744814948,0.0,0.00014063033626880034,0.3447475328704177,11.798119710026512,15.371494868562381,14.625749076578249,55.34407749475257,1.9907974977412392e-07,0.0,0.19918401293075813,5.642441240027815,30.67749354428716,8.493277778005067,24.14934369482442,2.3943750878445238e-05,0.0,82.42772003453175 +0.9831848229980784,0.2132468810813874,0.4022441497285105,38.79831828318699,234.77814826772368,307831.75773851405,6.423542349589419,81.76839383589494,1.0718431721277901,63.065610820747345,0.31404278290921095,26.571478538996594,0.34803497205481576,0.8112593274201378,449.70039215972827,20.508776633015145,0.3107480600434173,160980.77947881556,2.0006005882355464,80.9457101333185,4453.260017367859,286.85959044553044,345.106724447719,58.71851190470385,0.17534973734809126,0.19302240804400528,17.67365316056543,35.005618496386916,3.287460013667925,23.621738077168413,0.0,0.9754195579455811,0.1239881260674016,21.347330188620493,41.95905319620519,0.27791538493404955,11.572943331577996,1.6033010066721712e-07,0.0001132097967789073,0.2049093665993465,19.297530487151434,36.070288668019884,0.25982216697752925,21.886504179078482,0.0,0.00014063033626880034,0.09647440113706333,58.40434668362425,49.394457625377335,3.8170592468268913,11.710845058494646,1.9907974977412392e-07,0.0,0.19210637283330392,43.43280396081969,79.33386594423517,5.060189898109949,13.44483960495828,0.0,0.0,144.91273019889425 +0.9384247031381598,0.20346501770667985,0.3702200826932058,116.24747181993227,246.65514092153194,342501.45037405594,4.831138944113974,40.00070092082794,1.9780153221305294,82.3045955814072,0.6842142191803342,20.553705596053916,0.3993082037923678,0.8770600884638436,898.4131359635481,51.91853414990623,0.07160466655088557,90344.74842933973,1.4334091754645308,52.78935360233535,4243.075532377297,290.0239572931124,349.6040927492532,54.1695700422928,0.26021687718957315,0.19845004333077712,21.33297436127767,33.22551506819616,3.0703364213229354,58.04350097929946,0.0,2.5935858708391795,0.1351153918769171,16.431661016487414,38.34710876146017,0.3869782907809586,10.607365660781841,1.6033010066721712e-07,0.0001132097967789073,0.20570747832015038,14.412399767689317,30.614790713706707,0.26775674255668436,43.15088826642873,0.0,0.00014063033626880034,0.11423552267802511,43.906065075745516,45.86939996998133,3.108161273897824,11.544074209137017,1.9907974977412392e-07,0.0,0.21576296972502534,23.95005324911301,48.96970389377255,5.033093933176646,19.853775418792342,0.0,0.0,131.79690318223876 +0.8809483789558852,0.12354422892840233,0.3682359175380404,241.16655393547114,210.48836588484392,136910.22733903604,6.848604807901707,87.20315485472379,2.29630335539967,22.991417267200482,3.2969498698724955,21.24781574456958,0.36242751455768496,0.9582139837785002,931.6503291478612,45.131365794601614,0.05609265120388321,117347.85944654548,0.9430549379182769,67.37278822203491,4463.530899996014,149.3112655366113,248.67799823977947,52.37483923852714,0.17173653342788864,0.19942799633190325,12.068592930578479,26.32259060037229,2.972246069213017,32.65464547494206,0.0,4.684075893884395,0.13356184702279544,1.3198761799203191,15.440878438752469,1.643541076300985,3.259187582637767,1.6033010066721712e-07,0.0001132097967789073,0.20370294421270038,2.125333028251412,22.19701010576161,0.48737667983798244,17.471436647140287,0.0,0.00014063033626880034,0.3544078154838692,21.50040545379885,18.966151442974567,9.2670996786516,45.9879003022554,1.9907974977412392e-07,0.0,0.19456935361197344,2.0701535827115745,27.995283550919716,7.276644711597216,15.741694054139312,0.0,0.0,84.28293184198033 +0.8427360282652563,0.1497901944857349,0.323546480629643,27.120598740288926,184.64914187127673,183157.88929391958,6.085060109804871,85.79766723046416,1.3569676739994891,10.104367570825877,4.999325806008406,26.411975428025848,0.44643316655899457,0.9976614419988621,793.5282883325784,78.32208955038391,0.323366125823777,179292.54972642232,2.5406906137811567,9.214968733119282,4142.12756676311,93.85727974563162,348.6465895797733,57.13032357049208,0.2131014194678462,0.1892387550896951,29.916789883829455,52.34535562689764,2.4990963875848586,28.178744683647377,7.103152080959562e-05,1.1742271195483571,0.12953164384498134,30.11907032981477,55.09244501765552,0.419181172692289,6.2416271293042636,1.6033010066721712e-07,0.0001132097967789073,0.20507320251176353,33.34719697172163,55.96655786938363,0.28744999463280774,26.163562532685642,0.0,0.00014063033626880034,0.14293409814016075,70.40011618571049,57.5357662906618,4.44682901336584,21.806614665007608,1.9907974977412392e-07,0.0,0.21163332640292987,43.13612145166427,75.2219835377291,4.144739048887747,14.656262804736267,0.00020378955315321207,0.0,172.80090234422235 +0.88364342160536,0.22690653183598858,0.4164335425593515,203.78934561253138,125.34327545402834,303585.94060996396,3.3163422566822125,58.65427624635386,2.6293507800574893,92.72442448066894,3.7037367327667186,29.858058926047875,0.6574424971506332,0.7997684345896727,814.5723113216046,97.96926602121201,0.15266589801929187,99613.92381047219,2.889153960801509,79.43667256283086,1598.1299603911227,255.9476312141703,346.72325190519194,59.68631256653978,0.21522534145112004,0.192505214336059,26.89981162461324,44.57287760064347,2.774888846669346,23.914739628277484,0.00012675167055419668,0.6790328262661335,0.08067710914048956,29.646082270984582,53.18202925201049,0.2515803762515508,19.76547129043089,1.6033010066721712e-07,0.0001132097967789073,0.19982038671292476,29.07477638580258,50.84394262911649,0.2520396889774932,20.360154115261423,0.0,0.00014063033626880034,0.13138456918656746,73.80256059866127,56.776447812092584,3.394605003435971,7.957011674093813,1.9907974977412392e-07,0.0,0.19972241445340252,44.891455953324396,82.96078825995004,4.539365050744274,28.335493317432533,0.00021357095280854832,0.0,172.3369474993034 +0.8637621700227001,0.17030988226180024,0.44132267095054584,133.67555295939852,225.89590209606595,304911.9651736982,4.164747112680307,78.41203166205814,4.2219834228912445,84.99752744419582,3.6935831656124285,23.530137868317585,0.5342971670062803,0.9385805726888847,734.4562036937623,99.98335732628183,0.13463246729166345,265735.2209670909,2.966872825899466,86.09220211043392,4843.834728314054,282.9402978640672,348.2007096514346,57.37572277650858,0.18189348211779627,0.19538300450226395,35.87724792788134,54.41652051354832,2.8533132283323557,15.369388587578097,4.3725036746846904e-05,0.8392658000333856,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20328473773764094,36.842205339560955,61.935463600078116,0.2688841340091037,13.005553158114964,8.548058184914355e-05,0.00014063033626880034,0.22158771450394915,92.70274499630531,59.90075916549911,2.9351297004669967,7.360043362105142,1.9907974977412392e-07,0.0,0.18606418298306746,52.46934770723597,93.42139757964159,4.749979558632238,14.941043931805712,0.0,0.0,2698666337285.8823 +0.9407310396301689,0.18720338512843934,0.41273224829361227,230.62294326031287,220.48972043559758,302296.58846581547,6.986775382846851,76.36123026409292,3.6645342933561458,67.50471629082712,3.071803065570302,25.807649249991798,0.5833873647149355,0.9815318432362825,923.1684701492181,92.01881265582504,0.31986617016129415,273862.7514414365,2.831283147568801,77.13921233451526,2630.6862615202795,272.76442300006465,343.7687752778193,59.55899418264945,0.3376939519600848,0.1903335049975646,25.93970645356164,49.648631195006836,3.14186491798325,12.071951034861177,0.0,0.6951472332125677,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20209952678519,26.826713338967668,51.73951817260498,0.36030952199014493,10.839097318280245,0.0,0.00014063033626880034,0.3551802962917692,43.273327333624266,26.403326770972768,8.636433834786663,44.84882646504161,1.9907974977412392e-07,0.0,0.1490096150576146,27.776075895497623,63.06920250495427,7.220603697868982,12.482393260727795,0.0001261411922970202,0.0,2698666337285.8823 +0.8476826396564314,0.10991881541829909,0.40111969701652195,220.92510823753494,77.75170313888493,323455.0498705249,1.6597661382793414,10.47032935751455,1.2242093299519636,36.695113956301626,3.249802530709245,17.65777499077805,0.30995894588490147,0.8273184667194597,246.79169855095984,5.0003317672195635,0.2979034191624103,267512.1275119047,1.0309093090406711,76.13808714690579,921.4836715910214,75.1363350442633,332.01449559860663,20.998784005227257,0.18763569119749293,0.1945602871288955,1.3395345808187449,23.751333476409375,3.7762817095780252,6.6054953547707935,0.0,1.232842391048604,0.13496328668401505,2.464038416699643,16.65994921782558,0.3959910361569019,3.078520088059214,1.6033010066721712e-07,0.0001132097967789073,0.20835040584913256,2.519538055357606,23.438767942417236,0.234471227908397,7.415835548468722,0.0,0.00014063033626880034,0.11697347926412874,41.72923571793598,29.423971069966285,3.788735780760362,8.32064471400037,1.9907974977412392e-07,0.0,0.20709109539044562,1.7484743551119992,20.562842005291344,4.896858963204473,2.9194860951276342,0.0,0.0,68.40028587150616 +0.9654905805159545,0.20734302427506124,0.4227035488280819,179.93169922833636,159.59516481696335,299376.27580224106,6.236539223874392,22.508888278531387,3.820191603954199,85.89139822810999,4.562977212370949,28.471786357078972,0.3954278067102209,0.8820409704118184,839.3915955416203,78.24513339276197,0.3156011515205958,150044.16248031362,1.0761211308022272,47.29844829936242,2724.736426148153,152.47377209297275,349.2294054062402,57.71898730364165,0.18614713844000202,0.19207753077255055,14.416528209237715,33.567233794400764,3.066920395647006,35.81266212414163,0.0,0.7424957578978711,0.12881656711217002,18.33964960013696,37.79533125097874,0.6924284050795424,6.233126572590575,1.6033010066721712e-07,0.0001132097967789073,0.20401129500903664,14.342904077006994,32.59476905415265,0.32340145364231476,33.94224988338736,0.0,0.00014063033626880034,0.10826280658547707,51.37653034619583,47.19888235185699,3.1177530970485856,13.995077869235576,1.9907974977412392e-07,0.0,0.1941517956750004,28.081028876304536,55.47275219968033,5.842666375682942,14.875806637693609,1.5567476734375503e-05,0.0,126.67196110091476 +0.8587174009543581,0.15193612421863292,0.39077057618144173,173.37039149059632,131.27089051246116,102221.47197740407,6.832194324624864,96.44037844925231,3.2384912395022942,83.66835645418507,3.4004450307917846,26.013806887579896,0.4247065803508266,0.831744538177917,680.0611495609613,53.342275916887814,0.2940972910753476,96887.76404672497,2.78657523796887,84.81287513340158,4717.112735398261,246.92162534962688,326.2084380124775,35.852943283956975,0.3144776311065774,0.1882692335092258,10.625473837366213,33.69575718604744,3.316923147405264,9.321926471154487,0.0,0.8007643801065909,0.1053022679867465,10.796271501885293,25.339331881039637,1.6393655493654484,14.411011307539232,1.6033010066721712e-07,0.0001132097967789073,0.1958863447346068,13.20502913479199,34.71827043434251,0.48250753469067825,8.748821550376134,0.0,0.00014063033626880034,0.28440139071304893,50.167284417061644,35.41188059833257,5.840189687895978,20.54300712794625,1.9907974977412392e-07,0.0,0.20081509341509673,13.490963835824676,39.828695049698496,5.8521228805088645,9.145659483554883,0.0,0.0,99.42668810191202 +0.8993529210113163,0.14250667160944147,0.44444389141543894,157.43796442823407,178.90013224588182,115535.82947710005,6.654269206294874,39.23692348563965,0.7584558806594268,66.99091501872893,1.656942714813947,11.342333604756778,0.6600908273135829,0.9245376730442676,795.6339504368314,58.00724969917494,0.2869089215242011,59746.0767406353,1.7900288359156191,82.73144228138023,2938.5903527275295,254.6544092997484,225.94364436613364,41.14647461754357,0.15380612323243026,0.18867979581645566,5.043654539652405,25.997466096852616,3.1539279808690535,10.069496344643106,8.124190367510366e-05,0.7815541308517642,0.1380389070616663,2.5300815622349657,12.896555984252952,1.575039876000282,10.749730278563042,1.6033010066721712e-07,0.0001132097967789073,0.20929783049703082,3.983046793871784,25.270997601015132,0.47452729596791593,5.140266110435913,0.0,0.00014063033626880034,0.3531837620905186,1.7377916723423725,14.34827434884348,15.062224218503038,54.8938182012638,1.9907974977412392e-07,0.0,0.11164943603361964,2.6236389661384085,35.16405948280107,6.036612495719648,42.36098262005879,0.0,0.0,91.15247385597124 +0.8982974499780308,0.22120343825626004,0.4073977960032516,145.94299612467861,183.87735853898235,275501.95439927635,6.359308538416907,65.68464111031993,1.6842679871619133,88.99918970365867,3.1471741756704565,24.7601342316151,0.3616562268722742,0.7340243570517058,821.6638119685502,66.27515731560015,0.182418346235982,67190.25647401142,2.2721480700967223,90.24135648480147,4132.830604637752,48.05426918190744,345.27830092398926,56.981554814101685,0.16197656046641104,0.19885187509070187,14.83514185554327,29.40464933764797,3.035213415304749,31.666544637762676,6.545836169928999e-06,0.7914694351248087,0.13612127549180503,21.401412659407637,44.02265880359693,0.7481410315077291,12.132420814562085,1.6033010066721712e-07,0.0001132097967789073,0.2101855259292232,16.000635695646128,31.310837048864514,0.33354281112914275,25.149605020387433,0.0,0.00014063033626880034,0.1074052024226774,75.66850356881909,61.92882342913061,2.988702214018234,15.36944260951648,1.9907974977412392e-07,0.0,0.22277964600213945,33.38180377166664,60.013728836900135,5.751553541631025,12.676528553252682,0.0001695084942467387,0.0,145.69173352502466 +0.9526057807914681,0.21122750510459024,0.3646480684195743,116.24747181993227,33.23939841986737,281922.43233571056,4.108032959257117,38.957253562901066,1.996265338626268,37.54149408179158,2.837958701443944,20.138561835652645,0.4168448485073815,0.9372726605967626,931.2405977565721,61.808015433256806,0.13293626635492117,119151.2476008138,1.4346250331316308,49.824280240833325,4463.120112947956,84.27276208581004,323.6314688012793,55.899954712699135,0.2693990473902587,0.19480130189726186,12.019329864089643,27.577511181360496,2.768911027394039,31.330073108269872,0.0,0.7893826434664505,0.13302886684721807,7.26541316599042,24.730279120759413,0.197285681716183,4.482532448038352,1.6033010066721712e-07,0.0001132097967789073,0.20686511893508017,9.780742378769546,28.28135220893123,0.2508021574261131,26.290240168223512,0.0,0.00014063033626880034,0.1194040697973568,28.79437070518221,32.56635061833051,3.8644545206046805,13.516769174743208,1.9907974977412392e-07,0.0,0.20931176723941808,9.1577818572685,30.38987964467463,4.303204974301935,9.951467116324066,3.1374083258997646e-05,0.0,85.89834014229722 +0.9708625481696318,0.18000715227358718,0.3272435912852707,245.85792588139222,106.83245898406962,305557.2334993829,4.252593311444391,97.73902190634777,4.37794703930175,95.8502416971991,4.503073947899306,26.058590128649055,0.3493984501098382,0.9692255136398571,947.5433375189507,30.725635527782174,0.25193023096895945,139352.65035587247,2.9306152434865576,71.89281224355219,3667.5764292578397,260.48529161052545,332.4064225145523,58.49343719643012,0.15819505425220476,0.18523507546642545,25.895050305372262,57.389097364721565,3.043588021398884,16.96815227395407,0.0,0.6820638109830965,0.1135812078030057,22.647765984024392,44.308280406750114,0.36789931171362134,10.686469886099204,1.6033010066721712e-07,0.0001132097967789073,0.1984037935025458,28.004634667492315,56.765059130107005,0.27086948118448895,12.94898254452924,0.0,0.00014063033626880034,0.11033327019031239,78.26431325801332,60.17043091627516,3.326258939979672,11.992411672175528,1.9907974977412392e-07,0.0,0.16150976860358138,47.55331758423932,94.82474745257642,4.89566693838096,11.647858048268947,4.209478483245249e-05,0.0,179.83312302120007 +0.9305378347385634,0.11700114475550266,0.4172301383515658,185.2706778488724,216.94568777249867,163314.23149000516,6.247326533521443,83.19952296736592,0.5905735854130294,43.46688884354311,2.7376194450599147,26.424244336922243,0.7530764264435401,0.8834985968093104,98.284019297377,63.76879640231122,0.3412416070557836,78576.5415920853,2.5681369031568346,79.13166110176951,2550.137740100766,92.76372595748252,226.44478097348536,46.090891213070904,0.20419899079271756,0.1922909959250953,4.913103196652958,24.7939404717227,3.239070281558577,4.18905540497234,0.0,0.9044072577616082,0.1247774402249488,2.1495786768436083,14.576744048244361,1.3189373266866236,16.889840238611125,7.533990820643124e-05,0.0001132097967789073,0.20265336263716452,3.1047224528951727,23.761125556526274,0.4299597907226364,4.56044225371954,8.154863736032699e-06,0.00014063033626880034,0.3534687641962415,4.720886583808842,14.549805970016953,14.907264005218284,54.883328362709456,1.9907974977412392e-07,0.0,0.10760916321978573,2.611708059152235,35.35885463696634,8.29057124312996,36.17395434322496,0.0,0.0,88.71321941022059 +0.9296773777804066,0.1291564759033655,0.39433705817020215,227.63791639313578,237.22822495456668,299963.57571016846,5.539755952652247,64.46117412616354,1.539258972050817,9.643099618461076,1.5587498739238423,28.398305670881754,0.3432036267364702,0.9971717124778299,918.61857409349,97.73241827176751,0.07638118253242242,251556.3245699702,2.1230458945744504,50.361975954307155,4971.326581362036,294.9655691086711,348.52113041613745,59.294048755291165,0.24996729330779188,0.1957351419546693,37.38610343786593,51.35108894724027,2.9888391296713817,27.526006798067325,0.0,2.9637065955373725,0.12297885611004924,18.84488745686168,41.9614262932391,0.7775441479876986,6.424659935699495,1.6033010066721712e-07,0.0001132097967789073,0.1983266244034486,26.754478466306338,50.250667333140136,0.33015157041203347,19.476923959419864,0.0,0.00014063033626880034,0.3413446823454571,66.45081225137247,43.26933907105266,3.9112424817704188,8.88608884238413,1.9907974977412392e-07,0.0,0.17825937334732003,38.23082155033641,72.22892069285305,5.991146859503708,9.407479665879055,0.00031755402244609647,0.0,154.18712922213427 +0.9605278478902737,0.15038173521023984,0.37975382808475544,245.67803584777482,234.71987222667138,306365.7263987416,6.858266666154794,89.5281151508189,3.1608859116200865,88.04086303894233,2.518796292310199,22.812500563200913,0.5571690478181979,0.9574615681997151,224.0165625911382,57.73076052199168,0.2066368381425927,270955.54195165174,2.8496729621002137,91.40933833285492,692.1509662259906,295.4990954833736,252.8351204740644,46.72416233685276,0.32093917501006997,0.19118339606369164,2.401526695968703,24.25343922158057,3.7416582339389035,9.667027366905826,5.466021469491509e-05,0.8639834153496516,0.12878188973254232,1.1361146607723245,14.354677570224903,0.9585201197860771,14.101372466700562,1.6033010066721712e-07,0.0001132097967789073,0.20268174188212026,1.7597315499816362,24.605864562840114,0.36126017906584135,7.805196507407253,0.0,0.00014063033626880034,0.3561236914525374,26.780713242006325,20.568146687796496,12.381455652298879,51.724114308600896,1.9907974977412392e-07,0.0,0.12905712870213396,2.902307919035952,32.71670194597757,9.886132883854009,23.015600915086015,0.0001069752257879483,0.0,86.33853856597449 +0.8116609552138786,0.12124376487109098,0.34881297868403555,172.38754887773237,15.705971442501102,170442.1196610162,1.9468406533744707,45.13589040103204,2.0375391192308805,25.78913074443733,2.141028085078193,19.175200156635693,0.3658162209815111,0.6580206871745864,802.4262462627884,2.53030878707985,0.08038956748552566,147721.32606674414,2.8950694999926325,71.02001523198035,990.8866164273131,257.59173697647253,347.09463837686945,46.6151022927392,0.1567602583918712,0.19929697899027016,28.610921275176004,43.877512194454454,3.155920632817498,19.203975805543,0.0,0.4925868316864213,0.13079900492773158,36.62775028266248,64.09058226578085,0.30866688207982285,15.31942529523588,1.6033010066721712e-07,0.0001132097967789073,0.20966600598685653,30.781838290549718,48.35914030867063,0.24291973778094778,15.339021565955157,0.0,0.00014063033626880034,0.11320765484624981,99.38313431968898,72.70536714427983,4.6765214827195996,13.806682558827022,1.9907974977412392e-07,0.0,0.23014507836967202,50.9443432913055,87.81873558520621,5.006004520420921,17.38053998612355,0.00011934245939426758,0.0,195.8024564488684 +0.9385163444356597,0.11539841433129797,0.34016835157022407,13.682970395413406,144.56516764369312,279478.6546931955,4.014694072811679,63.01443228444238,3.948204747915094,74.16638582140637,1.8636438560419182,27.301740100259693,0.38769461187209203,0.9872453908779271,59.97997988424649,49.857778240004855,0.3113482100957237,192780.42030467308,2.183724724937614,98.55673686165744,3057.7928189863983,207.6629077810722,348.9064716381373,40.261181501654704,0.19228073684798525,0.18719554130133928,20.24608534954483,46.304402417572824,2.976591907783123,19.96856421299855,0.0,1.3523181361909167,0.11710199574347084,24.74512907481454,50.41319815808674,0.3963269762486397,10.175989930366017,1.6033010066721712e-07,0.0001132097967789073,0.19863903972621977,22.640035572891538,43.34336173476189,0.2375128986848207,18.761378861531405,0.0,0.00014063033626880034,0.10172583033151728,68.97345673842744,55.800614416881295,3.574502490630255,11.982762051242876,1.9907974977412392e-07,0.0,0.15987165764108796,54.50388025654864,100.37731242115852,4.131701547818749,11.520053490747056,5.816850995732383e-05,0.0,173.74640234980737 +0.9045028506976545,0.23327298411938338,0.4482430805298124,212.82387500331114,241.73876149572374,290507.6877427715,4.618183110065038,88.1092036462411,1.0836037894617643,82.85969183992827,4.93623965794929,20.033186914358776,0.43859056883137093,0.8307026347689251,637.8111254684492,12.850212735277207,0.1802025599184232,93996.14721969042,2.808418519309792,95.24479748033923,530.6809235547629,75.03891274819574,238.38240001276853,53.64062215531567,0.16185823883934586,0.1967001133797749,2.4617796886800645,24.26712837804351,3.5013856778959362,4.8994062965365845,0.0,0.6492501938183824,0.11982207879739067,1.7929924591671829,17.116211325101283,0.6466053487735005,20.61491119565702,1.6033010066721712e-07,0.0001132097967789073,0.20899397040940532,2.6584471026763885,23.82621090855551,0.307297375805524,3.8332982216293074,0.0,0.00014063033626880034,0.3446216607484055,13.266423155457174,15.657892838779174,12.348837681164804,52.607542306474215,1.9907974977412392e-07,0.0,0.14023405682310458,2.2642689900788557,34.10209633701855,6.381049314724577,38.40821324322668,0.0,0.0,89.26474280436594 +0.894216453014391,0.15283386647620484,0.4497338500738592,249.73597390765747,232.08234537433557,180368.3274885122,6.93475269839011,86.99243015872517,3.7861108708377684,88.12230477157985,0.2978840965968431,28.567297908548305,0.3420794138097872,0.8704636430993383,637.8111254684492,23.512512531370344,0.06429423266654022,94003.57535386882,2.82015647142096,74.58841832831418,4976.103370970618,139.27196990084718,294.17137298232524,12.825872662310507,0.25160154878689905,0.19898532356078788,2.9700100195838175,25.959406214098976,3.48457105644184,5.363007982607455,0.0,3.8462380860396457,0.11887876188438641,2.2987227414012175,16.501636611617837,1.451425983501581,19.950823540791262,1.6033010066721712e-07,0.0001132097967789073,0.20247741324819,4.49850318043935,23.69100376308806,0.4529756916495067,5.808724865089796,0.0,0.00014063033626880034,0.35006504582399883,34.10332474996375,25.387034729804643,7.560897292480822,41.29000188385833,1.9907974977412392e-07,0.0,0.08247817676596993,2.978345017316083,37.225539808407085,7.937454753529566,40.83552073948452,0.0,0.0,93.41592073455959 +0.9408107190340126,0.15921376510889812,0.3936524548710269,186.47437161567322,182.16464490962412,318114.48265894054,4.922244932277121,45.56018603008963,4.273534011617797,65.98921689979326,3.305450886601986,26.619010459939496,0.31695521848547126,0.9551330065827658,743.4830738112803,53.93992032837848,0.10617340062085073,73393.98934609533,1.150397465381943,96.39506265347782,3540.913968914134,184.59102459817123,339.26681285324383,51.90357493178158,0.3352313021579757,0.19288353173768027,10.940731334545145,27.326632277209747,3.0926508387882476,53.55240742514703,0.0,1.5697427204371217,0.11773856417362535,10.237798005946525,28.56331807287775,0.5214506568816167,10.27648021782198,1.6033010066721712e-07,0.0001132097967789073,0.20082457079771052,7.3720135874438295,29.560997793911714,0.289979829348969,42.83862253626992,0.0,0.00014063033626880034,0.28292812035362697,38.407838084704046,32.968749705728236,3.2421506915637743,14.015511506414118,1.9907974977412392e-07,0.0,0.16931443712700342,17.441107921328978,40.11813648088817,5.358877191920311,14.409567019440686,1.7943101299988885e-05,0.0,111.60454655046408 +0.9765421056997637,0.1521826995635539,0.44009742877066277,121.4711750219152,202.6172083193108,285848.8684826351,5.577615417104277,71.76808948173857,3.3112296612315784,94.42965387543339,4.545651351359675,24.479433520679574,0.38308154002271666,0.991244025841635,623.2830292195189,97.0622751670909,0.319215846671833,285072.0556411707,2.836456153298653,92.34546953815716,4412.461282340894,104.22717429102775,346.49310520482186,28.958367634024807,0.3463804508065562,0.19068823776081317,13.06409980216897,34.957443792251674,2.9402292538817894,4.488619950139882,0.0,0.8217180810420078,0.12795358381094762,8.203550668282956,25.132492028535207,0.5849069171513942,6.208170416313851,1.6033010066721712e-07,0.0001132097967789073,0.20240470513989306,15.597975871715539,40.62575227150765,0.30507147475363205,3.9823564574388834,0.0,0.00014063033626880034,0.35764673923720525,35.073549159373044,23.21546299808839,6.416564059321387,45.4356892371281,1.9907974977412392e-07,0.0,0.1776315042167395,15.805635334443135,42.03260827648198,5.111196527071072,8.266873990784154,0.00014204538083162122,0.0,100.27785835102175 +0.9712036555845122,0.1504137078242292,0.36690206707706274,239.3211277231352,170.717428975933,348567.83391255204,6.583457508327791,47.85510713948502,1.8426760936344053,84.47094533512694,2.7044531752459893,18.781844132715605,0.34176610677257974,0.8369038489433559,767.1315818139192,1.8622618628571885,0.2712228472151875,297007.81541167444,2.3617441390116656,85.49519718049075,3015.441554311434,164.05713055460552,242.9052234849753,53.16273056894455,0.153400390744877,0.19418848983483367,1.6686111013962843,24.343173469755357,5.273291153390524,4.478315347461196,0.0,0.8436376704828341,0.13420460470212045,1.3546219497518912,15.186679931006541,0.7066069105015699,9.069640346135543,1.6033010066721712e-07,0.0001132097967789073,0.20578757029050582,1.6953294754950679,23.043271974592386,0.32153669112699496,3.415542451623304,0.0,0.00014063033626880034,0.351651979217663,23.075972061409225,18.522936331084175,11.727742802599256,51.94880117126364,1.9907974977412392e-07,0.0,0.17392405984407244,4.071120030084739,29.72727746723082,8.827128115275974,17.9928150868861,0.0,0.0,80.73925257731497 +0.9595036059379264,0.19654304162095146,0.35450462741035443,168.4379176178838,41.962372198198295,268334.7805942733,4.310700922753371,53.25249590602152,3.2904522637473494,81.59140401539489,4.765377199518861,25.392793760623302,0.32788737410684726,0.5088836372171863,667.7782029814538,24.03187002368719,0.0914824640568529,256242.77226912318,2.9437238470259364,81.30029723926499,1935.5379671041314,204.57457068549922,343.44408846680335,52.90759868564936,0.28387136979497957,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.13585997104204883,17.0180242281532,33.84591715906173,0.223091659025234,13.43899118681995,1.6033010066721712e-07,0.0001132097967789073,0.21283234617584476,27.055753904893717,42.141778223125264,0.26227420560490244,10.121066456463454,0.0,0.00014063033626880034,0.28950189295085216,61.69861991236657,39.06633534215155,3.762085903746281,15.131807392867323,1.9907974977412392e-07,0.0,0.21351145849567063,31.251301120187502,59.66401675237068,4.947873065533198,12.80803036470451,0.0001412630604609052,0.0,2698666337285.8823 +0.9773311042393065,0.1743916858175818,0.34970660596484515,202.7769600618861,188.14810736311173,311400.2438755825,6.619284791325198,15.867273540754205,3.7666769734758576,43.433400175634674,3.2883778835349244,25.50111559099415,0.37091482132618486,0.9144586652830373,893.6665014521474,92.12466667300474,0.2807330207268734,209587.417759134,2.940358902952612,87.4321653869612,611.3500407029021,270.1326619632241,344.57271217576533,54.15908759137348,0.2839004799123256,0.18955915247861177,29.57256347221885,54.65553212951584,3.1187321514452484,16.78134340863136,0.0,0.6664634717313742,0.10515058129363547,18.903557053781892,36.49356359398319,0.7865320998752576,13.919445537158628,1.6033010066721712e-07,0.0001132097967789073,0.19555871789314958,31.251065338872447,59.679713219799645,0.33610864121302997,14.78710139584203,0.0,0.00014063033626880034,0.3514786788697922,66.87862886813734,38.87415310962479,5.279021009390378,24.99369379580297,1.9907974977412392e-07,0.0,0.14319363358891915,41.54256454498043,87.29414876805448,6.331047906000024,18.478243996896417,4.361712310745071e-05,0.0,164.79813192894804 +0.8050658357057454,0.13606585332742527,0.3599020479270205,215.3206433231803,153.22457193685642,315459.80747774424,2.9774781628522353,14.66373679813092,1.437063083553648,17.83632825279799,3.7577108532745367,16.133955645964665,0.41642146119869067,0.9464819140013936,489.34499608760177,39.09170106635709,0.07147854977521317,73174.86102962919,0.5813535023586522,60.639451753532626,2186.397671210491,239.6276205642221,264.1784057360524,41.99777895641688,0.19412112490424324,0.19848282465155234,7.07498120249326,23.930142192856273,3.019956705999303,50.87688775933763,4.344373466817282e-06,1.8511133798174886,0.13823472661901665,2.4355104905242904,16.90477470131388,0.23496888896768522,4.26866785011365,1.6033010066721712e-07,0.0001132097967789073,0.20932405268274043,2.5679117708504293,23.57286563788197,0.24723323164381186,38.657140785663174,0.0,0.00014063033626880034,0.35033791701205,17.724205583830866,17.147180818455418,3.155355816971705,23.21219875853062,1.9907974977412392e-07,0.0,0.20667136517798085,2.7876530111395628,21.57964066059804,4.021172333935214,7.646271542977595,0.0,0.0,85.41482243207888 +0.982663781116616,0.260565841479169,0.4002781250050075,166.06775319990018,244.55190449762262,308139.8901465454,4.363652898631963,91.13337246210747,2.033470894545419,51.27357186702636,1.6455818859276905,12.088471323093502,0.43557879412290373,0.6272930162376236,644.6299693533813,67.8805255325913,0.29343711288116475,206712.03020165022,2.8855420884560723,82.01008260481292,4721.5317304862565,218.73885649084397,348.0341765627593,47.520496931577625,0.3148268405217718,0.19962934555034229,20.867756503195505,36.18891050655326,2.990663134987924,12.373161730233017,0.0,0.8120416353781573,0.13682952075373103,12.12260381942894,27.682246906329837,0.493448263777999,12.752462505442058,1.6033010066721712e-07,0.0001132097967789073,0.21109692009367315,23.93948982243834,41.32420049045685,0.28227458255292137,11.249880587125599,0.0,0.00014063033626880034,0.32970129229758877,49.78007873058821,28.76123567102356,3.8447913507516795,31.067006854876322,1.9907974977412392e-07,0.0,0.20714202671392043,25.978375250462072,52.53440591295259,5.242148320748219,18.428331356404577,9.221849703864302e-05,0.0,116.09756557527415 +0.9369109707812241,0.19399334384517203,0.43137139337640945,218.37898733104814,247.75965651419156,205824.94923486066,6.724742732509657,53.74375183557239,1.4080929473936459,30.333786738443905,4.27290409103667,26.715696119319762,0.5002767720564992,0.9847997622693123,833.1476233271536,77.68611428144587,0.29634590418659945,109215.75572160361,1.7472043844675844,90.59021712369683,2716.106690665926,269.32029201553365,342.8640019120432,57.55148817601626,0.3310567886895843,0.19167262591881407,12.095514294637905,30.540882538524396,2.9132910813873703,29.9119143301267,5.32701686215061e-05,0.7248175451898293,0.12390082995478847,11.12503813268841,28.724216080350214,1.2758330615345466,13.026381105284438,1.6033010066721712e-07,0.0001132097967789073,0.20336364896273015,13.345612933953234,33.77372944385469,0.4200334365109093,26.097479409915426,2.960811278586923e-05,0.00014063033626880034,0.3435346490437521,40.48019653939159,28.80712221982535,6.5258086066610606,30.425253862389393,1.9907974977412392e-07,0.0,0.16633184389914699,22.14364533479852,52.93867347214618,7.212679540732144,13.598729082290369,5.1324839775549066e-05,0.0,109.86254601738631 +0.9036146997993606,0.1277960208737863,0.3267757189393932,187.17003654141115,170.35257127596074,284549.3735733656,6.954171598295012,93.53601753318937,2.121385326175139,9.023732121971493,2.3898522164148828,28.975783768880348,0.7990553673134827,0.8799608680500663,592.9180805355824,48.28515962477235,0.20479850507390945,250790.30470277747,2.0833480707093206,86.9146800487939,3693.3657280490233,286.8645887052792,328.7088553471965,50.338002453684204,0.18164160135445484,0.19344640843461497,21.427891857146495,38.94459036915351,3.3242054456921495,14.921898328137862,0.0,0.7344765120731345,0.12874583219496366,13.790910923395653,30.782614713177267,0.8478651824291344,6.949160530550539,1.6033010066721712e-07,0.0001132097967789073,0.20541170579232265,18.293141183065643,39.321566374548055,0.34929912320739487,12.07457278434783,0.0,0.00014063033626880034,0.08542508972959226,81.45844459077503,59.71554943983386,4.36338100250754,6.896313552119394,1.9907974977412392e-07,0.0,0.20692025255705146,11.910556688997115,53.15396460408834,6.253477861116538,8.005373773220134,0.00030212257721398114,0.0,136.97505472725314 +0.971132124164563,0.19488805321596192,0.4423437913973935,224.61653453866455,48.84278054062624,305658.91655251157,6.513028958076465,98.68844380037075,3.33075590746094,82.29178560998116,3.8693169748195437,23.222604057256376,0.33772856698173237,0.9283829586586186,949.7574972154507,84.42054377879279,0.33620269844705364,170704.63179147692,2.631194080676306,99.61127393712123,2309.9803160761203,295.9624466130109,349.6563667210936,58.60206540069619,0.24377507641848545,0.18568208104257827,24.443625539023042,50.199200448986204,3.0830751700828523,19.497307120098238,0.0,0.7358122545262703,0.09414919527723624,18.909467566480796,35.3780844278639,0.4129484212580918,16.90993904720199,1.6033010066721712e-07,0.0001132097967789073,0.18853396934312164,27.275085005064234,52.82226143074389,0.2965496507010413,18.100006447183844,0.0,0.00014063033626880034,0.3444542142109955,58.264924849710965,37.39091025608242,3.4495244517794057,18.735859688884453,1.9907974977412392e-07,0.0,0.13847102046612544,37.510776170714706,75.12923214991913,4.929789013169574,21.95649563324683,0.00014805502963272655,0.0,148.2519335987762 +0.9316607442819784,0.1508598953012637,0.43419878029636677,165.09372044993523,171.12295390134418,111033.79658561852,5.902937391329134,17.292047692931284,2.028581751064263,74.62019275867361,3.0282363602598705,17.815272405953138,0.3496509686916057,0.7695175845498964,203.65766894641146,1.1299720732231089,0.07472620487384837,67399.1889052816,1.2930531647440597,73.34174195298644,2917.84756893585,265.44664142398625,261.6222712842699,26.52815137227979,0.23581075484670436,0.19807966418368378,4.192037988965162,24.472232002683025,6.86345800539419,13.005016125205847,0.0,1.2737650751355305,0.13585970435885486,2.803287069596423,13.378304871003687,1.5074510602117437,9.961300103329371,1.6033010066721712e-07,0.0001132097967789073,0.2088179630955771,4.920416966551168,23.568221369017166,0.46339447244581583,8.600399564852372,0.0,0.00014063033626880034,0.3460789265969061,6.603083661762179,15.784116567721284,9.613070502280417,47.22286728160304,1.9907974977412392e-07,0.0,0.2016783820894376,8.803084615748107,29.0702942118331,11.006829230612452,18.412196576783142,0.0,0.0,75.99118715089908 +0.9821204372392431,0.1516822123151107,0.4038512257654089,185.7759194327631,198.12685159851304,308603.2890522892,6.757852244915259,92.06369607342498,3.3261671273608586,98.51851007945933,1.6748357042192388,25.676087198386778,0.37117019994936856,0.8486605924215864,794.5429623533846,31.629282461356606,0.10906175978222266,58552.815220515186,0.6309548745844735,55.27375541984783,2274.000446038459,288.44900034844784,226.23562079133876,59.6768629492864,0.2838683892535154,0.19542792251898744,1.9962035527539574,23.899955521274407,3.432331673685179,45.11294195123695,2.999267974939991e-05,1.8301728365497272,0.13144149502214192,2.476296421344734,12.670307587535664,0.7990385051418559,4.301766078755488,1.6033010066721712e-07,0.0001132097967789073,0.20218304368543336,2.961112263612376,23.773216008578597,0.33846644439591717,31.551928864089916,0.0,0.00014063033626880034,0.3526216675278848,9.26956580446782,15.153278601438144,12.405109391197128,51.567800900914946,1.9907974977412392e-07,0.0,0.10556803478874235,1.8609503653918682,34.06385124827107,6.563647703199922,23.565725728516753,0.0,0.0,96.29134531613042 +0.9765181386459967,0.210130220924877,0.39060189054402705,176.2283741183042,245.3540453822469,218164.1091187415,5.824160318089296,71.98808508756403,4.194604526399514,42.94264863969653,2.2288936302247433,14.011732748419439,0.4421096667802156,0.9769884468820815,925.7787655080656,95.58428143567104,0.30090547038064075,228920.25942979852,2.333563496434343,51.271383031975006,3457.2355919540305,166.5701663800048,337.75112569010105,37.56966027214858,0.18229194575195803,0.19561782903984207,12.044426528033686,32.03682270486633,2.7547064679945996,8.882816575104648,0.0,0.7590561315847276,0.13563282548638872,8.525853202031959,25.323836132387036,1.0101159047260566,4.228077212256425,1.6033010066721712e-07,0.0001132097967789073,0.2068484266885415,13.199366996375822,34.26541714571179,0.37434314395283574,7.04881308426941,0.0,0.00014063033626880034,0.0852453542749839,69.07243480411273,55.01878341768449,3.4672115926694826,6.022727125196543,1.9907974977412392e-07,0.0,0.19904686168923458,7.207128165460407,39.24335168198832,5.104944671063067,5.094076426712773,9.089125028159499e-05,0.0,113.4903052178271 +0.8815157883383997,0.12803626963724019,0.43594939297959207,108.51144382795384,184.59193735864923,263615.76881147607,6.616937087927449,95.29531981223676,2.3265750478511524,90.8760312431246,4.41451875022562,29.101830787017562,0.5521353247840677,0.9222019495181378,480.9008814334383,21.13086505610662,0.3405736875108806,77214.64346782363,1.8299864844681857,91.29207910228254,3661.772858081988,270.0656565734941,349.67953550880935,57.0173088135713,0.17341371292660984,0.19071575232384766,12.845212501046666,35.222445522223566,3.503470079547719,35.92986989085527,9.991890565792287e-05,0.8657557609300621,0.10455001960481984,28.98666288256458,62.993396739935534,0.7170759095526904,20.009012627316444,1.6033010066721712e-07,0.0001132097967789073,0.19973648606691152,15.998644806653084,38.38799672422516,0.33128262146471654,33.32036457745558,0.0,0.00014063033626880034,0.1100646842194061,80.0906484349989,65.25136613152206,3.1655493732240814,15.052130413205175,1.9907974977412392e-07,0.0,0.1794121310711832,44.382554609697735,83.11001624949189,6.448523778660259,20.231140860581526,0.0,0.0,176.0561285763992 +0.9757210057509241,0.24413961749678473,0.36552436170955566,239.90787140493018,125.84440133900117,178303.18984803418,4.997395775031946,58.74273082750086,3.6056872978936734,78.35167197208631,1.6102489081845024,18.106018780631832,0.4165067604272111,0.9807469759708303,917.4497918608465,3.081143698844336,0.18914890097428563,294230.3819521027,2.898390858487234,97.05427824053757,1732.6011488669033,268.11105734807563,346.4492969427534,36.14639142090882,0.20308220499171345,0.19340384357625237,28.359982158544934,50.446313537624896,3.5823953188640574,10.476982898930245,0.0,0.4843319788554927,0.13058565383671714,24.465889386913638,49.74004217017975,0.9276138608758249,11.650507423411664,1.6033010066721712e-07,0.0001132097967789073,0.20483477348023835,30.822652525718073,58.44696255012748,0.36736257561809854,9.100090732829067,0.0,0.00014063033626880034,0.26121087575992835,94.9227619150194,62.948116424616636,4.294212594533079,8.627608981708276,1.9907974977412392e-07,0.0,0.16548421064552568,43.76036880588078,87.32137982684375,7.191080441817816,11.23407633259795,5.9231949447441995e-05,0.0,184.15755238485727 +0.893878646708027,0.18866796668879265,0.40646043828934997,175.6861739061032,238.53491525581393,337051.06517394254,6.890602979874982,88.9243203387608,3.7540006427008827,34.898124637833774,4.789341539798033,10.219659123945153,0.7341978330099862,0.516459150628587,694.5064124207621,73.73499172005458,0.263484232104179,78407.59847570129,2.208959666570892,75.93450879468611,2488.812209864681,76.10993523834,223.5488535480099,20.279871236652674,0.33329285102968076,0.20136604039528924,5.187800056627393,24.496699654511144,3.3109596626033655,3.777093728158552,1.7122430269135374e-05,0.660010945079888,0.14476474973255898,2.919174519910719,12.561745094767153,0.7730943293517163,11.494010951372589,1.6033010066721712e-07,0.0001132097967789073,0.21441216936460836,4.88879995662648,23.482905532058233,0.33167515881008164,2.598754274220823,0.0,0.00014063033626880034,0.30818086034670866,2.8972456895664145,15.95139152684499,18.271461859959814,59.22645169094041,1.9907974977412392e-07,0.0,0.20636383589705118,5.681962374063769,31.26046465958697,6.488840120817661,43.909398039217365,3.824785048698727e-05,0.0,92.83454255690454 +0.9437479401085903,0.1320345081622109,0.33621132821989447,205.95927910756,101.05004403978455,348573.3860633932,5.636492136922008,68.94438542102483,1.396493497663775,45.912216152830155,2.123374039877011,28.554488087283556,0.37391891827822266,0.9074823644013681,646.2403080573324,28.072246318401703,0.23887700652949703,154051.89680271794,2.90282210860967,31.00341363499468,3957.6313785693087,220.5433092382337,348.8117678702755,55.29808376770339,0.19867024628763927,0.19049104947910916,28.63618176547983,49.58815724454449,3.457978709699312,22.60213317029555,0.0,0.6202920118493777,0.12485684336668224,26.915538126539456,54.008753657978325,0.4202181561227222,9.45214468676634,1.6033010066721712e-07,0.0001132097967789073,0.20229678900442172,30.20210188168244,53.2534438957282,0.281213837477405,18.847227043676853,0.0,0.00014063033626880034,0.07818107896539891,63.776991000361896,53.34098391338703,3.353691226708586,11.924294092072257,1.9907974977412392e-07,0.0,0.18611021625775181,51.56249808876698,90.49847247438181,5.80543481357379,10.183659244327588,0.00015072078783872549,0.0,172.30475639395564 +0.9103519979907795,0.12809176191638139,0.4263908813164489,221.54019327132107,106.38877543344834,285985.31246663374,6.678383710527455,56.855847675926995,0.7659179918403123,89.40795351887193,3.569325335764499,27.09194092137404,0.32504710570141127,0.8969815010556997,660.9536582854881,37.66911516269749,0.23600314386935328,149206.14364164745,1.8145262191619163,91.18809637700882,1359.180645822189,275.5887530755282,227.9335211226445,25.341884419381394,0.23152153283204838,0.19027184456486143,4.143868120765275,25.806796853104316,3.349421883406811,6.639000531669964,0.0,0.6996024223095086,0.12141764855169937,2.5075693450148964,13.356016977257726,0.7009011627793968,7.886355479399603,1.6033010066721712e-07,0.0001132097967789073,0.20314107610416413,4.104498771950003,24.891102909238352,0.3309054687250541,5.170437668321135,0.0,0.00014063033626880034,0.3529441253353264,1.9055199612126121,14.120253977875024,16.934729422019842,57.86711199570677,1.9907974977412392e-07,0.0,0.09841934575128286,5.393106207679137,34.398173228631215,6.1678032863349275,34.544768073918874,0.0,0.0,89.0611591829688 +0.92336955166838,0.1464097587398058,0.39064264596128634,236.9876837127844,187.29855028442572,320779.13142046676,5.946773966181817,55.1644128233803,2.7818292692438416,67.96050030437388,4.349475407726173,22.45062621232816,0.3030561494392937,0.9467817367885214,934.2934325101755,64.47031726051921,0.31557171046269333,272971.37244549167,2.8818965381758574,93.34172038814027,1859.7263269371804,296.5833560618747,349.749887151417,49.805966298094006,0.2174936224381976,0.18795893082076176,31.773299487537344,59.35592545114995,3.156926125270674,14.208311248951196,0.0,0.7284568916730427,0.10181251984412291,25.042396858774254,53.58336903240265,0.7201369973578583,12.324880841248595,1.6033010066721712e-07,0.0001132097967789073,0.19887789582644447,34.69438414990939,61.45710543820415,0.3228663689551459,13.49076922477298,0.0,0.00014063033626880034,0.34235568282687134,84.59711532411684,49.58483676265523,4.074897207333248,19.46401790999982,1.9907974977412392e-07,0.0,0.13022958539747534,53.14922324583914,94.87935424174282,6.182176147800811,14.121472407514242,2.3171520880688285e-05,0.0,188.7699927873228 +0.9142149320447905,0.18803833587146723,0.37896747400684494,145.13839786751382,183.575760539514,317967.4406865289,4.820022388870585,99.83862009064221,3.3682873234021127,98.97366042196829,0.8649838461486442,3.598457780655977,0.6837102818805394,0.2739164640722331,96.33827117060866,42.58074275270248,0.08894582391771408,154015.58770350274,0.5389636340468921,48.559633391240574,2132.024442741406,263.6433424406511,281.72648097704257,25.879045256981545,0.2473955532574157,0.18660419473661585,1.3774701977549262,22.34661744899256,3.6576736771769083,12.71435931956886,0.0,1.8610339113184315,0.14728136428834332,2.9288354573790762,11.874991484667609,0.4468876022661603,3.0665140362160366,1.6033010066721712e-07,0.0001132097967789073,0.20046299688253771,3.749418134560169,22.72378595899406,0.2808357687329774,8.159528020324103,3.7570065979902505e-05,0.00014414060373783881,0.17883592944671836,22.097212521127314,23.10020700394506,4.1399491799379025,33.42938556961473,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.886165433308213,0.1999280443215053,0.3502406950604883,219.68255997569833,190.66619272463686,223041.14762446625,5.514876567727638,13.666388917582971,3.6820679524144904,91.10076185238509,2.5370592322111465,25.609750336087426,0.3935108305431609,0.7883804705383753,680.9420530268575,87.64621543877395,0.10315518214235322,69340.89737159267,0.7486619668081104,93.63394469575123,1370.9929527233253,294.4384333348241,338.7247249730573,39.29140932298334,0.18463256841313666,0.1989490491956338,10.99419244513963,26.864440910171716,2.837997310419335,68.18091791584399,0.0,1.8377013649328913,0.13477779023294859,10.447506738905515,28.324313684936552,0.9435750107475762,8.558446941398222,1.6033010066721712e-07,0.0001132097967789073,0.2079515415785569,6.27877936609831,26.612278578858717,0.36366554895724273,53.70649298626073,4.776626638077851e-06,0.00014063033626880034,0.13061946671859265,45.55511380481539,42.053664130370635,3.314428919328159,17.382908497782534,1.9907974977412392e-07,0.0,0.22021113724472452,13.614238649808822,35.994622947768015,5.821473024680994,17.245505161465246,0.00011689403031827073,0.0,126.84519656887032 +0.9661420163634797,0.16010079753667575,0.42316820312998504,200.74072101313809,63.49394835086234,287017.5158800886,1.6892520998316947,94.29669442616283,3.5040584196466216,53.85211237566586,3.143017881798591,25.278088520782457,0.43126344465861,0.7181439846222163,891.3744715272751,60.99902764854013,0.3456490478934348,74940.59095014578,2.999672984646949,99.95987126585442,4175.282939179856,123.44293471537034,233.7775852861128,56.99566886982238,0.24657862653817827,0.19037665024314496,5.1238206056257924,25.044880211826243,2.5890913573868177,7.730145705145216,0.0,1.306745512313441,0.12060746151509043,2.2871309445623424,21.94564767512575,0.3842904583663862,22.8671473030217,1.6033010066721712e-07,0.0001132097967789073,0.20120696388422837,2.8529276245866693,24.588980623200744,0.234350030750359,6.8618861784299225,0.0,0.00014063033626880034,0.34372943196463923,9.621362101061482,15.15176874773948,4.607601904914606,47.15849762283893,1.9907974977412392e-07,0.0,0.16423891336849133,4.497576653887744,32.10142692549119,3.9957009847588654,24.77193843917242,0.00036050153944157187,0.0,81.48215232119584 +0.9514408173725759,0.14155197556519095,0.4218665088592939,181.34555086526422,216.9664246514365,285300.8938287568,6.165128931378884,79.32197655560512,3.867025782171274,20.647675572585065,4.486814846670407,27.504152149298555,0.31230495505975037,0.5552323242523943,6.674970084756893,1.3288034458772913,0.3184354673220879,149651.30859418778,2.064582450741654,87.1252025664519,4936.392823286461,264.38825609580493,250.89359539461262,59.039532852150934,0.21797023914983002,0.19628429746450063,4.893736163328659,24.908093931261117,7.879007476187369,7.428713776696087,0.0,1.3206350724690106,0.13247612283896293,1.5351922815212697,15.08358400746273,0.80627257444301,6.917172799095382,1.6033010066721712e-07,0.0001132097967789073,0.208035143926686,2.5270758468811096,24.434281134471732,0.33915563933438664,7.287664174939111,0.0,0.00014063033626880034,0.325669215235396,17.45986959041512,18.330846862076854,11.13170276486943,45.82199111642999,1.9907974977412392e-07,0.0,0.19870132003207666,5.445458877328534,27.61617464697102,13.257285971063256,8.019717099955384,7.146870992852643e-05,0.0,74.80269758902631 +0.9659400319412507,0.28268349336677734,0.37403219160625367,219.61855326347234,192.3300197560209,292937.1932492269,6.53669765467837,77.1110817749594,3.2097129022693,77.0736022202919,4.899385604906099,27.002898684406613,0.7798887141783503,0.972979219702854,876.7950472628534,62.15531637097391,0.3284561138459361,254179.78343658833,2.796314422407443,99.33930028261193,1819.3259097611106,228.04705131731322,342.229359678436,57.565091128452046,0.19177995056990407,0.17634935076341493,21.06627730025735,57.98514364340253,2.9202865579167345,14.175413555287136,0.0,0.8342046887314182,0.12368365284253785,28.165909283363305,49.918405027672584,0.8566120401569223,12.341024571839561,1.6033010066721712e-07,0.0001132097967789073,0.20218995798989756,33.32150828116674,61.67402433229417,0.34750152140170587,12.827152503648165,1.2067869693871915e-05,0.00014063033626880034,0.2121455930110667,105.75524694497915,69.85908230746615,4.487675877067989,7.272226321747265,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9782235479992114,0.20168971775952596,0.3797578499048006,167.84530346278814,221.4232684078941,332751.658848077,3.7226161017355963,73.65735868400532,4.533827014363243,67.54195031048123,3.9537206527912714,24.349822575803657,0.515066951555187,0.9808584771448954,933.5637028479703,42.086482562210875,0.27094293111089734,236092.3241454964,2.821195294074454,97.14155242731233,1922.0193852039563,273.4263221143584,343.4736151291008,55.028606224778585,0.2024884620587477,0.1883455423573765,28.93207200547759,57.65941953994502,2.990652540707991,14.287262220059635,5.577198221874249e-05,0.8135128750111461,0.11661316989709905,23.779926300803357,45.279058971612116,0.3314845239990134,13.377750189053431,1.6033010066721712e-07,0.0001132097967789073,0.19976018145184601,31.66493340215966,61.51516823866871,0.2574829146536112,13.180707858539227,0.0,0.00014063033626880034,0.25650807007626925,86.91664616088713,60.26239654638416,3.0902094902755413,10.125461875771435,1.9907974977412392e-07,0.0,0.14420164929318072,52.52361008050573,103.36806346089202,4.876281226417699,14.462658764242656,0.00015932650384949172,0.0,192.62834967968263 +0.9542458314482235,0.18752354065214294,0.34967656654733664,173.3856185018264,78.20238071272388,303743.8503270759,5.934485723341893,49.53064680362256,2.980292227197687,90.79759448814197,2.2900975573674023,22.734713523095152,0.3701245081457923,0.8037948644515456,356.05648066981763,95.55674888140959,0.14332165897237728,179128.4108803479,0.9491998616004597,80.27747963010087,3928.2755175999637,282.797287861596,342.80834971882274,44.53613108105184,0.21089001339833896,0.19625452851601358,17.797290691665257,32.30980538299022,3.2486489730039882,32.78328865492429,0.0,1.066741855404291,0.13303225342280126,14.069828990489295,33.12357396093106,0.4517330689662981,4.755988882394107,1.6033010066721712e-07,0.0001132097967789073,0.2076805197431083,13.995180685311913,31.244739141361148,0.2937202251366788,28.79234554975433,0.0,0.00014063033626880034,0.12158053242154573,49.26135593829457,43.22892846405402,3.2264027434502656,13.154895870007785,1.9907974977412392e-07,0.0,0.21114425813371987,20.712364605387734,42.4079967303709,5.49859074785579,11.265878034694989,6.173075540539528e-05,0.0,112.38272813030622 +0.9177078342289954,0.14893154309042322,0.4019483182216961,137.08677814138818,244.36133051867898,204859.7675111156,6.989908966383218,65.20753705082782,2.261474051242452,28.864544407695814,3.862666306347472,18.90735060491528,0.5010231445979345,0.9669312940948448,757.3125647092713,92.54758291230705,0.2918578360253961,180475.05592822543,2.846628180162124,98.6525830151382,4985.001547011437,248.57123657067675,348.15321700548003,59.52581225257899,0.15775446603812135,0.1914308435730324,31.468944456627078,58.53426582362716,2.8409894122871227,19.626937534816026,2.0121406878626426e-05,0.7686588835688932,0.11539259392059553,30.665469945001007,54.665490467034324,1.1243597286779239,15.83014560703679,1.6033010066721712e-07,0.0001132097967789073,0.20409638235456942,34.8304130966273,63.882677154873754,0.3964807922099895,17.16568906357121,0.0,0.00014063033626880034,0.15213033874743764,98.13486143341457,72.58647245096225,3.9010762443348614,7.498029089040698,1.9907974977412392e-07,0.0,0.1641657033252926,58.59182819058405,109.46434681964021,6.303016099530316,16.275286302294198,0.00023341595199137698,0.0,212.76944406902123 +0.9635936195669853,0.19488805321596192,0.4047096001482692,215.56191102620156,48.29182240467621,304149.36898252444,2.002859395882029,14.697865330772999,4.406167854920959,85.98815969973882,3.2585959435216783,24.39193162472131,0.4874119197638853,0.928353307653414,661.9175294747905,92.39591872417527,0.24011156618987076,170704.63179147692,2.972245178546906,99.3113915436587,4581.721060866413,295.48759767907586,349.2330669426126,41.55597661556472,0.24441648471771282,0.1803171677554441,24.573537677105442,52.02533087391406,2.6863554045546105,15.931715304336302,0.0,0.9996235996776119,0.10011826476486622,21.840587892704505,38.61832452432936,0.37394707711366415,19.449738916111183,1.6033010066721712e-07,0.0001132097967789073,0.18959500315743594,28.92960113525365,55.917960267865546,0.23488365353640503,15.601889734114533,2.9386369739914002e-05,0.00014063033626880034,0.28831103021695664,62.203785187372965,45.190915856205024,3.619734681720971,11.57058202842087,1.9907974977412392e-07,0.0,0.14621627024317646,41.96672996543425,87.35288429314245,4.167898579772848,27.151654455217674,9.590605016292396e-05,0.0,162.27005865241722 +0.9767026836000586,0.16357757881010798,0.4022248479786865,227.12938689318872,120.65939447677236,317435.1839064851,3.250892679731063,58.307388046443265,2.1477592622371904,84.64064430816818,0.29109468003984706,13.394654884075377,0.3824672255917484,0.6280752689134322,335.777811884273,71.19991079618686,0.06054410239800226,58505.0189742801,0.7060825269418167,56.2982331117137,4390.201258601041,287.21183815466236,345.823848589949,48.26283763872298,0.2628730958680641,0.20115186928461687,9.462583359445285,26.760750532013816,3.0924170301307004,77.50562531629406,8.319480839824258e-05,2.57978823107757,0.14022520870300592,7.406414913494602,22.784956907427958,0.2332274618469676,8.956542573595717,1.6033010066721712e-07,0.0001132097967789073,0.21177194829474227,3.149312477113014,26.63200373471553,0.2491500628361825,57.687278991715715,0.0,0.00014063033626880034,0.11767761244249349,22.831653543473912,29.457629382500727,3.2626131209514884,13.320846947478646,1.9907974977412392e-07,0.0,0.22390050040109874,7.254017000378558,28.394166387781336,4.749525076849924,24.465598129517183,0.0002187423986902022,0.0,120.77928505026286 +0.9208984312353542,0.12807294588840504,0.3368460972526856,107.96593839275592,108.01144389933998,151644.78492394305,4.015624265500021,40.42479946631893,2.434572383043038,38.865864204044506,2.303307996042323,28.67300564513861,0.34598915614623443,0.6849490360911428,484.2231924179769,52.37484047422263,0.19844602979619105,91585.18223868884,1.145646325036585,62.924356354216684,1056.2449776338044,82.37715761085914,339.94066921275,55.40443904845108,0.18765791382183955,0.1957290012873257,10.738222660255525,27.8185366590361,2.703686404592594,49.03407531238696,0.0,0.745055344740314,0.13167406423946482,12.836835716889457,29.33438879826255,0.654371420168099,7.111918145014554,1.6033010066721712e-07,0.0001132097967789073,0.20795765707926325,11.396162917640385,31.035213077337186,0.3297360439092119,46.353159885315414,0.0,0.00014063033626880034,0.12913188425815536,37.868007136484835,37.24171863793449,4.547981937380574,21.564471544128658,1.9907974977412392e-07,0.0,0.20980204718513015,17.94420484088777,40.653903740674814,4.666487361335455,21.233785847552667,0.0001035597441979947,0.0,115.64450391776093 +0.9714048437950615,0.22809909493145464,0.376345048720713,84.25471475218706,141.67542708336697,313232.13793957967,4.573565273985006,10.937069898892922,1.8366914571621122,29.32935623789333,1.2517818701274075,7.035512099963001,0.33952198018464125,0.8099458053248796,670.2378783436615,29.64299867977184,0.18827661685642633,110277.11525211408,0.5871119626424137,83.87303053727841,15.304012787905876,175.46427731301776,344.54463227188654,49.7911228327506,0.22043595432364269,0.19935966364243046,10.364502995649536,28.700103093109302,3.0595955036809697,48.97012037942357,0.0,0.5951165628761245,0.14189272238446482,12.910052121513099,30.12095364621965,0.26192765638448257,6.034602227629744,5.496814722192256e-06,0.0001132097967789073,0.21248179715636367,9.85511298777424,29.57481310861947,0.2562004652106345,44.18648650539099,0.0,0.00014063033626880034,0.09654034665652172,57.72294678490612,43.33918106458778,3.547964333218529,5.644680583849505,1.9907974977412392e-07,0.0,0.21577715650991006,9.38341744233067,35.168050385066614,4.126380215817912,9.975854715812455,0.0,0.0,118.61642699121008 +0.829618831061133,0.12231743297850922,0.4469441576054677,171.20202294098618,194.4438262565718,344972.3468113312,3.2003809864041655,90.66104324563078,2.628059960183596,85.55591643504151,4.951811519299576,29.594497685503185,0.49748764239705023,0.8460936461798949,699.0487128772334,90.57475921854258,0.30604355600292893,207071.3437431334,2.856392435495577,97.33761213803622,2938.9731788217914,268.4280377763529,348.6412319116871,49.0022111441431,0.34182305781892447,0.18828476569092475,21.783214626753786,44.0960702986958,2.9246873111055005,13.538046257095788,0.0,0.9734922510967863,0.12899615550311222,12.691121245293727,29.233035276591774,0.23327735243501466,13.96187624524566,1.6033010066721712e-07,0.0001132097967789073,0.1908669414444152,25.192456387880195,48.81298527612765,0.2460231478299466,13.808331764648589,0.0,0.00014063033626880034,0.34696877388962644,38.39197235662275,23.873058350313325,4.019362277904619,38.78752023394212,1.9907974977412392e-07,0.0,0.16083809570632962,26.73829361204368,55.65921646435617,4.57575060018822,24.124784558038627,0.00012059927738812662,0.0,122.51950446581698 +0.9696862889754175,0.23459790470624498,0.41044668594837336,173.126436545139,234.9425442829973,331603.26348267763,4.951529799304194,65.62792228576106,4.049481354583,79.31366761512763,1.2546083723677932,25.055293720052497,0.7286897453978466,0.9982870798428309,993.3430673310837,66.65301029770414,0.2758731744579411,203926.04891807525,2.921796569818042,85.9808165753795,684.012104630847,278.9674040881846,346.71764442225805,58.397269707232375,0.15611895043041935,0.19057518877909968,31.64209657974615,59.09813207280456,3.0435135033548604,16.84839514620894,0.0,0.6871626172710182,0.10974651227311967,31.262069617632534,57.60531808620415,0.533395805227377,13.963364623205607,3.600660188333065e-05,0.0001132097967789073,0.20158323979503961,34.890169859516206,66.768974190654,0.2890402799624068,14.528866744284668,4.853866523687326e-05,0.00014063033626880034,0.13283971458478513,98.20241300628932,73.8189142211069,3.0869021060711135,7.9923124118692,1.9907974977412392e-07,0.0,0.15712687348954169,29.57667503502155,114.2642318339359,4.280131150815836,15.199702203124087,0.0001242306477700688,0.0,210.97839797997509 +0.9519216341235966,0.14905510780862485,0.4019483182216961,136.38647246739265,242.86173397166175,206122.90535521368,2.3477481901389368,65.2396600961999,4.113808088960948,7.131062892650043,2.005121110506833,29.486071427814174,0.4693781670439103,0.9849211081056852,235.36497994540008,93.00039762378891,0.28550575092743585,180475.05592822543,2.3794829804198527,97.32127006596438,4893.571457370855,114.08401819678248,348.34275376354793,59.53556423569539,0.23865897009409975,0.18689772072262895,21.384966627828664,45.70941034478251,2.5862573953965695,20.88026914886165,1.0732027760043335e-05,1.1840027199942234,0.12383386049834458,19.295494331681212,39.744732634694294,0.29938451799271476,9.306570980052063,1.6033010066721712e-07,0.0001132097967789073,0.20050951049425225,25.358342295018808,46.48912711953492,0.25551845179098437,19.44431370470678,0.0,0.00014063033626880034,0.20760471881193454,58.797478841560114,45.87972282486312,4.106405377623423,8.138987538860409,1.9907974977412392e-07,0.0,0.2124199800250221,32.72497389778516,64.14004010509169,4.287392935702279,11.371675467979278,0.00062800714240685,0.0,138.52717546101013 +0.9177078342289954,0.1564920461530815,0.3541956675566268,136.02729404852042,245.1783946879128,204859.7675111156,2.3477481901389368,64.88463746080163,2.261567639521493,52.18381165353628,2.79497681245321,18.73078240954301,0.4271114464506466,0.5059743567207801,175.1925915160893,93.00039762378891,0.2871336110526581,89817.72068564687,2.082108073287873,99.31805250781373,4750.881018999514,271.9835779798109,348.3501926611067,59.41795610565052,0.16211030922557726,0.19806640388912689,17.254753353033493,35.409745608100145,2.6275467816678377,34.40238473250667,0.0,1.1933819924927762,0.12949824699079804,29.37511872326656,56.08413246497354,0.30326769846335366,19.258149296284138,1.6033010066721712e-07,0.0001132097967789073,0.2109866090388357,21.15184157874279,39.3626360940882,0.2559603503760908,32.21055101732211,0.0,0.00014063033626880034,0.112132781569267,80.52630140186974,63.230734034057114,3.9131443600961653,14.963026941609678,1.9907974977412392e-07,0.0,0.22703224297165175,38.997582164474174,72.56931643634955,4.35690014990415,28.139484450813136,3.151506226141796e-05,0.0,168.75140884707068 +0.9444633404486984,0.13770105529817528,0.32369941654483203,129.4204828263242,162.76928416473743,334325.3811253891,6.891934885103192,83.93562075792151,3.9731728943183002,65.93954028363065,4.467641733773023,27.013013884616925,0.7149627003157522,0.9724119897166643,779.7833457062718,58.399009490281685,0.3019362033225981,294709.45789047825,2.844398474800882,84.67206119038912,1945.926747143205,218.06727010301677,346.9661499806594,54.07342023561062,0.25190057680553,0.18828302509429443,35.062048773980855,61.493756970212075,3.2528786904771048,16.88634636656952,0.0,0.6912001254123735,0.12422298776144801,24.541306748468667,47.342464019008084,0.5988895001877568,10.217887845085258,1.6033010066721712e-07,0.0001132097967789073,0.2013286443827805,36.43519635334202,61.08032453233244,0.30890435721262716,14.493055492304313,0.0,0.00014063033626880034,0.3452223912860451,86.16486184124508,51.406508504621186,3.4517941805380983,15.293840042961731,1.9907974977412392e-07,0.0,0.18070063682984794,20.40538719228979,83.84287343068762,4.916224749675885,11.039302670565265,0.0001061257410693487,0.0,177.282188057424 +0.9628385692862719,0.18801944965053044,0.4062751347319416,248.79362988982723,147.29059382920548,236619.24884668953,5.379097059132522,24.72554775650926,3.4265943031421244,95.77055154681146,1.4114290213394272,24.85836735479954,0.4268374589735528,0.8583604274744575,63.91587165910897,46.66246191281894,0.05954068151727725,206636.94570059594,2.764800211699436,99.8037732287677,4801.505008171227,68.10307468174513,347.42335195694636,57.771176915048585,0.2791125303026571,0.19775267820425868,36.09450313291336,50.07367065016989,3.523147831205558,23.297822003194504,5.56950409379906e-05,3.5405774313827094,0.12971062963742722,15.877632259641924,33.65373641817264,0.815979081132531,6.098872961480739,1.6033010066721712e-07,0.0001132097967789073,0.20531251573335105,26.420459488964244,48.515209067222536,0.34481833211103075,13.299952741031733,0.0,0.00014063033626880034,0.34975780013327085,56.774559523795915,33.92857449317429,5.745283737469137,24.73053836191472,1.9907974977412392e-07,0.0,0.1991502462132496,28.115560552919447,57.1880037068843,7.227062294412878,8.706739360236606,0.0,0.0,135.04661574085114 +0.8185991874028267,0.1061498067566059,0.40141716333725347,237.83819252426417,124.14333603226947,249628.43908009984,3.5293187329455895,5.981064489818409,4.030990394141307,82.62564010844522,4.781845571027104,23.438878398868344,0.6045103690852797,0.7836275259116929,689.9150020733464,92.71898182280552,0.24559190237622322,101754.8055118254,2.380203772550433,94.41200366418045,1154.979032461185,266.49923908348126,347.58830786582695,28.74878850086232,0.17076268912979187,0.1942594967285388,14.132250885550906,35.990596562314664,2.6620439619364142,15.83282351902997,0.0,0.766247845104173,0.11659698427218673,29.36469998070922,49.38948595935593,0.4119591164029524,14.428579323631777,1.6033010066721712e-07,0.0001132097967789073,0.2075808261853393,17.693905298982543,38.18936241259378,0.2766791084156056,13.314572882496961,4.148828371408834e-05,0.00014063033626880034,0.13007615409904943,82.06590573830567,66.98827510415401,3.492135551636597,12.816093649977674,1.9907974977412392e-07,0.0,0.2010472463325731,16.263206728128925,61.07027819024216,3.7634275663992636,12.821286824542113,0.00015075682740530962,0.0,150.9426134913033 +0.9258115692739615,0.2342447184422607,0.39442965012679676,239.53152002321707,169.99304676906098,299759.04063539376,6.520676883040103,99.85502872554756,3.5625446182868092,96.02919910187259,4.37741846814907,26.636012122281926,0.7883709717211427,0.8556243303767513,937.0161169732132,93.18165375861547,0.34365105676892754,277368.99370507395,2.9662944449677324,94.93469100039852,4980.810387129481,273.762694906328,347.2898223659975,58.89093953094124,0.2026180163784695,0.19439210603094428,34.49077451560589,56.58852284856568,3.073540628599101,14.994582344585274,0.0,0.7295433920506658,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20553622361221544,38.24061772629411,63.85855792740405,0.34193682472453707,13.90460512309906,0.0,0.00014063033626880034,0.2923215244028852,97.70837217902071,57.87347758066272,4.21508293172868,13.715497080344779,1.9907974977412392e-07,0.0,0.17926005864348746,22.759499797243908,96.03365193474926,5.216063211295789,13.96140958513039,0.0,0.0,2698666337285.8823 +0.9049569769521175,0.2375474231881527,0.39975453102923725,26.513066820298956,233.85970015886556,309716.6532857945,3.949588004291388,11.833981546949605,3.345187121865007,56.280846091474615,2.910958092718893,22.749851523439407,0.401936580489795,0.9598274088213177,746.9216462135523,75.08288484380631,0.24003689978947212,229133.83616613375,2.2480179136900924,74.81685108932794,2084.101612838459,170.23868787926003,346.9568971049569,37.08079453827894,0.24726925419130505,0.1935128354064802,18.440024559003298,36.06912087979631,2.686125400351985,14.100484954118002,0.0,1.0424966258131072,0.13433282570599445,19.58903070098282,42.59594082629206,0.31537756911266934,5.625336383098688,1.6033010066721712e-07,0.0001132097967789073,0.2055973248860359,21.023138945305565,38.09802861413315,0.23702013425347448,12.510314843314378,0.0,0.00014063033626880034,0.11478756219227729,57.38388282215323,45.08223862157792,3.7133100848185845,6.532301013984935,1.9907974977412392e-07,0.0,0.2131400385519466,25.992368490769667,50.89197776294602,4.0461604367492985,8.156380152156467,0.0,0.0,121.89526253660351 +0.9883217968641552,0.14741797032818343,0.38170602167322004,228.3709996457402,113.47316779751085,196692.92862819723,2.7268500012554036,54.21837422728579,2.036307687480136,27.339326322805356,4.422183433771481,9.020949610212956,0.3027790068655256,0.5692336802592023,343.76590149988607,10.698558939624785,0.10067195916166578,230365.73246510114,2.4967729737471975,13.00712796867418,4760.820782849726,143.04246714570445,343.23326863245575,31.949110470655274,0.2703583046370798,0.1999919256220394,13.413893396198938,29.509000679148816,3.2354666941008325,8.554775799455518,0.0,0.9662440211232146,0.14202561155282523,6.478520480811027,21.052617715767187,0.3676439161728468,3.269933486074138,1.6033010066721712e-07,0.0001132097967789073,0.21331935842417576,12.218732679880482,28.249382590668777,0.2719894851487076,5.531370320948682,0.0,0.00014063033626880034,0.12826807598307788,34.344744127289566,29.07272797649657,4.283443672514539,6.483770513603895,1.9907974977412392e-07,0.0,0.21738113451489574,4.211267322749339,21.547239095748115,4.446018052004788,3.359261256452419,0.00010547415000370293,0.0,72.16451950864266 +0.9114202396339397,0.17401552069185347,0.375575042523192,233.30540636566948,66.54400388895039,278846.5204504393,5.746137691358735,15.279440893815632,1.3259979319042146,32.22401806898611,1.8421768389122195,27.671589340225335,0.4505336655163464,0.5633744148533315,651.0887945963422,38.713492173839256,0.08739474403029063,236369.43295050637,2.8258467381157364,90.71758459044129,71.00903867954912,260.2675355719185,345.12883442502346,58.598603461164714,0.16176460298699333,0.2013645598773703,38.06793875872224,51.07930699703493,3.2153904144105936,20.24208341551328,0.0,2.2991840201405713,0.13288159931074175,30.936138060643792,54.481988983630195,0.4776244076048764,12.313230925560502,4.537117844930869e-05,0.0001132097967789073,0.21037356536291973,32.48649343447807,50.161409580459875,0.30181840159676115,13.476403645317584,0.0,0.00014063033626880034,0.09463080910015571,89.76798387346807,61.820096305748,3.3418198073168903,5.275545842163408,1.9907974977412392e-07,0.0,0.21484691333167658,51.953036660315675,88.1532420782744,5.301030336531261,14.907165460059915,0.00025829797837302804,0.0,186.95897521950062 +0.9842314906797788,0.11175993511971022,0.3807784834207577,72.6323893816184,173.17432500119656,329269.35091230227,2.9156409630817457,38.28144335085669,1.8624591691033658,9.759708656595496,0.2957418582805895,19.205113198208643,0.30746967879965353,0.6871990805633837,920.3326732914653,28.347981629966835,0.11345713986047265,97240.95525974219,1.3198963294292207,35.152775413301754,939.230736866907,162.5245139937376,346.70352063382444,57.4297254777121,0.1725298214469262,0.1964043733019055,12.613098809470646,29.620525559031556,2.8373630609532086,45.357545217070566,3.511557814036899e-05,0.8011659907971943,0.13316124332846255,12.146650475724728,30.13983425164662,0.27540882657350774,7.673874081767967,1.6033010066721712e-07,0.0001132097967789073,0.2085874262823957,10.513957531915587,28.789570822355113,0.23742531491763258,38.61045862449942,0.0,0.00014063033626880034,0.1347621220660942,36.249565605014695,37.84712161745207,3.613148765559698,19.905450877133834,1.9907974977412392e-07,0.0,0.20845040429297335,17.61748270378502,38.758895642189984,4.352533099694139,20.17195593460997,3.119599801401908e-05,0.0,109.7357990980437 +0.8411183353420453,0.14455835144696494,0.32613072007600463,65.04258996083968,184.62529100002396,340800.3717814698,6.340348012352475,6.9442884939674805,2.380189899317291,90.43146479357404,0.6824312304444673,20.342475991702507,0.3223166528406463,0.6774393764300332,619.9034654061969,50.97439492639239,0.23949670140664514,74400.81564575627,2.5286620954593366,92.95015470009787,3906.234295123894,76.72475277381389,345.21016694988816,38.413973542793215,0.1706461978681821,0.19869407637535189,15.135555059923158,29.12370452009074,3.191877114443986,23.736811438704493,0.0,0.6466466660673991,0.13422062931468762,28.897471395625008,54.39129428883044,0.3509407768594738,10.976719207797696,1.6033010066721712e-07,0.0001132097967789073,0.21065277179771522,18.124674994349657,32.177138583152264,0.2690808229137876,18.879040436461576,0.0,0.00014063033626880034,0.12258913604198461,91.01789951213789,68.13925973125151,3.239450144751058,15.340173824049465,1.9907974977412392e-07,0.0,0.22853877791724075,35.88019341074054,65.75928209440433,4.947107899767175,12.220385800969437,0.00011092016183682522,0.0,162.0013968694505 +0.8051790393121043,0.13524004456709632,0.3814720596986858,17.07327758273359,222.18728482050176,318923.1999608871,2.85859785840141,69.24319531844857,2.456730256124069,41.02349035445188,2.526311765569553,26.09126070789986,0.314907158733524,0.7943008218682972,55.92892137677061,2.1764874147281823,0.1265427415049051,104599.07988420998,2.1859830100745627,82.77085436488719,639.8726587833119,274.07878877764585,347.41333745494956,40.092674376928684,0.18145568944736473,0.1941210529337,16.72618681662483,36.79637781681716,4.677889371528064,23.971966670471314,0.0,1.29575873325845,0.10613612066065647,34.64288957937391,59.473151634960395,0.4600103873665627,14.19037232307069,1.6033010066721712e-07,0.0001132097967789073,0.2059325091614077,19.306177611258324,37.88725066011972,0.24082040789990308,21.36229124653688,0.0,0.00014063033626880034,0.09084710989650926,73.21998424177166,59.5842028484615,4.128668450166414,15.734382001770674,1.9907974977412392e-07,0.0,0.1966643760325986,21.673436398202536,70.36172736753994,5.837908136944678,17.787762088265666,4.2719609769123665e-05,0.0,156.148940478828 +0.9262735184265204,0.134596216268685,0.44683975517972985,198.27320835264933,239.6371151346617,139400.7853993058,5.659353855144108,81.73411335889332,3.741350492606779,32.52384629276096,1.410647386154881,14.73253628349202,0.3861518817322407,0.5616337784346681,848.7374585381775,73.59688688423495,0.205048331217273,74824.42828939599,0.6816471756616896,48.51265352458559,1438.618118813949,183.0776507511217,238.83337267286515,18.207983753307413,0.3056742987392188,0.19960421903606154,6.881134416990929,24.188682190660998,2.887756002123735,17.497666421972276,0.0,0.7587748476978858,0.14106791136254385,3.7115660930953114,11.997661209150943,1.4306661943976902,3.205235942917913,1.6033010066721712e-07,0.0001132097967789073,0.21273501809345027,6.416936207225422,23.810716485338215,0.4498645583881623,15.430578174301965,0.0,0.00014063033626880034,0.3248513848820443,5.164567931525546,15.148370620415923,16.62546005391081,57.40155720121248,1.9907974977412392e-07,0.0,0.19260017748602434,9.10142756467717,31.519174900818665,6.50772915203948,47.97699108857904,5.1210479614163556e-05,0.0,95.98006408757462 +0.9203993873605945,0.11644414795922964,0.33165970699330427,222.45437268262978,71.00724710704087,134686.26403640956,2.4641662372952537,42.2855839803098,0.7065229800413684,89.67251046356488,4.773221265242805,24.127555255195166,0.36904801348057986,0.9420755070962503,150.51180463873908,82.79270802197566,0.06926604990990239,154956.21616058267,1.5431755458769933,26.75130560810713,1969.8585637815572,73.39557654729458,317.404783548042,52.313477663137256,0.34968950540269955,0.1932361135519696,13.910692311400757,30.09365965641963,2.565095759126235,28.245282089511164,0.0,1.3660178927715498,0.12575564768835998,6.480353013000785,23.179225632134614,0.40891029709344406,3.831512720496175,1.6033010066721712e-07,0.0001132097967789073,0.20093550061295704,10.834024895220079,30.058575482117472,0.2921605184840011,19.809839323093343,0.0,0.00014063033626880034,0.0999522048791143,23.15682801792182,28.6686890956403,4.49285791508057,10.709021447988357,1.9907974977412392e-07,0.0,0.19393866958922829,8.346710870952588,29.866544584775536,4.258847599131636,8.365942742788116,8.678108816682434e-05,0.0,80.34832310777792 +0.9363273063676337,0.20697731515841158,0.3439999752633202,116.74581894898361,134.3299091822067,270358.20654989954,3.248046249253192,95.91038408146386,3.0076095798322786,57.85087518539247,3.5443176015262496,18.49961329953777,0.37554101984209015,0.585250892401371,202.8807821353422,81.56018339895341,0.08373543698167131,86022.79971173241,2.5509600121585914,94.4468740193668,4425.7896778921,222.92558672504674,339.66552047490643,54.59989978919631,0.15509230609564034,0.1993901661127717,24.076680675686916,40.46721644814315,2.962844695981371,28.975810144183022,0.0,1.3163999760654372,0.1290831125159172,28.34251344916083,55.185528843858066,0.2306854483176528,17.222067664784966,1.6033010066721712e-07,0.0001132097967789073,0.20948907832840566,22.965315380034344,41.47773785760782,0.2507893318600027,20.82012109451897,0.0,0.00014063033626880034,0.10928496640073411,91.02348455527606,70.65741465416859,3.496091719601331,16.009753950460784,1.9907974977412392e-07,0.0,0.22029691221924982,38.364977648845745,76.92096123029758,4.596670271110527,23.073998664578692,0.00011147806110255435,0.0,177.15196468414965 +0.9404486257728899,0.18760944021702491,0.41460831802738674,208.6330122183448,216.09054446576997,258156.97126209846,6.986775382846851,76.36123026409292,3.6645342933561458,64.94340515730018,3.150430122335897,24.877913592009662,0.4587066639422849,0.9977694276564166,919.7687232132705,92.01881265582504,0.3234539435981392,210098.82352397917,2.7021072409825697,91.0334735933559,2652.263090397558,275.93855522229904,346.048948670728,57.08318620905932,0.3327371904409191,0.18864306485928212,24.265187707490174,49.15780078858313,3.0163258556972385,15.58115207780519,0.0,0.7343245983419882,0.12784432390208392,11.89908798794283,27.56044507060484,1.043991043323403,13.195187559867504,1.6033010066721712e-07,0.0001132097967789073,0.19578515390288612,26.34306152687957,53.28192505525213,0.3792459851693119,14.380232201643482,0.0,0.00014063033626880034,0.35567956241014326,44.12786324245665,26.765279065685256,7.846779407332176,41.01422020167155,1.9907974977412392e-07,0.0,0.14819510367339575,29.907630193208906,70.49694918457098,6.835358733751726,17.622294992049913,4.202623873990625e-05,0.0,136.75928536698345 +0.814766196561859,0.18745940014124923,0.39021008341623764,28.23789650715041,50.91630536485556,259975.54660883616,2.535145599230794,13.098926433787955,1.3508908141111196,62.87701002947515,4.209037660693728,24.989431049732346,0.3960076040196341,0.886482586018514,963.7340111154591,72.04891015460989,0.27546200895265294,221989.3306559678,2.9553959856134444,97.61538767448405,2645.4062573760957,287.2313591163385,343.63409588537894,59.65803326557635,0.22511386769117256,0.19086053549334067,32.405220626316705,55.630088230321675,2.455444891225385,16.161747059171933,0.0,1.2914040490497998,0.10355849912675297,30.427779829036044,53.25522494538198,0.4057102112987059,17.490375800991988,1.6033010066721712e-07,0.0001132097967789073,0.20373071564264927,36.997927463002114,59.75316200989336,0.23660537296066692,15.573637818093985,0.0,0.00014063033626880034,0.10412161435182295,81.3316580268324,65.60481913931571,4.08192474476584,6.1024497458162505,1.9907974977412392e-07,0.0,0.19375343580436824,49.503181376872824,87.24858736779304,3.8583769695933072,20.30601879062603,0.0,0.0,187.42092789280753 +0.8232815557733031,0.17487242704162134,0.3687078184962984,149.32162342781635,112.91397193929396,194713.9705433897,2.7460715917722562,70.93189736174739,4.001632560262881,69.18176518957938,3.720875882061401,13.831625421409102,0.3606423603549593,0.8840107082712124,315.2068099840038,65.02227962673928,0.08871309142928424,57366.48158838631,2.671485870205286,45.623566343021366,722.4900929414962,59.25200242715913,340.4178098591078,58.34226130319459,0.291463402232451,0.1996001149326673,19.75319476418549,32.9395594787192,2.6103416355869125,29.29682610527635,0.0,1.0748099930762447,0.1399273400601654,16.250593922394984,34.87843632069196,0.31323633708474874,10.581606493502584,1.6033010066721712e-07,0.0001132097967789073,0.2105135493271269,20.441461204404803,37.46938300185783,0.2649632298302822,21.017731960473345,0.0,0.00014063033626880034,0.13495564469836585,46.65152422314843,45.96078897262415,4.29983313220525,13.415011449016857,1.9907974977412392e-07,0.0,0.22509674657154505,25.302879329732896,47.44632086162379,4.394374370429036,13.109987175749456,0.00021284530180508033,0.0,117.33588199829816 +0.9610424589623304,0.12787206298578463,0.3654597962277543,147.11356389852455,245.94583328677223,345200.9284305851,6.02598566874589,34.6584709415337,0.3900127783366307,14.463350615929123,3.8463530657531213,25.58287331753893,0.37881132376771237,0.9547924975079127,124.91334116902351,24.76107163129518,0.05336490847418118,76085.38620010672,2.8623294006586146,43.95006033560986,365.2209498692794,220.03938877923827,345.445106802376,52.26130811988448,0.19453035109053401,0.19594963134927929,31.480660119335127,49.55949405143055,4.195673096883411,31.57052670322569,1.8726708483852165e-05,4.218754390794539,0.09724301471864713,23.393567022385355,55.45061163319963,0.6006805710169587,16.06888833124325,1.6033010066721712e-07,0.0001132097967789073,0.20016959877678697,23.79573118035035,51.605630695659386,0.3024636155444021,16.598828711456513,0.0,0.00014063033626880034,0.18344978174996385,63.63117226843703,61.73593908929297,6.31059109040663,15.540627891011852,1.9907974977412392e-07,0.0,0.1576444674169435,44.97069280439233,88.9218467968888,8.042681817015096,14.865856745185255,0.0001222302345731181,0.0,173.84399559876346 +0.9293357560132691,0.1597403403851069,0.37483085328432264,145.2438082101744,212.4289474869395,249873.89946373797,4.185539936467,51.84114926284295,3.38824363142707,98.17659123426859,1.5432282577844314,18.659161765519066,0.40600925744520244,0.8791908231656196,886.6225815509479,28.772195193524368,0.2533671587979562,109341.21333920512,1.8001947205559214,52.59241066067001,4864.703878342923,288.51086565715696,345.2264760190993,57.203268746265636,0.21631165631996319,0.19438029882258706,14.782429505703567,33.041825631875575,2.8828938142205454,34.37994514970507,0.0,0.7618253034167755,0.13410155069376148,18.805624505512206,41.04572339410777,0.5418773255903305,11.117273759612683,1.6033010066721712e-07,0.0001132097967789073,0.20697914280160454,16.990351994751784,34.520628103530065,0.29536819333624087,31.195497101636555,0.0,0.00014063033626880034,0.11905974279842484,52.22621264038973,50.31808726804858,3.420128020713766,11.940524625377439,1.9907974977412392e-07,0.0,0.2040284522568304,28.608219706591267,56.35988221761024,5.116135073327262,16.053323245185574,0.0003454144325237657,0.0,129.65223705536806 +0.857555398542977,0.15024530058752938,0.3403192705974165,70.05300903654216,226.7157114224499,319200.34213924163,2.4017304949745206,77.48080863802635,0.6926667979871124,42.555246600762864,3.105046362035794,21.32619144758354,0.32027593693153905,0.889729121864575,342.38172638488,94.26891612777442,0.2598759426755972,126984.77957685187,2.0023753591232745,80.52624578719309,4493.42763295637,288.6801756369643,348.85446072041367,59.362005883510804,0.18568101650746321,0.1932116154029744,22.222914775417504,38.84483530311559,2.8825072217741883,36.871472101179634,0.0,1.0994388150256436,0.12575343054236857,38.961342619169585,65.05548841520218,0.32011778988563694,13.643450206215585,1.6033010066721712e-07,0.0001132097967789073,0.20544003493556123,25.66812968879255,41.70268620835687,0.23556462630261304,35.17793611126497,0.0,0.00014063033626880034,0.09145862765747792,81.95712323456554,66.19145604017271,3.6081047172720795,15.034780298910405,1.9907974977412392e-07,0.0,0.19945502649825894,49.19783429261621,86.88097106443075,4.177047535026034,21.000876305847004,0.00010666338583956141,0.0,186.30206880076284 +0.8898890649187794,0.16204877012636953,0.41020657173046365,234.86672818648208,121.50248911018654,305234.72267987265,1.8109468153174058,56.25253758494617,4.599999087850867,84.3277180226862,3.0680091874363655,24.609999838786376,0.6099594168463841,0.9555400227669218,348.36304167094033,42.68853194187153,0.2640714697098035,188878.4117895585,2.9900639432195395,99.66607870489715,3496.70152725371,259.74239404309213,346.73427731173405,39.32115767596147,0.18524147245056227,0.1869290828229951,24.73954195634687,51.13428055358981,2.9093089120640223,11.947791077329327,9.439499573450012e-05,1.1214740499548739,0.09888197420083278,27.619265052874397,49.89258553728427,0.3096345472407543,15.062812245299218,3.2805152944447825e-06,0.0001132097967789073,0.20034270941327018,29.96107120709987,55.47420161188148,0.23488319053393364,10.976449888108704,0.0,0.00014063033626880034,0.1317762627276304,84.25500381037584,61.53842610826891,3.6575126522861416,7.175161408928543,1.9907974977412392e-07,0.0,0.15218951427100014,55.286665278056496,109.80771597696142,4.3506029518218865,20.84232918100583,0.0,0.0,193.5780182998944 +0.9537670597157795,0.1961195259480944,0.44109602068739934,224.1521199776843,199.2803994326315,244945.51640714076,2.0702829508496183,74.82013393129338,1.9220298866066585,33.848549964615174,0.9027388858910594,17.279678348896326,0.4232315612684774,0.6656525497419001,673.4400325651594,9.519989827947295,0.12393889009486099,80496.61059955272,0.9226376861761783,44.622104362881416,4913.236402157184,250.90157435931957,327.82272604108545,56.51501715948123,0.17094543793612127,0.19810156305322388,3.1017941802627758,23.820000124077406,2.921080276273874,38.229115433736915,0.0,0.7991859179970603,0.1399621618704405,4.506984115195089,20.3955092183135,0.23545479170641914,5.070131321973465,1.3477747695997248e-06,0.0001132097967789073,0.21052612722567576,2.980107047788524,24.660361332218514,0.24505023760874298,34.46523209385137,0.0,0.00014063033626880034,0.14160209015759884,22.31517976798894,29.327853581424698,3.970956797276074,16.970439727061034,1.9907974977412392e-07,0.0,0.21262469224320313,0.5335183081127677,22.37913349693775,4.207046193262147,11.156955862013888,9.860750348330366e-05,0.0,81.36300420826768 +0.9290176392047498,0.15446866176652901,0.4308253078541057,137.51272826087578,219.60300622284035,348367.08978298225,5.178415183687352,47.15623639132312,3.5038428800155748,44.45038320330452,3.8134271768182195,16.71450229331436,0.313501547943677,0.97160280988,918.8895558743718,37.173580157271616,0.2073632469912517,64596.98294759886,0.9534801137097891,95.66941975821518,4028.7770718544034,262.94831833041434,345.4208385668535,39.343670128653955,0.18372122393712775,0.19418861359692993,3.7488511295669387,27.88864977953371,3.194089641739262,47.818983374099616,0.0,0.5967296641648306,0.1323077464347956,12.46367434871958,31.969292429875814,0.45097804503954503,10.862982794570504,1.6033010066721712e-07,0.0001132097967789073,0.20549513628077948,3.946700917130278,27.064406348277213,0.2776784673754496,42.647267776578495,0.0,0.00014063033626880034,0.10192859613155272,41.60877411199953,43.4144835094295,3.1817346290629334,15.798852607332721,1.9907974977412392e-07,0.0,0.1985690273419497,13.302672875737642,37.9819718183139,5.305900288568253,15.990648465730875,0.00045674460003489853,0.0,112.831655359812 +0.8548484652577992,0.21835509156085467,0.42823208643288263,162.43161886356333,132.94025358972948,194703.17636627157,5.286232517329171,69.35973565685227,4.943642890420081,41.01649394152433,4.061404304613964,9.709510749709493,0.6778201099981045,0.9381602307819732,113.48742089633242,29.986385573385395,0.09902925912729676,168644.1612418077,2.840081883672883,70.96809351387925,2785.381815922839,249.0126637116937,344.38750928351385,47.28351368554996,0.1809433213637423,0.19975101530919329,27.037287297663628,43.32771530474899,3.4756856320250376,16.06495634623042,0.0,1.6108079488821758,0.13779786419046153,23.77581528760083,46.33586652186191,0.8272451852025425,12.357054485149998,1.6033010066721712e-07,0.0001132097967789073,0.1949924874913765,16.81181738097493,50.78638844950452,0.31327433805554067,9.857493579010251,0.0,0.00014414060373783881,0.1318165923081441,85.75365607291927,68.22730442819707,3.1712935360008183,7.942191585641193,1.9907974977412392e-07,0.0,0.21283142674207606,14.978012196248745,67.08237242631937,5.445659812488427,10.809786127876153,0.0006013835346933835,0.0,160.18349315102603 +0.8913874098590997,0.196706262264471,0.3641334829173062,233.77187959781742,222.443876832709,273249.9623539874,6.984393889833115,88.39718444275388,4.777990205913737,94.92926458723026,4.032975598333612,26.973517758316305,0.49807191255286676,0.9819133323059881,374.4701950092727,85.95546215959891,0.2548082878685842,178977.2536657851,2.709348699169336,99.73477541894692,4503.389357573116,178.58023089425356,335.676242917419,54.251071645179124,0.33005449228532413,0.1922591928486428,23.496573113323404,44.99537922485784,3.3018247477296,15.948475237053303,5.7320416929254684e-05,0.7108354475340524,0.12579764994441717,16.58719314119922,37.11719193213584,1.0407936944656107,11.913523710501144,1.6033010066721712e-07,0.0001132097967789073,0.20082686690895943,25.220273598470524,49.7581100303375,0.3772074733878594,12.704600558831089,6.519982748044606e-05,0.00014063033626880034,0.34958582353968154,57.356776073824555,33.776706211863626,7.7513885050255915,30.66093165942292,1.9907974977412392e-07,0.0,0.1450586327427805,15.394047873011713,75.58219004948583,7.244386949407661,12.621135767876458,0.0,0.0,139.65761177283946 +0.8913874098590997,0.196706262264471,0.40209426988999875,233.60670301661682,231.02921776752012,272055.13106782746,6.984393889833115,88.39718444275388,4.777990205913737,94.92926458723026,0.2627379173981337,26.864757473648574,0.5113312491152808,0.9819133323059881,374.4701950092727,85.95546215959891,0.2548082878685842,187702.8007262346,2.709348699169336,96.63593145946119,4503.389357573116,251.75930685887312,335.676242917419,54.251071645179124,0.33377151704310304,0.1906200677236632,22.103689989691894,44.84523623665578,3.2964525388758474,13.907161509619103,0.0,0.7098140717678105,0.11454636847511089,14.907987277471815,33.15275435021387,1.0571696227781542,12.822086237895272,1.6033010066721712e-07,0.0001132097967789073,0.1955078412671094,23.31316306763602,47.6573730197245,0.3796755994227949,12.277045860986416,6.519982748044606e-05,0.00014063033626880034,0.3531216535595985,48.88798433903675,28.596555477638432,8.572605880099879,36.80041579184027,1.9907974977412392e-07,0.0,0.14899993987322732,28.862915038758292,66.37240581313903,8.94008130661845,14.185850349575077,0.0,0.0,131.57599957284975 +0.9271282547957725,0.10135564905995531,0.36276973098000004,219.14892696929095,215.04030310497217,114365.89492368685,5.75546039847321,12.664775538953414,0.8732574395089399,26.448825270785086,4.655496559423769,20.729897555469304,0.41474126686888496,0.9260526986006263,525.0080360408331,21.172264881113996,0.07333338069242418,104864.96126015991,0.986340168307219,68.35878501446886,206.0582609158089,125.21776960487523,347.42440890349656,32.86146183685889,0.1507253569909941,0.17569516491855575,6.445345182386398,30.310654022380394,2.7731943533572943,45.377441760773834,0.0,2.5273273711987403,0.1300271319317756,10.632331953543016,29.196094137605023,1.62673153092109,5.53292849233627,1.6033010066721712e-07,0.0001132097967789073,0.20517741598539713,7.587523777945302,28.369682532638127,0.4841285465512239,35.41150020225068,0.0,0.00014063033626880034,0.13197354663318356,47.86535003690506,45.71592237183697,5.184390032797673,19.72293708446424,1.9907974977412392e-07,0.0,0.1821629074177591,8.189183417293968,41.920560623008726,6.4410307853689375,11.478386367413023,5.9975053336270975e-05,0.0,113.76946332790898 +0.8984980899596694,0.23598515147130122,0.35923037194877,202.4180645686018,140.2867354870038,298068.6060181914,6.720737980134995,72.81638576653278,0.9171716206936462,54.404896963179084,2.745667739241698,22.638007259143446,0.6364403480761975,0.8602814740309557,341.91972046515724,7.398440942631481,0.1908438986173813,281513.4170605896,2.823495733548001,86.94270530281703,4769.37262553528,243.03996623169994,341.9102861627919,53.884800080068295,0.17845966091342091,0.19635516716507576,32.63885565003289,50.54811465859158,4.628626619810036,14.987378216828233,4.8630211317804225e-05,0.8101768216985326,0.13344132243747625,33.42185433319177,59.67182360128452,0.7439442193030988,8.591010666720853,1.6033010066721712e-07,0.0001132097967789073,0.20977288425789822,33.18123147175337,54.14726449001596,0.3336109235685468,11.766593244495017,2.9636391450853e-05,0.00014063033626880034,0.09020890364919111,103.01305164644036,70.55283775782159,4.61152797130779,6.316214392079399,1.9907974977412392e-07,0.0,0.20732950847115725,19.023830914031613,77.34005815260012,7.481433915546116,10.614632335916301,0.0,0.0,186.95838048455656 +0.8164678724421064,0.139499168262593,0.39394668929338666,49.794325274693534,72.56264107674411,236646.76355269641,4.927185193713088,59.88456182015156,2.521430480350005,8.084485072221682,2.3025471275714615,26.246445076931884,0.35572953868532475,0.7710040531952437,984.1739722182971,35.23274021412489,0.09797423869880725,101493.66023910801,1.2975148013016942,72.00089330493934,2514.1898700242596,252.08492216041478,343.58374840943895,56.634876734810376,0.17478402076442615,0.19986570358054867,15.13460143195934,28.4178020459907,2.672129825391945,45.891800782346756,0.0,1.0568992376147996,0.1347771340667416,22.393078800267975,44.464804737916644,0.2691347969075118,8.990838457279551,1.6033010066721712e-07,0.0001132097967789073,0.2083982248983548,12.956354700149442,30.147680953505215,0.2638509933842024,39.46455785456822,0.0,0.00014063033626880034,0.13644222041991202,60.941447760046614,48.77617805168752,4.164926459294333,17.499778150489934,1.9907974977412392e-07,0.0,0.209181400330035,15.10087970580315,49.87840966651919,3.439835353568466,16.635105036251833,5.795126204592941e-05,0.0,133.28866936392643 +0.9620601260182957,0.13186341086316516,0.3440560604388165,83.26526579016016,71.91223435115404,268174.3604310872,4.251055815078688,74.67032484095645,2.8292553188512106,30.97740982416163,3.6947306047179014,26.604935868263407,0.5323320516778085,0.9314727967537799,968.2753150248691,55.71275482161934,0.3438662094162375,276742.30029604177,2.641750708348259,43.50767382712139,4665.450933013704,50.401594504817915,348.78919283158643,58.63595079742183,0.219226753478925,0.18907754053380368,30.88207394983304,55.809152890734175,2.7142879979668444,18.187740829089762,7.269683617936885e-05,1.0911567382092104,0.12631453337235998,24.577946514550305,49.73025683750175,0.22723524685364008,4.218431230384134,1.6033010066721712e-07,0.0001132097967789073,0.2026588003938057,33.38122601119494,57.885466045692866,0.256408616800994,16.966449469569838,1.813195200041933e-05,0.00014063033626880034,0.12622372171055463,61.56052420487339,46.71208860358701,3.889471762963743,6.343671915328413,1.9907974977412392e-07,0.0,0.21726673559339862,39.23758723396442,74.32724804753308,4.349162070400863,9.450355116385557,0.00021006426793664294,0.0,159.54714705484182 +0.9575310584229495,0.16736794516561065,0.35181677528796185,182.04491549482475,188.90470295262253,303684.3449955577,2.113065395295634,6.9296728782428545,3.4607996929277856,41.96049990393745,3.1182008020964487,26.492242546051315,0.40172881356945783,0.7881861357693397,832.8809467437947,36.36942149650416,0.08205730225436468,220112.80431871687,1.6472973526168921,89.77295427081819,1327.1675951007342,168.70458567931865,348.83280391562715,52.98259950699169,0.1597111547388962,0.1963292524103318,28.668732306511874,41.18956370483898,2.737104726244806,30.59884758026794,0.0,1.13806913377412,0.1290568741495854,26.04895661777327,50.6613770077011,0.2478162500583037,5.850781957388707,1.6033010066721712e-07,0.0001132097967789073,0.20568580538046763,24.089229653827577,39.21203667466676,0.2377811793683223,25.225757392228566,0.0,0.00014063033626880034,0.12096845419091908,74.10835676488674,58.16928179720954,3.7530809304634447,14.367599080703126,1.9907974977412392e-07,0.0,0.18021277370653527,23.098631816538358,72.47513825455673,3.406796525717208,10.53165364306341,0.0,0.0,156.53218763090206 +0.9854757642238924,0.23301958312337367,0.41757848156240995,242.84934966263648,109.46920058436712,301751.6396981749,6.6803272403131695,99.64399856816169,4.9039882631356155,62.96872493831256,4.157778531598415,18.964849077578624,0.7677229737594042,0.9807259961236289,943.962744296246,92.7331605495335,0.21431343382684295,283528.1540112736,2.8993643358835186,99.46868595154106,4746.733780631167,271.1053077741044,342.21097307989317,57.40027171523509,0.18258718783292127,0.17904578640154417,20.16809547924851,56.759771025274105,2.8344720277423616,11.805359440665883,0.0,0.6934407582500837,0.12878416750786076,24.217026688181047,46.499842501352816,0.6849488892490556,11.669397439356565,1.6033010066721712e-07,0.0001132097967789073,0.20469783761872026,31.230688781483707,59.82310431987374,0.326827288779535,10.103780718256134,0.0,0.00014063033626880034,0.30954820334418504,95.27088748280217,59.11180749295748,3.170347436499317,13.42105344248434,1.9907974977412392e-07,0.0,0.17601736132430185,17.85920688584246,82.27526470415926,4.880299848872572,9.89874312032182,9.976636647227189e-05,0.0,176.887296747038 +0.9830915404514399,0.20172312911540835,0.3892753352215095,221.22366058892476,197.18696175404273,198164.783760011,6.992603143068381,52.09957406041346,4.505340808613788,84.74053921930955,2.8540275659764354,18.956759987134824,0.53571719547523,0.9263123551496385,557.7771593777437,41.0828948441919,0.27692717517675475,295039.3848057236,2.9436992043646697,97.4803707460477,4752.360365543734,231.0921759835517,348.6947316775461,56.780635685013756,0.263298792401798,0.19333878444290206,31.912838622092586,56.50056810219768,3.2603344036901754,13.782379155355391,1.3648935071432721e-05,0.7780037222553883,0.13387141712681042,17.911584206591154,38.29237125128513,1.2734274722453367,10.356253961269566,1.6033010066721712e-07,0.0001132097967789073,0.20436761296722528,34.040446547986456,60.466928253904875,0.420855411342522,12.595433789496223,0.0,0.00014063033626880034,0.35422485750528643,68.0679487839345,37.37019870504087,5.965878670176193,30.667273045351173,1.9907974977412392e-07,0.0,0.14980513068226886,39.957836232345656,85.02072871755362,7.55768016838198,14.394621728537533,4.235982332028146e-05,0.0,165.46096983240648 +0.8228271635491203,0.16392037992120276,0.32715272228078623,26.196332156926132,138.37733582851612,220859.0320030579,2.7993048199248696,97.01129249830211,0.533683001068106,62.32579114615727,0.9342001051422104,26.318835923947606,0.6048620952151565,0.85128689793978,742.3827017080041,15.111047147438612,0.1889628741961956,55590.95999467833,2.384473648783864,85.72324739736551,410.59792452609463,128.71910065334785,348.86795671606865,48.53488226604399,0.2733469076026294,0.19309091498171552,17.887669404879606,36.18254999224427,2.503834385726692,35.83565334830134,7.215243785206997e-05,1.1423111759092457,0.12100614232237526,27.41709188531069,53.17535562089901,0.32714972055759217,16.789709101176403,1.490474541257263e-05,0.0001132097967789073,0.20531176858261613,22.11856611203457,41.00862089380306,0.23686713660771486,32.45566334398906,2.1691922850627598e-05,0.00014063033626880034,0.10844204213635562,68.86053866366746,61.832961874546804,4.325105961216774,16.591396459835586,1.9907974977412392e-07,0.0,0.2140358862383613,35.234223039403574,64.85028597996258,4.196211953788747,25.032724688553625,0.0004852678827649834,0.0,157.978073735616 +0.9502361020121715,0.13184176194134029,0.3534296358482475,234.98041223564752,180.1137548949976,309316.25847606774,6.553968698249531,48.25275793223898,2.629007984697701,96.81926386079378,3.688762713473136,22.12753341124081,0.7812904105281244,0.9201885758549809,646.2382901470686,26.03308488992932,0.05270396891468694,210136.1599628227,2.6043233246065207,91.4975463764491,822.8829050372879,55.84041604060131,220.81416534784185,36.52697681854277,0.3114845147359619,0.20003976638502421,11.79323371156374,28.18003365823736,3.6585040510385927,4.421939098952389,2.207159975537769e-05,5.140559421958859,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20427210222038994,1.551774235847858,25.833346424329882,0.33975118351096084,2.5105815392076494,5.056361068836394e-05,0.00014063033626880034,0.3550528472364722,5.986115688835061,14.397418100797655,16.368443082535638,57.24133668337233,1.9907974977412392e-07,0.0,0.12391956336851996,3.1001054414668827,32.889934341178254,7.136910324453541,29.101398741544067,3.591948361940351e-05,0.0,2698666337285.8823 +0.9823746734256014,0.2620714112880848,0.44143522979489375,149.67106112683138,100.89846272963436,289294.4681583486,5.520090175932216,69.75134675560005,4.234104102332286,93.46538337870336,3.6845943947647504,26.258582811902503,0.43294431875372685,0.9103120157741647,636.8616406214171,97.45068140108938,0.23972617932815177,266213.99449388304,2.8973111775738603,83.77413139776952,3989.3735352760136,280.486837105489,341.3098819544755,57.41305962322505,0.15373529476838704,0.19211227538300957,26.790955908556892,48.36043322539917,2.9563906316937794,10.892653107036207,0.0,0.6777887545530997,0.13097228289969312,23.770843357970215,47.08338751375467,0.4759397473090318,9.647484846884256,1.6033010066721712e-07,0.0001132097967789073,0.20379125902194675,29.195045518139633,56.00156055095606,0.29401054968422297,8.99844440367679,0.0,0.00014063033626880034,0.13093028427561423,96.32740363765387,65.287110386396,3.023879841047544,6.161280626275242,1.9907974977412392e-07,0.0,0.17346820191852183,46.1196212407006,88.945125680171,4.890660695057254,10.566535520637737,0.0,0.0,184.0966260715678 +0.918719239855949,0.2297483778806334,0.34099095439968025,142.33161901700174,204.67703743159646,277733.12326729984,5.938128814105453,16.164283248637005,4.149730809826966,52.43045538303414,2.1641679715189857,22.852032197288167,0.46004270411932774,0.9901663083287521,578.1219752933667,66.11949720371092,0.3300556855231346,205000.23497503618,2.8814925095118866,50.62251506963643,1538.268990406044,292.532549364744,343.377263402531,53.468068603498374,0.2513915790584974,0.19328777389772028,28.53249381643789,51.078038494317134,3.079277805459426,17.461928391980866,0.0,0.8252163065577064,0.13318393639455897,23.94134733525748,46.9108342069011,0.7050827332986328,11.729360509994407,1.6033010066721712e-07,0.0001132097967789073,0.20474326811254526,32.529210303628496,55.13280507227779,0.32484352048832266,15.149472456099033,0.0,0.00014063033626880034,0.12482475575705067,75.24576868988576,57.14688474902606,3.0092264690046573,6.019679809689666,1.9907974977412392e-07,0.0,0.20191169662982775,42.162326496061915,77.49586820294776,5.904689089715746,12.034118887359735,0.00021528304648363062,0.0,167.0734048411227 +0.9361384476230128,0.18870811876087318,0.38851549858461054,225.31150473638948,169.8241896563747,313924.26741380803,3.8878718134131063,75.46999475711297,3.6626142474205645,43.935722720255605,3.108149675864585,29.224380949800203,0.39365511963252525,0.6841396446216294,951.4664218700502,92.97484401293299,0.2075016568033453,260063.6574653587,2.931593247885145,95.96005310036284,4468.063419909769,272.2869159260517,345.6815649450449,50.545467278148706,0.34343500215635436,0.19567594210012187,24.977663606106514,42.23472629800178,2.8675536465120337,12.300464771736273,0.0,0.5841308443448638,0.10076707394330604,14.433124063834878,30.748696155965376,0.40116920259913363,17.441666843169138,1.6033010066721712e-07,0.0001132097967789073,0.20101129470996548,26.043743430376296,45.948010742102944,0.26874274558057987,11.650470002988525,0.0,0.00014063033626880034,0.3372064700082922,44.95183629248647,26.708682966714147,4.064398774037665,38.89543759488341,1.9907974977412392e-07,0.0,0.17657888534299765,27.75018716223804,56.06162090001735,4.654394564004302,22.326135220053093,0.0001378692378106246,0.0,125.09084975570354 +0.9521052408954209,0.21911258327336092,0.4495583641824508,190.46683276374728,249.8421299042191,344133.87738208874,4.82145178308815,66.07250166627514,4.023569420372688,33.35680483914882,4.39173496089686,22.85087935673458,0.43333628643757516,0.9980177269535201,602.8459734282752,80.80715295903002,0.17172300698527287,206821.3916835882,2.6585886138161534,85.6660298181824,1855.4162193589464,293.9641892044749,344.81727866072856,55.33174228533274,0.3157510252797834,0.19357214412422563,23.725146902643566,47.29100798478824,3.143385326612476,14.738666288672023,0.0,0.7046293806808647,0.10345640545483703,13.651972858234801,29.87646970769873,0.5303910158719607,15.522855546211716,1.6033010066721712e-07,0.0001132097967789073,0.19754120146325263,23.36255827589279,48.379734210693535,0.28639441663790005,12.89005196520398,0.0,0.00014063033626880034,0.355079347993123,42.6819070746625,26.130881262179567,5.6962509084956015,38.33206590188127,1.9907974977412392e-07,0.0,0.14781965414524284,26.907358190519222,65.53351769964495,5.69858311605638,18.431125603109233,4.998345032900061e-05,0.0,129.60407809843 +0.9072319023597627,0.22844984332678353,0.3368473907295015,99.82845942957644,135.3462115947171,210428.30839245603,5.29449735142622,85.0713443738384,2.398850695824308,60.623633270821024,0.5368968376036158,17.06880329479097,0.5557132224693675,0.66845559100319,432.14581031903873,40.546635095190815,0.13730924430083763,87872.46010659373,1.962492696601708,76.09146475884002,1886.9788246524931,257.7636833401175,331.54004851705184,53.004960202695,0.1854731102462162,0.20012580087168558,14.238761423150237,28.74081056142143,2.955826799675942,32.84390096690836,0.0,0.9224564818953228,0.13624774540025872,18.468237460137736,39.40561833938869,0.6389750029822889,12.252622459453834,1.6033010066721712e-07,0.0001132097967789073,0.21092490254664753,14.553099427609808,33.03850281437853,0.3229175035438968,25.592018301599104,4.3531786961109024e-05,0.00014063033626880034,0.13408453637073348,42.90717796360987,53.208341880152794,3.0822101533749313,14.568002133501011,2.7581264978416273e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9794267503499103,0.13367244995289795,0.4067117071581832,239.50723146337359,238.0822632472498,346882.06217486016,6.773931896057004,39.588479145522655,2.04878513986795,9.423164407843009,4.209970514351699,28.295803310941427,0.4054946802820972,0.9069683577915509,884.3540086346984,76.74861648257242,0.19160055258916545,84638.43271460831,0.8180928928148068,33.477032711618506,3320.255216657676,197.0225986053066,348.4605629998037,55.12999984932861,0.17602944219111408,0.19096898344019503,9.195551453036487,29.300107935313275,3.3076999022798415,58.396650035150124,0.0,0.8302377950107515,0.12335807959612904,10.776612469608484,28.254939551141042,0.8382343537520919,8.875094515194958,1.6033010066721712e-07,0.0001132097967789073,0.2012841846801539,7.884111944719282,27.223216354636047,0.3396363014784046,50.724307677430794,0.0,0.00014063033626880034,0.10392562949024682,46.07266677386873,48.02246729987012,6.182904696446096,16.980837701710485,1.9907974977412392e-07,0.0,0.17919923162203844,21.533576723036884,48.18183008725175,7.362318312407294,18.367733681027875,0.00015646469242462874,0.0,129.10249846204485 +0.8156396643526919,0.13679697295143792,0.38319772700399746,188.40346060603775,201.56146849728657,272516.29052865016,3.4587755096498065,80.47989478623006,3.988794756435257,64.2786964196354,4.166794268834023,29.415257346781974,0.3642270239881973,0.9709509409920953,126.85511680754887,23.2230120726401,0.14658168189846316,262416.5278180714,1.0143695808120703,65.38340449462919,2773.7556122662468,264.11827829768606,343.45082598141386,44.200056665845125,0.1771023435043259,0.19169908715048817,21.309103247095855,36.88711824151059,3.476829552911644,22.835665862120372,0.0,0.7881971986186402,0.127913095478703,19.73644531066913,41.36867674503792,0.41637191647152033,4.020012052172855,1.6033010066721712e-07,0.0001132097967789073,0.20303991312485725,19.872181985063868,36.82040242237751,0.2708114309759324,22.593516182002464,0.0,0.00014063033626880034,0.12726457362620017,66.40528653119783,49.15561731974087,3.256250074143278,17.383833806941283,1.9907974977412392e-07,0.0,0.2008351232941474,27.00194866012644,51.62933872858511,5.6070704432540595,9.904421566951232,0.00012726848645767407,0.0,131.87284890923092 +0.9778990495901481,0.17527622741301624,0.3469509352189179,231.43651150282156,232.03136314674026,306957.11047736637,6.6973906463602,82.87009168206487,3.7282578841508576,98.45321257570069,4.715969071679247,27.521196093636892,0.37091482132618486,0.9144586652830373,892.4941479612971,96.84713752987373,0.27466521158419166,252981.97971495223,2.940452726366079,97.62688673317959,2694.9770622476526,292.99183905465435,346.68097775140365,54.17056432403864,0.2983324943245779,0.1904152665595697,32.30142358620519,58.56228209649645,3.1233032058330887,16.06281365929186,0.0,0.6615390257949239,0.09561935113097626,19.50632073485303,38.478997432005194,0.9132932301479751,18.43144687182071,1.6033010066721712e-07,0.0001132097967789073,0.1922396608853347,33.41882879858499,61.97255796283148,0.3540585451865037,14.879214497364822,0.0,0.00014063033626880034,0.3544317507584776,66.09782519562373,36.548936125773146,6.5024623483513535,31.623669983961662,1.9907974977412392e-07,0.0,0.144687840584434,43.19422426824801,88.04972937032205,7.0434013618749525,19.761510039433677,3.410690141350566e-05,0.0,170.0813962639405 +0.9149877336250453,0.12417132491796756,0.3364341585292392,87.85382896687713,145.3508765762735,321583.26774746826,2.899011797541308,35.98917769815529,2.0568535879532965,39.98171413084497,1.376984893836386,9.682905295589283,0.3056690963296591,0.7793961434027193,472.248521081389,10.284218629728908,0.12264326232282219,103657.09170459304,1.3837113396865788,82.71488440110147,2445.807074951238,285.39856918256135,341.7337174017135,56.060179441819834,0.337814545648025,0.1989244362730998,15.184421933782442,31.85065748726434,3.2924056238849797,44.03617403603285,0.0,0.7659319152792041,0.1397973813986144,11.730970343218948,28.586063239444993,0.2560829795579942,10.691162338851438,1.6033010066721712e-07,0.0001132097967789073,0.21161262340838416,13.339300685218205,30.980472789745157,0.2388903735829127,38.57414760556993,0.0,0.00014063033626880034,0.08869318150627446,28.77579649206018,32.929527214120434,3.6366663742447107,8.21892760384659,1.9907974977412392e-07,0.0,0.21198651168822844,6.505541293469715,27.974930444290482,4.368951575706271,16.205091891026857,0.0,0.0,99.95239176248738 +0.8984059319433126,0.24198641214501748,0.35975899398877864,244.43702752223763,109.59178559855278,302579.3426067404,6.355195485170021,85.21509756453429,3.2868169458745773,54.036802974990735,4.852465056833277,18.706727962078514,0.7930424624754372,0.9807259961236289,938.7865278502956,78.02848684189495,0.214746678552625,281590.8210408238,2.8798913187831428,94.90347617692603,4872.969496574665,116.9329651160084,342.21097307989317,59.033018254197025,0.1786030319559588,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.13501961844876323,30.676414320484884,56.214462520544515,0.6475764089425959,7.606705589359397,1.6033010066721712e-07,0.0001132097967789073,0.1928554172865607,23.588529452501483,60.461471019052226,0.29674229185784606,11.23233722318704,2.9160540075872962e-05,0.00014414060373783881,0.1030823694860614,109.98274416642913,76.95357571802353,3.106886481361234,6.155603155372347,1.9907974977412392e-07,0.0,0.22661259501837938,20.73865622655375,68.17039509223449,5.015481048228635,8.374229583510102,0.00018502804612916234,0.0,2698666337285.8823 +0.8228271635491203,0.1718937881717087,0.4082810719829695,232.6373159609501,138.37733582851612,202827.16814559716,1.7739631101657505,96.38018152926375,1.3436728813203533,87.68089267046884,0.9413539706236288,26.296361156811898,0.6048620952151565,0.85128689793978,508.98468873388384,15.111047147438612,0.18974094986274492,59270.28753343629,2.828246531721325,77.61938868775493,410.59792452609463,95.92549153437024,348.61938876675254,48.50023025402163,0.2733469076026294,0.19315492414133636,17.800949383043378,36.4985709003621,2.6860716860641776,20.706446422523154,9.529208347474206e-06,1.0179005886544528,0.11966752598747704,23.357323630701682,47.003508258144514,0.21528090974123942,15.492664988488936,1.6033010066721712e-07,0.0001132097967789073,0.20519684177377,22.959575901973263,42.2168942706235,0.2436024819565757,17.81712386764744,0.0,0.00014063033626880034,0.14914468512314644,57.41431660399779,48.36186208962987,4.318033283237252,12.395265964255092,1.9907974977412392e-07,0.0,0.21590300664357356,31.485827265994523,57.45089768546187,4.7155309983308245,16.53179532858329,0.000544281846756209,0.0,134.5478797211472 +0.9798249582038804,0.12200705559364078,0.3680659333961953,236.7110813803559,199.71556897550835,147983.28753228797,6.458299258354961,70.31237716400257,1.6381207767988695,90.50137473927175,4.7500948385169455,22.928873824462528,0.31111362181047086,0.6694369995793599,698.6526524135004,81.5665320395497,0.1486516660121725,292465.3875984137,2.994572862489909,75.22247354789893,2287.952901387419,268.24212564182073,347.77490686987534,54.10468734100555,0.2978247520978202,0.1971014218763937,32.55861054861443,49.47328455000771,2.936623180998772,13.75237672329165,0.0,1.2125898774222432,0.12777355728557574,13.380471824715908,30.36815709353868,1.4961107755704997,11.030247325746231,1.6033010066721712e-07,0.0001132097967789073,0.20738515561567822,30.095641774049714,47.359882881882065,0.4612240135278641,11.031195306116933,0.0,0.00014063033626880034,0.34215405255447123,56.15235377893937,32.05582040663901,5.592060028239779,34.58382916051057,1.9907974977412392e-07,0.0,0.1643072204153579,33.01429471546274,64.9238233075135,6.861520435338002,14.364658923024898,7.525274944294427e-05,0.0,138.45342650875753 +0.923061586212508,0.23549519724335677,0.35454508150200464,178.92258441550254,243.2030962656943,332398.3782944398,3.7743623207240677,92.65909709172212,4.544778803400368,78.94056430338787,3.8284009869552054,25.615816774956752,0.5710850362490147,0.9158178813969576,866.6026738808987,38.82160509389627,0.2490740518861327,233012.72822271203,2.834382031965782,74.60010788927774,4746.934077137323,263.39556025631657,343.40465338161243,49.131348103990696,0.17824025070107974,0.19337081502323755,28.292756116674212,48.63458263562017,3.028274496977783,14.664487320874413,0.0,0.7243425059463905,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20568693122374532,32.134680436896446,56.53869883888787,0.2616287140866859,12.490320910553729,1.675518321396402e-05,0.00014063033626880034,0.10884883518938683,94.59113769082393,69.8210324406714,3.0391199970358223,8.631986506629566,1.9907974977412392e-07,0.0,0.20644596383173622,52.13909762271802,91.04452499346125,5.0633595777142295,12.627751395055464,9.449326566742842e-06,0.0,2698666337285.8823 +0.9383173914097755,0.20740357537418855,0.3724379369189263,116.04946225141792,246.08997722127486,343136.1800617353,6.4153222751147645,36.48367628926344,1.7688320998041793,99.99353957363883,3.181927215371764,19.997279671332787,0.4001453950208056,0.9566810349310468,896.8136608837879,59.92304163418988,0.08045690815461312,143187.2410428847,1.4331155761431023,99.08631122031186,4358.4721859446845,67.93817521237348,349.58758341480745,38.15436351268172,0.25856919578618864,0.1986511773526126,21.90993603002425,34.22969389550381,3.2113374705037914,38.65529238333439,3.250403351667134e-05,2.797215223954355,0.13444037917052382,15.517850821237563,35.53524538435445,0.5692438890998399,5.29838318085433,1.6033010066721712e-07,0.0001132097967789073,0.2062854903713116,13.75504915860046,31.33792711502087,0.299806836659425,28.101340913915735,0.0,0.00014063033626880034,0.08423464170578045,55.50082122630072,48.9410194318273,3.3742439948530265,6.7124208730793065,1.9907974977412392e-07,0.0,0.21246101609272636,22.566790292058307,47.535717690890436,5.649616175949218,12.117462045623506,1.3200062010644241e-05,0.0,123.0320976139389 +0.9290176392047498,0.1456381173697394,0.34601297358474936,137.4755621212816,240.32536792048847,345646.08811616525,5.178415183687352,46.93911002252793,3.3631439028005743,44.45038320330452,3.8539105340903532,7.8982352259827575,0.313501547943677,0.9547595953968644,932.1268492076177,86.71853617064279,0.2073632469912517,64637.42487721951,0.9639729621868884,93.56782622501773,738.4698394552595,270.75073986957136,345.35140723890856,39.343670128653955,0.18372122393712775,0.19785081236235186,7.731301491970304,28.813142336959572,3.062304907392721,60.26759830893948,0.0,0.6056436874725196,0.14004770668613978,12.306885266766141,32.605110621808095,0.4708362399693314,10.313617499724746,1.6033010066721712e-07,0.0001132097967789073,0.21053576752947362,6.8793397732966834,28.166942053944307,0.2801892138548074,53.9108875471872,0.0,0.00014063033626880034,0.13256486350541996,48.70593852792033,48.555609054697314,3.113332129409105,16.71989878862947,1.9907974977412392e-07,0.0,0.21994703798160586,14.884846136055407,40.786065796088074,5.014760828859429,21.39920110555107,0.00013975322735724718,0.0,130.33677670186563 +0.9719189899328621,0.22763520052465064,0.4323798687548352,200.89223236255216,192.50368712757606,319407.62442195386,4.158517427607595,80.57931585846993,2.101979809310905,75.02744320346909,0.3047669410240048,27.342951148263534,0.32938671940719944,0.8851498767442474,595.9151912932856,26.0848892213424,0.20651594168346363,294060.05248702335,2.907867984029433,12.128618843295506,4362.321747251688,287.3859514858204,345.92360568109575,56.562219046199345,0.34797674224922936,0.19288759345749104,23.978297881091166,44.191736486040206,3.258565471551229,10.40609837645424,0.0,0.6380426598889412,0.12508689661543848,10.125734594950954,25.774014496673356,0.4380328156405828,3.2605685159933007,1.6033010066721712e-07,0.0001132097967789073,0.2046703536548129,24.181923529368177,47.53711359912736,0.27381500211878573,7.577134291211647,0.0,0.00014063033626880034,0.3511440850985739,38.036654904318816,23.997663521339234,3.2220244912748064,33.83639423502818,1.9907974977412392e-07,0.0,0.19268427400942262,19.03180156182806,41.59065185507506,5.504405400183522,3.7111676118025074,0.00022178332559596536,0.0,107.89411850057077 +0.9385163444356597,0.24522807298891777,0.3576191982045689,209.34732602933857,143.65983105122044,308394.2599162751,6.610400667964024,63.01443228444238,3.946356714303227,74.16638582140637,1.8636438560419182,27.301740100259693,0.5486555091764272,0.9872453908779271,819.5037250375234,49.857778240004855,0.3437733549916289,192780.42030467308,2.8581272050464483,98.55673686165744,2985.989125788803,199.62170595407423,343.48778759704766,59.6606642663725,0.19228073684798525,0.19168946392373482,31.069240569728894,54.79336788049655,3.263025409551677,19.3745437499049,0.0,0.7392051280342548,0.12314655897175375,30.42916507606088,64.59145218183572,0.7196030666740656,13.43532896705186,1.6033010066721712e-07,0.0001132097967789073,0.20118983721567507,34.75089851478057,63.89710264907564,0.32853981802798565,16.477116823724213,0.0,0.00014063033626880034,0.16318175186005118,102.70313944024966,74.42279184355417,3.537348779407637,7.8390307066097895,1.9907974977412392e-07,0.0,0.16058717458921845,69.16605967508212,122.10304163104361,6.152733284802422,16.60550693250403,0.00011521655223645566,0.0,226.63351839041778 +0.9764142857994709,0.15857425459249877,0.3247330889283615,102.03347772716857,228.10168607719226,335880.2400805044,2.8010250427715437,32.576656504826644,3.3982000442303444,98.02575341728301,1.6074798107580992,7.086731880252747,0.5362172772764107,0.7416811160152144,824.5838475405819,98.00941464924695,0.28532514862779157,80291.85626779056,0.6286602677202059,93.26035871551622,2731.9587129055717,201.45284023632564,345.85200205544476,54.20811204840639,0.29339605976631405,0.198869079062191,8.686057866721525,28.382436365473033,2.7913084258621432,64.42770035542931,8.311276474310371e-05,1.0392709303950303,0.1418685399511227,11.075858991501034,28.766076358817525,0.24457008153275922,8.929845912892848,1.6033010066721712e-07,0.0001132097967789073,0.21243462109882963,9.673393004275795,29.357397537155514,0.2389479497319957,63.8641090788477,2.0142207633159016e-05,0.00014063033626880034,0.12960228896394396,27.384323016712802,33.15767871783151,3.641980762216908,14.823661165712366,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9385580937892196,0.22722280724199787,0.435726456463777,140.48441152318526,33.62604643060183,273737.34445759613,4.152014916082129,46.019615748757246,0.3669372603287948,63.902071564588915,0.6769892267163025,27.632165116872756,0.35565704745957355,0.9336283992505345,619.2665195947318,20.091314890422503,0.07564697330224106,72731.80667748947,1.3587094994549194,22.554906309769976,4233.969958408944,286.93054199085606,349.6294318381385,43.577369552333295,0.2555808458492768,0.1959790108554056,11.283010505843842,29.351899826492023,3.154190523543453,48.26821780566684,0.0,1.8260124604370167,0.13072029627045595,11.915416475366877,30.889097160368376,0.18605502073749539,8.2414874974902,1.6033010066721712e-07,0.0001132097967789073,0.20411735580928575,7.374999740073078,30.10858366302667,0.25446573971538833,36.486914621021704,0.0,0.00014063033626880034,0.11529668698644042,27.18682487058077,32.340018199035704,3.9823951448864032,18.017814033119617,1.9907974977412392e-07,0.0,0.19766177857183362,16.82283516387848,42.83000423727213,4.917445931039286,16.50598451296048,4.35984118387222e-05,0.0,106.43302331966464 +0.9761331499938878,0.22984178055050034,0.38875656651062257,218.61920367552463,215.55493965137765,323134.8300305135,4.4362576057305745,73.31766986379726,4.767969117359801,34.12807270975392,2.608385869576197,27.537437561012396,0.4954580419201765,0.7453619324291538,740.7350677009998,92.54501775138613,0.3086297805095503,120705.5545412926,2.7434511153824173,93.18133477466056,4930.411414000417,296.4565205944236,346.1857619352069,59.33064160102315,0.29816061955506534,0.18482102149745125,22.305938890877044,43.77418554537415,2.9818840383901932,23.726038326067425,0.0,0.8161868284485484,0.10103359612101108,18.339480164700497,34.1924548129402,0.5202540589112633,21.148119439293243,1.6033010066721712e-07,0.0001132097967789073,0.19090971663484843,25.97593438304397,48.68656387843369,0.2854716792646261,22.832581411765492,0.0,0.00014063033626880034,0.325875675980019,51.76351172700583,33.68106569175413,4.477467467437596,23.17632008705292,1.9907974977412392e-07,0.0,0.1656189934455151,31.682584967626784,69.40510598673352,6.1007612934939415,34.77472435969114,1.4218083867719529e-05,0.0,141.2245196207177 +0.9877878104570246,0.20238524277810765,0.40340056143606673,225.60661806711758,237.42578593838297,192836.1429349103,6.078755685813478,80.02779218113044,3.1153395548666736,99.64964660423894,3.8850846233638596,28.09175402713585,0.5803215696760065,0.9445647529978127,973.7700607201718,80.49025667138297,0.32411763312863673,155640.63440155104,2.8527784545026926,78.7048624279818,3850.4712926680872,283.44336581867316,349.3310809505209,56.608865996973876,0.3419316271415574,0.1881794024694622,22.727604311253227,50.88509948075884,2.799463234337549,18.078181598670394,0.0,0.7825473439667524,0.09710810256133477,14.47963937052912,30.535098324872486,1.2421908964003827,19.034319337214,7.599564866062134e-05,0.0001132097967789073,0.18709443177790577,25.550065374402593,52.08889973817879,0.4139425016615977,16.74662629545767,0.0,0.00014063033626880034,0.3549998760241176,42.700604183559705,26.206213473901588,6.880285676858759,36.19415836140536,1.9907974977412392e-07,0.0,0.14650777615710328,28.51460576067754,69.40406013210742,6.50333832346841,24.40202020866279,0.00010547687510744784,0.0,136.85443492207514 +0.9348672739238657,0.23230397182938162,0.3575649619677017,225.37074675246146,46.65347908476228,157768.56900688173,4.097560089005736,72.15489396319293,1.3689697668310854,91.02484054676796,0.6183978883201737,5.060727322628293,0.38600178115174466,0.9140192337240283,882.9930454299058,57.85091662085591,0.2839987501916937,154999.7204546046,2.6478092533483557,91.71225081131533,3311.7942903587755,256.42682683953285,348.30605489747313,58.79621100900765,0.29374096238582753,0.197816137795014,26.297335064998776,50.73396971307561,2.7191679903178776,22.8753937795355,0.0,0.9145302811806469,0.11009784964914267,20.060808756531912,40.86068723883917,0.536087073859944,19.435947572408285,1.6033010066721712e-07,0.0001132097967789073,0.20896943370393886,29.49562234493459,54.49183809303745,0.32335580174940753,20.935723117048706,0.0,0.00014063033626880034,0.18063130185822898,59.17120311516238,47.22435128971844,4.527076937529669,6.84890950762742,1.9907974977412392e-07,0.0,0.18647661018368017,33.934704805389686,69.4296223542211,4.553252975053233,20.34348144177554,0.0,0.0,150.76603335030813 +0.9700322456209922,0.17287875115982834,0.39904169423141905,141.3189483195038,136.27090399804217,327353.4690185316,6.611108468567068,53.49625681822991,4.846106638967112,92.5775567593715,1.2308552502990682,27.73954950365762,0.6794370119632707,0.6151395304593,357.58409358057645,69.2960486278375,0.34964909860022253,202706.05377923424,2.9366594203598186,95.07682214343859,3391.1393563417896,284.7854250995571,345.9382195959257,58.8995142136261,0.3286841320234164,0.19129653794853432,22.756477757853627,42.49138037938679,3.4649109974945755,15.369712991812836,0.0,0.8237596874103784,0.09147494295394228,15.226677864686847,31.479187976655144,0.5694197273052296,21.95468264951066,1.6033010066721712e-07,0.0001132097967789073,0.17390111259638236,16.610430040590828,43.697498037010725,0.29097991946162544,17.319817566490624,0.0,0.00014414060373783881,0.3331203194855048,43.746947655427995,26.356778021660876,5.805001564289509,39.357446055689906,1.9907974977412392e-07,0.0,0.19125113808494618,25.004012118319185,51.363312487811655,6.92286648539916,27.093179662249874,0.00043936184190002234,0.0,122.47289591068181 +0.9353242428900161,0.170343135482908,0.43345455353008827,246.6855663487222,249.5151920306439,178148.09977641748,6.091123543425906,78.95413583562424,3.3895058908395663,91.36984206406457,4.371460401812615,24.825619072783486,0.7884174977215458,0.9559693097211742,416.9176830058463,25.986678884975493,0.1116224311069149,275993.623849222,2.824688765962348,97.72102387665994,4766.901355494484,246.13928368167166,343.2620389491013,53.393342030356884,0.3396925335998834,0.19480498223502224,27.56975587447475,44.413817172480464,3.463717216922762,11.951873914462993,8.05163437744707e-05,1.620435332072777,0.13089747628025336,10.38128528612021,28.464983767018758,1.3662351383702491,10.11744515415304,1.6033010066721712e-07,0.0001132097967789073,0.20088363843372273,23.868108556995832,48.780641181743405,0.43683971526122006,9.661277824173835,1.0784719907293784e-05,0.00014063033626880034,0.35467511265610063,38.981655680589554,24.650321672511357,8.947885139531817,46.02381753818716,1.9907974977412392e-07,0.0,0.161056015774891,22.826476940884152,54.563046109897904,8.01429900434511,13.711943166504238,0.00010935067359601619,0.0,122.60222368839355 +0.8646766011280693,0.19595918235564438,0.40139451863928366,96.73758678021672,221.69660354599506,217309.1474402235,3.3822748573160544,29.527558339344836,2.3693771845711016,92.0186081813265,0.26801533382091947,10.962910007164696,0.6327489880416776,0.9132289064980875,927.9857539091176,54.419812008092194,0.1887307978288898,90211.6030220853,2.8884627681031434,99.09200797825316,603.5854373166362,197.7236464317458,266.44528605460107,19.097079518362012,0.15677511926157667,0.19580268373165527,2.5313105682877914,25.517263291560266,2.5396342483175656,7.284023729898519,0.00011370824935535191,0.7550895574561112,0.12061657422536827,2.1729352146811225,19.86526624219563,0.3798880538564187,22.070439839089655,1.6033010066721712e-07,0.0001132097967789073,0.2088435111066934,1.7582911352888633,24.963161779960345,0.27106372892978686,5.812731968525871,0.00011825181426598659,0.00014063033626880034,0.34901451604358624,13.504145498480566,16.37645976800753,8.30840694284113,47.80647035935086,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9722899474360409,0.20438013741074235,0.4375912806937285,149.62265821615668,218.72543561288472,322023.421173421,6.40195949463663,90.83056487898637,4.792385895539636,95.00104145963685,3.443717045440484,20.69793287212678,0.7943015423989614,0.8159389006207216,270.61128969914535,94.27594741128587,0.293326287011252,51275.41047478845,2.8770102371450426,92.0691850052188,4786.600232050952,270.2550187659702,253.66160165574047,53.24754392926401,0.34967707297605577,0.1837551746748059,2.7013494989325766,27.26076003511466,3.4703128020796568,10.791835385646356,6.847682078374364e-05,0.7520686038025653,0.10928158764367094,1.854736837602372,20.26892782778504,0.6787281247159903,21.74612209199984,1.6033010066721712e-07,0.0001132097967789073,0.19241827645621418,1.9936940306914956,26.01922284759655,0.31804227538870294,9.587249042258383,0.0,0.00014063033626880034,0.34856895258649984,18.054801253295118,17.556731485402178,11.34989274407546,49.10376644929494,1.9907974977412392e-07,0.0,0.08423240686302094,2.981956761094638,37.024565264337944,7.326916183503879,36.786531880236176,0.0,0.0,92.20196872263767 +0.90164515934132,0.1241488260375274,0.4455533266462056,101.78845915532554,225.21909268922553,303569.99252436706,6.852224942399919,89.52981150824769,4.362446797460757,86.9538846063507,1.3735088243590723,22.679803359586884,0.41505621627805567,0.8743173441698646,190.55984616111286,2.602935930545561,0.07840046752573493,94820.81841688397,2.8172219674591306,99.27351015551007,3884.068404432307,293.81788649333714,290.6022229334402,48.664974868408876,0.186660380799139,0.17827853808722527,9.422658701555285,32.23249225911123,5.937511539998925,12.514296396317171,3.865995631943403e-05,2.0471704955620167,0.12885089485849682,1.7578832392557187,18.05922333323451,0.6460860602912292,17.176202354804968,1.6033010066721712e-07,0.0001132097967789073,0.1901518970358696,4.655543438337031,29.715593518292593,0.316720730827419,8.952124399762145,0.0,0.00014063033626880034,0.35167912861426726,41.049288661736796,28.362309896735308,6.010412432660538,31.45482440953374,1.9907974977412392e-07,0.0,0.16793146683444043,3.6995277768625816,32.500968375457425,9.14831850697942,17.108012843026614,0.0,0.0,88.85368066537302 +0.9344027488800454,0.16651349151524386,0.43083811597057564,134.91447921439237,149.77352024718905,290197.0218568537,6.53669765467837,86.97515460289158,2.1803168429474855,84.14965014936192,4.920232306170916,13.55932692255161,0.304109638793892,0.9756580355817609,779.1933755670029,54.24286811642092,0.055792097709180144,75154.08935786922,2.8084690768722935,90.49562614892912,958.8508573014406,219.570768915057,270.4760628296905,57.55019209639824,0.23401912905531186,0.1974128782985499,13.588685959777655,31.692013658110028,3.2497340388499505,11.021835239797042,6.448962733327658e-05,4.506058176202598,0.12802396879298797,1.4504245285387705,17.21775397192652,0.6586964879130905,17.621776837216586,1.6033010066721712e-07,0.0001132097967789073,0.20467795542816408,2.0198359850762717,23.988732139680828,0.3210527367143608,4.862411565900429,0.0,0.00014063033626880034,0.35542258678989347,32.15369915640838,23.727850634000347,5.573103472673976,40.59713061868147,1.9907974977412392e-07,0.0,0.119659904438954,4.372682888899114,35.40485019189896,5.708273957619684,24.794682435274343,0.0,0.0,88.03671514145427 +0.97173155501694,0.208037039503065,0.4405611533140499,235.4060396151338,229.93028950482872,310958.9655366531,4.121761482456646,75.83528805356586,4.553606780371375,57.46929060743073,3.6890363568588134,27.247408625011246,0.43095007814658476,0.9871335679850717,438.3956647870884,49.857778240004855,0.3076687899555379,281139.16434084176,2.7990561590670584,56.857746121063855,3292.04215877453,211.75393114002668,344.5693857208944,58.614777059065,0.16663749968759756,0.18835408268907466,26.249150621629294,51.670780208263274,3.1708527648214773,11.748465172120566,0.0,0.8664425966370566,0.1259566807843593,22.352216967414915,45.16403787013839,0.5312622678884366,6.892433807867255,1.6033010066721712e-07,0.0001132097967789073,0.200678842548426,27.912195628372203,52.23938360670175,0.28583240462942794,10.22290061288524,0.0,0.00014063033626880034,0.17522759716012187,84.39247029802861,57.48314208991598,3.0934288538148556,6.0843834989431915,1.9907974977412392e-07,0.0,0.1870207399061249,42.60558297510158,78.85863798815542,5.680554316836634,7.424203159193396,0.00013170756847868427,0.0,168.2320032827727 +0.9531955917508751,0.13248703870728049,0.32192642394834803,165.66097762166882,222.46640002138724,274410.2576718527,6.190886345357695,92.98288039839422,4.675523180011749,96.20557320943948,4.330888855473042,21.797238638938033,0.5242589280934249,0.7567526903029574,659.2565267320465,89.67036589539666,0.33465614226216567,174421.40209462587,2.8293376519964806,88.05178329521664,3578.511011701715,261.5658809422794,341.2642647609416,50.83750450307414,0.23258831094027926,0.19332671798680254,25.746983384276422,47.65050249280102,3.024677723030535,16.957827857667997,7.000792149933472e-05,0.8045891435921808,0.09533217433934452,23.719368703895285,44.99585353158292,0.8173849207918861,17.22798371794669,1.6033010066721712e-07,0.0001132097967789073,0.20258117440998444,29.26606331722239,51.2360713872919,0.3419563675178451,15.158284948558487,2.0142207633159016e-05,0.00014063033626880034,0.22628784343375757,82.39181139038948,59.77450075381439,3.553331333644679,9.777182497926116,1.9907974977412392e-07,0.0,0.16557884909210632,43.07194559175234,83.42140923541443,6.137091025007679,16.348716827638935,0.0,0.0,171.5113171154208 +0.9581877903077645,0.10804949128569293,0.42378244577995394,179.32555465732014,189.8287655401567,189271.29892496357,4.32948616140065,69.0361079616548,2.1296614483458107,73.56895743957304,1.4599979978949829,24.742887405387496,0.3879932255795203,0.5499436279183768,6.674970084756893,1.629274948480198,0.29025655431740943,155214.7317080933,1.9290349391254016,27.495672332786558,4232.53545444879,106.55215820517688,230.2530152520149,59.06242301350675,0.1818270582041749,0.19760420863425668,6.515523458231057,24.267155605103444,6.940876525147087,3.361998101663964,0.0,1.2544593940567896,0.13734945208818772,2.814935380361017,13.264888073232491,0.8159544192764251,3.6533511184587666,1.6033010066721712e-07,0.0001132097967789073,0.21155490092331064,4.325475649875739,23.694279678700564,0.3446168650664412,2.3059667597398033,0.0,0.00014063033626880034,0.32767602781254945,7.058428014222437,16.24486757664936,9.071919876579464,48.77726165232998,1.9907974977412392e-07,0.0,0.20319921168203456,6.4206268639361275,25.06213446948253,11.033785209024202,4.467879088459386,9.373598551598567e-05,0.0,71.15046686119433 +0.9697547167116887,0.14445404764319197,0.3793711085952574,137.7582342082689,205.28877696862338,266756.5713386375,3.3163422566822125,69.52373679396537,2.5911645234074374,96.25899817540657,4.841594548729279,23.221302246888282,0.4686891892097499,0.9410331581690782,523.3442687366535,73.86603227389227,0.23503338713679575,202722.01012131386,2.886231041126931,89.52192556723244,1599.8214961681072,268.903011211671,347.2093133431118,42.046156956389545,0.19712690689591242,0.1873313541466472,25.044967964225968,52.45590814006917,2.7515575835988244,13.187592622658457,0.0,0.8177453238005854,0.10371081298056432,23.00407785233687,45.17216663517329,0.3316289481634917,16.25632137533374,1.6033010066721712e-07,0.0001132097967789073,0.1981827481084688,28.755107090381443,56.5993865431271,0.2603414150900652,11.932551041622192,4.224026122696684e-05,0.00014063033626880034,0.20576825328954443,78.50666177188513,57.89586761841895,3.475268643423995,9.130090856579008,1.9907974977412392e-07,0.0,0.14341412936495748,48.906043692697125,97.43149927487167,4.581894322717574,14.726582266373272,0.00029887293860935424,0.0,179.72559985339802 +0.8373071656660429,0.1503839269852299,0.33471849204528586,213.6359283559771,18.737711575357594,177165.74386094254,3.2285456316668,67.88049336428828,2.3628109740605763,10.605442142326526,1.6528357785612962,15.739829916047444,0.41635459246129475,0.9941918694475946,771.7659762389285,47.67222066866615,0.21928549263616276,212085.96879143355,2.6599608745849044,63.96737327899698,930.8147164599104,188.3066051017837,348.962086711183,54.91852371074144,0.2489466117781215,0.19559340202690614,32.965534365224805,52.41297143375774,2.6199107641434782,23.22516206396669,0.0,0.8271775947606831,0.13759794274362058,26.51570867987349,50.306418459315246,0.19175762351894493,8.59317524507515,1.6033010066721712e-07,0.0001132097967789073,0.2092214028830081,34.91605071398471,56.519506422699465,0.2690881118491608,21.191827819142063,0.0,0.00014063033626880034,0.11491775678181441,64.36655762833063,53.74373572560018,4.53106079323184,10.654252982709766,1.9907974977412392e-07,0.0,0.20521128772915442,21.441897785105276,67.1917762508936,3.2606364268477295,11.845582654289316,0.0,0.0,157.61450954490854 +0.9600364610965473,0.16789933528835188,0.3476945997988286,245.45180793665037,134.345379091371,276759.9998185071,4.213342673989504,21.895021328978263,4.809212196409507,84.16573531510906,4.983344651756326,25.774413973081053,0.4766110844951176,0.9960363069573706,726.4932136805229,29.928588000723273,0.21136090202312158,121615.8596345902,2.4202679387969988,97.99722760381535,710.7847382759898,298.59225923119527,341.85131176120257,58.60330604316887,0.23270099346925308,0.18607856512476056,24.85874484218895,52.81803313637554,3.0326599210956036,27.214514091103037,0.0,0.6415326584493761,0.0778475237448986,25.065060417536984,48.36551665302104,0.48703576270373244,16.794702978656886,1.6033010066721712e-07,0.0001132097967789073,0.19582855104491156,26.384767799942946,54.39686150164217,0.28780212255814164,23.62492924212043,0.0,0.00014063033626880034,0.1680172552167457,68.63223956200238,56.16225787804654,3.157351386807228,10.072221668278965,1.9907974977412392e-07,0.0,0.12911911527552036,49.77579617835134,104.071268734303,5.393812362639571,23.10645829671665,6.527071842223172e-05,0.0,182.94452978150179 +0.8599122424465809,0.14661141071757341,0.36759690592000754,136.91745338960604,170.27901633494992,311684.727213195,3.5724339984444806,7.058457483648709,1.023248651374773,14.714867287659713,4.046278912290463,22.734066179113693,0.7504346906195065,0.9485624642874342,460.1718514893951,92.69969369584987,0.26777569991924755,100522.57474303187,2.895881557581858,75.59533287630552,1465.4501436689281,296.0076726391362,347.78315275464246,51.022272783739375,0.2046682804911029,0.18770759532331072,27.454190404102967,53.688755351684364,2.9272346742130955,23.707467645367498,7.702780032468683e-06,0.8600345475281984,0.08194330556289177,39.40721732151583,64.38112357824922,0.2617583264010728,20.740284439739785,1.6033010066721712e-07,0.0001132097967789073,0.20004474693247612,31.269406017195685,56.89208570751963,0.25245766343723147,21.207319920843208,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9788911605069563,0.1985813402767965,0.34731320337909166,141.04832067969164,57.28260125114506,266397.24488949624,2.220248542025089,83.36072631592745,4.050707079032261,98.45676369196912,1.950711599341757,13.727553906166056,0.3355401241713097,0.9841585891430483,653.6916401335714,47.15995898349426,0.2034239096620806,104838.0624024697,1.8338712427399269,97.8543212575875,2487.271599718362,222.92582544090965,346.3366251145473,43.68461004158827,0.2981653151066691,0.19566958408295534,12.516060012361214,32.210943463875545,2.630805131220251,31.096898421656878,0.0,0.9115134348721918,0.12710719806481105,13.802593380661582,33.91463459126416,0.3105380687698234,12.87992408587684,1.6033010066721712e-07,0.0001132097967789073,0.20660848745949317,14.875917968997607,33.29338483043051,0.23752257498848325,27.978156651383348,0.0,0.00014063033626880034,0.08301882718196682,35.46388674380582,37.18369550803044,4.005407773121047,8.554369671292264,1.9907974977412392e-07,0.0,0.19069443722921353,20.16192779566454,49.10337597802675,4.146470543621679,16.5027137783113,0.00010017850646738087,0.0,107.81974650333281 +0.9332465738351662,0.24068700680067928,0.40671144314153745,158.19607561446836,137.57023944743136,288244.0926282133,6.366981998336933,68.13201008044817,4.285813831874197,56.64223691039761,2.201126553422093,22.57811704342076,0.4096984509818089,0.9257954659471789,823.6629688894417,42.00835206996032,0.32454774866993286,69037.86119698395,1.1105823577318423,43.90305523601074,1868.6237554957345,184.73360317365675,349.4078339701416,58.46310212744587,0.2808575762993393,0.19401996432542193,8.612850990148518,28.7783187258612,3.1928531433306104,57.580506599796486,0.0,0.743183531595355,0.13344431154420927,14.44018487498834,36.08501330663985,0.6650824271793911,10.08082235462221,1.6033010066721712e-07,0.0001132097967789073,0.20676386160664967,9.860588806702443,29.815094086393053,0.32218575418875367,56.303617350206764,0.0,0.00014063033626880034,0.10286565753147467,36.012624561352254,39.815935754271585,3.0268900532087035,12.295859646417169,1.9907974977412392e-07,0.0,0.21120276643818736,18.36547051500183,41.73238578642682,5.770976563910357,21.05418348562361,0.0,0.0,124.88356837260834 +0.9085253877624496,0.15693604288389879,0.36766116952101996,197.9712066299698,56.10594210244736,170599.3213392765,4.79132030411646,39.975722705307255,1.191031922958155,21.76656942838359,2.7699615704906857,16.22855725025138,0.32887809282174674,0.6725662661573274,605.3741022922813,7.7114532552922945,0.3181066263217059,105643.56915898253,2.81396575881761,99.76880626111337,3583.9288000677434,144.61084481660032,243.1924580441783,41.64654571159876,0.2957988261740329,0.19729228808885887,3.1002931863732814,24.223172845667115,3.612408113198764,6.687549824864461,0.0,1.0259805995509,0.12490748773465414,1.6248402397249821,17.335556644155545,0.6307270579459203,19.93300779390615,1.6033010066721712e-07,0.0001132097967789073,0.2105989586689686,1.5545740172070404,23.6803639229799,0.33494055236087245,5.352047932320913,0.0,0.00014063033626880034,0.3359505410187637,13.313321777734346,16.320858306245526,8.236469862300044,47.92433560763078,1.9907974977412392e-07,0.0,0.20864004392237365,3.749950016341784,29.572648759987405,6.110267624875389,27.197566844134826,0.0002734645940796707,0.0,80.13809863070546 +0.9827055000042614,0.10796994844069464,0.3601747938525569,168.99770005070584,119.3725578773927,273721.1665627238,4.613261489490504,11.137001257245913,4.496685534837285,59.778030531237846,4.239165391463565,18.092699583808965,0.33080720572541167,0.957498047842174,469.2552681039643,50.6525180262706,0.05981310565495067,98074.82628883567,1.8308788772630011,52.09716020414667,2409.1704976414317,98.01211771504394,339.76257070857866,53.67671550168825,0.1767926123719856,0.19573025845244743,21.01690515585092,32.18298811299798,3.0579564952028258,43.12203036700038,1.560534444492404e-05,3.2050401606588457,0.12790004002300137,10.171445998519877,28.45267866028367,0.4573854325567074,7.68927537128148,1.6033010066721712e-07,0.0001132097967789073,0.20327101956423757,12.490940620294305,31.183710638710938,0.2871171996980834,26.992367509051718,0.0,0.00014063033626880034,0.10162865374362083,43.9816245741752,43.03162067655612,3.1373937893142565,15.098742222306141,1.9907974977412392e-07,0.0,0.19361039323203982,20.289220572216497,40.956711892083476,4.932943299110365,12.209489216846174,0.00040165089161583436,0.0,111.68091181252419 +0.8969958414545754,0.20962250005296193,0.3645728736086329,113.59064826746813,242.48402441164228,184542.88964132572,4.750950315339469,65.12898368705444,0.9679753368406308,90.66739719842452,3.0960264785661327,25.38135156740804,0.6273933989011646,0.7347482308656172,807.2130575957219,52.37173351353894,0.19363746573615453,65671.54964552996,2.873804449367772,13.140807471593913,2070.7525995454344,49.148416532757686,268.1566282746497,12.947663783333333,0.287885631775742,0.18231774223551717,2.3535180658267474,23.15141693396683,2.293427582922313,2.623230257754261,0.0,0.7619834944979427,0.13518973665293021,1.5043338271709623,14.80849231494884,0.8059272580461541,3.586834299785639,1.6033010066721712e-07,0.0001132097967789073,0.21064737130801348,1.6469162258830412,23.959569447839236,0.3451789457765679,1.901675305907876,0.0,0.00014063033626880034,0.33791412830911066,9.402189905832444,15.753560742189363,7.705561251463273,46.66260390443653,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9676584699726541,0.12519347700589142,0.3248600953633885,117.6565147986126,39.213722162621565,244243.86833200845,2.061901119062541,48.16154049009129,1.9367208260722524,43.30916117442077,0.8679960698601229,17.396743230919505,0.40632570831122167,0.92771301858788,519.3185642675014,11.288000810419103,0.30129980599985196,80192.51563359809,0.9226824042303465,46.68436499155107,2599.490002269056,203.30291942999355,328.40421530090026,35.63214232985591,0.21038873043918105,0.19339585050069535,3.2382097341803826,25.878502875372867,2.8689417556993515,39.459404827417984,0.0,1.2719625836931139,0.13415886054369253,3.5743626888447064,18.83889768217784,0.34742583792088333,5.699936942081093,1.6033010066721712e-07,0.0001132097967789073,0.20415165607850116,5.1500700992222335,24.443372964102082,0.23659876051141396,39.38334901220347,0.0,0.00014063033626880034,0.14098432605287836,14.99975032765214,26.01863981018308,4.2076859758131455,18.554384065670877,1.9907974977412392e-07,0.0,0.1995609419257231,2.9977996289115136,26.66976069669233,4.63364655586825,16.217836567427202,0.00014226524654226513,0.0,84.20993278087963 +0.8161255268814144,0.19145988336520794,0.4019830658993662,238.43067283320255,214.82133891760336,280780.5149670892,5.768471130183013,65.18412319443772,2.6991969806209104,57.63539237899275,1.4804801093657118,29.630097196552228,0.43119630882599186,0.8390237913228947,945.3255287662683,25.150938968402606,0.32999578453833667,56024.487249761616,2.926690631488117,97.44842572495283,2970.5151752972315,275.00543419285816,242.3499304631702,55.619788320780785,0.17354701382654514,0.17845317390837073,4.381302530950101,29.97600373045594,3.3239255282196365,14.494434311956242,0.0,0.817380130473822,0.11945569108200704,3.1375629572433263,19.57505717354059,0.8486290215156111,17.483525603566445,1.6033010066721712e-07,0.0001132097967789073,0.18889271335057814,4.892176995072446,30.292871683499342,0.3439409866639732,12.284383022971216,0.0,0.00014063033626880034,0.3418248333289745,19.534691442942663,17.455950159666248,11.755081966380294,50.00974006323758,1.9907974977412392e-07,0.0,0.16411154557691932,4.47219651538167,35.23580818679289,6.428473391329492,36.946045632287806,1.7102511342612953e-05,0.0,94.47323924855985 +0.9435333969561307,0.20065110898191785,0.390141699871981,107.73989402938402,189.72718244416262,342137.3008855286,4.720432066231023,77.14580745985239,3.684322165641319,88.3986555650164,4.375956420817338,27.03042705296427,0.5443296623703456,0.9543933699199635,887.0814589698743,92.17644517239037,0.334662623048208,211411.29322619436,2.732738592502177,89.39622036816039,3611.7591490580166,248.6644394109187,343.3589119654791,57.22884861992305,0.22087039273976283,0.18976628816653024,25.829414016886332,49.737961573576754,2.968691327274448,15.818641731477394,6.829183324467785e-05,0.9167177128370211,0.10968259417012852,23.49933252414936,46.588944348619414,0.3200312221128393,14.786030125339298,3.616295397349522e-05,0.0001132097967789073,0.20030821520531347,29.62484995612635,56.853436041361164,0.2604269157093083,14.000891519768746,0.0,0.00014063033626880034,0.27095230240126983,77.98495504122694,52.80282089977202,3.142686834554398,9.97491050200024,1.9907974977412392e-07,0.0,0.1640149323528685,48.66021182482834,91.46599250160375,4.634182196122871,14.696823423201165,0.0001911738192799061,0.0,174.92596356369853 +0.8712396594506611,0.13163579741239806,0.4324028959389284,229.2534230634411,194.15142242956318,323470.5132238681,5.0433669675219175,87.48699410271485,0.5531501765463472,43.498929423866464,0.26801533382091947,11.506207730022112,0.7881212270638462,0.9952255333598394,567.7183845653561,53.34173359193231,0.3047371902165563,260705.23571903532,2.8822577764488155,95.47762149384573,1796.4433934271406,283.4226112470238,267.9991558997848,20.752155926866404,0.23665914730846274,0.18074231068433727,4.220230243178663,24.84494278090378,3.025485913808876,8.169123244390223,0.0,0.8147246278711494,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.355066541388876,21.53631011538587,19.136491320131693,11.514464855197705,51.564789048762634,1.9907974977412392e-07,0.0,0.13033435878080968,5.187064179252948,32.2658629092286,6.067322611894853,30.51184141056498,1.5738190246721894e-05,0.0,3816490534509.4204 +0.9767356698939373,0.23436171610097367,0.3782023328342546,184.01280201165474,234.32554953924694,290852.6348110218,4.608767702971128,73.25503968846922,4.597314277197258,95.21846042938989,4.549652107644605,26.217238728614642,0.41149331812214957,0.9865318406400836,655.0959838265026,7.7603202842294685,0.21210383693862228,87881.44893767514,1.8718770654073813,20.182400190669885,1895.945756467108,270.9236575076379,349.76561450637973,52.21028184930249,0.21637208150091317,0.1896035831966743,14.71851399730673,34.932042708033464,3.655722089523056,38.38493242521736,0.0,0.6616889233196345,0.12680236772532655,17.879767809723965,38.77896683950622,0.5931902936180948,8.281642141629858,1.6033010066721712e-07,0.0001132097967789073,0.20188450132027136,14.992303966810034,34.603643126011605,0.2998025140206718,32.89597094917599,0.0,0.00014063033626880034,0.1130096694696424,48.75079407484,46.830049866838394,3.336532591097633,16.326517702398018,1.9907974977412392e-07,0.0,0.1916451570790702,30.24925692381907,58.441419892374526,6.559569123241393,14.735341404011937,7.929578644903996e-05,0.0,129.456688124296 +0.9824182001035109,0.1501734152983764,0.35255669203430506,249.59915743223314,210.35026145084493,298743.5708278329,3.8575770984289846,84.32038593782733,3.4714958176378046,28.719127349298578,4.001519277582828,14.143519070292033,0.4199336342463163,0.831166094183789,728.4875494434165,98.24302528228351,0.3258167980499459,96462.18585152335,2.006316578945272,75.99057777212732,2608.5644873553274,296.02066236906194,341.4203163038924,46.225114115406555,0.30442227718973763,0.19464464247035265,11.462630242883426,31.99919091285638,2.859133116820455,25.714751110391187,0.0,0.9301794600916264,0.129181635058027,11.470821697205183,30.16560623549143,0.5043498844135651,15.102213327703751,1.6033010066721712e-07,0.0001132097967789073,0.20614794380382293,14.245682803277992,32.88129307084813,0.2821067509750745,22.966425575107635,0.0,0.00014063033626880034,0.2179000691178287,46.91599706533111,41.787029468494424,2.742879537866381,9.851281525085001,1.9907974977412392e-07,0.0,0.1865580112224574,19.707054596730504,45.59912184964281,4.950815274431564,16.93716791606434,0.0,0.0,108.34298143280999 +0.9196679059910551,0.19632374051662527,0.37068371395251304,166.58841417861765,211.37310941196995,211020.40709694594,4.038423533629196,26.60085330110988,2.89933091637815,79.96202798866896,4.57976722226858,23.218800519533218,0.7851553353654726,0.9964629685991807,995.1697802695071,68.31844767306623,0.3469238580303185,96536.50907065236,2.8824290632913376,85.33873736091333,2767.548557582252,173.86307976762396,340.4589128464049,55.59993957086351,0.29645370224439926,0.18826652588685408,20.84543210735255,46.88379349025417,2.6128855415281778,19.134218048710878,1.4375543395241353e-05,1.0561069948454986,0.07914002898168089,19.9617877842281,42.194451712906584,0.6793640579761197,17.438223066525634,1.6033010066721712e-07,0.0001132097967789073,0.20072388766353705,25.508375595231083,51.63119004417705,0.31944560356846646,16.673541461466392,0.0,0.00014063033626880034,0.23681066002628726,59.67489772311832,46.5540935541726,3.8797595792048716,14.847109891521278,1.9907974977412392e-07,0.0,0.1646432518093997,31.76085750597811,69.69146187528001,4.806258041269639,17.687207291562114,0.00026488583720166766,0.0,145.77471548261167 +0.9883217968641552,0.15511094070585338,0.3515453120135259,218.0659045561452,146.23952087780762,241575.44806525443,2.9729826161797037,47.18116890077909,1.951466257383263,60.1201119638129,0.5441731467095209,20.107180237257293,0.3830479930894412,0.8040495019573715,232.93330756320907,58.023830375469004,0.09700982433837436,63542.70654730527,0.9914992451767063,94.95929103640603,2405.394062745522,87.6632655951575,342.210030231279,56.28074751497948,0.16020764385817796,0.1959091466086709,10.312732773492437,27.69438553593108,2.9122421985245195,70.01510515970256,0.0,1.0658603713356702,0.1349298839279392,9.658772650506679,27.433973398560955,0.35378360603157766,9.864487500646666,1.6033010066721712e-07,0.0001132097967789073,0.20750457894765212,7.4410674597044,25.8825006008976,0.26472974305453206,57.89644667693136,0.0,0.00014063033626880034,0.12974994390521116,38.77999431806805,41.98109930169236,3.4295877884381687,21.766102876862764,1.9907974977412392e-07,0.0,0.2011764099375759,14.342439312798303,36.918809965344984,4.780287328381848,27.044504733493763,0.00016302961270221554,0.0,129.9257365161293 +0.9196152927729593,0.1395795544300156,0.32556308153629604,163.4697090682416,149.8513978848473,291065.4018963819,5.22298479395326,73.33138927074052,2.5777137556121494,61.307164392487756,4.674961557907059,25.5708739523516,0.5211522525006405,0.9268334682896697,962.7533905061191,78.355726872577,0.24436568237142978,259065.885844604,2.92559806074837,81.44921464503248,1312.7779308948407,274.77414911755494,348.8298688198896,57.37460767815507,0.3315944687107316,0.19154964718407957,34.966992003289185,59.508583480639054,2.9253657263242174,17.89249679684529,0.0,0.6348242038624752,0.11941733725606135,17.29931636019832,37.424025022390666,0.5456789089393166,11.982276818884184,1.6033010066721712e-07,0.0001132097967789073,0.20163626240307694,36.61859819381473,63.33984858677937,0.2991934967562744,15.534831995742476,0.0,0.00014063033626880034,0.3540741066095487,63.434851219585724,35.2365629951907,3.365647173431837,24.04719702780883,1.9907974977412392e-07,0.0,0.14344966139215568,40.96184756855306,86.52613635866972,5.032900021037182,14.672303419544212,0.00011377750662765625,0.0,166.70848802786267 +0.9781635801786787,0.15628188541017754,0.40129112132941075,70.33693999416661,132.7490992604916,148161.18950900793,5.4241076929715035,81.70201883713736,1.6991183370100784,8.794382491404896,4.465451372209332,16.89111235021463,0.3160955309799988,0.9186803289605371,928.0487243235355,45.46298063881284,0.18518506463482107,91670.27439670062,1.942009439989453,97.37574290628189,2477.665318383537,238.08312789997385,348.32960581761995,56.32266132056349,0.34599358801297053,0.1919048115249715,13.36137166500776,32.06117986064524,2.780606390946661,31.431874924139315,0.0,0.7044455189134121,0.09612370534711705,10.23968841534369,27.565244134672703,0.8156282915570403,16.746175632784396,1.6033010066721712e-07,0.0001132097967789073,0.20253835282134208,14.738434269455109,35.45179778196348,0.3571981275075377,27.065495385047996,0.0,0.00014063033626880034,0.29057760010497613,33.29241162584968,31.890413093827448,4.322099125768862,13.767531069826344,1.9907974977412392e-07,0.0,0.14082911632517633,19.79917568127886,48.17648207310342,4.60077813247665,17.490392517781824,0.00013326998057976196,0.0,104.54191301786287 +0.9419751243637252,0.13481241663126248,0.36243354564693525,180.27844868759507,223.79908238180727,258846.12830317445,2.9152796501872533,9.173908111106996,3.5917293314058334,26.736021654842645,2.637533303457425,5.088444959545162,0.44776906478198963,0.7461859034508601,593.8808979808907,58.23367728479175,0.20556049365644263,91794.93197096085,0.947739258197887,79.62090507081712,161.83038734617958,285.5138930093449,342.52327607320484,55.70560826365888,0.1903485896100502,0.19992931602402647,9.174963275534598,27.92404774104074,2.701793672160944,49.362633478149064,0.0,0.7371729932506114,0.1430011860304281,11.94189139422015,30.472879876829907,0.35248171717974297,8.028637062169617,1.6033010066721712e-07,0.0001132097967789073,0.21308515783287774,9.579834094280242,29.46098252684345,0.2602888936060374,46.37017833439049,0.0,0.00014063033626880034,0.14895827605879755,30.251147103516143,42.708394526641456,3.1300069111351037,15.226944357874734,2.7615343999459633e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9577414215351806,0.16053365345532125,0.38545548956175507,187.82550357972443,130.29122394744812,189441.31463435674,6.703690703160694,86.61244339581538,4.292552302731269,51.45983766089561,3.618058015570069,12.525958989809153,0.41811625808018893,0.9276716514803771,699.2267000135893,84.3594997862008,0.2982170964179481,295498.26112163253,2.695813596412928,97.36206813825822,3326.763882473726,228.84086594236632,349.16064874228937,39.759416196868806,0.15702265656804035,0.19599106370531183,26.132333148844737,47.01869067684811,2.8499680438614745,11.611800428255115,0.0,0.7607190672622962,0.13816348740399748,25.48302984407326,50.001933528768525,1.0837114577330191,9.359997473154914,1.6033010066721712e-07,0.0001132097967789073,0.20862679339967072,28.870284420040488,50.98748813653541,0.3930464117010934,10.299184641707237,0.0,0.00014063033626880034,0.14700371965154604,101.76837808174663,70.6130495188487,3.1879453512503115,5.406914585011478,1.9907974977412392e-07,0.0,0.20522329995449737,41.2540752611324,79.54160944216103,6.0368037843051585,10.050636409819813,0.00028741749035597863,0.0,182.65757800488208 +0.9552484193784545,0.21062080256129564,0.34978792544675585,105.1770290392061,141.41674735624298,134602.996878293,5.859871962021423,26.332111859721937,3.471751813853535,20.368913511115228,2.3622675319924813,18.341195275674515,0.35545683637080494,0.8820940028420096,188.6000984335872,83.67611960598438,0.2540671365148449,52702.647527986366,2.2210127495211984,76.06165190695518,4425.7896778921,100.70064313969652,340.65584830800145,54.83014605604616,0.15245618586299406,0.19479372952778043,12.242587261865534,29.549613615370937,2.8697803001168287,34.68426522684664,0.0,0.8421753654157228,0.1206665422719109,22.135547213209716,46.17874159838431,1.11887833525708,13.142888201831855,1.6033010066721712e-07,0.0001132097967789073,0.20676536297451537,15.311641898176596,32.88057716645987,0.40234741244695904,28.589119217323763,0.0,0.00014063033626880034,0.1096610583341399,68.61552998388294,62.166682605331154,3.3968117693978184,17.406154526629585,1.9907974977412392e-07,0.0,0.18717174491069824,32.83949789786695,67.62784753197295,5.327832005385017,15.44034864268896,0.0,0.0,148.22523039424922 +0.9875400394076295,0.20477504004997438,0.3695371586099639,203.33995802120688,244.710342112841,326204.46356993786,5.534125801518568,36.18350274228167,4.756214353369445,69.71485215410607,3.132576915967451,26.506466204516094,0.6028178828809865,0.9174056819609022,876.2259169470292,47.33005526449382,0.11120242295230534,195878.806597815,2.9779658436130614,95.29122719293959,1606.851374305923,209.1363098126165,346.473529127251,57.903752386136965,0.22942930117471372,0.19391600996158892,36.79997715156731,57.55319061632839,3.181296123683532,20.893063919791878,0.0,1.637391933140155,0.10211133609376949,22.664761601534803,43.34086767703375,0.6838757003606645,16.386440249565904,1.6033010066721712e-07,0.0001132097967789073,0.20216147004194915,32.739304952942554,62.148606250722914,0.31381884430583007,14.977012392864705,0.0,0.00014063033626880034,0.3151703898979747,78.4914591232134,50.81837988967434,4.486235342519091,18.721508632290025,1.9907974977412392e-07,0.0,0.1443988334465219,53.66965148019002,101.31666959444314,6.084116232033826,16.554663254626192,9.776950319345373e-05,0.0,188.4318855574849 +0.8984883317636343,0.23589359123094827,0.356852598326741,221.95905297950844,111.20712724503589,319662.8911873074,6.749660376613274,76.7924051110721,3.7731893158360004,53.79482064283027,4.154480152423309,28.853150585769356,0.3148183276655592,0.9745525565608929,933.1241392251186,4.850667322521856,0.17185183407413265,282683.5275487009,2.3905179149769626,84.44369562989489,1384.2345239206857,226.35103646696268,340.96401300863744,54.864960650358704,0.20314419545387308,0.19472664533912595,32.49505988832932,50.004282483183616,3.9623277856722456,18.47429338183402,0.0,0.7547262473798899,0.12406443388455153,28.57914590256372,52.043674750814674,0.6392513504043816,7.164822477332316,1.6033010066721712e-07,0.0001132097967789073,0.20415682948269934,28.70353825407546,50.342176743044504,0.31870269808331136,14.380897832463727,0.0,0.00014063033626880034,0.11868714479178258,95.0707744128352,62.671514171832776,3.89793066555262,7.920262501907638,1.9907974977412392e-07,0.0,0.19191328152632153,49.0669158802481,82.71401700762578,6.531375315719231,7.978640901113121,6.284917981809187e-05,0.0,182.9094053978999 +0.9290176392047498,0.1456381173697394,0.3867683987477361,138.15811573527367,240.32536792048847,344979.12247477693,5.178415183687352,47.653295047722395,3.366480557348796,44.45038320330452,3.8539105340903532,8.027824649948633,0.31263255170111476,0.9547595953968644,915.3247560726954,86.67233168503459,0.21035946957508544,285076.3049101307,0.9639729621868884,93.56782622501773,738.4698394552595,271.91076835208395,345.31677177184616,39.94827340665326,0.18259606910928133,0.19741009299152534,17.778038509786274,36.956997614579954,3.0623508323038355,18.94727247025785,0.0,0.6030747714463102,0.14090647704520828,12.830108163795966,29.968170989042303,0.47360065771553544,3.54590835586937,1.6033010066721712e-07,0.0001132097967789073,0.2098380584411862,15.749482686996078,33.856094712543644,0.28062069169111203,17.989017667992353,0.0,0.00014063033626880034,0.0907777021180553,64.3343726762554,48.88685920391456,3.126017159866022,6.910602557085965,1.9907974977412392e-07,0.0,0.21791989968872116,20.280931375796897,43.138962223962814,5.034861743767061,7.6087550975431,0.00012427592167012596,0.0,117.41438351758092 +0.9232901588687317,0.14659995537418957,0.34116956639350565,237.21655677883317,188.10678157925364,320528.96405343857,5.3005437980221295,81.07258560561617,3.369179807238432,74.508806117645,4.764018213500436,23.611670833960517,0.301613254814021,0.937984821050438,958.9528756497202,66.33138969167437,0.12537564746257995,293942.5206238852,2.670274010024867,93.15950480681009,3529.2565197401163,144.01651110624033,345.4759076141081,55.92284811872912,0.32329255938312296,0.19358075241073866,36.55662593393912,56.61519483427538,3.094233696894399,18.67339009626235,0.0,1.3219098080467055,0.12283362870312897,17.567516718938784,37.789754268287496,0.6357798121988186,7.553300906392889,1.6033010066721712e-07,0.0001132097967789073,0.20258796022802478,31.444181647527714,53.353836670969024,0.3077166104983674,13.855497943665267,0.0,0.00014063033626880034,0.35438407765144797,61.5535548806204,34.39014858309214,4.072032457453527,31.310792244007477,1.9907974977412392e-07,0.0,0.19359791049511235,32.296473297431604,61.72750066039734,5.643607797784328,8.970831403458616,8.43736080802051e-05,0.0,147.16542064007785 +0.8624669885854367,0.14959451706203794,0.362497258987811,33.37300410042853,184.07749454984858,192197.5589097414,1.9286747025692712,27.26098926394731,4.224563591465235,58.207012193425726,2.7799855024083637,11.167678693133087,0.4988963713124491,0.4368215909845102,168.70608298852173,1.8930420893299598,0.19303992195485314,60930.33167341144,0.5002702216681323,56.92580817548832,3914.778706579943,173.9216329376923,348.24859791228744,11.451401700439487,0.2853453223208577,0.20065078817140913,3.7119889025079895,23.293069607434436,4.046603240510797,46.78525146974226,6.195496354018106e-05,1.3140257244164257,0.14541294356133033,1.9164115533977018,15.111210626353255,0.35341409570450516,5.376830653584083,1.6033010066721712e-07,0.0001132097967789073,0.21480517751124284,1.884826484938546,23.18062690625958,0.23588508180282036,43.79516112816302,1.280062746556781e-06,0.00014063033626880034,0.15942472721101955,6.435608901274035,16.60070169650377,3.733120957000429,22.415655093789447,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8937662544720771,0.24903342580183102,0.346136565533367,21.50033178030459,158.4605054945684,205516.90587551962,4.621754043057248,87.06549505580858,0.6067323110019818,16.462478245752926,3.151550737920991,21.132219028557003,0.3822704051736413,0.9663611914094078,254.44739470701452,25.976044933172968,0.06058045368208216,88168.11573939888,1.5068365835270252,51.01252576486741,4253.651104368721,243.50877798642097,342.4748787798026,58.403712629056315,0.2427149916901079,0.19615157455298582,20.565228028336723,33.34898468665512,2.741573172068089,57.2981694998018,0.0,1.3672487961682338,0.13359083287111598,22.446667195395865,45.851612911539505,0.20095571946844884,11.006757914922064,1.6033010066721712e-07,0.0001132097967789073,0.207513673590423,16.61451748127487,33.973263698424574,0.2473143748560916,46.76032291685553,0.0,0.00014063033626880034,0.13953593571084597,52.37511587522243,49.64523740358771,4.273178061892106,17.490782904369173,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9771502225595422,0.18362609796983817,0.3940619038802551,242.99093110588197,178.48463757182515,290314.10536039027,6.691569590831003,95.39859154916084,4.032018178279074,99.08087609891471,4.801618740116694,25.738736430458154,0.6110766467774094,0.9288549781886378,914.7675704551257,95.60936757763504,0.24544177090378255,146392.86870393145,2.9554691930198733,87.69838642725229,4728.607765660355,252.708997536715,348.26493305681936,58.7742801675374,0.21971383383133336,0.18787047319782932,29.415953831761968,55.29230389304057,3.0580449758912507,20.7555633251886,0.0,0.6862773505754336,0.09499664548073049,22.64000178418277,48.78442093697637,0.8869667780572654,15.726197735289189,1.531764511817621e-05,0.0001132097967789073,0.1930113817871668,31.698750762253326,59.50116086196141,0.3529909746725268,18.28571491678696,0.0,0.00014063033626880034,0.27505237718668923,75.3440032218959,51.49613263467659,5.183348474347056,17.24566585136448,1.9907974977412392e-07,0.0,0.15316675617626058,43.267336675993285,92.74334505489965,7.053282982650907,20.59682182474193,5.565647623143093e-05,0.0,178.84024486930446 +0.9051514535091402,0.18954818517093164,0.38580654531918845,217.0440087913151,107.93914810417257,280732.9525828386,6.375340348368953,43.56960760832635,3.05130112645487,94.25339861637622,4.593369890447287,27.50920076111302,0.43261498303856094,0.9456899005375713,328.7538091493851,51.98055344278238,0.33790569458048786,64570.97586165367,1.1550198189334908,92.6079204126532,1200.9644790239156,90.17242552455066,339.5571356760313,22.108119740008668,0.25052853873466696,0.19228181541175854,2.0318915009849023,23.896798157622452,3.4492011391878625,33.975992788261586,0.0,0.7901245139741854,0.13104140169287404,4.372949937399798,20.31118416219535,0.6815458092321768,6.2784776278355485,1.6033010066721712e-07,0.0001132097967789073,0.20150629617251267,2.7334348828942603,24.62494120367976,0.32747535675564116,29.918217100245396,0.0,0.00014063033626880034,0.08036556751198688,36.662923664371405,39.75179452057188,3.5234966488936914,12.328683868261042,1.9907974977412392e-07,0.0,0.19338520715593982,6.386182153999558,32.437698936625324,6.707835412448224,7.030976296349404,0.0,0.0,89.43732153536801 +0.9402964534169591,0.1575696460376033,0.4425204029561443,236.45121142110102,86.01322598341967,271950.0381137988,6.475235955918459,55.603215376680296,3.1211379172700213,76.21001546509274,0.6500863401295724,7.998549637451484,0.44926886931311383,0.7195078137608326,360.9743807940195,6.1634979424067975,0.31940231563073196,220664.0100484887,2.6570858336560046,93.24583707386122,3540.4119717939197,173.57298397185994,346.0777169198987,57.70390662829095,0.2905941367545307,0.1995779899653139,18.775992389425674,36.14962450707571,4.690771754243324,12.648878636338928,0.0,0.8625614994620535,0.14269935954881843,10.530782150009076,26.539287181235533,0.6564401953100408,9.331404211671435,1.6033010066721712e-07,0.0001132097967789073,0.2129272759294138,21.745252711977084,38.98354815853649,0.3275782694299964,11.03091432246431,0.0,0.00014063033626880034,0.342429495161368,46.78794985514606,27.5096525253402,4.963838523063588,33.06071535776285,1.9907974977412392e-07,0.0,0.19524048876487765,24.51559945863014,51.98981345510216,7.221756027363873,13.341679763265375,5.856022012731659e-05,0.0,111.61132351032519 +0.9385163444356597,0.24515111706786827,0.3268336160360804,196.9830846184443,143.2841082808652,308394.2599162751,4.015401542239528,77.73707118333105,4.499924423689261,80.87488802485717,0.5273560081522111,26.10833304684768,0.31925549020181854,0.9871335679850717,457.45117360017747,49.857778240004855,0.3051549407640747,192780.42030467308,1.878082628599719,98.55673686165744,3057.773593529314,280.33459044807256,339.8492351628857,58.39834233302287,0.1615100872713428,0.18869391322244025,25.39991143103062,46.685028130570544,3.099798670466727,27.496190214365708,0.0,0.8818328028703821,0.12233995810752453,28.614211280503877,55.138353283841646,0.36693995266553203,10.076769173815439,1.6033010066721712e-07,0.0001132097967789073,0.20193265541927286,27.161342176574966,47.83657362874083,0.2667992443182748,25.841038158353502,0.0,0.00014063033626880034,0.07401737133786307,91.79011369350775,67.80041983644104,3.059365437258053,13.464991554713526,1.9907974977412392e-07,0.0,0.18915119795468519,55.23216563047758,91.71786280988437,4.931093293932187,13.191110243886708,0.0,0.0,190.05227626435362 +0.9652655293978502,0.19736784643998614,0.32104853352877916,244.03168816954772,185.2976835202253,237498.8677550573,4.208393122136679,75.91079577234575,2.651582617986902,87.01370391860245,0.35217153864409045,20.812826036543385,0.4421212627086618,0.9501420148785004,672.206345656376,86.95406670985322,0.32638303022697623,249154.45563469498,1.0966441046145334,98.68777070624864,1507.7736751456987,234.68571573769256,349.63463510744896,40.31952169862795,0.2650820545862307,0.19197136390780564,21.154320101720245,42.67398166341938,2.739116768719171,25.655882877170544,0.0,0.9321846230674778,0.13262382974073747,20.24836851282277,42.44998105145089,0.6910757145199125,4.5506790606640415,1.6033010066721712e-07,0.0001132097967789073,0.20602299531888735,22.070098571142353,41.95934707372698,0.31910684912155096,26.38834940077251,0.0,0.00014063033626880034,0.1097752958045149,56.5798930737383,45.12610733342172,2.9503789291190503,5.655698116410878,1.9907974977412392e-07,0.0,0.20916416691309936,29.907345627811942,57.70623355709823,5.060786825526163,11.940917429900335,6.890880627057495e-05,0.0,133.35526414333023 +0.8466414124188717,0.1663798550170136,0.3761999376831819,50.3085258177275,249.37381483594194,318409.15218483453,6.904706959721188,74.66806387534164,2.11363147845544,62.20997042141815,3.535542621934269,24.671471611971274,0.6269820347542384,0.7550178072995977,996.5654456527016,91.21247176673924,0.24937346844175662,250330.61656983694,2.8009411848114736,95.84892316726403,4977.65498428616,284.46245722963687,343.4498906091135,59.60150714505708,0.16257466648688884,0.1809298046848853,21.821278440620237,52.36811022274864,2.6813428656560685,15.024187261696708,0.0,0.6729341348893773,0.1245023590700427,34.59961220164352,59.49083628302616,0.3818380668308786,13.63922783767895,1.6033010066721712e-07,0.0001132097967789073,0.20671764554324862,36.278251271056014,58.309554820810554,0.27490949909064605,14.519145450291058,7.468376064290285e-05,0.00014063033626880034,0.10898517553259798,101.96389478356728,74.8226557073766,3.2932062167214102,9.020434643773976,1.9907974977412392e-07,0.0,0.20760769453266384,25.71157926756637,86.36457764907271,3.750533008131467,13.69455726092396,0.0002761903269618828,0.0,194.19160070551217 +0.8984207055507041,0.16012142735155946,0.3895646182541656,33.52017096274099,249.2499811495292,207955.01019818115,4.697133858851243,87.15463224674073,4.207106944627506,11.481235401596283,2.985601015729691,27.44770707679655,0.3504700788129053,0.63718006482315,57.81095261905125,61.646349541232304,0.06801407805814431,297407.5102525801,2.576582041884622,94.9264152668513,4767.887510615031,115.48479803251696,345.21324168526195,45.74032354338198,0.15213390982414685,0.19959143524029063,28.624083105650023,39.75286656984578,2.84460824221076,13.683818226319602,0.0,1.510527505053775,0.13562599572837544,22.500845733054703,43.87405075652309,0.2804643157270931,4.921879050737765,1.6033010066721712e-07,0.0001132097967789073,0.209732259168619,24.668090693986702,37.078251608486696,0.26136831227214524,9.610324823443122,0.0,0.00014063033626880034,0.10012120573305416,85.27592894024153,58.888872606449496,3.7238744611439305,9.656584180135047,1.9907974977412392e-07,0.0,0.22362274175536165,35.5401900211972,62.768667535562436,4.378762007750285,6.801743938896316,0.00012960585783096325,0.0,152.46022902820945 +0.89922781832973,0.21233678253861252,0.34825202590421406,172.00096524840154,227.777224139449,302706.57438797556,3.0025786431397665,72.36224998187141,2.8969128428960054,90.82976152957146,3.1182008020964487,25.985606867901325,0.4023148133667322,0.9621307776646809,973.4491929806521,36.36942149650416,0.25846222139678604,222194.71862349537,1.6653445767518587,58.75385728512592,1966.4892944691744,271.5729929052947,348.53709464842757,52.906519697302514,0.1605914282892049,0.19213455177562605,26.699645711115952,45.21370765794926,2.8186171932713346,28.732821405952055,0.0,0.9012937683101419,0.1322913066993844,31.93495019765579,58.51303479548669,0.2765520173046918,6.06249395953989,1.6033010066721712e-07,0.0001132097967789073,0.20435925152795895,27.77381293647809,46.867280899471936,0.25076319926330126,27.696996487658115,0.0,0.00014063033626880034,0.13156175079734142,92.72417403587741,70.36473975501396,3.3520752445889292,16.621157630321175,1.9907974977412392e-07,0.0,0.2034040261163434,45.87016526256578,79.70421980711662,4.618711518940103,13.624282648252903,0.0003846751314009688,0.0,185.2227137594151 +0.9116158867788065,0.20823223313543585,0.36713711062933674,177.20096799179208,219.03743744124148,192937.10684835198,1.9935095552474744,83.25096438334886,4.775348370841034,31.793889224652133,3.7658490696371505,28.700935105167673,0.3945180248963301,0.7597160201798588,816.3018396885213,55.39230119167446,0.20001834140817626,299856.4090219862,2.8315609059599978,97.28357399893942,4967.089188863982,85.03217256555548,349.2906657467373,52.94386830235133,0.28014692465148583,0.19488092734540569,31.070867073015044,47.6873283671624,2.458003826187969,14.331571702108858,0.0,1.0017591071906407,0.13428385517321043,21.60000282658385,41.09899605596554,0.2893816092969276,5.063300831804354,1.6033010066721712e-07,0.0001132097967789073,0.20777211227409048,33.14512990579092,54.3661518860896,0.2531978285178605,12.797183513498153,0.0,0.00014063033626880034,0.32460183816590454,69.0012744040412,42.013309029545816,4.171258137780962,14.292095747485902,1.9907974977412392e-07,0.0,0.21300995826343552,34.82104384946532,63.96244741384379,4.163210757441523,8.823914399030341,0.00011257630279979906,0.0,148.3190435526231 +0.8989050583488246,0.23669345438018285,0.35975899398877864,225.34903326172963,109.46920058436712,223857.99423378994,6.533334873852425,70.04969105196687,4.385415324098824,29.176602016083315,4.3792566529914385,28.63375423690621,0.7980068900463367,0.6288709222976001,941.3383144408493,2.812093950323085,0.23036186365237094,249084.80250519922,2.9752467504506916,94.58402369435125,2409.7494151787787,271.052517653417,343.1800473629765,39.75786330288851,0.1786030319559588,0.18189144800225351,16.868789286946836,44.55298709842897,3.9757420757464184,10.458250267680407,0.0,0.7067146586462953,0.11782673646684254,29.973215819612165,50.23727413767453,0.8946866300992526,15.352701727694237,1.6033010066721712e-07,0.0001132097967789073,0.20820325974830636,29.614174293932365,48.05576862031885,0.36363819666587527,9.006174346043656,0.0,0.00014063033626880034,0.09810522253166924,102.46586999871016,70.17280494391716,3.8757917856742212,5.08170893241931,1.9907974977412392e-07,0.0,0.22759744923455888,39.713180542238426,73.21738022067586,6.87514802095566,10.232472181542013,0.0007193710934787687,0.0,178.5381067470942 +0.8078988207777259,0.1907817254281836,0.3999337292929378,112.10016535806493,89.52488492413562,319197.57404788746,4.709509664900822,57.48816608242974,4.731499192959989,92.07862014144662,1.8933987068616358,18.359187782088974,0.33327409150809834,0.9577019967647433,454.9398055774799,62.33671456854992,0.05975944449780615,96173.70790265517,1.7760145610558025,39.766648821071826,4340.358911536214,130.00334621064104,322.8189639924043,51.26912792678964,0.24613736653536036,0.20025920191195537,17.242724285403092,28.920983295277665,3.1203022765479105,34.52129054099976,0.0,3.075363609314207,0.13604958317310784,8.350344234489999,24.076197694434203,0.25891113473486904,5.289128469816228,1.6033010066721712e-07,0.0001132097967789073,0.20851323033552405,9.287923438795788,27.200342348059785,0.25841198083332134,20.273068229313758,0.0,0.00014063033626880034,0.12377671211764288,37.06803939092096,35.714509194495434,3.449322965032044,14.283059510592405,1.9907974977412392e-07,0.0,0.20989726738202497,3.775531582671296,22.46648653849605,4.147138112558104,6.1684794819566875,0.0,0.0,87.74478610354343 +0.9436059806260094,0.13064090001198705,0.4477306455909438,234.63022952184704,136.07307847894512,327850.5310183797,5.894709215423793,49.21273348944299,4.5503579485458605,56.848837824398544,0.2630445447643561,8.98370032508064,0.7248311416521201,0.6679821419160553,664.3875997825917,24.74034913732345,0.2903570608954589,67851.21528074992,0.8008204398135274,32.57048159970656,891.6317774280242,219.75602843055916,231.3636109551332,23.503019404193854,0.15776493346730663,0.1995354012343002,7.359435830720247,24.409717618466747,3.5133172493456906,17.144677171190335,0.0,0.6758858083005959,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21279013830552396,6.372261344803617,24.02836610409155,0.3066078906724982,15.181841912903677,0.0,0.00014063033626880034,0.3394197663162375,4.405168616373946,14.451119205881808,16.558756445601684,57.499440554273676,1.9907974977412392e-07,0.0,0.1631800790781523,8.47918803627561,32.99537371718869,6.866896067460226,52.11191808972505,0.00014311055868559646,0.0,2698666337285.8823 +0.9722373917844191,0.23372545202407594,0.43410495280825634,196.74137524151246,186.76962419804937,177135.04934010544,6.962397488588708,58.681221159129464,4.47562760479223,33.707103850431615,2.47456624528043,18.830096293428547,0.5020257022848347,0.3015126695612711,993.2835006265996,32.179349618402114,0.2741474005033744,95032.75821607163,2.8927081971922552,98.72201911678823,3306.0523679618973,116.62938628558761,227.76637605507963,35.72273574621801,0.30001543940181347,0.2010965671877065,6.938104322455103,24.372564343091284,3.1485547689306275,6.046359893958903,0.00012334969108016754,0.6926475063172007,0.10810256506005093,2.370192437830303,15.10288085945418,1.3154015273902542,25.986840004213448,1.6033010066721712e-07,0.0001132097967789073,0.21468937766073112,6.195973608429554,23.45450294762864,0.4294976174595053,4.658471755007437,6.357299526407875e-05,0.00014063033626880034,0.23538799958783474,4.100273543564341,18.79772629841079,17.911699378451033,58.75367684895194,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8808836791720082,0.2479183416416217,0.4133865404561708,136.95812243607153,200.66083824341473,133525.63380947168,1.8307614522583746,58.47849032995862,2.655533033472075,83.57272393884732,0.952755903310148,29.39263981108148,0.3343570092977971,0.9223753917333476,658.7683182411313,23.78001274931819,0.3082022628830692,298861.89557962416,2.904171073712581,92.39045615960481,2146.9043625818313,267.31899395365474,345.0420203882083,54.926525057536196,0.15444306168351374,0.19202850231337848,30.972673330105188,51.086505830034575,2.6181731586822665,11.699444425076567,0.0,1.3719451248129635,0.12582647967554728,36.58657811963654,63.722974080683755,0.3712253402806035,8.253251268170432,1.6033010066721712e-07,0.0001132097967789073,0.2006091408323815,37.362853388013995,62.09399656981267,0.26889253699475013,11.176269463407873,0.0,0.00014063033626880034,0.10052549861398125,107.2049044422525,70.23363342811072,4.682265077435677,9.77428694811256,1.9907974977412392e-07,0.0,0.17125649134949725,40.79096871222995,105.84217098133016,3.56676299788949,13.219402061954353,0.0006362757094828641,0.0,210.1333372023834 +0.9397049233480775,0.1596216017369686,0.3522973774275509,53.42376340991974,62.4455037497042,291282.63750018727,2.3699678847491787,57.518764823135946,2.6264583261876,35.052927629417866,0.4358462408940833,21.110519592204646,0.3280722686832521,0.9142087832365646,255.1016130372762,34.6575322140921,0.15764389770475185,66376.08960381133,0.6696539065362963,43.417103781020984,4123.080131320068,174.87636972747316,302.4448558597689,35.17848792432451,0.3170281559785385,0.1929639846251033,1.4902890166030973,23.398005482998364,2.929782997387465,46.43639027890524,0.0,0.8717928995508322,0.12634801071978385,1.660008420555649,16.252626417587706,0.3808470810665789,4.454991251759426,1.6033010066721712e-07,0.0001132097967789073,0.20401141134589096,2.0350821104402113,22.452695709604782,0.2355243841813231,40.3821213685643,0.0,0.00014063033626880034,0.10449605518365077,7.749359957376649,18.953599722500428,3.7647825709312777,9.738281594934625,1.9907974977412392e-07,0.0,0.19832632827079855,2.6214981010463045,23.405892781610966,4.267505757847619,13.087442731407293,0.0004895326611301242,0.0,80.08711847087795 +0.8126389620278182,0.21200702359134294,0.3700967384316947,160.24853135884763,22.90643219439133,274037.22045219655,4.27754694950597,47.798519596917075,1.0634228225562832,63.11892002883492,2.941867536277032,25.344660527592044,0.34651865190710796,0.9607726059513556,5.302645270590347,48.32878408343389,0.10239105147307061,84098.77838862158,1.0366377825884512,55.79341475833318,3082.8785721668582,118.94959516213692,343.2825288940297,44.72895567406058,0.17911220879493792,0.1967937333488384,14.346067520922468,29.36851335336648,3.504020354045484,57.835742300270155,0.0,1.2643575938536915,0.13437518155057634,15.871706325370903,33.220304226622446,0.1882034149801183,8.069757061578422,1.6033010066721712e-07,0.0001132097967789073,0.2040050251714431,11.99164154235725,28.681864641270263,0.25469641330045234,50.79436965540108,0.0,0.00014063033626880034,0.14468998881596887,46.961125529998775,41.11251967905095,3.8469491266202587,23.950534120569696,1.9907974977412392e-07,0.0,0.21943882895265546,17.28562081015956,38.274243797661896,4.930713087430319,20.505266788788358,5.000962299151508e-05,0.0,126.83483881357458 +0.9121136234120789,0.11489941407519988,0.4486329050430166,239.75988653629213,157.33911092974475,178057.64540244752,4.493552681813359,96.22150814934739,1.2153606815153,19.109545562757283,2.581183385636702,9.090528861557294,0.45045905984286716,0.5850984854106669,196.62653297163473,8.653698437028968,0.08128613030174443,50692.08707334199,2.931960555335685,46.282364655377165,1872.3913618141567,224.2100174083267,240.41254599096465,21.26539351329486,0.34345862624275403,0.20034267604721456,4.586921735546175,24.940306793672576,4.095216992722987,4.5072783888057195,0.0,1.7710825174015166,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21366785152118434,6.599632271810063,23.4757699123847,0.36267249527488665,3.3933748908143313,0.0,0.00014063033626880034,0.3282455133998358,3.727490829077514,15.153841183787424,15.40330776459727,56.220596160637044,1.9907974977412392e-07,0.0,0.19108516350777077,8.63916149786722,31.82907908499261,8.050446406929233,51.022321945471404,7.060333533855039e-05,0.0,2698666337285.8823 +0.9709908888886567,0.1959211741564405,0.33032722717091956,219.53986659189428,197.18696175404273,258110.00775257745,6.959179603785779,52.281135896811655,3.815118704087982,77.05215743508043,2.787297462684407,19.04809927116399,0.3899382371538999,0.8018943018608244,689.5472810513124,41.0828948441919,0.2627515306324446,275703.94249942026,2.921792088171444,98.8239446233383,4837.268910982103,146.0562772277482,339.0648221249181,57.766044155165645,0.15960960484541775,0.19600325616129838,29.845521540405365,48.98750355660019,3.2820428660005647,13.680472021855225,0.0,0.730923784412578,0.13467064462502937,26.003395201927678,51.08266724878685,1.0274437597838502,7.78301596815488,1.6033010066721712e-07,0.0001132097967789073,0.20798324091118423,30.99646615620915,51.03139835159563,0.37699191303257645,10.793029064865703,0.0,0.00014063033626880034,0.11113860351316568,114.10319941005275,81.22241587874137,5.194413489826085,6.616114587338975,1.9907974977412392e-07,0.0,0.19832030965627595,44.39001456970209,83.22352339793818,7.264485844624316,8.236208383463016,0.00014178278908729065,0.0,198.04700975353393 +0.9861343762543366,0.15192873085697448,0.34106403085855563,219.48288370936348,209.32931120243828,271700.69406199857,1.7766535246999053,11.588638444486662,2.3139326487798506,5.190631733068445,0.9525242583091282,28.883902751677937,0.44929786540413036,0.7041884537433084,226.8561021928508,27.776110814595945,0.21893839535822535,101209.16723829106,0.9895956829515742,92.26481420487693,3148.8741265925646,90.7158711290872,344.8221487130668,34.33261818308541,0.3193606258423418,0.19409562137563358,5.868475319304255,26.190516376005988,2.9763784659154173,36.43232681844318,0.0,1.0380002446299532,0.1318792490485182,8.313502671763727,23.607329343634838,0.24496169853462357,6.396284579335706,1.6033010066721712e-07,0.0001132097967789073,0.20567895668684189,6.939484623468157,26.74342689096618,0.2375047197436671,35.44854652568688,0.0,0.00014063033626880034,0.09355071303096553,23.913161083808742,30.861517506186573,3.782200689391998,11.68377491505642,1.9907974977412392e-07,0.0,0.20730670063195625,10.625629977009286,35.48410183494657,4.630688375991792,16.412876445313223,0.00015253817316849302,0.0,89.9062700366635 +0.9434688915696634,0.24339428797804183,0.4493121172956411,242.31842237906127,209.9482552053933,276980.972551317,5.751315652542016,99.65974864952119,2.088137451758036,20.419509826030826,2.616275121483749,8.22071246392084,0.517786895189492,0.43037751705549343,168.59697155812438,91.03023377262105,0.2790804304907685,58671.009945341924,0.5976610566799114,40.22471066085477,537.3517718684798,218.83779762974197,236.8715353522192,15.577276267126198,0.318656760287219,0.20113081569231547,7.722090240681069,24.19191974791485,3.4191835185348802,22.83924876084717,0.0,0.7950091553896845,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19979603340387317,5.704266345588642,22.747472623879617,0.31352678174465115,15.330661531373048,0.0,0.00014414060373783881,0.286835972874076,6.160982464449982,16.121897723645898,17.96070162867167,58.89261953081801,1.9907974977412392e-07,0.0,0.22736512670168033,9.639332832317335,29.50417073688774,9.00210882831527,52.54632416248847,0.00028975248404977867,0.0,2698666337285.8823 +0.8199071176221298,0.15523392058024932,0.3457911119741825,153.28692940185317,119.12945509832274,169104.12840050837,1.762113598336473,19.16157116261369,2.1076508593087553,40.80568975617442,0.5592654088677533,18.571598933867683,0.36500223414192445,0.6577235181503376,318.74145291602605,15.436686875513477,0.1793494515183507,50113.93375926375,0.543284765993503,71.1724903781506,1075.4210206144216,257.58624741182626,325.32520610076824,46.69077124987881,0.16933561037196537,0.1989332738913893,2.9606286018982986,23.3135890494533,2.7232025221472496,74.06732378045152,0.0,1.0614518951051408,0.14084263320638873,6.933213302884428,20.948020263256073,0.2087429855166371,8.735743801017966,1.6033010066721712e-07,0.0001132097967789073,0.21206812758563717,4.2087779174327125,25.23531130635424,0.24613088182344148,73.02194339340637,0.0,0.00014063033626880034,0.15211321717150814,19.611754267003068,25.77230028941568,4.413795064657276,23.525559585129706,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8897115946949249,0.19665563567007813,0.41170427050121644,182.7029136621728,201.38064991928206,136961.29251238145,6.985554189061563,62.20640749266796,1.2874909920800084,19.928984925193348,2.896407134163235,26.86902950724851,0.4463022974038159,0.9848736573202908,184.96647542412208,81.91586893024581,0.27545862080837097,115648.83318723014,2.932965200443717,97.08557601494464,896.3758554327815,134.1622724222226,335.93961804710125,51.82585853289345,0.15156080295452506,0.19090732063105015,19.89659515980918,44.82446774298014,3.0851936532589184,12.667477751405825,0.0,0.8223143904091326,0.12220537239705968,22.933979938538474,47.15834297326674,1.552468024348637,11.035944996552448,1.6033010066721712e-07,0.0001132097967789073,0.2027008907269189,23.33559169447061,48.81529034229952,0.47128486350600446,8.869184101989164,0.0,0.00014063033626880034,0.1540113319210224,92.90995149921258,74.17268091828775,6.0861790664815345,12.028281583154314,1.9907974977412392e-07,0.0,0.20000438300422682,32.58359609104694,65.55595380369603,8.563771356578847,6.692411849944466,0.0,0.0,168.07538882432186 +0.9883217968641552,0.10541146641726248,0.3884726872903379,86.59783866199848,146.23952087780762,320755.09390207706,2.851001091898364,53.856771810126205,2.036307687480136,41.65916839712662,1.341133112847494,27.262276289381028,0.3047048160176804,0.8059359688934253,238.16516684581708,1.089920256181215,0.10169587247665168,103657.09170459304,1.391549058785499,54.660949550724446,2397.462418068207,143.04246714570445,340.60931468054775,56.28074751497948,0.33792749107596415,0.1910488786713791,9.705834175348972,31.336589438419367,5.812794949321125,34.533263400603325,0.0,1.2091376578960686,0.11374580613066691,8.331374675086227,23.87006526041692,0.261088927156375,6.413211558054727,1.6033010066721712e-07,0.0001132097967789073,0.20369010012907132,9.296518088460966,30.795348133813132,0.23847974660138158,32.11381633287576,0.0,0.00014063033626880034,0.1392128966493948,21.583980820414062,25.722261753609345,4.068095771449381,8.397186162263953,1.9907974977412392e-07,0.0,0.17974582847952916,12.849111594234584,33.30559669353403,7.6179086240725375,14.13667065098868,0.00010117092113040942,0.0,88.30318314179225 +0.9859668744376004,0.13078637253862824,0.34648467641604513,149.10102642668093,194.54099082619948,293632.84260970063,4.694036872270008,17.49495921466834,2.6018029546031873,29.845780024001904,4.319478003732693,14.276470089127756,0.3007263058788844,0.8264913583135495,883.8166709033485,86.30545786315997,0.2816813637259849,144699.367679113,2.523877416628968,77.7891351201655,550.037173783422,111.34494234048046,271.01012131006377,21.48559356860243,0.33715114476019903,0.19426580055223353,2.6098384992757477,24.756820101185312,2.863518844029656,4.315058128497577,0.0,0.759683062924165,0.13406146934645202,2.4022920773877874,12.982371294171266,0.5001598222777636,12.589422750415604,1.6033010066721712e-07,0.0001132097967789073,0.20751653797285313,1.8107724197247719,22.229921046041852,0.287809649547744,3.2034242797860943,0.0,0.00014063033626880034,0.3523926175912904,21.970931978186453,18.98640204184738,6.610376940211764,45.45813340506019,1.9907974977412392e-07,0.0,0.11923689964783239,3.9866347916012743,31.600222314290786,4.8420536733277135,25.548715152606853,0.0,0.0,78.30829348556908 +0.9405943773883042,0.1920671182859019,0.3471643067379197,222.03164460871378,204.69970938838537,323139.8952845378,1.6067394345618187,82.83559861244362,1.7013972348985928,90.92021824894472,3.7749414604517417,23.93212108532935,0.552112888283637,0.94723070495516,105.55616402222967,70.95983329914408,0.33642709913775076,52962.25233016233,0.4626573837794423,86.19614287681875,4271.605541557398,270.28952741143627,284.1070388560273,46.69077124987881,0.20154942381300076,0.19033866447325964,1.5421224615666504,25.3832693408001,3.138192755966359,57.49685925412594,0.0,1.2771101986775526,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20376855307958952,2.4829410286055267,25.229229595549395,0.23419310895732257,57.40538251325386,2.0836631232705705e-05,0.00014063033626880034,0.19347954846996238,11.99816453035309,22.460743630215593,3.5929812514495567,7.694257462860752,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9037409002788926,0.252198947937861,0.4497338500738592,191.43347034473814,235.91219284658013,270370.1691537947,6.8517378378747775,89.58669845536954,4.347765332711442,87.04816435411638,1.3683902844273925,25.245477037483283,0.404606767731059,0.8743173441698646,637.8111254684492,3.7685503070818065,0.145976997800673,94833.61968820104,2.820145764938276,73.21690863454015,4925.60713901264,136.3978028117496,294.17137298232524,12.825872662310507,0.28372093704002205,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.12675912024841063,1.7504614145848734,17.011033357157494,0.982272707711195,18.103690064019307,1.6033010066721712e-07,0.0001132097967789073,0.20554568470566612,3.6156495560893074,24.070808546220864,0.36828202322165204,4.829942172573846,0.0,0.00014063033626880034,0.34629567277580015,34.22084022080971,24.738068856091022,7.270004206083604,42.14015519578337,1.9907974977412392e-07,0.0,0.1275729553033595,2.9726031647423223,36.37189311973871,8.24067262678345,38.58444064157327,0.0,0.0,2698666337285.8823 +0.9206989862372871,0.14214854989421996,0.4316121481910314,181.4316116897528,112.90532492209633,232182.7611595831,2.3422801432117657,77.12688394132452,0.5844348203672114,70.18122860427347,1.9366360720805005,22.728574274503767,0.3995508166918151,0.5264966209194974,698.1538734659425,59.9092016961347,0.25065394740242,55424.842317075134,2.886432094617972,93.54485533556553,805.0169645452443,220.2161827344776,260.82531146909315,22.53434994879465,0.3321124715644161,0.19268077131640932,6.92282663618159,25.427840182268064,2.532869441445878,10.087329458896484,0.0,1.058706997412073,0.12083122595474106,2.022639363207209,18.838742630080926,0.20939105734520777,25.445906451846927,1.6033010066721712e-07,0.0001132097967789073,0.2053063485027884,5.44095248953376,24.375348239393524,0.24617551174900598,8.587148211101326,0.0,0.00014063033626880034,0.318371150536677,6.24251017402905,16.50906157562367,7.156680217198497,49.0889957808653,1.9907974977412392e-07,0.0,0.2031627541830642,7.274924528497553,31.109523816534168,4.36808652719847,39.031148131955696,0.0003829445759529095,0.0,88.56534032241413 +0.8834037578278964,0.20648734715758557,0.42318174312267187,240.97771657677595,92.71685993654955,257003.2578747277,5.02307894032267,70.56538088235551,1.7653733252730268,95.07149910725593,0.9276095766439798,29.826576188425648,0.4022165084323297,0.9847303505022416,825.4258297817879,39.48548936106131,0.0951262892457119,58249.11573273453,1.0813320136053273,92.10013529713123,4986.665469844057,148.90835103205512,342.11400131403354,58.148211793141435,0.17164324761709887,0.19503818940561757,11.692427279546646,28.280151629193263,3.0166139016041935,69.49643166737219,0.0,1.7866243335469727,0.12936569274321916,13.725344788169862,30.204975828815307,0.5436112349884201,10.768973142088976,1.6033010066721712e-07,0.0001132097967789073,0.2028324664049098,7.901975674451218,30.12047377685706,0.30647670344554745,56.65610871455167,0.0,0.00014063033626880034,0.11812443949475253,56.82907624412816,54.2997603633733,3.4387972480196507,18.819610336212296,1.9907974977412392e-07,0.0,0.190820583687353,23.28779293139075,50.98648512946446,4.980953807941744,20.591752763441875,0.0,0.0,145.97993320180956 +0.9218092284199253,0.15218219766369295,0.3746326645213092,110.0159236225978,215.93875207197306,143085.6509274624,3.8277870860680254,70.6455522756651,4.814747509115427,91.07392888790633,0.5373669001758095,24.118305959343886,0.5303636428195373,0.9852607903850203,258.9040927609488,48.38506549633867,0.3190782914624436,299288.402195238,2.8741392198485056,92.46119311946083,2505.598395785629,256.1032620884209,347.0580752079751,52.663740737689764,0.3454538455833178,0.19174243548122333,26.477990884259583,51.24596847810149,2.784192158333024,11.55878825637869,0.0,1.1437141501617782,0.12983442605457726,13.247421574664253,32.87272761162589,0.8047529700894955,7.198827500807532,1.6033010066721712e-07,0.0001132097967789073,0.20188003173820243,30.254404852964555,56.79049820097423,0.34755730600246293,11.497608958243605,3.204889802148761e-05,0.00014063033626880034,0.3557677890416104,48.387720517361664,28.580248354282826,4.166606762029173,30.58296053696349,1.9907974977412392e-07,0.0,0.14629629135607367,31.818455376036937,73.11160442626236,4.91212885633879,13.860559230253187,0.00026629855666734475,0.0,140.48620138103405 +0.9697995771081908,0.202397967868251,0.3912695120702353,25.324089053684176,108.64028184190316,130596.18455419462,1.9677992058360625,59.009476397123834,0.33412093519981934,39.77497267584197,2.6979974631839245,7.415671087326994,0.315464314794951,0.935210031552467,863.1850616016567,48.834008871094774,0.09757520072023315,242494.59466220342,2.537553269980529,29.256804947618043,3296.9650240883784,128.00037144144588,303.58373212565203,47.12618312803377,0.2018896882103099,0.19798622239268598,3.595316211714944,22.537138341641576,2.4941965538104047,2.9307028729558655,0.0,1.2406937901063302,0.1411814729404386,1.57423407542944,15.144913141756858,0.28922121173941046,3.5764764522029306,1.6033010066721712e-07,0.0001132097967789073,0.21104283644167335,4.417608828213775,24.871293174603988,0.23888274070797882,2.3303446258737828,0.0,0.00014063033626880034,0.13998060837742518,31.18652454466767,28.563644237018377,4.791941652302903,4.793039121554192,1.9907974977412392e-07,0.0,0.22109692183219729,2.258885911578073,22.603060775051862,3.755391909750411,3.3348803858524954,9.241789241954929e-05,0.0,61.654831463376354 +0.9342635291086677,0.19222158993356803,0.37648115855437236,219.00271778095788,171.6885457859501,132671.8255105101,2.9283976534733442,30.345703330241406,1.681964226518053,33.94744085531475,0.48453468177631875,27.71469575978657,0.4380241202621683,0.9715765214057299,890.6820889469558,35.049481191509074,0.3192661065173065,106740.31562821048,0.5762622402011626,83.39846166511798,3345.050284585459,203.83001601388216,349.3730291265726,32.61072093781654,0.16331090980017132,0.18858663291195205,6.105209220216311,28.51721547404906,2.764012923532579,40.70824667881007,0.0,1.1912563213488312,0.12797666828264076,12.245336363044059,29.45984616904567,0.8103571354630734,6.52123194741618,1.6033010066721712e-07,0.0001132097967789073,0.2034644907135582,7.505198744275688,28.257081894832805,0.3448220254514267,40.46182956232941,8.266082947505235e-06,0.00014063033626880034,0.13702838605528841,40.15825889412795,39.21318488765151,4.562686320374315,22.844590301382734,1.9907974977412392e-07,0.0,0.19490808467436904,14.66685891204455,39.269794766187445,4.800706125919132,18.614637497295753,3.381672482098776e-05,0.0,109.04034452025586 +0.8939416969822787,0.15082363838650492,0.4497338500738592,213.39204967279156,232.08234537433557,176396.37085077382,6.92748113526579,88.68968991596954,3.7641389999845716,88.12230477157985,1.6880313297263374,22.73832430118769,0.3839518579667162,0.8760294084070415,652.9469010111443,23.512512531370344,0.08701585906059951,94003.57535386882,2.82015647142096,93.80692452113469,4976.103370970618,136.95956605269512,294.17137298232524,12.825872662310507,0.25012881478707155,0.19704607952455885,1.4005951421859961,23.616924331376037,3.400861181505495,6.639158934908401,0.0,2.512776388184426,0.12777960902182683,2.2053030702305714,19.807365689600058,1.4150949120474905,22.28292429082456,1.6033010066721712e-07,0.0001132097967789073,0.20404998520497727,4.648593516265313,23.29557822203053,0.4466675050594169,6.165739277469419,0.0,0.00014063033626880034,0.35040756384203164,34.92575684190112,25.78955144079911,7.38405892044823,41.5250336901605,1.9907974977412392e-07,0.0,0.08379542131549007,3.2545583618138116,37.27297241468535,7.829064952617627,41.37914266793222,0.0,0.0,94.64300180387863 +0.8832497064744593,0.19497173620510397,0.39724529156623856,241.1909336055467,47.282227160356484,133495.91030868544,3.383199154073505,64.16960534650916,2.6457914933699516,48.73748041448039,0.2762067997213538,28.578134797595524,0.7006613128914679,0.9964945631887989,847.5985777945363,30.59332096817653,0.3161382019223044,259802.84394521132,2.992411011231546,98.79477059845937,4495.784189651266,251.8527676962473,342.2768721903653,55.1815753760632,0.22554034846496132,0.19032053408478514,29.580062258666015,55.34931960583579,2.8553026668450876,11.820073934419643,5.2074601884828175e-05,1.1218446143287788,0.11557987435445806,25.60990942002656,49.84691250813286,0.5263569568339979,13.805155717265498,1.6033010066721712e-07,0.0001132097967789073,0.20256477801119394,33.720445791039225,61.22481427835642,0.3224752172685912,11.176389511300165,6.519982748044606e-05,0.00014063033626880034,0.23721484768216985,82.40105372543255,54.836817474733216,4.702604683432919,7.772458901757909,1.9907974977412392e-07,0.0,0.16517931357879329,19.654156048621864,89.48339719678098,3.4400858877219824,13.515793130454902,0.00027324310783805153,0.0,175.77668020878502 +0.8225001946042398,0.13027702155168558,0.36706480396044183,155.18567237213244,140.9613182631749,107790.89515721159,5.603747895894429,73.8221977766649,1.3993511141243906,5.445208362702843,3.2776191262922927,20.35120218189296,0.3821698831796255,0.867562855357057,58.59322453955832,69.92904796981088,0.06936091192735758,272931.34017564123,2.9192608177615527,83.96887164554722,742.4638358990082,248.05684476483287,339.77616729582144,27.55488148422603,0.159878685111134,0.19915708896441647,24.98286914827351,38.64732182194842,3.0761967243107953,7.5770522178223185,8.260645024468745e-05,2.707053943356513,0.13455175440083916,15.909989180383825,36.00225656667729,1.4079026275345485,7.979922721970334,1.6033010066721712e-07,0.0001132097967789073,0.20626795544772242,21.10963703942761,42.675949390884085,0.4474020306205015,4.628830923333136,0.0,0.00014063033626880034,0.12159683917991616,95.38311943103959,65.64479649820653,4.178417744927996,8.837919157793094,1.9907974977412392e-07,0.0,0.21130146906701905,24.762314775240498,50.355127639328096,6.495660427139368,6.276811532514967,0.0001952081606097681,0.0,151.09170376695434 +0.9549709266965691,0.17022932164421362,0.38262689708584,147.8354350598874,46.98642173088274,203553.44104844882,2.4051314404842796,28.769439255552662,1.9685865113103453,24.072937386998852,1.635398941687812,14.346108358157398,0.3518816854779058,0.9091442477086672,517.8925628747166,50.525633680490856,0.2853926086631649,89301.33613040645,1.0232805542856847,95.37371618048053,1487.0922200173288,57.60063302865471,348.1391542753684,58.71326967484843,0.2099454390228093,0.1948963691783157,9.183320201949822,28.539373019415752,2.531817276174681,50.940468212150044,0.0,1.1808191134742525,0.1360832372722136,13.89772259249561,33.26665392998604,0.22095016054548508,9.10528371499678,1.6033010066721712e-07,0.0001132097967789073,0.20827836882172177,11.3413633297164,31.091652775505434,0.2459416958819726,51.84153869706181,0.0,0.00014063033626880034,0.14055168236272753,33.184817271652435,38.42710034851657,4.3651882532397,21.793645688864036,1.9907974977412392e-07,0.0,0.19291341490795472,8.338895370923606,39.4456116349439,3.2061523935660268,21.082969875449322,1.7593997561978432e-05,0.0,117.55668096009228 +0.9882075678859069,0.21729927635322874,0.32043992277706923,84.4593495874408,118.91086027408048,165764.89360959342,6.08023232899189,30.547006179246562,3.1063531294364823,8.283549073640126,4.081945523787723,24.136355213185517,0.36135543601357767,0.638636308640492,633.9838427342366,50.686113987095,0.05116009724765601,65051.88811942938,1.257095490554549,33.41145364232826,1888.8618939781759,70.78230808427108,288.7551371707477,41.45725144431908,0.17628529634258655,0.20103901112320002,12.287462847591799,25.784767545264735,2.83550971372778,58.72996222752564,0.0,3.7655189784543444,0.13667373715394004,1.923437976181246,16.27441014526148,0.8579899045853349,4.67942215625541,1.6033010066721712e-07,0.0001132097967789073,0.210417362934395,2.5957991280087214,23.894648086210456,0.36353023973512033,28.70068288450114,0.0,0.00014063033626880034,0.2788035922396209,21.759428870882466,22.15823513251686,4.083478681645064,9.75089014469355,1.9907974977412392e-07,0.0,0.21935029197777434,1.5110447477950306,25.67225135884153,4.845262859701914,9.21730080103742,0.00012145445070662372,0.0,88.4660022746174 +0.8832497064744593,0.14786819583935348,0.3800485109465459,139.33299490749124,47.282227160356484,133495.91030868544,3.3059235201411803,59.108453639039084,2.5911645234074374,92.72442448066894,0.2762067997213538,29.15344816746044,0.47401536083132356,0.997200768541809,847.5985777945363,28.31179316802472,0.14200338210486677,99701.74234425122,2.886231041126931,43.7002483429272,1599.8214961681072,252.29563368594594,345.04697434297157,55.1815753760632,0.20305460375734768,0.1891476320586732,23.94375586610517,46.67670463111979,2.80340933326044,20.921104110808006,0.0,0.7362215848055577,0.1111218981935771,28.142426349237972,53.0623149260462,0.4630910745808005,14.969964721632644,1.6033010066721712e-07,0.0001132097967789073,0.20171674338485665,27.28150914411152,54.49345912842982,0.3108212875377311,17.078929366482484,0.0,0.00014063033626880034,0.10768328370037938,63.405166270912034,57.02167910408958,4.779511981766759,14.75238265008711,1.9907974977412392e-07,0.0,0.18404697545452423,46.9703525398809,88.19953543086305,4.526441140630477,14.036470325340721,0.00014623079245346208,0.0,169.56065864566614 +0.9464586256133848,0.23505754555541156,0.3717856545074102,55.52309460323653,21.412851482723653,329558.3244631032,3.3681445801009082,73.51022229320571,3.858291719874785,50.01220645595731,4.8011000415067615,27.44422423702114,0.516980324028776,0.7122810945795925,654.5638019971418,69.74629597624156,0.23048901464938562,87480.0686041431,1.9794429850365107,98.93685992885608,3991.9385167496534,288.35929193697035,348.1804507692392,59.67206634535361,0.24798162825884718,0.19389600139418273,17.123791125974588,36.29705029471696,2.8142343458368497,36.53572132711677,0.0,0.9067035149887952,0.10625196989421325,21.166445347084522,44.49422508711825,0.36738534064787315,18.51677959774587,1.6033010066721712e-07,0.0001132097967789073,0.20680355171478373,19.84896013989113,39.81970608403962,0.23680381180591364,33.838687118284184,0.0,0.00014063033626880034,0.09534243393480601,50.513911279182295,48.46371249824931,3.6928256847634837,12.499182971368484,1.9907974977412392e-07,0.0,0.18930834537004296,38.0042083227595,64.73634791244093,4.2493369427965755,29.91003533299088,0.0005723587846624835,0.0,143.06619480867465 +0.9263128812323811,0.21767510638701368,0.3937876926801107,145.65603069811343,246.72002719619712,313034.6359600822,6.150636364235813,30.74924105740174,3.315324194527258,81.75011521423238,4.647731050205258,25.46885814461623,0.47354183437207636,0.9301014630663288,808.7244155924888,65.67240667162959,0.34639324451613857,106442.71142148171,2.964685861849171,77.10435357957238,904.4804606569577,247.0785934748684,347.2453290981031,57.63411016478157,0.19968648141877005,0.18857564200419083,26.66434843065408,52.01796017138764,3.134418706570317,21.86064132373993,1.4426551557170576e-05,0.8189289554604253,0.09388582396218711,28.18621831625676,52.93472162459673,0.6857398234761204,16.510642864999237,1.6033010066721712e-07,0.0001132097967789073,0.20101063162036004,31.305012249184035,56.749294418727274,0.31835559645760003,19.119992470694896,0.0,0.00014063033626880034,0.20119276404342892,82.88203764976475,63.025793082934825,3.396601638863896,11.322361636479327,1.9907974977412392e-07,0.0,0.153142881648389,56.696114208774894,110.04513479474757,6.182019330814763,23.849801627611782,0.0002012707055020039,0.0,198.12621008354168 +0.9808118022471074,0.13059097023163904,0.4201288809215491,236.30795991429073,56.386686859978276,327582.1364489723,3.636163890831188,48.16587180512495,1.5715956523166439,93.27453469771861,0.45650006018335754,22.58239427123089,0.3779297889753229,0.9852277745454745,272.3364617797241,24.226403912942885,0.29388000766198413,67851.21528074992,0.7993598431572171,32.63857506985544,3333.2088575977823,277.6469041565121,348.8045516391344,23.503019404193854,0.19517063135120213,0.18801807308817317,1.114388820261585,25.56051839426881,3.4715816126006924,36.7087508086322,0.0,0.9103462214588177,0.12813430762457234,3.6720614265410045,20.70429506825219,0.2079516028238966,5.9295266647256355,1.6033010066721712e-07,0.0001132097967789073,0.19974902679637827,1.2998213631099895,25.142289904055446,0.24646953922967163,35.479551780166105,0.0,0.00014063033626880034,0.1110216760549175,21.32612497912184,30.03597969086681,3.6819575570031566,18.408627162354367,1.9907974977412392e-07,0.0,0.1862419500635505,4.694875733286905,26.229564806103685,5.104133278814515,12.196326148291657,0.0001871171309910436,0.0,83.54282842811608 +0.8970691770718177,0.192081226977528,0.440003754364957,220.92603918618062,238.28041337314684,329102.84948582144,4.5743886658743484,64.33423224263282,3.0755768639421426,34.419652500744306,3.155935202773175,26.379322707506827,0.6051746939071679,0.9163524160436204,113.9542123817935,46.519169456506525,0.3018467706022254,80960.76258621481,2.8973276259827787,92.83455811899427,3413.239602690194,113.78882280500854,227.7934238100003,55.17736581870243,0.29713480788640506,0.18929185828677597,2.986609613533046,26.76633613283188,3.707937601639407,6.851409627888276,0.0,0.8773725719032862,0.11568412197819264,1.9299290322770584,20.776880862716762,0.556321132388225,20.92925579991003,1.6033010066721712e-07,0.0001132097967789073,0.20356729608081356,2.136876015204321,24.02188867097985,0.2901835918977345,4.889643966650195,2.8360531499673598e-05,0.00014063033626880034,0.350793136036169,8.41843200507216,14.92701544450769,14.294237388076535,54.00464982170436,1.9907974977412392e-07,0.0,0.0817855635910381,2.104826162396706,35.58568302253199,6.6576358348079605,37.701540291412826,0.0,0.0,91.74643767133715 +0.9507115900016593,0.2088426130617267,0.327023166962445,129.48488566570035,180.98338749483864,231208.9526523806,1.9082954135275787,48.5534828236063,2.8058727534257497,46.726180948562615,1.2855845299540303,20.563872796766276,0.39706462499512907,0.7485174933310736,739.8587842490158,79.28924210181633,0.2508748939877789,295533.9902853343,2.9754914830907766,89.10124701775527,320.33406449390463,233.79085162389916,332.3399189950416,50.73481176434028,0.15057431246535694,0.19576415275719147,22.649951045961735,41.161796085402464,2.4444627614782615,8.126062895536164,0.0,1.1559910230057053,0.1351526678026363,19.541562770079462,40.41969277462549,0.23882015067365708,9.40310075651907,2.955986756046253e-05,0.0001132097967789073,0.20786878522483027,27.20747243167421,49.31314483022616,0.23968154204117242,7.0133693026338095,0.0,0.00014063033626880034,0.11337366458072425,92.7242025813177,63.97106521184409,4.139165390152856,8.824778590947435,1.9907974977412392e-07,0.0,0.20462178500501224,34.99685455493384,71.02050701048441,4.011792511790141,9.225213403196893,0.0005452528211844763,0.0,163.58840325730208 +0.9517902644198522,0.21116479057763127,0.324187515731175,47.47064198142142,155.7691432994749,276593.0564194152,5.7485252060914105,79.5814415237766,4.184693081116204,73.6917666153486,1.9729862953801232,22.76032454242352,0.3207159433719086,0.9177813848970409,254.44739470701452,66.2032090742008,0.11655104639889788,85923.42472882039,2.3808164349398337,51.01252576486741,2816.8336970806886,263.2644476287411,342.4748787798026,40.889981940818345,0.24117117416209924,0.19459706040760347,18.586211658129734,34.07931074622507,3.0745503380989474,28.730388379591343,0.0,1.0043153846111206,0.1171608370924731,20.51184277435639,46.071769160358805,0.3138171326086097,13.180963612298044,1.6033010066721712e-07,0.0001132097967789073,0.2028959746174739,18.696474157806755,42.299345911695795,0.2663002281674522,20.617183717420055,0.0,0.00014063033626880034,0.08760373577074379,55.746641419629476,47.39335745071009,3.6260648900968335,13.918024467330278,1.9907974977412392e-07,0.0,0.15951006227817027,38.951711704120875,72.36540529623112,4.676744446973341,13.793975432580323,0.0002091889539851376,0.0,141.95348783285166 +0.9272522418853494,0.22975475101451787,0.32902614544316866,164.64956540930194,197.3968344051044,293666.32921606855,4.035166852637447,72.93866755549709,1.4424927549955138,47.346580451420145,2.604119596267968,10.40570653489442,0.48903807800082155,0.7153362230947854,274.10090098658634,77.61708781975724,0.05593567965881244,78765.76016330525,2.6532303280856953,67.84311090646911,931.4485547074014,260.05502418083756,340.8485840585743,59.36091764438338,0.2635321406516282,0.20072352633584795,32.87068194902415,48.43449817915514,3.149237327139796,39.7305750286819,0.0002586525326839769,3.1833083890736806,0.12345339428355163,20.545723729633764,39.26821392821569,0.43008969429487437,19.58691099687124,1.6033010066721712e-07,0.0001132097967789073,0.20926551723319,24.337611001318574,43.41713848322557,0.27432067903742313,23.820606583904084,0.0,0.00014063033626880034,0.12612068722219427,65.69966049178865,55.03415486829836,3.011746983619438,8.390642010677619,1.9907974977412392e-07,0.0,0.21739141717706253,31.101203368927255,61.41155504968267,5.329060150048827,23.98532519228439,0.00028403648313188247,0.0,152.26610105641166 +0.9198614718914202,0.2368480281992325,0.39777454996077555,195.88035133519915,248.99125860993988,218077.40145279162,6.1630976098254635,93.41397046889955,2.696396775510811,69.60432307506328,4.7274840694622595,26.232295263885085,0.5194951508015574,0.9898468880517144,937.9625126665442,59.147769712640184,0.25788581120764476,157843.9827909091,2.6306451177175276,93.09604124945072,2166.546436928416,263.39556025631657,341.8577519610613,54.799635590020564,0.34349339553219066,0.18814526131708834,22.75423051233042,46.84887430671723,2.9330331483443777,18.304221554312466,0.0,0.6967423274384807,0.09782324309497,15.83264985718642,33.23409188738222,1.1048611471655096,13.99714246308559,1.6033010066721712e-07,0.0001132097967789073,0.193813262576079,24.82585220327259,49.85231312129332,0.38960275699155755,16.701314892928707,2.6591565277221136e-06,0.00014063033626880034,0.3521297227351767,47.82455788630451,28.992139823575975,6.3094424998733105,33.22307565063157,1.9907974977412392e-07,0.0,0.14786773660082694,30.505170596890437,71.22565378491669,6.342329119583176,22.020455540658055,0.0,0.0,137.07666596803585 +0.9492172671724729,0.25047036624064445,0.4294869455484764,158.05986006845183,99.27340800548802,252107.74350457225,6.347999997728808,99.89032004952567,3.0035898157103365,41.81695282272796,1.3441178446305853,28.405607608575107,0.7641124595271301,0.6973162230762355,77.88588332218222,42.648486732576366,0.34240793194516556,126981.00312365747,2.9150693385318918,90.9379570845356,4840.396088906993,223.98300441025273,230.5586596440327,56.885344182181534,0.29243506491035925,0.18984836920424367,3.786230399085612,26.618686825403255,3.672428579700142,9.892127332449036,3.623320988781757e-05,0.910115975567994,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2006853571238493,2.2236214979582245,25.589984755286995,0.3303303284150245,8.730421142353265,0.0,0.00014063033626880034,0.3356431842339449,11.068127950687163,16.03049766028486,12.449204018863755,52.85383418493861,1.9907974977412392e-07,0.0,0.18821126752259118,4.092500511589124,32.80249467056459,6.803752882521515,35.496084330780704,0.00020198419729601985,0.0,2698666337285.8823 +0.9883321713710423,0.2695917622684128,0.3861790855964118,171.11247901674426,228.45411841794873,253005.25008249164,6.375834101749227,72.49688478706979,2.1444336066028984,94.25630744054389,2.089306631890335,25.72359401103862,0.43149080764161024,0.43254063703204426,938.652323153151,88.0895524357724,0.14333298872989908,57521.593223765114,2.924359260754337,99.22052393586644,1531.7466755843457,89.42693322736889,256.6841860670464,12.663330716817038,0.28140257781072353,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.10842095294154591,1.8792522359552406,18.246116684158935,0.9288007847643468,26.412501792617924,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.29183137830551525,3.6968639715817218,16.944116329052292,16.478854119835002,57.41240604616547,1.9907974977412392e-07,0.0,0.19471501028162735,5.520347910962552,31.243182101675302,8.103425701769504,60.12865491164768,0.00033894880089964277,0.0,3816490534509.4204 +0.9102224729904276,0.12809176191638139,0.4263289807594669,221.54019327132107,134.28191565916302,285985.31246663374,6.778325874336583,74.54431619748799,0.7659179918403123,23.78600768433953,3.5784599256307743,5.633182573423739,0.320157493472525,0.7911589657113711,660.9536582854881,40.403661229671826,0.23044235005316557,126989.20003505825,1.8145262191619163,75.11782207186205,2049.57782699975,274.34934494709347,330.175879337856,53.6630676518956,0.23918900510579574,0.20012101873124166,8.272722563209124,26.765033089132846,3.3360212284568442,19.012188336343055,0.0,0.7120340223340111,0.1428565932847275,7.4982435229818245,23.005059319245664,0.7896236570565502,8.049664450747903,1.6033010066721712e-07,0.0001132097967789073,0.21291647209646974,8.557218967252728,27.835951137855254,0.3417991930820797,14.95708515244063,0.0,0.00014063033626880034,0.17868776988479743,54.09689382032743,45.70180576270506,3.6963445480726955,5.438049525558372,1.9907974977412392e-07,0.0,0.22221244654592795,14.403255266132657,36.62278332783655,6.593933346465139,10.496084466100543,9.834829845346387e-06,0.0,98.19144494401894 +0.8986526187114655,0.23185710648807367,0.4087702532590727,178.95115067566,12.191643206421523,308550.42691572336,3.167287439152327,85.00598518625165,3.3907415633054216,66.57839200452638,4.4572457247057855,14.512177584580574,0.43134581374939274,0.9850191520571706,304.61714428460476,13.53492276176722,0.29332987073463146,290526.90782446135,2.839666384686652,77.09032745285188,3441.8833498339054,236.7073156390656,223.28613243263686,39.6194970635452,0.31238376590005046,0.19591738294980446,3.5942746003215262,22.724012272291215,3.452406575828784,6.150580058114827,0.0,1.0260880100362553,0.13831657823052992,1.454666524238246,15.776025537085408,0.34300357313793267,12.649477605518346,1.6033010066721712e-07,0.0001132097967789073,0.20853953365082756,1.6648518566415331,22.854973448276166,0.24058366972627238,4.424644642232556,0.0,0.00014063033626880034,0.35212539557176054,5.269654811494058,14.363404535638121,10.278558322546562,51.99946322470805,1.9907974977412392e-07,0.0,0.21639662225408338,6.737658635934051,26.580602298539226,4.999338765038667,16.703743928658902,0.0,0.0,75.07235407100335 +0.9206815296260009,0.15937021029388637,0.33216404526233667,163.91556115144544,222.3595817722618,313434.0487239004,6.107487614595383,7.965104986279378,3.408339708800872,81.27009084768254,1.6010070950373678,25.91043725714944,0.4079065251079548,0.9843384001242066,402.6227167131169,22.47078079176467,0.2664286250977243,297701.63581408525,2.618996041747845,98.1852731035785,3834.6501453340957,285.6255320196528,331.7412530315984,22.854417174404563,0.1501976252679787,0.19095701971476864,11.805896633966464,31.556252963943734,3.695762270562152,5.972035896374205,0.0,0.743242655912476,0.12974933442169362,5.227707302684641,19.035606227485406,0.6973181970209951,6.273273746380483,1.6033010066721712e-07,0.0001132097967789073,0.19979633165069569,13.750058317461514,37.668767713623325,0.32023965333183385,4.8723709481481565,0.0,0.00014063033626880034,0.19394228352419576,103.27990926419717,69.3588184355974,4.182220390557785,6.848508211310917,1.9907974977412392e-07,0.0,0.1932692126578812,12.15210478635296,37.307307402920394,6.905831390481219,7.837123958928508,5.8474680632870536e-05,0.0,142.9579839095718 +0.9678805148427913,0.22873396198852675,0.35521998534955534,223.3736448423598,126.75929118353896,289277.95825455076,4.287539782378402,69.80988516328667,4.200262441422778,95.61706940432461,4.825716233916986,26.081083979878226,0.4906771901966361,0.7501042076502378,906.4605065287726,29.828923115938714,0.12995640509865142,150136.81367857737,2.4403062290690354,82.52737889856054,1347.8222433716758,257.5695154681364,348.8622875424035,58.43519259598271,0.16814891834334147,0.19737237134534089,28.974653494778416,42.54735772694858,3.0099455890225624,29.542483759650807,5.198426385277279e-05,0.9936146911530565,0.12498601521916683,30.08765411998236,51.899831981494856,0.43808530104514887,13.698107291383208,1.6033010066721712e-07,0.0001132097967789073,0.20601603846468433,28.958374562613148,50.0818908053857,0.2804927693726929,23.566211988396546,4.212585561913824e-05,0.00014063033626880034,0.11541150702662342,85.60236136176853,68.76228780393022,3.260991816698976,12.137357101534727,1.9907974977412392e-07,0.0,0.20422267772064884,53.06660721392636,91.89414409610478,4.9146817018570035,16.536235729428608,0.0005801322867323035,0.0,187.06642980335795 +0.8844827744609537,0.1557005792633497,0.39774632238900004,164.18516754191702,22.15102995921727,204876.1090327294,6.9415850338237215,82.78875896785487,2.2626075977408457,98.23683466025298,1.2277108102538992,25.104807646302252,0.32916550914083953,0.8606391798661626,875.4562858342529,48.80300768431501,0.2628138058256867,87516.55598703794,1.3694400795744244,58.30721180785743,1199.0029304493953,192.34770922916312,335.73062221256595,49.89952017603833,0.19363296783439465,0.19447994322940299,7.9272684115797665,27.948617750183974,2.9908212474131326,35.99691132173593,0.0,0.6908094439777156,0.1263325403778023,10.945837687484943,27.93924903579378,0.5203134137280708,7.452337430811824,1.6033010066721712e-07,0.0001132097967789073,0.20436780869289736,8.686245743341809,29.509525285088902,0.33244840176972307,32.61013843658365,0.0,0.00014063033626880034,0.1231748803743826,35.664961468893864,37.10825843637442,4.24403414980615,16.84384830130836,1.9907974977412392e-07,0.0,0.20683737968819835,14.790000164840578,36.23579321784096,4.672937129093808,11.090619816467056,0.00013787731105506342,0.0,98.70506678336893 +0.9192361338536155,0.15218377824446183,0.3305136939991702,116.24747181993227,149.3506506924722,275494.20799839706,5.058692883136044,7.785089397889882,3.3212942689158567,62.53476355627883,0.7399473940212824,27.300408710213706,0.3566504879023381,0.923898062057443,81.22044107245898,48.801694137460515,0.058454371172850635,253607.6502814829,2.486203705084148,81.62626925693718,4262.712018740404,89.47824832534926,348.21495580505405,42.44253235694823,0.18099291582882082,0.17970715441377538,25.094621141559898,58.03572341567436,3.4154621117009714,22.791616606451754,0.0,3.244532853024172,0.1280068340013479,27.076669741730683,49.3486543484251,0.4776228443767478,6.2060142074205045,1.6033010066721712e-07,0.0001132097967789073,0.20291122869088987,28.926766610323565,49.86696052143543,0.28997918112067644,15.75510998026087,0.0,0.00014063033626880034,0.09280682289169549,83.86931111964675,61.39146061352379,3.610746042011623,11.655652024639306,1.9907974977412392e-07,0.0,0.19365531168759162,46.604343492455584,83.95303265865684,5.683040930759441,8.514957601030543,0.0,0.0,177.75086901025483 +0.981837007540642,0.19033598892294895,0.42112686377726677,247.12744337856142,215.71926699750284,211444.06522121016,5.930507216538277,81.53452964668246,1.2949446118222045,27.462156963638904,3.103524502877108,25.86802399617823,0.38736754419615815,0.6887925578655871,120.72533984023153,87.61767160664638,0.3201477860727556,246194.8740242757,2.5837237279813965,94.66430505226433,4401.095457812207,117.48336087935607,347.9686820491314,51.16979698470284,0.3018921753230143,0.1961745976651855,19.809038018462562,35.01912882813861,3.267267553929953,12.395852055831218,0.0,0.8493893886140078,0.13520406323664827,11.859017998837365,28.196575840212745,1.1338290055759097,8.185156701219777,1.6033010066721712e-07,0.0001132097967789073,0.2081300315943767,22.00083587997673,37.434752654630245,0.39425959074297307,10.843493572228887,0.0,0.00014063033626880034,0.3405862370319377,46.67786071096866,27.506571030530242,7.284504193991643,35.52236733137359,1.9907974977412392e-07,0.0,0.20730337923667605,22.624482995207984,47.77956450757848,8.751654324892996,9.503366483557354,8.382090735671592e-05,0.0,109.55887032024005 +0.9725196406110777,0.20497174725477268,0.3463483831124301,164.92464711432174,47.20394754775595,317310.07134821336,6.551540105643082,62.26201035379459,1.33303746687731,96.12073694478343,0.7808493239519699,27.988100613086267,0.3787542675010404,0.9762832258710009,955.4792195234605,49.305577661372446,0.31058947393840886,220496.64630679338,2.6559465101485573,98.27509986009433,4161.758011749141,258.2279920087249,345.89589996022283,58.94357601453072,0.28379407183587263,0.18930367490854347,29.889144163824522,56.01870975502007,3.192957408424309,19.779650123943135,0.0,0.7012529060379575,0.10338642736075987,20.590766614591068,41.38000373829608,0.3621565192970141,10.852726636863295,1.6033010066721712e-07,0.0001132097967789073,0.19980707683578774,32.41238509059064,60.304113106042536,0.28731032818609653,17.688252958333347,0.0,0.00014063033626880034,0.341965533577691,68.548268009252,42.899684293434085,3.5402275491890642,15.075487396372198,1.9907974977412392e-07,0.0,0.13621644480032838,47.97245426374307,91.52130654844791,4.897378968165866,14.898144197750351,0.00034958557011899983,0.0,171.43628339825995 +0.9612624961195964,0.2198043371044264,0.43175792691073156,184.40330044136383,124.49762664183007,288292.9961331931,4.313537269778725,85.09837519331822,3.616004266552794,93.75303740177415,4.244681021304846,26.079966157521135,0.3228632732943062,0.7487700772244378,638.2083899335181,7.299087094208248,0.27089909459193984,247018.76942685182,2.6687389721204418,38.88487060096594,376.6354114762594,132.95866203368826,348.5403531111402,28.3549640037151,0.2872826436583137,0.19528020913921468,13.151804418556564,29.70597376141013,3.6369209749182225,6.3733173539321735,0.0,0.8631936509270304,0.12789526899822917,12.350884394753926,29.15838109446771,0.40752120663054003,3.9597027503546043,1.6033010066721712e-07,0.0001132097967789073,0.20636390897799656,15.807884112933166,31.668209899577683,0.2766019100402569,5.058254419963487,0.0,0.00014063033626880034,0.3411705006933357,51.21102828742193,30.135562673662157,3.618584175314272,14.319622589820685,1.9907974977412392e-07,0.0,0.20881125340905685,18.659443304422318,39.93105939079016,6.167468281826881,4.179124625167522,1.6112169180334155e-05,0.0,95.67824087738605 +0.8690362103882143,0.1798915193182314,0.32336815932080637,81.06707061529376,105.3387170396235,241728.92420129688,2.4031849181735963,97.72580929481633,3.7005770879410766,57.086624425688946,3.670024575844554,24.951736836760396,0.45564910054060476,0.9665404458563798,145.064785059414,59.75918560207316,0.2684296645568749,105710.47412707811,2.6971948586566916,86.28507516319705,4841.146620401878,269.5201114765476,325.68804820546575,58.55785468746221,0.16740623367905666,0.18867665830522268,22.743312249824864,49.989637656647574,2.8159188214947397,20.45164026548159,0.0,1.1805714950607997,0.12016535429504029,26.149525168506358,46.99968812045302,0.2547295977092319,14.815361014898535,1.6033010066721712e-07,0.0001132097967789073,0.20053320790224857,27.61724441082475,53.778806108334756,0.24009842971410517,17.962349998193627,0.0,0.00014063033626880034,0.12351467460230431,80.5825035761781,62.694514365603986,3.805135643875192,12.74454750611298,1.9907974977412392e-07,0.0,0.18630441273362142,41.99357389316374,85.72248370361221,4.240570500200154,17.373420266743143,0.0,0.0,174.83285238248135 +0.9385533798505941,0.20550666967724243,0.3340387821125628,235.4060396151338,231.8924791485832,307739.36342228006,6.692254467593745,95.17030414584247,4.472347832480767,64.45606863555614,3.858948107318969,27.903963267480666,0.43364358770105194,0.9300366810876549,832.2918522811588,92.51858730442316,0.31867827948258054,291143.6775031335,2.328813936297588,96.53455109021183,3034.638255178169,29.09638742307,343.96990582423905,13.077604032877414,0.16519614437707963,0.1912118301185427,8.796040655522429,28.7633199585858,3.151068720665352,4.456015266628837,0.0,0.7067678872070837,0.13097429711059372,6.2150554569933325,19.708034684006194,0.9158295149924861,4.1697761940885405,1.6033010066721712e-07,0.0001132097967789073,0.20375859258920023,8.300009533031364,27.162098155753863,0.3543309315978393,3.318586446958717,0.0,0.00014063033626880034,0.1002117355983234,100.4581657560085,69.00625563737303,5.670431664383209,7.406151366579026,1.9907974977412392e-07,0.0,0.1964361926416007,13.593541158882225,36.680519600196185,7.180231591045317,4.317767289751826,9.031265365020419e-05,0.0,136.89174627092825 +0.9516965805979303,0.1279441352378186,0.3315053126002756,168.15875602774793,16.754726434283654,177677.51798689752,1.7459087587371862,10.59367955839383,3.7293483118287987,98.84138536574835,0.9936561749507182,21.168604655193395,0.33717854734496633,0.665557953486286,635.443467582897,41.15457401410972,0.32636859921993744,194054.82491954346,0.621748867352927,68.05056511042184,1067.831880963096,272.6501281798125,337.6938238790816,46.750225368083015,0.15772049901888768,0.1959736010888435,10.35472667155288,27.158580795324006,2.4600791960436506,27.165831804967414,0.0,1.3699146866198588,0.13345249508406232,10.594562271774414,26.44319574245416,0.35263620684754815,4.0473375725562475,1.6033010066721712e-07,0.0001132097967789073,0.20948415336507198,12.36854046466501,28.57887339817982,0.23953463510952117,27.506866983300586,0.0,0.00014063033626880034,0.13570614194437433,37.36321314401519,30.943537467214146,4.5741311212177385,22.846287786184643,1.9907974977412392e-07,0.0,0.21931048046295004,12.221967371584705,30.538984256047826,4.007696984754331,15.034381895588666,0.0002416437180991029,0.0,91.46466629250325 +0.9611546430787345,0.22572679071012514,0.3282071176689194,234.0300502344195,225.3985804137976,114575.28311048208,6.480561874358516,82.633577089247,3.005902909537725,91.04924103112069,4.045715750353032,29.184935300665455,0.4780208201505606,0.953370711843588,943.6867985492585,66.71654326067234,0.16908104667548737,174600.44885137893,2.8231689445163464,67.73837322034106,4393.142459095012,292.5547682643488,345.32859551897013,49.183147963939,0.2756394893519465,0.1912057145587294,30.720887758032777,53.891328673309886,3.124400531036646,20.498929238678706,7.757516376024789e-05,0.9709857330592138,0.10021354810561779,22.893039629951907,43.8766210882188,1.7656814420347924,15.349607203204883,1.6033010066721712e-07,0.0001132097967789073,0.20203757007724454,31.08461642516131,57.84977059900846,0.5085028187958576,16.655449370326423,0.0,0.00014063033626880034,0.26350508023638264,73.27020640771545,53.130737556615266,5.386929463617208,11.541705354671333,1.9907974977412392e-07,0.0,0.13681829924774716,56.97749945976496,106.54452497613309,6.693959740109143,18.869521812413495,0.00018794104163209806,0.0,186.84295899841632 +0.9154715687286122,0.1696852042713417,0.3681186218952094,82.31040744910446,215.43632397722516,313730.40856131236,1.5618721188590186,12.11033860756745,1.4821813131935428,84.13657030431357,0.8092323850429961,23.11290269156253,0.4414195295470487,0.9657890616570574,691.7815035338106,50.980771227532266,0.25415021000368576,67506.09016497305,1.3190046826092445,68.92787312128634,2363.825628486923,220.57381213612854,316.4410900131373,56.38372233117022,0.3451054117224951,0.1904320542491137,5.014161574229541,26.375948626904858,2.67423240458946,38.72996747952168,0.0,1.186758987576889,0.12823159083623042,7.307380710787501,24.13780392276027,0.4114664874504111,9.026290523231912,1.6033010066721712e-07,0.0001132097967789073,0.20309028282542152,6.606066891558763,27.137044299548922,0.2364175284683529,36.28234169006445,0.0,0.00014063033626880034,0.0995279655293449,19.801092906414187,29.946005584391123,3.7745234506257965,12.337576368196133,1.9907974977412392e-07,0.0,0.20306371334563939,6.402902593010046,29.974781147006478,4.041838900943909,15.823694525561246,0.0004747742326107397,0.0,87.7796433111151 +0.8061073731916787,0.18708160148527703,0.3437139487258687,195.56677362971632,77.53888608551127,291362.0158070449,6.284384220946885,50.12458350559777,4.422531574787645,93.2667496331961,4.547408017890351,29.78457858837238,0.4490568363929845,0.8231581690790148,895.6484601899667,92.20682293007886,0.1733685840001829,147728.60721353482,2.9484792986370834,43.63885720340719,4336.11880140555,235.833789071489,344.9494228462194,48.79157645488508,0.24369461382265098,0.19757686827683435,29.23482880915811,42.691930624583,3.017796307640384,21.126073659247268,5.26418916412493e-06,0.8716697537380287,0.1294325715619795,32.740577814214525,53.610035903589555,0.5299648075765655,11.07269900275321,1.6033010066721712e-07,0.0001132097967789073,0.20802459564212955,30.216616559888948,49.1799527749102,0.3079024598769418,15.66545606508138,0.0,0.00014063033626880034,0.1208769954562892,78.80288902257004,61.97241619841823,3.1033273800414247,10.557047915649992,1.9907974977412392e-07,0.0,0.221027023503858,47.94808356049444,82.90545024580368,5.085041010420145,11.850782630801596,0.0003432464281983895,0.0,174.03989529083785 +0.8197369370866604,0.18310005216353725,0.35111056394016477,215.7860992351272,210.50143109474607,156329.82938608687,6.038253818655479,88.22803760385797,3.973513686707015,79.28533021097081,4.416334273893691,28.603578167144182,0.7912444668718599,0.9560093744928805,55.9777808065997,93.16994438534749,0.27930548797328103,58824.38253178823,2.6349623832217453,79.3104030818072,3508.394197730515,164.96731239190498,348.8323036607113,49.78118829490696,0.33859476673218014,0.1926121309425774,21.209007744212432,41.616533061900675,3.109251414980492,32.01010888135689,0.0,0.8532473701532297,0.0875300675986708,25.82088452630806,46.18303640330951,1.3728992330125058,18.149936599943317,1.6033010066721712e-07,0.0001132097967789073,0.1991631237762051,25.434362439513105,48.56634951442183,0.43924847250929216,27.60127531743571,0.0,0.00014063033626880034,0.23515622233184358,58.71356095173948,51.39013825137857,6.674859578313735,12.890025477261453,1.9907974977412392e-07,0.0,0.16886167742715805,17.741063864098212,75.58156875167126,8.100484431383896,25.92676151878065,0.00027655920289055224,0.0,152.24832933335716 +0.9048672344687859,0.12316889708475076,0.446107826389057,98.18252339997566,202.28383174886875,341262.7997532467,5.082052750556511,62.57952236773532,2.194033308701763,80.1371200401754,3.826154784731396,8.11576216577791,0.49878638336862746,0.889165646666945,639.990613062667,83.00486713034205,0.24933721047709723,158871.80506410784,2.8299186083005625,71.65769151662704,2601.5933191524964,210.33507634194697,347.4252698635424,36.62747799958192,0.33529329829108706,0.197614491952869,15.170566816105229,35.86815321608218,3.065313226032252,9.989445539928555,5.9936549005056304e-05,0.6707097953237281,0.1402066224456668,9.222801182435678,24.615522174663035,0.34718347932858584,10.853081845683054,1.6033010066721712e-07,0.0001132097967789073,0.20800244581833788,17.908491134185233,39.94147539644714,0.2646826058814745,8.77184222820529,0.0,0.00014063033626880034,0.3525540315356926,37.60839658389735,23.955484774247115,4.0275515285233805,34.73129729918782,1.9907974977412392e-07,0.0,0.20458446563849675,18.041512248235122,42.22770879641573,4.9313390958005945,12.307492216903745,4.461852593091591e-05,0.0,99.61790655987961 +0.8895171351324624,0.22907227565606889,0.3500017424732121,214.32730814612893,178.33965598286463,274339.3485231459,3.547776527480429,55.990756797616775,4.926165177484229,28.2097583010963,3.9387138135151205,5.051410463714667,0.4767326343654258,0.9841237721558729,867.6065194576702,44.86899431027435,0.2714881444649096,299917.1130168438,2.939456504976082,46.619747294008704,1845.8691433735976,178.0003021951021,245.32754304848615,31.754886546311514,0.23824528949098703,0.19953639638472626,1.628972493151911,23.834099324014137,2.8194985863450084,3.955115667165049,3.158629914743729e-05,0.8608156628593034,0.14401891918277815,1.3977507693139577,13.750956541284513,0.42954149560568133,7.357638459460067,1.6033010066721712e-07,0.0001132097967789073,0.213027773941456,2.177604258462783,24.094887882119746,0.27362419708485747,2.5783960205459913,5.272248729374707e-05,0.00014063033626880034,0.35179755034466714,16.24756491287343,16.42966121880239,9.506466609881047,50.10862899037913,1.9907974977412392e-07,0.0,0.2217961492625662,4.657399088018288,19.24312461733653,3.8584570823212037,11.612349234248665,0.0,0.0,71.48152900087916 +0.8415214360164778,0.21241956272527027,0.37104806021289233,209.81957532618543,71.21515517053183,340620.1491973489,4.954346248241736,91.3447051871648,3.2681427015659117,76.92864258204244,1.3812616653234173,20.617184489524618,0.3184853893904548,0.802083191151379,606.7353493597369,82.27237815688991,0.25696574019388396,74925.9160465915,1.5623684556489028,90.29667654180817,3933.224504481339,56.750140986675206,336.4939665397825,48.20601806904377,0.24332395699393222,0.19768401968271807,9.258826902091768,25.235439946833054,3.13318874403792,39.57192625557662,0.0,0.6530663185608854,0.13894984995059986,12.66020293535365,30.19436366191075,0.28031439772526745,7.868285748379619,1.6033010066721712e-07,0.0001132097967789073,0.2097714676358487,9.813850946156261,27.080412823394244,0.26342213946909987,34.092276820656764,0.0,0.00014063033626880034,0.12000082998658444,48.033572386988524,42.85308846105231,3.3534275019677127,15.694157281064728,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9190956513086573,0.1451692926408509,0.3897030474526237,51.6330125235405,219.39150231437958,243627.69468244427,2.1314977780022293,19.253393869392433,3.280495983037045,52.70790152242181,4.684313535028673,20.7649781160903,0.351338244219351,0.853573589510188,325.2190723199562,93.69220319881502,0.3335742929301451,71833.45327005762,0.6613595290664893,43.49201276875051,1352.7625252671317,264.393835575588,344.8479102738885,53.836078591122785,0.17895289474210274,0.19306004780823718,5.102832396761615,26.63290211852036,2.5831358351227762,58.698904090053915,0.0,1.361315064508753,0.1355308669305233,11.407207587714073,30.888212928859836,0.3228314035573029,9.512284506267104,1.6033010066721712e-07,0.0001132097967789073,0.20509090417386666,7.406443463456969,26.718753488131807,0.2359833908184475,60.31618183324414,0.0,0.00014063033626880034,0.14700825197790818,30.450920261257217,34.16051465285469,4.095656116709385,25.943365700602264,1.9907974977412392e-07,0.0,0.20664590606362848,10.762049623307535,32.75094409900797,3.99845921636127,30.897289087831403,0.0,0.0,121.30270467941182 +0.9139416099627395,0.14448662839258572,0.4469914981339994,177.1159185156594,103.2830791479815,340037.061156891,6.713867855806793,83.71225631832387,4.563097194493044,46.22830968261988,0.7392115260329444,3.1421791304363467,0.4305440118295754,0.9460769593177422,753.8852264841896,15.154408155832973,0.07177372624310395,291681.7626206014,0.5540473645945241,98.72289227439143,1694.0289686149308,291.9191642942576,261.0033026285402,40.015541858330934,0.1969903579823264,0.20167168477309036,3.5634040694513742,23.27564692544458,3.7087745495118405,6.5772719085774245,0.0,3.2378477343227323,0.1446574813456187,3.1458914227190276,12.234195585669262,0.5312910805668541,4.2231977266463,1.6033010066721712e-07,0.0001132097967789073,0.21327329620158625,4.106695150081163,23.67631922113293,0.30186219146030757,4.789317649337814,0.0,0.00014063033626880034,0.35442822030532456,22.601088743227102,18.6192946003617,7.79714480169399,47.49225829651577,1.9907974977412392e-07,0.0,0.21670826040742444,8.144008172043835,25.810050901350262,5.9548531053271985,19.055188162460322,6.822340704946911e-05,0.0,75.53294292775585 +0.8777123675336994,0.19020261266613817,0.40825636460136083,179.8410441342423,122.01875036983101,232991.1131499945,6.21291654219777,59.182131540575284,3.392595209565411,74.71915796159387,4.754888204222657,24.867455983906176,0.42386187230541444,0.8968658026701224,451.24892708370635,7.094016829175192,0.05905378515204547,103813.58954944424,2.9227523984735404,99.8037732287677,3036.8843221388624,207.10567395112855,347.42335195694636,44.5621863589542,0.23221589127534126,0.19697661067467612,32.093508472640245,49.90108152534316,4.109889071010939,24.79843755300543,1.9753288699465318e-06,3.5215990919822193,0.07980497893074827,26.301899642853837,48.66508386291871,0.8094231519788779,20.85539951439611,1.6033010066721712e-07,0.0001132097967789073,0.1967815450490781,27.218086350842338,50.44607628236464,0.34907673174278714,16.59747683733668,0.0,0.00014063033626880034,0.22667787317040652,74.47186241973128,55.757333264308734,4.146636164255004,13.82444850071935,1.9907974977412392e-07,0.0,0.1733078735100218,43.75039701969628,84.43009711547414,6.549893933029157,16.904638615124263,0.0,0.0,171.62720912244484 +0.9381979731177962,0.2084813642238963,0.3314634623698481,116.24747181993227,247.81689167322452,292611.4462596293,3.284529981953557,40.091519509495114,2.384134531962522,92.8114276074227,3.137658154744076,24.110407703207354,0.3993082037923678,0.9280481597916608,172.4020556076153,52.12142550239253,0.06172988027721409,171567.94010057792,1.6370292307852334,30.77063764172133,2078.975613634192,230.49615051589697,349.58758341480745,57.81591963999182,0.26006408377165824,0.1966908167756592,33.22533831958226,46.32483873763957,3.172214405120757,44.32110878143282,0.0,2.1658547904422645,0.1312365007950609,22.34479281354326,42.54373903369514,0.2622087352799579,6.096957414428482,1.6033010066721712e-07,0.0001132097967789073,0.20556124481768123,24.676471375216103,41.92083688694186,0.25124450479844374,35.088863432135426,0.0,0.00014063033626880034,0.11439800298286323,47.80428977746426,46.40565850080172,3.1847396491697832,13.714947689352055,1.9907974977412392e-07,0.0,0.20222954162928958,33.976472596309364,62.806498310045946,4.8541686210910315,16.419094357021507,0.00047191847303963805,0.0,145.61058358485752 +0.937861551666165,0.1740685982920105,0.4266621309747894,179.06431469941546,248.48652898500498,346543.9799306957,6.7836095752655305,42.09581859343676,1.8986503579201566,33.26958309505197,4.299314149822915,24.942917625499565,0.4539577823191334,0.9635326962573092,632.3684394095387,26.69230167926093,0.2937474884100781,206934.17364094642,2.9010196785605102,93.69621462442156,3254.563359213722,199.09127890463938,346.13102151911306,58.4006672403313,0.3283703850023676,0.19068825563217695,23.940714250992837,46.91465126732314,3.6412484165834105,13.993578995354294,0.0,0.7047148949869361,0.11373687826734227,12.33966598304171,32.54325081364513,0.7550369763561593,14.156938791564539,1.6033010066721712e-07,0.0001132097967789073,0.19929960577920233,26.06818156831146,51.27502359314561,0.32760396356420707,12.3917904744013,0.0,0.00014063033626880034,0.3548999416090251,42.51068310204827,26.094369922445367,8.755377362717955,43.148756217932515,1.9907974977412392e-07,0.0,0.1452368312297843,26.959885252193327,64.69038342036914,7.3616153680305425,13.360648768892696,0.00019587048754785236,0.0,132.02099432875664 +0.9705413892624921,0.17325919677728574,0.3683422144140896,174.87359879421268,192.44501565315161,280433.8577478579,6.005625209103825,74.48968460457189,3.9036602981619275,65.25827598481297,4.459135494827943,20.219057575911684,0.37340458550862554,0.8196818618306301,722.0198967715505,88.85821878988489,0.29175982308823684,108606.77199750551,2.489116751225254,97.44364672203854,491.77318798023066,286.8766494521488,346.68603360010593,42.78371194588176,0.34912480710134786,0.18534109826396308,17.21170358408573,38.89160061655048,3.0110523919288594,22.51195425582658,3.646491252893319e-06,0.7337315267714632,0.10034267815652309,14.038909859130856,29.85363272992973,0.75649286409212,20.821389796865965,1.6033010066721712e-07,0.0001132097967789073,0.18969798205307986,19.92557563705062,40.41073437264772,0.3324928904863201,20.879511463758405,0.0,0.00014063033626880034,0.34121537820940695,44.7787774518079,29.88831736376707,5.221507586221131,28.564747794326085,1.9907974977412392e-07,0.0,0.14572492462179706,27.04371283625729,60.53436787438808,6.487358456249908,27.03934608379727,0.0004313666459591998,0.0,123.38803559233439 +0.9190956513086573,0.14524657782646289,0.38986438678989266,71.83794246853371,219.39150231437958,197957.3695447968,2.1314977780022293,19.253393869392433,1.6593073306044455,9.016797909609107,4.684313535028673,20.7649781160903,0.6683425365480204,0.9940864744181428,325.2190723199562,93.80967164662187,0.3059242482875241,114621.26423750613,2.651049502822305,73.55069800141494,1352.7625252671317,264.41937988927265,344.04859760931646,58.07921810432778,0.17868660644809364,0.19076124366397185,21.052063594022652,49.29117064896572,2.454306750337666,20.884910965247055,0.0,1.3255522618563884,0.11153885906835662,26.974840483878864,50.43623477029189,0.2250997124296907,13.893087439962736,1.6033010066721712e-07,0.0001132097967789073,0.20057965829502541,26.510305932754875,53.57559964102872,0.24237171654791706,19.111864167843606,1.0612192960231158e-05,0.00014063033626880034,0.1201831265972138,73.1638134189999,61.06078969882456,4.335895153724417,12.858650543761017,1.9907974977412392e-07,0.0,0.17872298352437652,18.03997901651096,71.23916372657052,2.92190918967065,16.05676328237896,0.0001286364362267553,0.0,160.16309560851656 +0.9834863227192919,0.21610642046827172,0.3884726872903379,86.6105550754509,173.32691409564646,320755.09390207706,2.851001091898364,53.856771810126205,2.0313954773466185,37.379964701659254,1.341133112847494,27.262276289381028,0.3047048160176804,0.8070269184183498,238.16516684581708,1.095186687730632,0.10169587247665168,102310.44218569007,1.3950471180165012,54.93996144917173,2397.462418068207,124.19946176371364,340.60931468054775,56.28074751497948,0.33792749107596415,0.19320593692959165,10.682081614902792,31.511296891291597,5.806709991319005,36.47081141556607,0.0,1.2106552167609554,0.1209592559871279,10.883440265139168,27.743145295234896,0.2539236426061481,6.786783851572502,1.6033010066721712e-07,0.0001132097967789073,0.20250159827373904,10.615254761665517,29.67531145093644,0.23877162601431057,33.48631543797665,0.0,0.00014063033626880034,0.06433804080871124,22.52019344173346,27.27243897714009,4.063259085177795,10.054066430777246,1.9907974977412392e-07,0.0,0.19494990178660346,13.886626783515906,34.944185413630024,7.658637591388156,15.393916431426414,0.0002019248314140575,0.0,92.73382927654194 +0.9611090736318207,0.13748836780640125,0.32681193575960127,79.3049157091215,245.9681505473978,109112.82510277996,6.09487337883505,34.661949093969575,0.2975527516415851,16.984456602783915,4.298337182563268,24.966746821087742,0.3641587074853705,0.7950468640858981,418.27435304297717,25.107822705214947,0.10010817478421888,71267.16075530616,2.2203431290721714,81.2363509945507,363.5205625378419,249.46119685413672,340.5409149119526,52.26945985858289,0.2968876413718819,0.1954238394748721,18.857830647865516,35.20120052599088,3.372379820097253,36.82186080715046,1.1610985952047259e-05,1.340419214188733,0.10187649910282055,18.548007522622125,41.386754925457886,1.3294381247181668,18.13101417834946,1.6033010066721712e-07,0.0001132097967789073,0.20053665717500568,18.115252988944658,41.02225896368474,0.43639395353682947,27.971826566248247,0.0,0.00014063033626880034,0.17103004246775844,46.68351916327912,43.93467715255691,4.176807414565764,10.80579838171121,1.9907974977412392e-07,0.0,0.16358145095648152,29.12668923066567,65.19411802231127,6.032944634474135,22.434792247547254,5.855260144169875e-05,0.0,134.2649327752955 +0.9804146535603178,0.1527388849194451,0.3202088543558499,225.6803092576307,67.49803599485533,338404.1497123935,5.167808959353127,50.789954468394846,2.081828625169473,23.622251958900467,3.5807776638592963,26.880870159097057,0.5371024897639094,0.9823362174561368,552.8083328526659,22.13262116760037,0.29907099850329244,133233.2742920797,1.1669070167741944,67.04365690233257,385.5640919667465,216.05261968569658,327.9648218288679,56.791417410177274,0.22324010403906264,0.18921533459098777,12.525404746837328,34.06254395045642,3.5181798955569903,33.91841518122953,1.4547847690869811e-05,0.78172089406219,0.12401893161899062,9.592234092230262,27.54645514212043,0.29956808039259913,5.821865793337756,1.6033010066721712e-07,0.0001132097967789073,0.20167602663756512,12.865831932241758,32.32825115584708,0.2676585219423478,32.513653816200495,0.0,0.00014063033626880034,0.10591398914557126,40.928765576165304,42.54154597606104,3.4670265572406853,13.968911263906865,1.9907974977412392e-07,0.0,0.21556263349283494,15.531047293595533,41.09689708241774,5.546159477761301,11.847276492459399,0.0005187777247254143,0.0,106.89612025427465 +0.9832466160472869,0.12181822924365399,0.41098117237103465,105.76537587790877,177.35755833819383,138292.69578403104,6.5051699479263965,70.6455522756651,4.7720690200036975,71.61917498004959,4.974768782924426,24.118305959343886,0.5303636428195373,0.9884381175401321,239.9465222324041,63.32711083310238,0.23110802410839057,299343.0065578226,2.8650539204440246,55.54251268534689,2330.8961707285707,257.2981439300005,348.3706354907326,48.14623282597651,0.3465973981937437,0.1912517659383859,22.33548444043536,46.35814514956242,3.0131636804441375,9.661283570383048,0.0,0.8232787943308533,0.12421720158800993,9.107821412254623,27.00574484620159,1.2400921378844025,6.1542679774897415,1.6033010066721712e-07,0.0001132097967789073,0.20193831248647204,23.64659249886517,51.179029738882804,0.4204331889867769,7.897441082390173,0.0,0.00014063033626880034,0.3586033841299771,38.795872273384596,24.76304654442731,4.6313008439202985,38.517772786022206,1.9907974977412392e-07,0.0,0.1786502911473963,19.533544625339538,51.39483719245183,6.228557963304258,10.981116045528386,0.00018166909810435363,0.0,116.83211393332749 +0.9744503379238472,0.1063363160380643,0.33658088045424756,213.12258278822148,132.58412275078115,133632.65600469164,4.392855632533293,59.53855388001301,3.0349988655654325,34.79880102311373,1.791830075101604,25.00454323895417,0.3652058698408801,0.7552633239944168,305.3245228804548,7.673251074076838,0.2812182361813664,95994.57940055696,2.515098125837455,63.98793549917278,2112.8287407799735,265.0944204016521,347.44037558956563,36.62344774271025,0.21572612453787451,0.19157923698387452,15.024483281641343,36.61997706813264,3.9985945138786767,19.89757040682748,0.0,1.0451434480796955,0.11215688570005256,17.487170807351205,36.617779951556614,1.060150336378155,14.487248221279147,1.6033010066721712e-07,0.0001132097967789073,0.2019234469815908,19.128864556655667,38.52086698132598,0.38958615983586325,16.956502082754064,0.0,0.00014063033626880034,0.11136118350489647,58.05410380073484,48.965325914643806,4.301169362012456,11.09244357873732,1.9907974977412392e-07,0.0,0.17726019572651075,35.84908188445596,70.41793012657108,7.079261770824342,15.6245502423965,0.0,0.0,135.7295371524725 +0.8603184849688775,0.16082454775225472,0.3390576314130992,127.04213852332022,149.94179790065502,207952.68204262553,6.650878946606706,99.64017769406603,4.682584558027901,43.877154621336,3.0815602448053223,23.895032036164416,0.43520895160242323,0.7625133445275092,946.5175156292048,23.430863771328763,0.21405171689757857,68511.87657882339,2.7352935529140403,79.67482443788377,409.9350470140212,108.1222677635537,345.3630320508575,39.7629372205847,0.31288196397842305,0.19663935285404072,17.592402355128023,34.310133118336616,3.122498637535362,21.649831453477947,0.0,0.6750505611362313,0.12416235864011514,18.5819143684942,37.72040426083936,0.9232360544783687,15.68711208186527,1.6033010066721712e-07,0.0001132097967789073,0.20932845191647162,20.41953141371265,37.74045593961531,0.3679442569543955,16.528125493014564,0.0,0.00014063033626880034,0.22754074712902486,61.47539537303503,49.518485052722845,3.6512823526624736,11.879361840952546,1.9907974977412392e-07,0.0,0.19236585586951505,15.41748719912614,54.04533100993514,5.0123849635803115,12.397553165666569,5.012555213566713e-05,0.0,125.77213146640226 +0.9891890232829162,0.2562754438172578,0.3296737201396167,134.82284618772158,146.338803880045,126669.09675902796,6.555068792595566,11.616651556404772,2.194726554904449,81.35991859996273,4.724047141776907,24.01487018781261,0.46273374554532276,0.8773838671655293,414.95655144749094,62.516942824027936,0.19037553496308932,246726.75324698508,2.762863125344746,96.88689763552067,2507.464652410473,251.7015886525156,348.50246351898653,31.629650757936684,0.1611678968782907,0.19423864884805503,28.13636260134926,47.01036499467644,3.0283373997001743,13.485862978771781,0.0,0.8659827594093511,0.12451813683781571,29.349267763505917,52.09194944372589,1.3676971497720136,11.965325950925822,1.6033010066721712e-07,0.0001132097967789073,0.2039138650648908,30.1901756476995,55.72733080729346,0.44115541581393797,10.87970618303928,0.0,0.00014063033626880034,0.10644538035334958,100.91157774666732,73.5715911123365,3.689774464961657,10.22290049834717,1.9907974977412392e-07,0.0,0.1897219987904126,55.75629976539284,99.9625430628568,5.903087465022827,11.165304714413182,0.0,0.0,200.05981330087326 +0.9580023004994412,0.23724923327587347,0.39218921261950107,225.1042341993071,219.3788635224179,281525.7069471255,6.951269059562394,93.31367444675936,1.1809145528959637,6.244039980663626,4.54404707624257,29.337131978644724,0.3973915484904788,0.8352521462755227,438.65895153644504,2.5816045232651526,0.2441317477493358,185714.33684082094,2.1026571559368783,86.52829737079904,3751.4489311260036,270.276702208403,304.30312206293536,48.18454935094216,0.15734883704167887,0.19291637709234097,4.946952610150374,25.95938352448099,5.572125143245052,7.240013459783678,0.0,0.7923775467507546,0.13137665813855734,3.1800164331814424,17.476122843255194,0.9931793293163795,6.558524910150607,1.6033010066721712e-07,0.0001132097967789073,0.20617237602401928,5.88508849673549,27.73372423878103,0.3692976361441723,6.472636499860021,0.0,0.00014063033626880034,0.34312162292470916,59.381132919486475,35.643761649003075,6.174805963484846,17.236770398679372,1.9907974977412392e-07,0.0,0.1989907851814644,4.106976583485908,30.503342972952765,9.985929802399514,8.626429070649351,1.0646140070985243e-05,0.0,90.78188187499507 +0.8685703157831253,0.1616550615133576,0.3768969158931869,148.03094113399428,232.83674623889746,204461.3188684684,4.423459495310836,70.9619991519552,3.1713254725504774,63.768192227694996,1.0386987889106534,18.70941602564164,0.4179407647495256,0.8844537439763616,888.0365379125973,27.84366012092401,0.26102547068810245,90402.39148575303,1.2786418599530034,95.16302303479762,41.470160650812915,224.3759837825057,341.0917996657304,47.572217697023845,0.2853281525525068,0.19514128271469663,9.354070013340177,26.582634630589478,2.837557143134291,40.1686145897698,0.0,0.8244736596497176,0.13450512914010024,15.586551948832465,34.7785935317368,0.7572075914567846,9.880219115292949,1.6033010066721712e-07,0.0001132097967789073,0.20820087047551233,10.236265339174286,30.040257989516636,0.33354055436937435,38.127318206907134,0.0,0.00014063033626880034,0.1190176763777391,41.927499470143,43.5285750143951,3.4928930853771294,11.505805253476463,1.9907974977412392e-07,0.0,0.18664600502802553,9.678320590218378,43.92409574135277,4.553266075165352,15.119044897192722,0.0001752214679599053,0.0,111.79341469134594 +0.986561753542362,0.23961893308528298,0.37933461688100045,64.66037768828232,244.05821518914246,275375.1946661694,4.970909931126091,78.38993367343059,4.081682415693879,99.56011641907722,2.717801706939366,26.667931148579527,0.5208110518048483,0.9149732848488381,933.5451134251522,90.27062261694329,0.11926044125695019,140616.16786938897,2.450891221325352,93.01952333834309,3211.924431631961,284.1162825431837,346.6703921074073,57.7832380398622,0.3020628896165588,0.1915370953298696,26.227553177756995,47.27766220628944,2.7088259076561263,26.321844285190377,6.309632620326605e-05,0.9597517048903285,0.09213805029617689,18.693109102783414,41.50711240186173,0.35564896447480476,17.86154332065748,1.6033010066721712e-07,0.0001132097967789073,0.19573090888648473,24.97225050008289,50.34482671221229,0.2690511538415852,21.41852653331318,6.893328230300084e-05,0.00014063033626880034,0.3040860760981696,52.84999134143764,39.59946167787399,3.4193109842814007,13.241191704296018,1.9907974977412392e-07,0.0,0.1457117384524757,35.55498897659429,77.77732810192988,4.363693026355458,21.220626696463754,9.022114141181615e-05,0.0,148.2022891326561 +0.9260635943562128,0.1493654576126222,0.4177614937966283,150.45359050079145,148.3969332880968,321558.1650143596,5.897813923749638,50.255325097205514,4.405441179908666,89.20856561121433,2.5803922640891144,27.212153838881974,0.4888220442801486,0.778492135183789,314.7528412461186,43.642166412923345,0.23985771951603263,284594.53056671686,2.940593475956806,99.12120753558713,4402.958755834033,256.67108568435924,348.9946909222337,41.55597661556472,0.191987034835991,0.19453117850100288,27.392196411653515,45.881315958473586,3.534793587098569,10.809927011397416,0.0,0.7527707703064276,0.12661362780479993,23.79531389969768,44.8237915880535,0.5377838101586799,11.822440224801305,1.6033010066721712e-07,0.0001132097967789073,0.20350167775579922,30.410211590256505,51.69181274979326,0.2981046935696321,9.838835728779175,0.0,0.00014063033626880034,0.3202842908946124,87.47778171111393,52.95179072186013,3.693528141384762,14.935398184343008,1.9907974977412392e-07,0.0,0.16816490112917054,48.68695949891655,90.12819323387129,6.099572516434701,14.99288949623648,0.0,0.0,175.6223212780938 +0.964236685863492,0.15918799329583833,0.44582775966293464,168.30392538702048,205.35096393865587,324196.3282789629,6.6360806112839565,77.01348663433023,3.3169705894302224,83.30598169941312,1.078718898686401,28.749269238813973,0.6385322716114119,0.6960168170633612,802.0856837652266,42.648486732576366,0.3414187469872147,72057.38311050904,0.9794177947729187,97.39473958129592,4886.45599699517,290.4014546752331,232.27215893830171,22.41536209922238,0.1892186273084361,0.19494539553559542,7.099039069810683,24.98176408679504,3.3284809144816045,12.869337236210962,0.0,0.7745029910280082,0.13039091825493782,3.2727520698771335,12.984871971474979,0.7241020625796124,6.2808512641699465,1.6033010066721712e-07,0.0001132097967789073,0.20746995474588106,6.006746694262335,24.21258450684822,0.3255727913740624,10.829704083074258,2.128429568527162e-05,0.00014063033626880034,0.34176512289803385,4.2865439873941575,14.237568531013952,17.57333523910013,58.51721848185195,1.9907974977412392e-07,0.0,0.14581616499527064,8.121773933374095,33.79755003776596,7.767640637841344,54.56656861751486,0.0,0.0,100.05640156059503 +0.9018247707614946,0.13291006489121704,0.39646929474919534,195.66139550244736,47.36707933619406,263911.5210492153,1.8827971944520738,49.446689659435734,2.194127797023879,65.65203721443865,0.44863354569085745,22.598120348822125,0.37580241095315936,0.9147807390311676,669.0985080310917,29.236293169208825,0.18185770961659836,69013.35838031495,0.7994188618654908,36.04085204988862,616.8411294393012,181.34712933667728,346.5311879282387,22.96780053557521,0.2254972100702453,0.19231569690425107,1.3164030373185456,25.035959922941085,2.6422654177262848,40.187832064847626,0.0,0.9145781031978064,0.13140193378906934,5.1433589165198645,21.33806400064406,0.35937727479188775,5.614934569431266,1.6033010066721712e-07,0.0001132097967789073,0.20531377702379147,2.1068057770587045,25.216599878530847,0.23541909971334127,38.81451586550956,0.0,0.00014063033626880034,0.1403507426060379,17.20887845033882,25.70517889112933,4.0675679813184065,22.03885429117654,1.9907974977412392e-07,0.0,0.18127317330212764,1.600251682673045,26.215785831226764,3.304695480126519,12.319101667473689,0.0,0.0,84.99170451128452 +0.9275871054094939,0.17025441336064567,0.3299380045817796,37.16362868074873,213.83840422024258,142604.15682561835,1.7414301493578446,58.49931258486265,4.943799099508892,89.35120429389025,1.0821029712328067,8.998339022363021,0.3324435917198501,0.980624349843729,995.6801401388302,96.22967514492548,0.15757790548027795,259696.23196797282,2.3900063943662824,60.13753157620451,2424.8224035111207,9.235303261928465,330.41470526021453,27.284926759301705,0.19001981964930947,0.19656921222442597,8.298775572636726,28.27695580598173,2.457724705142083,5.102973873853646,0.0,1.2834369259067557,0.13975331656827675,4.513989470673744,18.77093503386432,0.2784014375777935,3.4397870179174626,1.6033010066721712e-07,0.0001132097967789073,0.21002540549786572,9.896317794544563,29.555815572123283,0.23869289873282887,4.20616334872028,0.0,0.00014063033626880034,0.12366701262689234,49.20752416153093,39.21057443968836,4.741687679820683,9.867034142629779,1.9907974977412392e-07,0.0,0.22084823269638734,5.139583929977459,24.934695843540734,3.750381659124584,3.4921421490848834,0.00012442317627267045,0.0,83.84105458080059 +0.8915726627846728,0.18292369179069126,0.35111140235005966,50.52349815436611,119.72280546878793,220068.45798598358,2.581753687172323,69.78483001106844,0.6009684129905764,52.84924432109527,2.6187443777003994,28.429488768129726,0.7983834129755348,0.7244093464673222,714.5595891509302,15.154408155832973,0.21631354969745656,55472.25036645841,0.5531945588216438,94.07772546227396,1054.7241791111885,291.9191642942576,333.8046025620588,39.907635509144754,0.3394144059234227,0.19542627893687212,3.0677684773783542,24.277815859828515,2.5962922613256745,65.56499405717884,0.0,1.108084329475129,0.13489917865476206,6.868508123180286,23.636212992770837,0.25470446687720477,7.732748595825369,1.6033010066721712e-07,0.0001132097967789073,0.20814674588783103,4.329468242873065,26.46105915916702,0.2405265882469291,64.84874548737503,2.0402651519669658e-05,0.00014063033626880034,0.13706128901500986,12.904820453114171,27.648102289762715,4.4957096001016,19.92632297280265,3.0941422188668375e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9790393313191292,0.1611661440053264,0.3223136897645576,16.693582087305476,17.77987806134457,266274.8806295132,4.287539782378402,16.888491497392316,2.3459633613449027,95.60418934881325,1.9497595165239607,26.079966157521135,0.4917048054004677,0.7165790621240175,927.577955164315,4.595503299421232,0.22710340464512532,213133.38244099313,2.377872905360375,85.45727787084108,635.2714097691878,258.3451253028764,341.7265524365928,34.41549206207535,0.23276767685548191,0.19395432381228916,15.490463297310116,32.276650465270144,2.8829692098587048,11.980418312050348,0.0,1.169773877673243,0.13183508113270564,15.806208954960322,34.02324034229482,0.3735277828805823,10.897798785583284,1.6033010066721712e-07,0.0001132097967789073,0.207579040155382,18.72396416855619,37.99261171633013,0.23687673253761138,10.815886320907303,0.0,0.00014063033626880034,0.09259628459971272,54.4862491103336,43.80034058426754,4.129732836561703,6.360968599240799,1.9907974977412392e-07,0.0,0.20420399832999972,28.359012949427694,57.67817388636344,4.540008106161047,11.206272020754547,0.00046586763552721654,0.0,118.71989805814334 +0.908765423530797,0.11923700017062587,0.38403214582325523,73.27065933609315,102.34308314503292,128370.15236063172,1.7462644677051224,14.553883825704101,2.1682274253768443,66.50443956588624,2.4928522568581544,10.099500904305307,0.3435312193685537,0.6320386832959481,105.2200836096438,10.997443804182765,0.20952706178333877,115749.79507010561,0.7160728390949109,19.08609725973521,813.0359264996853,209.37357560957005,346.60220882654414,14.287311071682035,0.1581724340164548,0.19897016773888,2.610929448157685,23.45940098849683,2.8416474498474087,26.493343000610103,0.0,1.2977842864801081,0.14190430246953417,2.1816428899448113,16.04743966397849,0.20133076460176866,3.72537635071922,1.6033010066721712e-07,0.0001132097967789073,0.2130690255892858,1.0904655353758477,23.447600322594482,0.24845030873503585,25.093863693310578,0.0,0.00014063033626880034,0.15749558339462072,14.44152921760137,20.30453317345565,4.536473454794347,22.075534560232928,1.9907974977412392e-07,0.0,0.22405878621601144,2.4954162848298025,18.829037539817936,3.8762271151158307,8.645002870894922,0.0003219764414106508,0.0,65.6140249733231 +0.9861796388282165,0.14715231917716068,0.35255669203430506,224.4334148378577,122.39036366845941,283194.19411538244,3.746389534135771,84.21340032270625,3.6636269771531,39.701275852821794,3.09288049727448,14.139404760591038,0.42020681040452146,0.9894508559979015,735.9708817407372,95.1414691141933,0.32423707733329565,110386.82672075032,1.9996876424354944,76.24176380608827,4641.105804937804,277.94198259640433,343.80659090851174,57.93156138123091,0.19784469195729024,0.19266306442952924,15.675353165723045,39.05751452043288,2.787414285235711,31.300832410100305,0.0,0.9696164438245112,0.12627769815056614,18.73593458126886,44.41806149017887,0.3597970686364436,14.802364604434395,1.6033010066721712e-07,0.0001132097967789073,0.20790908442728645,18.52177587023997,43.040112797561875,0.26780465642013196,28.557954397861526,0.0,0.00014063033626880034,0.10864058262224671,55.22646376104481,52.83971613998106,3.3206769101225153,11.181891134881214,1.9907974977412392e-07,0.0,0.16175806695354078,37.38838192564682,83.9409566057414,4.605572652127757,16.528983269876658,0.0002486780889642423,0.0,151.75842831968714 +0.9591145267745167,0.10766278552882039,0.42257055597883486,228.10252239176683,193.4700699974071,119008.98674977463,6.865783140601164,29.273894040116094,4.5632237045098085,79.01482188078927,1.9312857300845887,9.85036905256376,0.38525148524451813,0.9376163456369202,370.7033652942132,63.713444721661276,0.204459247037314,245868.77919566724,2.7514989948665556,51.573391088203174,969.9190674969302,62.280482470702346,222.3887225604626,12.30092953811084,0.259905330447696,0.1967944344512985,5.242466938274218,24.053646144948228,3.2026676389291473,4.14426681120251,0.0,0.8554758812290881,0.14061022721606506,3.849246157093639,11.75184347516958,1.721878499517456,11.589505634892591,1.6033010066721712e-07,0.0001132097967789073,0.20926642968047662,5.193974906828117,23.955358590796905,0.49950985272884507,2.6504623579799094,0.0,0.00014063033626880034,0.3566249289293429,6.3442210197563,13.641876324802713,19.780394580215912,60.59399947149744,1.9907974977412392e-07,0.0,0.1302713906921322,7.628492167037148,32.741763171477814,8.106531943263748,27.910374223993077,6.689200753446773e-05,0.0,88.30036942682698 +0.8631561075605201,0.17823953365687828,0.3248600953633885,117.6565147986126,212.94316383371367,247812.89264710888,2.1121992865656294,67.77270109270866,1.0027869087269181,66.94295499847499,0.8251504578983497,17.1196319231405,0.42431634668009865,0.92771301858788,675.612840142033,89.18899663165354,0.2650795863934569,80192.51563359809,0.9153764917830085,45.32943512050003,1236.6547882969535,203.07620584852117,328.1442408904729,35.63214232985591,0.21038873043918105,0.1948020262013215,5.987789599045908,24.342030539410324,2.5002335794765562,45.32457806894526,0.0,1.15411991534713,0.13524234931878817,6.911020050788268,22.893530771297506,0.23240060744356664,5.8395195979872465,1.6033010066721712e-07,0.0001132097967789073,0.20918650164283914,7.179485742129068,26.598254073068134,0.24033390757303677,44.15201890931423,0.0,0.00014063033626880034,0.14203400385702644,25.862334391077514,30.850103032946663,4.088210881884341,19.60690067266369,1.9907974977412392e-07,0.0,0.22261970072267206,5.81694219262976,26.358785834711554,4.0629054283053065,18.046906536545713,0.00025394127594669696,0.0,95.38088185871263 +0.8119113621405238,0.17292318357869338,0.3434348859047712,14.775918988374173,207.26137016856296,221690.55641411533,4.617556824473445,51.657256453870914,2.385540545349923,64.78096974034624,0.4260140088194191,26.05335706668964,0.38721996997146263,0.9934294638546486,940.7844770034621,99.83313558802833,0.0664510655254217,57961.80855987685,1.3171640043947943,92.99317113887258,3132.569229658051,136.65801867070658,341.96502965359537,50.734522721765856,0.16306227705744786,0.19408726459941994,15.597368449857887,30.03508571505616,2.3817369392723786,72.34167757926232,0.0,1.089679314627342,0.13241565711077907,20.051397369401176,41.33005632427034,0.27833753452043763,13.49285653279153,1.6033010066721712e-07,0.0001132097967789073,0.20463871021003738,12.853623240457468,31.805539074441533,0.23909516318838514,60.09165848237976,0.0,0.00014063033626880034,0.10771463935394507,64.21460158901647,57.971509499004746,4.333424435113905,22.082172148303137,1.9907974977412392e-07,0.0,0.18363550375271623,15.506741535316364,59.13287994011838,2.8084235094579912,23.68667341451022,0.0,0.0,160.50750284623396 +0.8559097873586506,0.13953169448680536,0.4433282493139537,218.424227852441,172.93904105733097,304488.8337686766,6.742342598881615,92.7008902113552,3.7567867563891966,97.74221952413474,2.34078834541926,4.292906280830026,0.5314718738416495,0.5729271351397304,580.4319360061145,66.1238186608006,0.05704305482382577,103452.08414377949,1.3669661970017903,98.58894007225786,3390.0112752725713,193.65349770148828,248.85440020622525,49.49791235439045,0.271896440956114,0.18801377447603781,3.376354575792292,24.373511168927475,3.256329405276389,14.73374602715389,0.00015322869078092757,4.853159077319868,0.14603776584451894,2.7698579726228547,12.187607440446106,0.8141312882804574,6.331403809643756,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.31931332212182245,17.145405407037657,17.858886891681088,10.496279700575627,50.927830647054996,1.9907974977412392e-07,0.0,0.21964989835317913,4.515938296674522,30.480776246355234,7.207483954193021,33.16954321130194,4.918575140457153e-06,0.0,2698666337285.8823 +0.9369109707812241,0.19399334384517203,0.4096579550360764,226.65579346690777,247.75965651419156,320400.91842496366,5.345460124229254,58.26122263559554,1.4175059868457605,30.812934229996408,4.27290409103667,26.715696119319762,0.5146539378435655,0.991755303240277,622.1295775645149,77.55142798838874,0.29634590418659945,108132.1002016475,1.7472043844675844,93.90449093788408,4363.138295294151,270.55960887475464,334.61245715792523,57.49683696828198,0.34399149477009333,0.19054449332401655,11.100480244139318,30.83190459057649,3.14833408683683,27.421891109567913,0.0,0.7416742562403968,0.11855007049394668,10.922384596741608,28.225218969142436,0.708328347449425,12.38879668822002,1.6033010066721712e-07,0.0001132097967789073,0.20270531413448467,11.89010852260764,32.329166271343304,0.31686434447784684,23.085322449139053,1.858801297961396e-05,0.00014063033626880034,0.3386388320038732,41.644366873183515,29.694669783193056,5.357905371248999,28.3706640697188,1.9907974977412392e-07,0.0,0.1643527262827393,21.91017284437816,51.19033724699259,6.404539033181167,14.023663610153212,0.00023341029290659243,0.0,106.83550913197256 +0.8966245295129123,0.1764989243462568,0.37891795751140145,211.47361346598703,209.77311800316244,287313.7242790416,3.7780131181901777,87.40586391576555,2.7022698120430837,5.1448139244780435,3.124958371863244,29.800512653355575,0.44146272774637413,0.8487728490845696,649.2851012082753,98.42418682951342,0.2567040358192144,236305.0203373852,2.646762534104946,93.52093284083193,1997.8551377139113,252.08487088196605,313.60021051592025,56.6615948531771,0.29517136644743397,0.19224132119081902,12.9653267080631,30.607496412849645,2.8247426677692453,7.460115664253984,0.0,0.7665980354939675,0.13136838877725424,7.842735107985615,24.33254393994847,0.4762263988103709,9.891277842143603,1.6033010066721712e-07,0.0001132097967789073,0.20195612301178242,15.019000122415447,34.199340961608996,0.27904783332775135,6.6665750501714385,0.0,0.00014063033626880034,0.347307632386844,61.476796031008455,34.62931039307214,3.2120258616167328,21.51784743559823,1.9907974977412392e-07,0.0,0.1883682296881623,16.802260421606498,42.919248355361866,4.792245057836258,10.250861585511107,2.654688556177553e-05,0.0,105.19061560379404 +0.9355953818169103,0.10625575268169458,0.4103784816744555,147.0798472527615,196.68115543010978,268284.7383179613,6.668859315533788,68.39062292977104,1.5349289695240995,31.48449279007878,4.370502509329071,26.258630648094986,0.6788492533788264,0.5295844711242359,378.64893360890653,80.58039747231216,0.11308941892465206,75912.40373936684,2.8734263132678324,99.98550163324019,2076.597654277095,298.23035368782337,267.5335950658091,38.05285501138447,0.22978277148189635,0.18192933136082792,1.9352718228143413,25.96396366380581,2.9848634358156176,14.973273830015755,0.00013455689514448355,1.6450836660358987,0.11358732395745447,1.9004163256998166,19.671524358049552,0.8255627904069085,22.721893946615022,1.6033010066721712e-07,0.0001132097967789073,0.1938957741205701,2.619653610888953,26.14002999676233,0.3461976869065371,13.041670882489347,0.0,0.00014063033626880034,0.3229235916981148,25.746897784581037,21.269217081084612,8.397377446608107,46.7592673152877,1.9907974977412392e-07,0.0,0.1906157905933741,2.2903940240747387,33.085623206483696,6.842081907542167,41.36255581640532,0.00011076330411910022,0.0,94.4014493372339 +0.9496544239696728,0.20962970990112897,0.37552290659918697,162.3357761740114,150.0356516430656,273439.70594977017,4.801698580561553,8.839965708654239,4.241830833570161,86.36673687932566,0.5765555699795074,27.227550596718714,0.442663564447135,0.8674876853012377,897.5052972571594,64.41436121136925,0.19149805029988837,79590.64524392449,1.5048989932107002,77.20914222357959,4233.969958408944,254.85546649193356,349.6040927492532,43.577369552333295,0.26027081502822186,0.19345631709961572,11.024406920582699,29.986466248442323,2.8719203453402797,42.635636321482906,0.0,0.6372386642458868,0.129124843456359,15.297698055084219,35.53609847982013,0.5299512384614584,12.405679557997514,1.6033010066721712e-07,0.0001132097967789073,0.20371407895065322,11.969631037291316,34.20346356898418,0.29670184156327817,37.351442779959775,1.3848786046057732e-05,0.00014063033626880034,0.10421290897282029,44.92256745383487,45.975419437594816,3.0693644314639474,11.743214771954415,1.9907974977412392e-07,0.0,0.2036944604635222,25.49110356394321,53.420824345038355,4.932236056525861,17.120544001947632,0.000471447385298935,0.0,123.7207710777963 +0.8514559507770982,0.15301238352980018,0.3869697502407267,169.75834180378843,207.3589649413984,286475.6697151761,6.394246267752457,40.79829910880211,2.2744385475894178,29.67512728698761,4.015018138369251,7.611092829955595,0.3857580769966218,0.986876869228483,850.8907488909091,10.263707277935971,0.11109423622509502,96422.34439135971,2.8044243182928232,83.20070540301303,4918.146118998908,218.44233197820682,247.0966893088469,25.629480863128208,0.3157831348469772,0.19542452177076663,2.983140189461766,26.020524597992058,3.6453499377605674,8.377746800954968,0.0,1.496321521292538,0.1364023045417401,1.7698958618658038,16.12812103718636,0.7988203490668184,18.773366667562115,1.6033010066721712e-07,0.0001132097967789073,0.21158182659034155,1.6136493703150594,23.278607173229876,0.33911000477743614,4.949811083258424,0.0,0.00014063033626880034,0.3533616489649796,8.593060788238091,15.050093677173338,14.805516862264804,55.19983446009012,1.9907974977412392e-07,0.0,0.10054984799253991,2.4947957544023316,34.723750352295625,6.8035883322121595,39.2561643179141,0.0,0.0,91.23171594053693 +0.9350389749495331,0.2577914347477108,0.43139950977682245,196.62895587496556,173.7419688992521,290907.40503731486,6.634839177096502,87.16468857222067,2.8837023938795423,77.66360060587756,4.833389774629156,26.49162413524161,0.7734470183965239,0.9726475187082717,829.1013091925489,56.45937227888948,0.13009192200602282,247351.80623688886,2.7924392392679716,90.58538480896449,580.3257451048539,283.73350824635384,345.1125847087977,57.473053503573794,0.16378521512099561,0.18053224395009093,24.57937868181231,58.03757521616762,2.9155507595527204,16.202522333186103,3.4782865464792734e-05,1.465013640620043,0.12063608249489907,31.089384696010452,56.634002443761034,0.8113712080364371,14.037411501314121,1.6033010066721712e-07,0.0001132097967789073,0.20137086976883717,33.46559746363358,60.24627973429246,0.34222588192460696,12.86147372257821,6.0571621508281804e-05,0.00014063033626880034,0.15480496812463143,102.26454297388366,69.62243211593756,3.908890241264474,6.265279503621361,1.9907974977412392e-07,0.0,0.18606238677925352,50.28032406448868,95.62587032377347,6.251639771332734,12.00060180680452,0.00010508456975314536,0.0,201.86121852062954 +0.9116158867788065,0.20841158061338155,0.41121450642421287,161.2045446967695,219.03743744124148,220626.61315425666,5.334262930151177,83.25772515141666,1.2052460017965436,31.353145153779423,2.971534831473755,29.41812965760322,0.4014376165164923,0.7186012908487912,302.68844567791837,55.39230119167446,0.20001834140817626,76397.51759873309,2.8315609059599978,97.21981038784385,97.7131412408562,85.03217256555548,345.0780760808871,58.063204981979425,0.15092818580974238,0.19610114545656177,19.827821673210153,36.3032435555084,3.097281220398923,20.568991079005475,0.0,0.7439542167964633,0.11748477010890104,27.343036177109912,54.58991235828019,0.8633175784753343,14.385164280232305,1.6033010066721712e-07,0.0001132097967789073,0.2063333568830953,23.446603426230592,43.778550377663144,0.3513196583956529,15.94314634604294,0.0,0.00014063033626880034,0.18122710259683666,100.73840623405542,77.79678114493872,3.2975796534592914,13.55945920805173,1.9907974977412392e-07,0.0,0.20538411142485144,47.47048255706888,83.2177200942548,6.200195178754605,12.621419750498143,0.000364452119574744,0.0,185.9358363806423 +0.9152582132518904,0.24309714982583877,0.324187515731175,21.50033178030459,158.4605054945684,276593.0564194152,5.775377486635308,79.5814415237766,0.5692764799346461,51.632448198618356,1.958184214661863,21.170798448137024,0.36922533640063765,0.9177813848970409,254.44739470701452,66.2032090742008,0.11734255384922243,88168.11573939888,1.5068365835270252,51.01252576486741,2832.4895125738612,247.56808318504346,342.4748787798026,40.20273261304811,0.24117117416209924,0.19550127209628312,14.566345991810092,30.627059679083676,2.8960720570882135,44.49208834417233,0.0,0.7354745799067341,0.13373842889114496,17.874647820805595,38.75056539120875,0.21640365137628823,9.187913662858435,1.6033010066721712e-07,0.0001132097967789073,0.20883554090846956,13.252810857341869,30.597068193381006,0.2447210348497378,38.426060308002974,0.0,0.00014063033626880034,0.1321526443612899,48.51780755803732,45.766164725857195,3.7638462511083968,17.32077821963961,1.9907974977412392e-07,0.0,0.21399271324944483,22.063462585941863,45.1870901480713,4.279315213783472,18.571484033289803,0.0,0.0,123.64231974302402 +0.9355953818169103,0.10625575268169458,0.42148943499082037,188.0907695074818,196.68115543010978,309173.8139254853,6.668859315533788,87.45735205880602,1.5349289695240995,31.48449279007878,4.370502509329071,26.215168036546064,0.6788380545692141,0.5295844711242359,779.6337230970629,80.58039747231216,0.1102852538007997,68042.27528678146,2.8734263132678324,99.98550163324019,2076.597654277095,298.23035368782337,265.701130105761,38.05285501138447,0.22978277148189635,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11398591302036039,1.939086077169146,19.48391415215618,0.7887437310007324,23.443843375983413,1.6033010066721712e-07,0.0001132097967789073,0.1940137131487023,3.0764673207654702,26.096000118295525,0.3366299469510649,13.14397152930896,0.0,0.00014063033626880034,0.3229235916981148,24.63936356499451,20.971385623406576,9.69950190969522,48.657377915886364,1.9907974977412392e-07,0.0,0.18922043817019393,2.412189178308653,33.432838440611775,6.623425706765141,47.44581155422039,0.0004276776727969522,0.0,2698666337285.8823 +0.9833221893859134,0.25946026095858243,0.43919030772025575,240.1709682023325,228.2946405013907,309601.7900884233,3.9799486393234993,12.486756200064875,3.443496664334485,56.47714056363118,4.806708570803925,28.21265961386969,0.7166741378689943,0.9899354260990191,639.8912316862638,75.95107559284496,0.29194661876808947,269851.8522155517,2.9840483167606093,71.89989404184334,4025.0266307723955,298.61842185522664,345.51516297901344,58.48448686918511,0.3309781016655209,0.19061258462458716,24.47633483118005,50.11396591106063,2.966489516019755,10.888646376982203,4.4915776307511655e-05,0.832979684994261,0.12463865680946737,11.833973058242035,29.947066113075987,0.5134527058800957,12.075963685556086,1.6033010066721712e-07,0.0001132097967789073,0.19929890433984673,26.6403358673674,51.69102511679703,0.2826208262162193,10.152241129581583,0.0,0.00014063033626880034,0.35457421819116053,41.302310925671755,25.538066231821855,5.094247467714808,41.051972998415884,1.9907974977412392e-07,0.0,0.1559520976269712,26.317715723441914,67.00856793022044,5.304834395298282,15.998312189514044,0.00011934517336734618,0.0,132.07091101758203 +0.8701205089975041,0.10640043290901494,0.3447533625517818,241.1014014434288,172.69158880052507,224942.3980211937,5.027894806663272,70.56538088235551,1.7215154937900081,14.731100762766896,0.9209058269401353,29.934484743542498,0.7529961629418096,0.8220502892990533,825.4258297817879,44.72634269713652,0.08766239129783486,247613.5295427441,2.8842780796906893,91.76565180784272,4855.468791055712,207.11211315766437,339.2519524580887,56.45249613064015,0.3386335542781631,0.1973510222061273,35.2374255260328,50.1101867436396,2.889150078633473,17.559369027365715,0.0,2.0500403200706963,0.12566390626969304,16.64749049295601,36.59763376980389,0.8506091209984877,14.855564864993852,1.6033010066721712e-07,0.0001132097967789073,0.2055579503600161,29.134854327460133,51.72892695299553,0.3485130944209631,11.675551353755763,0.0,0.00014063033626880034,0.348265035023855,56.69701237962645,32.01263254995417,4.235241411962335,30.564890627381143,1.9907974977412392e-07,0.0,0.17387208329301443,34.704137046202845,69.72197890370823,5.416698343427822,13.681502429638275,2.5312433628785475e-05,0.0,145.07412142266756 +0.9254131999401701,0.19316663062913123,0.3906792159348648,179.69441131596926,180.47933660944736,215320.91878074425,6.576092661757121,48.24897529882879,4.587696117208133,9.49834118278605,4.738321390979024,28.453880569663603,0.7781969429582746,0.44053821827167033,902.7447422734031,96.12759598894209,0.2608780810220628,67085.4752787255,2.274938809997426,75.73163365093457,3082.8173376636996,261.8470170106452,348.28228684110996,56.9727613383522,0.34450293773209884,0.1994824281171198,13.814560712352776,32.26757614614643,2.824451125605163,31.529461662898314,0.0,0.7379723952379788,0.10714431761114918,12.381706209538104,28.771710875305015,1.0466431260915503,24.351821896369156,1.6033010066721712e-07,0.0001132097967789073,0.20950567908207884,15.814130099660941,33.684344233663325,0.3834267494517825,27.957746600225512,0.0,0.00014063033626880034,0.2578905633743419,39.45066354650245,27.44838724364648,4.756626488237505,24.467433072314883,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9850396181348858,0.22947574854784597,0.33899950363265613,191.728939522781,224.542237842086,274112.64536484185,6.754340738742248,81.62189446311379,3.7409759373060467,87.41921373564111,4.053905987419238,27.62081724192153,0.767217255293628,0.987475976453015,836.1378673839982,56.21322357749988,0.31722782716545284,223072.48338088847,2.8644537036629045,95.3382508674948,4014.7652551189803,290.7423643479177,348.8198466799957,55.71206899530471,0.3237811205117026,0.18611198169642287,32.35788448326031,64.25854002187086,3.162233075711292,19.102274221766013,0.0,0.742107579678046,0.09054616620999763,19.992591931364732,38.84734013683343,0.9444501854942334,16.463931988893084,1.6033010066721712e-07,0.0001132097967789073,0.19373893623316119,34.39431962706057,64.60689630851519,0.36220252304190215,17.613804698622882,0.0,0.00014063033626880034,0.3555003344172935,62.644849471104415,34.832481484033686,5.870670372231471,30.089708105659525,1.9907974977412392e-07,0.0,0.15522516067856462,40.328571578182704,90.88160867805009,6.690231860127937,21.068990080724955,8.766540615333645e-05,0.0,172.77759483169947 +0.9290176392047498,0.1526502049278249,0.3474673954811996,142.81642378150192,154.78040955532146,188953.58678303615,5.178415183687352,46.93748387181149,3.2945003866400304,46.99638069531938,3.8539105340903532,7.8982352259827575,0.30459843991231095,0.9714546874448021,576.7202659901743,86.71853617064279,0.2073632469912517,64596.98294759886,1.1303097074246056,96.21160471738034,1214.0497459373337,273.02876830539975,345.4208385668535,39.343670128653955,0.18372122393712775,0.1979861499257802,7.476621913140232,28.73633074008532,2.705285409869403,54.749043379347754,0.0,0.7154057985245403,0.13953716788192574,14.17845003777387,35.45356449164878,0.8407893966142778,12.236049702218601,1.6033010066721712e-07,0.0001132097967789073,0.21043449104540138,7.6406178931585025,27.924171550234192,0.3535325547648524,49.2890423086405,0.0,0.00014063033626880034,0.13388061560897133,51.34644943661081,51.03772106691973,3.3814745467579526,16.05985285852648,1.9907974977412392e-07,0.0,0.21921477434908665,16.539724472117452,44.69788852752454,5.110399989956079,20.998683673463766,0.00014691788873343503,0.0,130.43160255625378 +0.8415214360164778,0.14693286972668834,0.37104806021289233,220.19639303596176,71.21515517053183,342454.3034136239,4.972217197894483,33.810223985221846,3.2681427015659117,62.83949827578293,1.2871055487564822,20.617184489524618,0.3184853893904548,0.802083191151379,606.7353493597369,82.27237815688991,0.25696574019388396,74925.9160465915,1.498477204681854,66.64672321867666,3812.890787153397,60.67746951580878,336.4939665397825,48.20601806904377,0.24332395699393222,0.1965165295619604,8.534979207827469,25.22158652566409,3.146166183973951,40.24056178470313,0.0,0.6546826370778871,0.13624666633939186,10.708420671923509,28.24877184256014,0.2832960147598654,6.501607988807786,1.6033010066721712e-07,0.0001132097967789073,0.20855698494432276,9.059022075703306,27.36280370020429,0.26383404981957587,35.308088894875326,0.0,0.00014063033626880034,0.11610098432251023,42.28627271425612,40.157243453649066,3.345750400487032,16.341954338216,1.9907974977412392e-07,0.0,0.2218527639757742,14.557276745066622,32.78273351996976,4.895773884145694,13.788629544611105,2.7000607940347327e-05,0.0,102.71808540831483 +0.9826989506383492,0.14370039685921748,0.4311036087301739,105.16156143584458,142.87899948965585,147828.05873905617,6.126886722647471,35.17590886748366,3.769283664005236,90.42364997599422,3.8037419581181924,24.98783660832918,0.4181140579066332,0.8006879122071331,42.59012000420586,80.7994196454708,0.22391505890260713,62250.22031265001,2.9489736474597863,70.94192992362572,557.2848321223006,118.7455493083104,258.69277842525145,39.225145967719,0.340767308915358,0.19211560545722353,4.969459274586387,25.506427488868272,3.011732102080469,6.126571325288101,0.0,0.842776978480412,0.10987414993766255,2.0768591720061798,17.85001186399492,1.0765224187258002,20.319452858280485,1.6033010066721712e-07,0.0001132097967789073,0.20399669413598343,4.168595956405928,25.108620036519824,0.39534868839895276,5.34268457422949,0.0,0.00014063033626880034,0.3504504825639809,11.982399336688777,16.41384998377939,9.198842242308142,46.77163798921535,1.9907974977412392e-07,0.0,0.09298840879016942,2.5535720768677006,34.96512520344986,6.118970978991773,33.595074690362935,0.0,0.0,84.95090202041858 +0.9718867395316002,0.13183952179000993,0.36775799004485243,167.89585645896403,35.952015376398805,339417.56342212856,4.717251483225527,51.62556184358189,0.628730138708587,17.1360135732224,1.551787737253962,12.026789265876198,0.4491905235471989,0.8952988259131396,752.0286945870259,95.51149316370193,0.20202259945852719,66314.90519092251,2.8844189396133446,95.57282166780514,1552.2977250311703,117.15691067591868,247.95079054856876,22.08075974645422,0.1803328534642693,0.19534296799239353,2.4648488786700327,24.69605298350492,3.00794202539831,5.994441741800412,0.0,0.6282343769869007,0.11919799887507236,2.0826368421692703,20.60366745775942,0.19356267688818915,22.784575590938115,1.6033010066721712e-07,0.0001132097967789073,0.20715258400424202,2.6472246170643983,23.45849634054298,0.25114839426658087,4.899257361961055,0.0,0.00014063033626880034,0.35480825373196806,4.8851827428700725,14.39855784400917,10.707723891405028,52.63239883191868,1.9907974977412392e-07,0.0,0.13240885510098357,1.656917837093007,32.717477509408965,4.49812939941999,36.33277656211384,0.0,0.0,87.86622328393567 +0.9507115900016593,0.1503354656746152,0.4438081082985869,129.48488566570035,181.57291725156588,231208.9526523806,4.161116367009605,48.5534828236063,1.3799615900587558,46.726180948562615,1.2781309249805082,20.72406824677915,0.39706462499512907,0.8148246660437535,741.0795717308204,79.28924210181633,0.2508748939877789,295533.9902853343,2.9802289631679066,86.4805576830292,2818.5311047806754,233.79085162389916,332.3399189950416,50.73481176434028,0.1508166840279525,0.19465130567645372,15.274404096230608,32.863890430459406,2.653364754295217,5.510810894349134,0.0,0.7914883295744953,0.13380168792842978,9.187312778180619,27.196569506124717,0.5289850537759029,6.872051520478027,1.6033010066721712e-07,0.0001132097967789073,0.20506878732892422,18.46555013550365,38.74723108455661,0.29668915489811837,4.821821148050675,0.0,0.00014063033626880034,0.21196897291427566,93.07377875284593,60.702075538800415,3.509613845202069,6.585985184516243,1.9907974977412392e-07,0.0,0.1994894557554897,21.115708097859535,50.79147285551058,4.62570646538538,7.895392817912558,0.00025712270895906093,0.0,140.00475948334068 +0.9597658199961958,0.11458927319209876,0.3815707898900321,218.19437645843564,235.29733456871304,276365.2661858646,5.382515782139719,42.11440384516489,3.3786142188573836,80.28860354540718,1.9748909023236865,27.08973595326655,0.5006807263432939,0.9844251244440259,880.2708089127701,72.36539223655349,0.31716125100729875,109311.57815874876,2.9925978566024853,85.10363125631108,1812.5771359500447,265.90091719094085,328.99641682210313,57.0464095156356,0.31055126575914344,0.1801159825548753,17.401897246088808,45.82076951545764,2.972405620253727,14.712307732536084,0.0,0.7859507603092667,0.09573953697735584,17.58912953330326,35.057349494028145,0.8051126999121938,19.279235693326132,1.6033010066721712e-07,0.0001132097967789073,0.19001423385103647,19.920848486646946,46.93041400450716,0.3360034526105892,11.662531093214943,0.0,0.00014063033626880034,0.34503630503358884,49.2247765395308,34.542832211050815,5.657989520734336,30.113877301502324,1.9907974977412392e-07,0.0,0.1478566362789727,28.00536894975089,68.94789334162861,5.958506678191584,18.655820956622915,8.701466230890278e-05,0.0,133.2345931863454 +0.9019134134084478,0.19590736014809385,0.3459112754126264,45.36316925156207,225.537858396556,278160.97170897084,3.7528824352411014,42.92589344316751,1.0587395890443445,55.6145445646569,3.79397845051855,14.566336579473255,0.5400837147462771,0.8206368817040078,384.0134853994438,66.5858850797439,0.22699068257132113,64750.96080600547,2.85516514061246,46.915809176154596,20.959934778811657,287.70866327781505,347.8178327308436,41.46306078921887,0.1831850715304454,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.10941671996244409,37.17834035828896,61.25960148866239,0.2201448975995974,20.568032897935133,1.6033010066721712e-07,0.0001132097967789073,0.20612829111593553,27.538284500712514,50.550293467531496,0.24352983933019,18.603379686883983,0.0,0.00014063033626880034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21860898073178292,38.43220136995274,75.86265029552406,4.294789020569751,16.283253958706922,0.0003806168390197725,0.0,3816490534509.4204 +0.8939416969822787,0.11771075236593224,0.4497338500738592,242.7060698391375,232.08234537433557,182651.65090169295,6.876144260139289,88.67476986080064,3.7641389999845716,88.4508320418123,0.8545726560046301,28.376196673167097,0.4132044975376142,0.9152882844812799,78.24706533978656,48.59788105943595,0.06437307734159478,268017.5646702086,2.893827049280606,73.5071279838581,4497.141679120199,264.93649487818806,344.34013112633,37.86364590499987,0.25012881478707155,0.1984508732328556,29.463224520050396,44.52059003442442,3.5206565592463286,10.48147613432685,1.8551569807792414e-06,3.8725302018644894,0.12746969783085071,15.168607875684504,34.17406770849697,1.4222739400716593,10.93322993122442,1.6033010066721712e-07,0.0001132097967789073,0.20004858218677984,21.615556831087687,46.192878068160134,0.4475944306204062,6.30852822001831,0.0,0.00014063033626880034,0.3534568737841593,60.02434606715455,33.657191743838794,8.905155766579142,24.708007347569094,1.9907974977412392e-07,0.0,0.1802953067423866,26.865226243993895,55.869979673663124,10.885143369495005,9.444212397843298,1.5567476734375503e-05,0.0,128.93636099156612 +0.9891988812930778,0.11805245129392967,0.37517640581800527,201.51767984937592,116.20048394468586,346812.6673960407,3.949441051913588,98.87254251671216,2.2417955395684297,46.18535414629005,4.333088179734589,21.593049282427593,0.36462957956641817,0.9845106110878126,86.14008917769758,26.48284996262523,0.3181670891786995,107605.61224806901,2.7627465455949434,73.46306261539557,4250.0487818821475,264.10444767346513,347.92122047022036,31.779235832019527,0.33967742670103807,0.180419173226962,13.9725164071322,42.68631656056626,3.867947792757782,14.561515064201695,0.0,0.9793073023001562,0.09759453204427035,13.022115982381107,28.787099941767398,0.2553673176203114,18.04230708161748,1.6033010066721712e-07,0.0001132097967789073,0.19315021171666094,18.09727891738083,43.88957949697006,0.25313091810310695,13.150905533751661,0.0,0.00014063033626880034,0.3402727257657073,40.97112439081655,31.975617777219984,4.688465552823097,20.352060655205623,1.9907974977412392e-07,0.0,0.14359121906945274,23.703541607874573,55.6735468530791,5.854558537549293,14.415499650894604,8.520299233721986e-05,0.0,114.17947107179424 +0.9709329523073299,0.19215300843458172,0.3986199692326974,189.82277230168464,207.6709148880868,198196.24507030155,4.1245474665055095,86.90507258440823,1.5237373149465916,29.631384601963102,3.7034663607164906,28.574828324363253,0.7582371051646526,0.31621010849337106,984.1702460323621,82.45711691593368,0.33305179837150367,64191.07904052506,2.900704224669222,98.71555984683721,4649.1339277342495,87.33783711825721,228.25385145360485,43.764649813282844,0.19286249144360945,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11183045394203496,1.7737483402236758,17.01295782544011,0.7810556519292217,25.927512797755362,3.553328073091454e-05,0.0001132097967789073,0.21322642020455282,4.2737138012153695,24.18838839120989,0.33652986699838233,5.007232080670165,0.0,0.00014063033626880034,0.25395973921105774,5.596021049099219,18.78493638068038,13.768926169397218,54.64091072888283,1.9907974977412392e-07,0.0,0.2089151276575555,5.186096868794634,28.387278377516985,3.8176529031230215,38.74114891921414,7.098809043123485e-05,0.0,2698666337285.8823 +0.8021084066224093,0.1663798550170136,0.35139167325285525,69.25693752569646,121.95681203340135,313217.95013221435,2.282502602304868,68.37374282571687,1.4874858737353238,62.20997042141815,0.38323628206203253,24.627647813162575,0.4034692907368714,0.7499800905486692,745.7874378115337,44.44706639391151,0.2524949492775567,55819.79009742215,2.0630585662794045,93.82941065233973,2457.7160718541336,117.42279613204703,341.3828671700805,59.61117864838143,0.15032269796358297,0.19741283354033642,13.494490827301236,28.81452323657272,2.71571066354754,41.096173395736166,0.0,1.1080095153682352,0.12932329083167413,34.777189335776804,64.64052109402837,0.3551523067974989,12.78446292593961,1.6033010066721712e-07,0.0001132097967789073,0.20905613877409124,17.556760781040413,34.629210508459494,0.23522926972458075,36.091924612831036,0.0,0.00014063033626880034,0.12113548408955865,89.57185871293973,70.35372476083333,3.771403133364386,19.98674452947267,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9611090736318207,0.13666585266061862,0.3267510299120282,76.37149884474047,184.80579174859798,109112.82510277996,6.096148540818466,35.680297097454215,0.2975527516415851,18.320810634374332,4.162892040258279,24.966746821087742,0.3641587074853705,0.7950468640858981,418.9580992681833,25.107822705214947,0.10010817478421888,69160.5218994192,2.1595365947074607,81.04273470072741,363.5205625378419,249.49679458283669,340.5409149119526,52.26945985858289,0.2968876413718819,0.19579984282794474,18.086884535636063,34.44524127023335,3.3522839317750854,38.2384929208072,0.0,1.3247821608242811,0.09772873244783278,18.21778902082717,39.97470499742854,1.2698928175330106,17.523896319561903,1.6033010066721712e-07,0.0001132097967789073,0.20073091211209945,17.453408543461126,40.36804260987255,0.42732392590894286,29.459899889489613,0.0,0.00014063033626880034,0.183583140015721,46.25217300075677,43.66191474408006,4.391066473237217,10.485363123706923,1.9907974977412392e-07,0.0,0.1679964675472581,29.0884817423273,64.3764811010235,5.764106247928637,22.359795334405938,0.0,0.0,133.14757037750383 +0.9298999844780194,0.13367244995289795,0.4072152966170805,194.36247003089565,138.80878232760875,349013.9840035424,6.36549082898013,78.49303215038518,3.316618397758412,14.23673462898357,3.077880818044081,22.94747170595479,0.4054946802820972,0.8746098045707948,349.4573252616931,79.29674820188912,0.19160055258916545,66260.85301789966,2.857730935357063,34.46792579912369,1373.6754827449968,196.47707253223186,347.38523138675725,55.12999984932861,0.2959100109290647,0.19385390459538343,18.75685001143313,36.16092629420322,3.550695780662899,22.29167083416808,0.0,0.8657469496577175,0.12085083751511207,13.14230234146891,31.995703510772074,0.5737936103536628,13.454192314334309,1.6033010066721712e-07,0.0001132097967789073,0.20425915213069315,21.54507466009153,44.65341487056615,0.30321695871458987,16.58806593557249,0.0,0.00014063033626880034,0.24856763492277645,44.854254097459695,38.825464919944416,4.515242564776072,13.725033294089656,1.9907974977412392e-07,0.0,0.16937807454070686,27.099447391463915,56.68216425654605,7.055923676903169,10.25694326091399,0.0,0.0,118.79132429257064 +0.9434354237671997,0.15204630439284594,0.3646898687239764,66.61900860994879,220.5615121474607,316211.1733242676,3.2760170769813035,23.768239064090388,3.7947010959693093,66.28921456116603,0.37554207783305205,18.667464363611458,0.3725386348746856,0.9732060187366366,537.5682195516863,31.41795560967514,0.09539882480380218,59413.74425734239,0.726440433312261,83.19592974942147,2342.419981910412,209.45510170866336,344.9360405661405,45.59978684399343,0.21240960462589992,0.19350304469274815,8.65693254812421,27.37231847607429,2.940200308883259,74.56087767514414,1.3379082106062273e-05,1.0185520550387608,0.13363365749797437,10.721559697849367,30.544886532002057,0.23810232548333155,9.768249524567619,1.6033010066721712e-07,0.0001132097967789073,0.2058872913748942,5.847113487665766,27.28745055560602,0.24064367919704643,64.76881197312139,0.0,0.00014063033626880034,0.12729842648775183,30.66483657434691,36.72411688600377,3.6566218464476066,22.209385556127096,1.9907974977412392e-07,0.0,0.20714961922315972,11.292289642166091,34.022830841305264,4.538437825472155,28.68309340742395,8.818426959768964e-05,0.0,132.04023814681264 +0.8010260089033294,0.19332998923734213,0.35399423988876516,167.2610265348294,163.27363725834246,179316.63434229555,5.365755218318938,64.6653099902353,3.757964733383921,51.20060066192245,1.9953398608052226,21.59245939334629,0.40626738210192226,0.9932336290284696,660.4878416408436,48.71434363021642,0.2248256360499686,204889.09874814894,2.0244863911887045,58.46491804719481,1912.500225856008,171.12858624255514,341.7798956401961,48.813463376719056,0.19171225569782638,0.19496044597076523,24.683535847983997,41.57711981402891,2.88014043933277,23.82411414418984,0.0,0.7110212759321728,0.13614603767246883,25.30068436010186,46.891407382665065,0.9785358543631032,5.554772481994895,1.6033010066721712e-07,0.0001132097967789073,0.20878818041527095,24.848704119936013,41.76123845772971,0.37449594314949675,21.438832014391167,0.0,0.00014063033626880034,0.1337160425746381,83.91466636895493,63.47953533489779,3.36801784962452,15.683061882881638,1.9907974977412392e-07,0.0,0.22362489080782233,34.009432914327085,60.66352880110765,5.558396090149907,9.508080855642639,9.114766775255637e-05,0.0,157.77542557121427 +0.8755536062237931,0.11825697920169556,0.3324206025586595,220.78578506935537,65.25211567540858,344504.86733702925,2.6045312186235874,64.93504289927728,3.6727329757013902,88.97530216942468,0.8060537530739245,19.9652467802018,0.3525293642019209,0.8284356146451333,440.78378832916826,50.0225373029862,0.3041068861514855,155006.3976145434,1.150682298509158,59.53371031550513,394.2116827817931,273.05807669149243,336.91331494263034,58.58853603439408,0.28576408775975665,0.1943950405656418,16.10774345442779,32.42502842413721,3.0420136675103473,35.09808025948094,0.0,1.0563265435512237,0.1351137166127022,15.442112067373605,34.21007508682142,0.3029990086870775,5.59220373865142,1.6033010066721712e-07,0.0001132097967789073,0.20766783044038603,16.874297673064586,32.73193668262086,0.23704994256577094,34.171344063587156,0.0,0.00014063033626880034,0.1162888552028161,39.27291707006478,38.125221245288664,3.5441100143965456,12.016956813399307,1.9907974977412392e-07,0.0,0.21350226282343668,21.522246975987194,43.367460605554086,4.461197041188531,15.69846464973581,0.0,0.0,110.81699563153087 +0.9611546430787345,0.22572679071012514,0.4151394012869853,234.0300502344195,187.32533178704065,328544.4262559784,6.818276082516166,82.61221923683898,3.012990425439951,91.2833975297642,4.162257461506968,29.21227709129292,0.4780208201505606,0.9536238573312799,943.6867985492585,66.47305830109411,0.15189017572427846,174066.21825324796,2.8218845600991918,87.10585306609327,1402.340676724481,293.4135732348649,345.3077453782145,47.287626426638006,0.24795588130233065,0.1903996399938098,27.56190390051529,50.048873556812,3.246331771180606,16.763284162656646,0.0,1.2006098070294327,0.08380834640976048,20.48785735247135,42.230801383579575,0.8051561603360542,16.135058850902123,1.6033010066721712e-07,0.0001132097967789073,0.19781040183730478,26.078690758580247,51.838182832169835,0.33786059694049414,13.52309545773383,0.0,0.00014063033626880034,0.3362823441964061,66.30694652709968,42.06569295785738,5.964509298989086,25.11175363644895,1.9907974977412392e-07,0.0,0.13984894216138205,46.09823134640275,90.20212512883808,7.148914063349021,22.694810100278485,0.0,0.0,165.02168626602798 +0.9551543476675598,0.1469804186990422,0.3292618521329916,195.0237215934358,42.83268827097142,334135.8674428526,5.442249145672011,93.76881296515378,3.352875642199536,23.40507214075206,3.9362921117879486,18.913147373811945,0.38852583276030556,0.9307659421144661,662.657790567149,67.02698254001999,0.19984763745776407,82864.45539921094,1.109516468086428,96.63292341918185,962.3480632597815,176.67396098873417,342.4071420425773,56.173858943397576,0.2420869181293381,0.19354271455258748,13.412318814187694,31.51849647085666,3.1502804376695672,58.84107399729151,0.0,0.6747838377428435,0.13398825883528379,14.424219366142887,35.10641863640822,0.23757924067023836,9.41846806654085,1.6033010066721712e-07,0.0001132097967789073,0.20661146146032888,12.39517109062547,31.137561841962956,0.26400643480057034,54.372126119900464,0.0,0.00014063033626880034,0.11818661480538406,43.22724599977285,44.809507894682476,3.6609186755538192,14.851230952892651,1.9907974977412392e-07,0.0,0.17615765752342907,13.307610391080889,47.38363753891607,4.14661410801071,16.223764646398685,0.00013983345242533386,0.0,130.64503004113513 +0.9213084728707917,0.17886879464076572,0.43332011748924865,237.4077849374708,211.0477358070199,154530.0182899297,6.228166760422466,86.2233999769382,0.9160191056857878,78.29700658551153,3.6383094607423514,28.435275767622127,0.4473391760252865,0.9199898764684995,928.465399840851,64.21650326172646,0.1994403503056565,247363.8622673338,2.8229153720221,97.90544686242012,288.16604889907785,294.92442098594285,338.7018658930916,50.43399235314213,0.18001490868444509,0.1899807860280848,24.774288021588664,48.30400151516811,2.94879272832952,10.257038464681562,0.0,0.7899257956707555,0.11334807159359744,22.155668740580907,44.09522294035873,1.4447136258842719,14.135552228855847,1.6033010066721712e-07,0.0001132097967789073,0.19786643172748783,25.65968522464112,51.352794171940616,0.45197903015224444,8.75542175777874,0.0,0.00014063033626880034,0.2748147535647239,92.94956856670478,59.810162305988094,4.706407671006895,11.259102396970848,1.9907974977412392e-07,0.0,0.16506437057138698,37.14522364993522,80.43503889269455,6.434591277747952,11.260313735538565,1.5567476734375503e-05,0.0,171.6242121077611 +0.926798584259593,0.16224374965724356,0.4387820123514467,127.34134791368622,160.40083140464475,239109.46719222,6.140497148661822,86.83319184436249,4.070542761109007,81.03340430031037,4.3991429023988315,23.015217276204336,0.32038173200035125,0.7239710471726046,22.369984124260213,65.94292773758113,0.31287111403705814,140375.5387418387,2.9123958299664663,89.8678041360368,3696.1474427010603,259.3930674185917,349.0758749086545,45.83357357444284,0.15961783925186862,0.19239690151095637,22.546851003981857,43.292387722527266,3.489210878386881,14.64757108555988,0.0,0.8775544712611966,0.08190421611436302,28.253240181149742,51.47697047368166,0.7596000208878503,18.067494428781306,1.6033010066721712e-07,0.0001132097967789073,0.20309548619426762,27.314229712388766,47.40050558886819,0.33922852890480976,13.728472818958355,0.0,0.00014063033626880034,0.14723081289216955,84.26230060746578,62.04744622852023,4.683935800822817,8.046654836322555,1.9907974977412392e-07,0.0,0.18688595791913726,46.307583235185646,84.30400847610906,6.82275532630703,14.919925234929032,6.90595831128798e-05,0.0,173.56337900908625 +0.898394089192905,0.22846965581953763,0.4482882815943099,116.4436401249111,104.92958931027316,183891.47615765693,5.489044297855277,49.120465536982984,4.702832318381665,13.336383996988225,4.577446038094286,14.224447707659742,0.39677219494288624,0.5743414631281396,631.0677673775244,26.34000394684718,0.34639324451613857,71751.6555657441,2.424478096350437,76.46021354246437,1000.3643096384021,95.18054096155555,262.47363300654956,11.754732700825418,0.20455051290617138,0.2001287212109197,7.545980070922739,24.503974378269305,3.0170332086951954,4.482662766840575,0.0,1.002853038965787,0.1407942146261806,2.8680485600785857,14.11364286001693,0.7568193910811785,17.16123028662401,1.6033010066721712e-07,0.0001132097967789073,0.21354013172769315,5.734149402177641,24.0869134193092,0.34620228372990003,3.19759449581816,0.0,0.00014063033626880034,0.3163400324772032,2.069044889701074,15.859748352108102,12.91093657138959,53.585928955086345,1.9907974977412392e-07,0.0,0.19133580089615432,6.179407886324881,32.140955299837366,4.730664217609887,37.16119134437398,0.0,0.0,87.07613218343913 +0.8983763236607493,0.21278122953696627,0.3248908296242267,136.32042202507645,128.75013121272818,234325.18261875137,2.7128291038676817,19.949362585425643,2.6262326928963966,27.654692327432016,1.6362167635491396,9.913476931263197,0.3220679961449364,0.9135367858318315,89.58235595849732,20.65539798740129,0.2961469558986095,56007.87632151907,0.9342961709542122,36.06285184966192,2930.90262464684,255.06309383866798,319.72565075878407,46.78608438961097,0.15428192686594577,0.1979276146294685,4.745792827218575,25.28117020851292,3.22576118491456,60.68547629870162,0.0,1.1684941583908328,0.14172052635598123,5.469956387015939,20.16469245748765,0.230840499133905,7.152914126532897,1.6033010066721712e-07,0.0001132097967789073,0.2109469845020029,6.4916353234522415,25.801908394516435,0.25076518842769896,58.87645022339935,0.0,0.00014063033626880034,0.14446412056717334,18.35032334402625,27.218894344762624,3.800550198251402,18.880216269431862,1.9907974977412392e-07,0.0,0.21419374753207462,1.1183180878251875,19.89060130558533,4.364175620196541,16.613203498465854,0.0,0.0,105.63569900211104 +0.877589306775258,0.11902723356323411,0.40489977855951287,40.932496592211706,123.34308637062219,118704.96558853607,3.6925701424045214,19.55754003405994,2.75685455719157,27.693182359453864,3.2450698443774444,28.839456042589305,0.400542735809707,0.9546544631565591,130.54094625714941,58.87511814374554,0.1618426140520713,101256.67586266395,1.463845764542591,95.33509220381318,827.8019004381963,40.2342270457275,349.0890732780407,39.03839501747683,0.170224599080892,0.19080072060695577,8.75836691529064,27.81915932129419,2.6128005046398575,32.83903544962876,0.0,0.9052881295854955,0.1270129973796402,15.026406527126134,33.699794466550735,0.5015493695047571,6.8747428549895,1.6033010066721712e-07,0.0001132097967789073,0.20361271042888462,10.200227337944042,30.989372449671755,0.30602894842871176,31.062294943849476,0.0,0.00014063033626880034,0.1283110463603731,44.52689997896919,42.48463741729538,4.654937861401877,21.16199147419131,1.9907974977412392e-07,0.0,0.19250814382090403,19.287128656018954,45.10527730160296,4.273645255909499,16.05517143332849,1.4122849481889143e-05,0.0,110.97179153100828 +0.8094652011338511,0.13007347842820705,0.4304093268330129,214.94829031517395,169.53400298419896,303416.6672696011,4.133349196481418,45.845448580964685,1.2008034272908774,56.400423697130144,2.5815925829580784,9.080369061292087,0.5711629640147283,0.5926855924915001,208.46866779165356,10.948608657105089,0.3187415428263647,57481.76061139521,2.1461153779766207,46.282364655377165,385.0502724868089,12.306861691412896,263.22118990891124,21.26539351329486,0.34345862624275403,0.2007610414119969,6.593439792125881,23.90248827564957,3.949246689456767,3.1255539919662674,2.853636793353701e-05,1.0134643792241866,0.14507381296230945,2.655050632312051,12.668577794875041,0.45165400887908563,5.378799739262653,1.6033010066721712e-07,0.0001132097967789073,0.21424086041641488,5.0031017161087865,23.250096599674198,0.2777171404232299,1.9207659329162594,4.148828371408834e-05,0.00014063033626880034,0.31804521581309114,10.185716505418245,16.80048010208077,8.676673416365004,49.030244601780595,1.9907974977412392e-07,0.0,0.22492341716200207,6.682795729102819,30.305924789511245,6.628341994185409,32.97153549550725,0.0004703351017104024,0.0,79.79296124428349 +0.9767763048294735,0.24117309054251101,0.4381946221400905,101.43680736521978,249.31246974709177,317418.54017730977,5.878618544055983,35.7696425109686,3.099952988904759,91.17229734826729,2.336910709039696,25.58287331753893,0.37881132376771237,0.855242672033518,187.4755172736589,83.00317113549701,0.088084809156379,285596.2354079481,2.862413245316893,34.35791506596082,755.7625935176729,217.60593418333866,343.1012458604199,53.96948503841542,0.19242991982451815,0.19797844481028012,30.82677254452672,44.20082232992643,3.4610502326295767,12.842902138886704,0.0,2.108331538183074,0.1299735922018188,17.279542938806312,36.015712597886996,0.5196063194307448,4.369329590866192,1.6033010066721712e-07,0.0001132097967789073,0.20497186249471394,24.850214759078316,44.12565435542209,0.2927094484923299,7.602074903538083,0.0,0.00014063033626880034,0.18560052997440923,71.5332054608109,49.445700906055116,3.898244179192431,5.002260909638091,1.9907974977412392e-07,0.0,0.2033928907571001,30.683196218695333,60.058339680404984,5.7859711348515175,5.09043091637917,8.799077274179507e-05,0.0,139.7606809141339 +0.9243186032158054,0.1975422551584702,0.39917220791843977,65.5484438759401,193.61539421039808,323953.9561000178,3.283540303035609,20.863648534624648,3.5690349929071443,90.27565157001679,3.366476755794893,18.739442706831493,0.6556651161571283,0.8195264781790181,366.8433940367074,47.25901294305685,0.33288549676568135,207668.47874654192,2.999713052743753,64.15077738144451,2229.005387459505,262.937490972971,349.6986065420907,59.20980591860569,0.19069443575599912,0.19543166641252038,29.54116612532235,50.288381167385914,3.0145906088153684,16.69370248635845,1.8525914327524103e-05,1.1699834398291866,0.13130245580578565,27.48242868097543,51.30172013490627,0.2475223828906574,12.854374182899422,1.6033010066721712e-07,0.0001132097967789073,0.20819237155922324,34.658328414665554,58.17526943578707,0.23980002376582857,14.860635471292184,0.0,0.00014063033626880034,0.10099576425214069,70.19530878020038,55.129647295624544,3.536444030863816,6.09043563641706,1.9907974977412392e-07,0.0,0.19767363990516573,18.26001644410989,70.14845618904837,3.5971072037074596,12.953933836305016,0.0,0.0,159.69041091323112 +0.9182457613553372,0.22362268116803077,0.3279552187709995,242.4727549225822,225.5405304581587,225581.6397808845,6.7317821062594305,87.20943846115952,1.7943626866578526,94.40697155612904,4.265052567781263,27.13442707087256,0.3389045426517637,0.9726575697043611,825.6614347854091,92.16318406745143,0.19880762628197696,160595.9846247991,2.8251573031413075,98.81879173628067,3158.707721560991,227.1634471103698,349.58020032683925,37.14704195298911,0.27258325376350717,0.19083048275090014,29.860057907197625,50.690566625988616,2.924507134643592,20.211447650847692,0.0,0.8124178554541738,0.07922788565054598,27.246309422561254,49.586741016066554,1.1982598474733273,15.301390012891178,1.6033010066721712e-07,0.0001132097967789073,0.19966563776997304,30.992766962014713,57.811586767209896,0.40541220236268366,16.621141809149755,0.0,0.00014063033626880034,0.29911797712433186,84.76995226040331,52.877079653350464,5.672616301659384,19.31184482680295,1.9907974977412392e-07,0.0,0.1295397325874353,58.88980509086657,99.05479711172507,7.345716960978579,19.807961562937376,4.797194936555043e-05,0.0,189.7583370021038 +0.8154820222289647,0.21124388297455177,0.35000513224604873,232.51437128706007,39.21524265955928,133384.07772948366,4.27754694950597,79.64031208755122,1.016251469059944,63.11892002883492,0.5314003224013377,26.714811385523497,0.3483266312267527,0.9770059790741188,43.854155766321924,61.808015433256806,0.10239105147307061,279248.2859405738,2.880468071438369,50.99493738801511,3057.8151561486106,224.91821497386695,343.41986522612063,43.39857970672832,0.17911220879493792,0.19735247678814774,34.28595399321962,50.26573087271048,2.9483234213307106,14.646186987663686,0.0,1.323057369929313,0.13251467521244253,30.64890624855031,56.935717460869675,0.6416618447912339,5.447391153408105,1.6033010066721712e-07,0.0001132097967789073,0.20509388246586321,32.02088985436326,51.28867721997349,0.34503832867202455,11.102686772622082,0.0,0.00014063033626880034,0.11701617802939739,94.62745015796874,66.6599714344998,4.29023372800439,14.999792709544172,1.9907974977412392e-07,0.0,0.21454964795457804,46.488546487292,81.84625923101088,4.866459325875102,7.117030304821731,0.0,0.0,185.7236922312728 +0.8940979648845001,0.1607241374970904,0.3231072246999555,34.61136674404432,79.0240496947581,320317.32789072546,1.8664122758633797,66.21784760670442,2.10222516177709,95.15549390571223,2.9575033954356718,24.291629065883868,0.3453553715178402,0.7862746031792933,820.0344316779469,92.27117575489935,0.10395088652320257,124817.85825969765,1.48509660828946,92.83404646922513,2261.5409139769913,135.61024512995044,349.43509758699156,45.78711642035135,0.16033305317417096,0.19665360606817114,19.205943830589913,33.235496160186344,2.639166581942346,42.90787509374636,0.0,1.153361949279363,0.1342117975196544,25.55383004279667,51.36737536270064,0.4779675025960034,8.113858221329817,1.6033010066721712e-07,0.0001132097967789073,0.20774097831900037,18.177641239466265,33.50489436360322,0.24083392757596497,38.539349012196084,0.0,0.00014063033626880034,0.13242822766097193,69.78650811144522,56.82563326670433,3.811612563029133,20.086439380153823,1.9907974977412392e-07,0.0,0.21596576074748408,34.01469425914341,61.656429249029884,3.902822359080547,20.87416977883517,7.24904544985778e-06,0.0,153.4464230945777 +0.8976387411660469,0.23725944104099597,0.35975899398877864,221.95905297950844,108.10239838994491,337583.43719481543,6.520175755911135,37.59136035906543,3.859104007814591,53.93398099048048,2.0926795998813166,24.68046471222149,0.32988999909115424,0.9745597719056174,660.7518938501054,4.794245025007001,0.1756138361645608,272908.3655549207,2.5851576578482685,82.08520635092592,2512.474843587276,267.7807886037306,342.2480759872086,39.88268243115307,0.15876595125655305,0.1942361296093564,26.110208642671203,42.682716465464196,4.263794366018044,13.127945191691307,0.0,0.826775426664747,0.12740822591104,25.765900480211943,46.83016140763249,0.5666445819004081,7.389855104024067,1.6033010066721712e-07,0.0001132097967789073,0.20354917347131654,27.11994330263261,49.241128479349385,0.30613453309365685,10.474728337040844,0.0,0.00014063033626880034,0.09331208966213798,99.68790778231707,69.54129533723778,4.027588919488404,11.37822135322794,1.9907974977412392e-07,0.0,0.19950929594849973,43.18618963355291,78.2683846815983,6.966663435234707,8.463495408125784,0.0003846606289788413,0.0,178.62610757703 +0.9351138238505029,0.1594645856016219,0.3853292774001905,202.27028538199767,214.56071256306004,135937.23261669144,5.91613103113393,68.18849334723355,3.985114873981107,66.46095963327613,4.6943537108111935,26.599285470301897,0.3624817159469076,0.9226610120203841,253.80331885551573,43.46234151317669,0.11509281945410099,66638.01662074677,2.9271891024582737,88.38403306054171,4146.676715396841,185.99185555302265,338.1266136208127,58.200151863485104,0.315697448482803,0.1897688106266852,22.810041034952672,43.252613238281995,3.2484514701838396,24.379563089337175,0.0,1.4864269200321774,0.0880458829465597,15.651027448958052,36.649428894962995,1.4664529667076007,18.21699102662123,1.6033010066721712e-07,0.0001132097967789073,0.1884405074269628,22.795529448486505,48.12816122585112,0.45630264707989376,18.701602578738527,1.2247594303928493e-05,0.00014063033626880034,0.2940961879933,47.996438254104994,36.98126763841691,6.776777075791137,24.438852833959995,1.9907974977412392e-07,0.0,0.14688667949620826,29.046815573615604,67.00475300454075,7.576924022046924,13.850649680438895,1.0971639079765974e-05,0.0,134.1771843404819 +0.909480333289095,0.16947326828095657,0.3652462293044339,63.79482977992542,151.82177187292817,334100.8190961628,6.6242801617419715,72.0203574548436,4.77536359958302,5.8490477164030885,4.056090780730747,20.785924069010786,0.37655553758941246,0.8231291487479887,364.70349619295314,81.88558122323995,0.24492730946772548,249204.55506736677,2.8305644923064235,92.17788947445264,716.4928134945394,208.37918947687922,348.70414609348364,55.38661558024771,0.3003862737645922,0.1953687703753239,30.220045144095256,48.83868249216367,3.2736460057082004,16.46573915595152,0.0,0.6949174574569885,0.1270648609367331,19.11397590743565,37.68997518871572,0.36469662510421647,15.214089715229294,1.6033010066721712e-07,0.0001132097967789073,0.20754095341828288,32.040515209430474,52.03219913922168,0.2729716249734719,14.370751440710213,0.0,0.00014063033626880034,0.34750439541176753,62.89943396128887,34.78384944392971,3.677623699631115,22.055099572837086,1.9907974977412392e-07,0.0,0.17622987223988,36.987855891760745,71.02153382185541,5.090988475860274,13.370378964737458,0.0,0.0,147.72307516611355 +0.9751149728689996,0.20999805325543164,0.3299088057647707,232.82683630318692,234.79237069405076,325777.2575394478,6.499125162896608,17.748500010502752,4.856159488722243,59.33773558384081,1.9309860567035844,21.77270900408343,0.31929792740261476,0.8100168157544659,982.6937094923828,42.03326354910281,0.08612122807585272,277212.81422258104,2.752505668118111,83.43290661786598,4841.4690835360925,262.3654862145421,345.75945450115375,40.41860263563837,0.20358012915877352,0.1988568938284473,37.58091148505796,51.715860348264556,3.321987116502354,18.131582715688445,0.0,2.825238302017185,0.12981047686591704,25.13815252363354,47.83213706375759,0.8432742861353907,10.536509188618695,1.6033010066721712e-07,0.0001132097967789073,0.2068668509220754,29.469307522949766,49.20028251603886,0.3413056390223619,11.040060504151342,0.0,0.00014063033626880034,0.23417934073008095,99.38683492582118,64.98595296043865,5.463143188423649,6.00271253423259,1.9907974977412392e-07,0.0,0.19230683544027782,44.12289673495014,78.25968637507637,6.808532923924653,11.04871812271442,0.0,0.0,182.43938401355047 +0.9841114812314097,0.18463112647844226,0.35111140235005966,37.75056872278358,180.2480680203649,205927.12107912314,2.1345503189051094,51.020607194599826,4.519033267221479,82.59555011492783,2.672971637436155,28.310507292207,0.5331073371467856,0.9640994785785373,928.7466756589109,15.574034980388783,0.21631354969745656,293012.6459587452,2.863484318173791,99.43900223395576,3590.1834277191674,134.2686959195784,333.76596735936323,55.68235762772363,0.15612783873174566,0.18727226374240408,21.681332929935024,46.32774805625827,2.446793182648172,8.459486703378008,7.015774294809979e-06,1.227503601424753,0.1245306637534716,18.18228264680079,39.0142283160555,0.32542498088555327,8.149687356037674,3.5958107459084034e-05,0.0001132097967789073,0.20226728771034033,24.9509827283189,49.011404330760065,0.23645053596398785,7.43720549177401,0.0,0.00014063033626880034,0.09481293215643584,88.34679997279119,62.57026096502208,4.364861530293204,8.48388042153568,1.9907974977412392e-07,0.0,0.21313881642074795,30.888976368951056,66.66973347776951,4.115560041881514,8.344411922491231,0.0003606060202030087,0.0,158.08725724731593 +0.9828687006759951,0.1558227120779549,0.40169642661891153,104.9922856347539,131.82736715605986,319780.2291863938,5.529786373184179,34.045903557577894,1.715431455172019,73.78629044296353,1.2460088360101231,26.807248801057565,0.6735097295791606,0.9186803289605371,356.53277235656304,45.68667629417992,0.30649318944467296,203966.08648805745,2.9906403710940648,94.42022037054373,2229.005387459505,241.3333440448688,336.77361319137157,57.429093220951145,0.22983562647227504,0.18684583221593493,21.93040899239156,49.6164146546487,3.3607513625004635,11.15106513985123,0.0,0.8215993092545717,0.09417531424130307,18.341346558289274,39.177246746949905,0.3931972487686916,14.493465869149292,7.449874738575878e-05,0.0001132097967789073,0.19847295470934084,25.251638049346088,53.92225091410962,0.27632132519016267,9.742235160540353,0.0,0.00014063033626880034,0.34255057523166715,69.09365854985951,44.15114829969066,3.673371047967814,17.21904271261526,1.9907974977412392e-07,0.0,0.15372771846810174,13.414333589920899,73.81551068503933,4.737001395115778,10.288263798337063,9.47508026955778e-05,0.0,146.93943768931422 +0.9495296632433123,0.1733654708550426,0.33779225764933696,185.3030694480585,94.57117972804048,287789.87280773045,6.557895033789051,23.407794827427853,0.5863930529648826,54.38051013019519,4.9851834942723485,27.479970234207943,0.4370602958212391,0.9442722900041279,223.35822726411342,49.44976486794359,0.22814567649070633,119982.83901907077,2.6236324486105023,93.47418679325556,2612.6715126327645,203.43130153633447,348.80063579977747,47.878458609801974,0.28994675415886256,0.1899527243118749,24.308086223364537,47.89126924702034,3.603634278964713,25.302361329296225,0.0,0.8138003719100111,0.08781047934432765,20.821998980239794,42.890617511509596,0.6166081045937606,16.48813364336954,1.6033010066721712e-07,0.0001132097967789073,0.19684247271986463,26.429179759309815,52.39394330865599,0.31939549276410184,21.173741054474664,0.0,0.00014063033626880034,0.2530504444041899,64.18562667536963,49.877638251348664,4.165194162662967,13.581131822607475,1.9907974977412392e-07,0.0,0.12268239526292748,51.354753874758245,94.75247947631325,7.307826779785333,22.41213746572985,0.0,0.0,170.1656625917867 +0.9141337957951569,0.16083536869019377,0.3958266970026336,17.554466800857796,133.73967541668617,156607.62052432826,1.8603187376577615,6.389636498522314,3.354348695010784,52.70663490268017,3.2809203646361684,24.695612597731177,0.4119536915132769,0.6322166748138819,376.2672133878333,40.198506543345985,0.21474586642585586,59998.90741190787,2.8508752757917053,50.6188646373495,4046.704291850963,231.82034647548932,331.2598388333243,53.70990141843475,0.2352973212859534,0.19478469748820487,11.333420512345063,31.65761191651105,2.3949546803363275,12.051160366757102,0.0,1.4092508445810368,0.1168389870407707,14.18583528889513,30.99100261998771,0.407011218982685,15.509380913971597,1.6033010066721712e-07,0.0001132097967789073,0.20710331760834633,16.624899670135235,33.86317639601428,0.23733256654686466,9.637328028488591,0.0,0.00014063033626880034,0.1184248096869176,39.69932616263569,41.186289285388774,4.690448596395565,15.343467069794853,1.9907974977412392e-07,0.0,0.21525018528334208,18.617496488281198,45.09521454488783,3.8021757937361302,10.428381892348861,0.0007208123650075669,0.0,101.16989430126432 +0.9549331108432387,0.12007038916984689,0.3330283096243524,12.54185987209611,61.14644841554979,166976.7558732306,6.218820788538058,52.31672086734772,4.395864276124778,86.52305459665678,4.246061242360693,23.00340320508277,0.33750209119719615,0.9121031333330621,542.2024454766648,87.77434595921684,0.18401884055356643,179831.1873691494,1.4703615927300397,87.26325942568967,2639.1573095617896,288.9759213882102,345.6395846821689,51.8054942024049,0.28046731042980216,0.18951045694331323,18.413205148596987,39.66421329778302,2.423269586869856,29.658016609543424,0.0,1.0677077686433414,0.12502846932334494,16.847022860740505,38.16113646216103,0.20817117247831543,8.174610366789105,1.6033010066721712e-07,0.0001132097967789073,0.20256191563150033,20.451950716307117,38.64141116540298,0.2532537491914408,28.066624607428906,0.0,0.00014063033626880034,0.0968489626067195,34.825111106048354,36.3033022180882,4.570293301380662,9.727046948474046,1.9907974977412392e-07,0.0,0.1909112834014898,28.210854770885568,52.86478917694269,3.8984466722934257,13.853509889371406,3.063520134546731e-05,0.0,117.25665932912844 +0.9824552763052916,0.19341054045221806,0.44604136922399373,176.47073762808142,177.1209802920795,293369.56221924565,6.192965458595474,60.82137158522422,4.53647902213365,74.85198937367437,4.514651162602782,18.85519570714832,0.3750101112667231,0.8919591182576732,897.6326127073867,93.92948248371509,0.11563638699916468,184868.77827596353,2.949191788457013,97.02186671568303,2946.9509092514054,297.5091177392914,290.2376848073106,10.867934962596927,0.3404122141404545,0.19213419244678526,2.6106252653426396,25.031924656151848,3.0144094718392838,11.036945663121406,0.0,1.6637347724394802,0.14153915313189921,2.8901895563566713,19.66563992356936,0.7255811231785967,21.231730606820904,1.6033010066721712e-07,0.0001132097967789073,0.20397195393998818,5.2504167607521985,22.71629409024089,0.3279312407850484,9.338270535692194,0.0,0.00014063033626880034,0.3531547454105215,30.707704042317893,21.996533034992947,8.671674590475185,47.21875203446897,1.9907974977412392e-07,0.0,0.11812676535002146,4.227685189810959,33.66507160989258,5.774212252396338,39.399613551390566,0.0,0.0,93.34415000807773 +0.9724137770033745,0.22997885161075324,0.34812952727806673,242.9469816156144,221.50374639780748,339680.2643443739,6.602832453921147,46.27188977579356,3.3075996288394744,40.17073896222063,3.8343025720417723,24.730459045265533,0.3130651562604828,0.9159463958210746,902.7780446982521,86.71853617064279,0.32930284087620376,99577.62405255427,2.9249122310049174,84.31597321380818,4683.565672134182,270.62608552595117,345.4208385668535,55.89098509394948,0.17848740754584447,0.18598140265669116,29.96575865404845,58.45104053939146,3.249945048528508,24.60644145760875,0.0,0.7023121656607787,0.09383257055688253,40.277749242322514,65.76675304127833,0.8164329200952519,18.446079897956817,1.6033010066721712e-07,0.0001132097967789073,0.19957640071540572,32.36098210516327,57.98824176177984,0.33677434473295453,21.312344557155072,0.0,0.00014063033626880034,0.1736624715576801,97.36420138209033,69.97779532473622,5.6142967454877954,13.488243408778885,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9158605356554069,0.12724398849310203,0.3881644631424169,219.3620339566469,242.81946286387645,206867.46079760554,5.584932508904482,87.501183474716,2.500107898930651,10.582238630363692,3.065749333866517,27.587389392606724,0.42564950316654654,0.9759754266896089,968.9610425813783,98.3462029442355,0.27247809994558625,121025.31739480823,1.1623307737230097,99.89253390911985,4684.346500079265,293.97923544201115,346.4403167538941,36.5317526241131,0.15215089506026985,0.18928418705762667,9.271333240585097,29.564491064360244,2.7312407419288856,31.449786269076558,3.392564679579421e-05,0.7291283325260892,0.12635910367339367,15.33185944228916,38.70557970048941,1.0991575143502277,8.540745057691757,1.6033010066721712e-07,0.0001132097967789073,0.2016289652155173,9.470573156675796,31.058945534876976,0.38801703317367936,30.261224584391776,0.0,0.00014063033626880034,0.11777708423297019,62.30016056891611,56.3486555589634,3.9175933520862527,16.626966798743148,1.9907974977412392e-07,0.0,0.17662775279879137,32.86985346911507,66.4555134156684,5.952796348286524,11.13917809177412,6.605718057991014e-05,0.0,136.89185950347067 +0.9708543525279278,0.18835569563031354,0.3308161805883969,230.64765422278515,203.32175764742692,265929.67362351104,3.006706365570034,60.579267388090955,2.2964605698183687,81.40486404466355,0.7468585940935354,13.644133227714867,0.3493984501098382,0.9833534881907446,771.5008331127913,20.84379714018335,0.25189358500698805,66334.47142410457,2.746390492471941,80.9249020254397,2869.14964047941,137.98851894732343,343.0384614835634,51.49298198287726,0.15888835293071848,0.19464807638866277,19.643480171899515,46.13791845773511,2.8946562972685634,24.829917245954437,0.0,0.8958312557087442,0.124171435282171,30.32671110541105,56.52238543926683,0.3910326470212928,14.965064063172765,1.6033010066721712e-07,0.0001132097967789073,0.20523720274117455,24.059530542992658,49.9258933368188,0.26499277688632633,20.463062543409013,0.0,0.00014063033626880034,0.11299623164216825,82.99309294351902,70.71104386731405,3.5273287470186703,15.822799448343035,1.9907974977412392e-07,0.0,0.16771732589225052,44.45509428190589,95.698254224953,5.183890654820074,18.15003837979596,9.846435186328307e-05,0.0,186.03948804194394 +0.8776627636196987,0.22178062462696754,0.3276070618916292,125.1981199883305,69.70939199192333,264858.26794682664,1.6670144507055653,72.62149150220651,0.6846667754294967,94.23058971984486,4.817913353729367,21.01040467735363,0.3837127873512786,0.9331509816049777,424.02296448059803,10.355037452052283,0.08003276476962208,107638.34093460914,2.702122824560044,95.27043139686407,276.0306956539724,233.31182306902056,343.3105187331481,36.76572709901394,0.26943902018024746,0.1924543097990922,25.280326230615064,44.92995737494214,2.9569572675904996,22.37873132732397,0.0,1.0151920951237798,0.09536633165831152,29.624456765813814,52.57312607552252,0.3825421728568821,19.116518310393182,1.6033010066721712e-07,0.0001132097967789073,0.20405573803535082,25.647358790333403,48.18145244173392,0.23462129033837298,17.35449073467029,0.0,0.00014063033626880034,0.15583148040839911,74.82762181715141,54.709549544918126,4.029830444633047,11.042542076802869,1.9907974977412392e-07,0.0,0.17625608033777457,40.81652357517407,80.85475312816513,4.671712139567305,22.257196811495934,0.0,0.0,167.05476882593476 +0.971542322383453,0.18773225897469686,0.43354047244173166,165.87970783265578,234.19767655290167,301435.04784000956,6.5359086127050805,31.980955428397703,3.621034188456263,44.710427532499516,0.4596282624120527,26.01426545762919,0.5849656155053031,0.9863864162774008,259.0636773433382,24.531331707412797,0.1306489342250151,84318.0855202298,2.9228613450751473,97.77064057172491,4818.578248431714,69.50386547393285,341.4700196639224,18.768546991924378,0.2295042093519703,0.1868795581900976,7.436184928372823,26.72261229958701,3.8156096709221257,3.9897703581901696,0.0,1.2876731017774128,0.11687086945175772,7.9441328425215385,28.127320639871247,0.7970426339019143,12.103806979622966,1.6033010066721712e-07,0.0001132097967789073,0.20356070974730262,4.973524298680811,27.711607159135124,0.33732398242223927,2.5961098357441705,0.0,0.00014063033626880034,0.2828445274724063,60.07906167871703,44.57538371736446,7.0487927864376285,20.994339435770176,1.9907974977412392e-07,0.0,0.20211646376738052,10.734022220034197,40.03550786786759,8.15099734858047,7.471005347541191,0.00015482929361329534,0.0,102.6151964922542 +0.9866980962273372,0.21228279646207326,0.4272418056317517,216.86867907403874,235.06542279253216,108208.40478566341,5.982573921164546,71.95646398448368,1.3445085383063111,83.52793706886612,3.2103067915470462,25.57601000071503,0.3675141332584006,0.9730814677994974,931.7113305581115,81.73619878683101,0.3203042846123053,126754.62067774324,2.762502416990198,80.5413501082211,4780.282778117583,234.22651787564772,346.8340444538293,47.03827397389077,0.30636438375324987,0.18701775583145902,17.68710743972304,44.08472321042378,3.101761685458645,15.509581474463777,0.0,0.8325011916831584,0.09347640563245495,13.322859178313323,31.385002893938314,1.7345951880420944,14.559735913932247,1.6033010066721712e-07,0.0001132097967789073,0.19652777702475355,21.089416731019547,47.24910121633189,0.5031500265587961,14.095163405295036,0.0,0.00014063033626880034,0.3506333348132587,44.536277254996634,29.39541907800806,6.64272275335197,29.450574826463544,1.9907974977412392e-07,0.0,0.1452362615456589,27.896482173265746,65.32791072918707,6.304746275863602,20.709478179353578,6.462255622739997e-05,0.0,126.62811047283414 +0.9710757637216929,0.15458578211477014,0.36947432084973614,220.63118126727537,14.816515645002495,277547.753682217,3.323214755644195,87.06644542067487,0.3932135122838043,37.697520055214376,3.1018951709882745,20.659627317716556,0.3441785570318174,0.804438021820524,360.6974599050799,27.82254171606558,0.28520741502373154,252135.5428193168,2.9112927026378803,92.39045615960481,4975.672812169093,270.88159979899683,343.07860317686306,54.90874948128021,0.15886099867610637,0.19257301215187542,28.046699375729347,51.9277649462858,3.1286395985330526,12.391185824211828,0.0,0.9913824386227904,0.11938515291549344,27.281563273878973,51.75975986504318,0.28160351203851397,13.985698351363666,1.6033010066721712e-07,0.0001132097967789073,0.20393102976664615,32.64132689586221,55.923146579462404,0.24462744154960053,11.662076892177607,0.0,0.00014063033626880034,0.09097663093663064,83.84554597273217,60.638581620473325,3.9184023855895296,6.323994937663289,1.9907974977412392e-07,0.0,0.17567204597940828,46.73620022433743,88.35891459768868,4.66601419123396,13.24952247767014,0.0,0.0,180.40748458890502 +0.9666215590019421,0.2702838758007292,0.3991275379093349,163.77026253617092,190.16689391171542,241176.08138512052,6.263616489207691,95.50609452179653,1.2116414214855298,42.0998680943248,1.6235196953494424,23.647552831036613,0.3716231178751387,0.9655530113866468,604.7377804241994,90.9666606999115,0.3305427644883848,86064.68165873646,2.0914311744333456,55.184627891363355,4573.016188002285,38.78199096909558,272.5350205297114,30.113437029786493,0.26381220041629627,0.19298197386230814,2.59442639124596,25.120927801049508,2.930939531865689,3.774400545037718,0.0,0.7899846798087795,0.13042473118461642,1.3175784746534025,15.034971156032654,0.8908808407875742,4.712746560799397,1.6033010066721712e-07,0.0001132097967789073,0.20451647901277467,1.5779219158831268,25.52036187767468,0.3571016700930488,2.2538431764753453,0.0,0.00014063033626880034,0.3527177865974602,23.995681524453673,20.608099519229082,6.204522330496528,43.036172273854554,1.9907974977412392e-07,0.0,0.08362393560306851,2.0331581044678746,33.120013560595964,6.165312308775811,24.493680641449743,0.0,0.0,78.74878666117796 +0.9828503905431553,0.11313506908425014,0.3211317129947981,237.40705516852893,243.31349577022462,322670.79893398023,4.323301706192569,59.40276127521053,4.3292819473394495,37.06878493158891,1.2612714193664767,12.157696011408913,0.33364933527676116,0.9633900338143118,503.9829591421337,57.502595033286156,0.3367035156227368,148214.49532136117,1.2389378036526804,97.96631262564543,4320.800888805324,233.8156512058785,347.4705575897665,57.28021737477208,0.32322366751643045,0.1946058132460345,17.372668458339064,39.64381077007885,3.1474599674551267,38.35926678532116,0.0,0.906357407727753,0.13300950539598713,13.080314235237616,31.373900535338507,0.5554929190309487,7.229232609360067,1.6033010066721712e-07,0.0001132097967789073,0.20701192147897143,18.472697281737737,38.89044886364162,0.2890085928531825,37.216570842011265,0.0,0.00014063033626880034,0.27003556492540015,47.468734186702434,39.50272945612517,3.1621317513837726,6.810241179905945,1.9907974977412392e-07,0.0,0.1962953576625758,21.93914855519496,48.86100718917507,5.773383249381549,16.817248662894716,0.00023822015042120547,0.0,121.89201900980633 +0.8280291930849555,0.11727641337420461,0.38693378633569225,161.35227854132685,157.99674446257717,319905.01854799496,1.9004179391889602,70.5336923631146,2.056715497117784,19.197221436592017,2.4316577965682384,21.47467538213323,0.43980060490274314,0.9339158723015053,563.0936549718301,36.539575990114,0.31042756221851703,55460.51844576515,2.2809947288514714,94.35593929795729,2371.8855403241223,184.94717591805295,345.56517728442793,56.60437668102339,0.34683919514527495,0.18981807255217079,14.41721109006391,35.896783097555776,2.8341149627744877,32.55704505417204,3.625643891307941e-05,1.2086076988272414,0.09092795134673953,18.99152485235036,39.99963941849393,0.31284927047643035,21.166316974871332,1.6033010066721712e-07,0.0001132097967789073,0.2030765901374064,18.309958829751555,39.05228239576893,0.23482828819741752,30.11836173067761,0.0,0.00014063033626880034,0.14681666493020692,41.85087385498794,38.66250875840851,3.6255349848993608,10.64871583118558,1.9907974977412392e-07,0.0,0.16731899805937675,25.2891020726506,55.480225160683155,4.398250365649994,30.29761899992472,0.0,0.0,125.57865950709052 +0.8305326379349137,0.2110183154622105,0.3629859669126748,156.53408527298174,205.83059281194505,134981.68256885133,5.318833022875512,83.94651868075114,2.841132986109568,64.23326130641139,3.5914588735252977,15.442591034480374,0.3012537302801474,0.4561324472348033,265.428117402034,56.84805705660881,0.15109217404805778,213283.8596477549,2.8379937233097956,98.0277885253283,4203.084133550652,234.52189897809842,226.10374648233628,54.75640826464404,0.2736920961913831,0.20175700879713582,1.8452958643364739,24.195878998970965,2.9971161673360815,7.8351830949216925,0.0,0.9460850469552801,0.14570369681975906,1.3367459261918337,14.06665716870951,1.2695229154010863,15.341798437163897,1.6033010066721712e-07,0.0001132097967789073,0.21485208337482103,1.5742834652194309,23.26219408126329,0.42258769893167336,6.241487974601246,0.0,0.00014063033626880034,0.27788076635023395,16.209563625197614,19.90354588158774,10.918181422905016,51.54190894970237,1.9907974977412392e-07,0.0,0.24056553717547427,3.263375455356515,26.896247569454438,6.173227995748479,23.22553445039094,0.0001631263721320321,0.0,80.16238418530637 +0.9194042450044927,0.12719221823225466,0.3280990132562679,86.55314956014527,84.55626837756662,203116.07145693316,4.18807711792094,73.84567897748583,4.871709540362299,89.64377960204084,2.348423799623471,27.10989671368751,0.533238381204451,0.9263638999809766,285.3369542640288,77.82415984217211,0.23585134698619678,120115.5728861347,2.82665393366835,43.90522302797565,3680.3160597183487,87.71496602440953,336.9250053149281,51.882408075741125,0.17074777591062695,0.18961550260612414,19.74240973634135,41.494693573867906,2.7203302065457824,17.779915254314407,0.0,0.8548622519047792,0.12655888275734914,16.612151071242117,37.24446186103731,0.3906037507876981,8.069166470601463,1.6033010066721712e-07,0.0001132097967789073,0.20355261856969928,22.319189913111153,45.56010920472253,0.28487802203950136,13.258322944963066,1.2067869693871915e-05,0.00014063033626880034,0.12253232539928381,58.17480520931895,53.601535346184704,4.184502940518127,15.560206136714195,1.9907974977412392e-07,0.0,0.19765639696718929,14.72885263463308,59.70208404870038,3.4743106231282854,8.465821197291124,6.0495344582888335e-05,0.0,131.514901531199 +0.8984583733745428,0.23795331428893704,0.40696197504228954,213.38248921310412,235.3949558371661,337716.38861488923,4.601383647573277,88.89164002717122,3.8457921578002954,34.003984225283126,1.4058613582537411,22.949906905009183,0.41405540911830596,0.516459150628587,940.0945823096355,74.44229182666832,0.18650761036057334,54354.28706911666,2.808418519309792,74.7913128083901,2067.106379518773,80.4466742320246,223.83379442594125,57.86128254445036,0.23679048052028984,0.20075851339787196,2.2227603285832824,24.380080279190242,3.0258115325212063,4.540467574111942,0.0,0.6455037915523152,0.1384211437586619,1.432219528097612,16.426984916767573,0.5299325084929105,15.503867628621574,1.7903487104155904e-05,0.0001132097967789073,0.21332762763589472,2.7672344753508047,23.975979024497978,0.28591939333484784,3.6220015313076104,0.0,0.00014063033626880034,0.3029150278399506,11.242325842008455,17.642539007161876,12.081514888689886,52.99680945618315,1.9907974977412392e-07,0.0,0.21725547143012494,2.1456779140812317,31.453122527236847,5.490932598756689,43.01892760384735,0.00016618655841035907,0.0,89.47049683398345 +0.8784146111210677,0.23432359895106417,0.42909766673937444,165.16932538337642,217.26506310885958,326040.63382773986,6.055896671344924,83.44253182532172,2.7342395727996998,23.16440087126532,2.0280734826792397,18.72123274868205,0.4561546878792594,0.7777732373204485,695.0996717188433,41.78019994657256,0.31387060448844134,189251.29664155518,2.667474347661201,96.42842670870756,1981.5325423857523,258.31802665306395,241.7612603817897,15.57966895240428,0.2049987516950595,0.1977905762011979,4.864915514621515,24.22001640425099,3.3092943028452892,8.726885098922702,0.0,0.7624717312649503,0.13816398318987524,1.791657557384369,16.067141933560862,0.6581488450336641,17.059438741921195,1.6033010066721712e-07,0.0001132097967789073,0.2103893160004408,3.67569364400462,23.756429506753964,0.313241313354172,7.237019796885956,0.0,0.00014063033626880034,0.33873095002747716,1.2553687337583395,14.536833494109949,18.282066986270014,59.25312907496733,1.9907974977412392e-07,0.0,0.18147297409831398,6.474758836013283,32.33004582020205,6.0028508899473945,39.861154083152,6.384019889709598e-05,0.0,93.0137244867974 +0.8417628217032247,0.19407398445361512,0.41871576380771125,106.09629717192982,235.54984681380373,268095.8482403596,3.8729827738086855,61.92077477462127,1.0256379308723984,84.44346467837386,2.4748058254129246,21.42909018178136,0.3388079101017099,0.8223259756856497,384.7347402120538,47.055659860203995,0.08391207386565445,290716.1254165697,1.8105796068910882,78.83241776437411,2482.8737741685204,98.31401344330499,347.27684527806167,52.31853189710617,0.21256109152363034,0.19942111389783834,29.94657411202914,41.04728764863358,2.9684341665023073,21.55175535160489,3.38099168742036e-05,1.4787958331864595,0.13557116737452474,25.431155363361295,45.951260695353426,0.3694923015268142,4.251670585998587,1.6033010066721712e-07,0.0001132097967789073,0.20925770866320337,24.28852949712158,38.47741181973647,0.2671976656505211,17.470734116222552,0.0,0.00014063033626880034,0.09150108522336857,68.43920675172906,50.301097530939366,3.2212399554303364,8.201718194413223,1.9907974977412392e-07,0.0,0.20822517237288946,16.205593454046447,46.180288240115715,4.105220870071296,7.987698662513503,1.4959111059485886e-05,0.0,134.07904728466437 +0.9758132572501582,0.14960987781141988,0.374799257628704,12.64573078207184,89.99783609636998,305172.66558144585,5.039356815673253,16.888491497392316,3.325999512936234,96.90679756386632,4.595612849084969,26.08033530281063,0.48466573629532034,0.9148137557337004,679.0594559617448,99.93649947646001,0.2455524692716471,272462.34149188385,2.931183013211606,93.17875234954963,4639.185479398101,258.51493784297713,348.86441487331234,51.76070794336215,0.23122086221607077,0.18892852804253168,29.72284513385527,55.572127233178755,2.636342146375949,13.889963815651173,1.3159747182745855e-05,1.1478357727714341,0.11470220622570912,20.833932742650006,42.50385024998566,0.37955229808297636,11.979432477922867,1.6033010066721712e-07,0.0001132097967789073,0.20121534460476678,34.00009039422052,62.66358066595268,0.23709256120929348,13.0078105166038,0.0,0.00014063033626880034,0.30974552459247234,71.97073029670005,46.807136630012934,3.789264017177508,9.175806251550304,1.9907974977412392e-07,0.0,0.14446018119882567,46.660901046747625,92.65342713812234,3.94920000582167,14.246278829313543,5.0018127060348585e-05,0.0,173.95137983432755 +0.8894914621274125,0.1515212266669418,0.3467177251291689,227.18422257014765,120.36251284478593,210416.3031260552,3.2166278466783282,59.009422379538,0.5744018584760071,80.80428106153747,1.8538865964537068,24.193468635368912,0.36589383971115086,0.7223742834235996,694.2278421001183,43.244041298409115,0.18963752824205107,55340.95702292,2.911122727963228,92.24317640371791,1054.7241791111885,281.196812561653,259.71448478215694,42.748663936632546,0.19716795303403312,0.18463011372873694,4.6822291629308435,29.053572720852536,2.6683775397287297,12.747946880645323,0.0,0.688416693204697,0.09504762390511737,2.9961423397275055,20.882606805538234,0.44524542772850095,21.15249518695394,1.6033010066721712e-07,0.0001132097967789073,0.1954039311132478,4.081066909285202,29.451910335379765,0.2843520333411124,10.383491689126496,0.0,0.00014063033626880034,0.3397972057545097,21.746584620344876,18.730226595001014,4.793660288457706,38.46635938913863,1.9907974977412392e-07,0.0,0.1941657542778659,2.519937156067059,32.8082005993924,4.685575477836992,20.418807959291247,8.821206567257576e-05,0.0,82.27400688539605 +0.9195173274153248,0.1134576738122264,0.3386880503126351,62.84928910866445,52.06314691162789,128235.74545689241,6.871598239983358,28.144908621724618,0.44486712385434335,75.91811541504347,0.2786716817292305,9.707913584785231,0.3225111854483892,0.7212814465406666,25.727313353165357,3.2248548110852617,0.34266171351124475,117158.56186659475,1.9148982534297694,27.01578492655308,3169.7422724083453,68.00161928014799,304.4345150664461,36.699963141649256,0.16708941669678778,0.19866813070831424,1.9358465703312944,23.964018833376166,5.8789608210508675,9.977377341250376,0.0,1.2438778165259678,0.14100150455715746,1.5814392897053704,14.855650133073231,0.9234284340031628,3.3373585342457406,1.6033010066721712e-07,0.0001132097967789073,0.21186109154815652,3.520618165310586,24.35472126753326,0.3829757177103418,7.649890480558889,0.0,0.00014063033626880034,0.1440474145983722,21.644894032947448,27.772770815858184,5.271136709854979,6.03037297844893,1.9907974977412392e-07,0.0,0.21824503351205998,2.914340824427298,19.32066574361628,8.350601786173794,3.0563162942504065,2.682066062127706e-05,0.0,58.121270629506554 +0.883627750741484,0.1479929702577556,0.4446077555186537,235.40898704546623,69.65228780355548,133910.75539515066,3.37449013158576,73.97741234340691,4.359888842138495,47.92921089762937,3.0092434750795967,28.31264165095865,0.7006613128914679,0.997200768541809,839.7065638900878,95.71390134554241,0.26309342152797377,281053.84323154506,2.900139392853785,90.49379091087219,4721.968053009405,251.8527676962473,345.0436401013318,55.17829742572622,0.20037814003745952,0.19069423015749623,27.882500508706695,50.54127203180432,2.6606530355522326,11.00365120505721,0.0,0.9557079566034902,0.10826354034283996,24.616834248876696,47.520339236843995,0.6333204753283812,15.174272153503566,1.6033010066721712e-07,0.0001132097967789073,0.20016944562120914,31.837936673668604,59.58838278859754,0.3320768973099572,10.171756840064916,1.962931901974436e-05,0.00014063033626880034,0.2851905967291345,77.47603182680913,51.233042003915365,4.665546067883534,9.150204962916872,1.9907974977412392e-07,0.0,0.17240540691440387,40.84691201253258,81.43793915064992,4.247735530062044,11.563812678856614,0.0002993952832459006,0.0,168.55025407693714 +0.9887032268805581,0.23256191454614128,0.43279835591263194,159.08722192332766,199.34882545173002,273293.9019392409,6.233377805052749,82.91457019099568,3.4996008459413956,75.15619187068003,2.1453601241067997,27.457688075648274,0.5986998476246017,0.9859237979338795,583.8167908759973,67.07013496826524,0.18650541896584066,69002.17236741728,2.9414354093079225,76.8620277280657,1856.613406715048,293.1650678826263,244.96341899388233,26.85745077591441,0.25169827097616343,0.1860108478404729,3.311737276245899,26.942608133569514,3.112331889000445,8.549794307848746,0.0,0.7692740177941094,0.11715426747463388,1.9873642824891808,19.915538881385014,0.7856989935120546,21.32817076251736,1.6033010066721712e-07,0.0001132097967789073,0.19726837579033507,3.974091030327002,25.074809130531246,0.33823320088252873,6.6236550303954065,0.0,0.00014063033626880034,0.3554769605668154,3.6413837202674157,14.25787309949544,15.804774332584444,56.40415626372791,1.9907974977412392e-07,0.0,0.15356639456008542,2.0628367294195358,31.088997640919594,7.0579176788918225,50.43988223727912,0.0,0.0,97.86543211559855 +0.9366024816462233,0.20697731515841158,0.34978792544675585,115.50250846918578,141.41674735624298,135115.38660290086,5.815560410984315,26.332111859721937,3.471751813853535,63.45755898094822,2.385325618190757,18.45050683369127,0.3541645311720468,0.8816689831313822,188.6000984335872,83.67611960598438,0.2540671365148449,291326.6382214342,2.934925195841748,94.4468740193668,4425.7896778921,224.8813411553582,340.65584830800145,54.83629494186791,0.15509230609564034,0.19455869403343165,30.841539966579113,51.79825446727529,2.8864509821865445,12.442476302146398,0.0,0.840608831307861,0.1338217575507954,29.30617145543822,52.3795754903384,1.1410462850101843,8.887390157673355,1.6033010066721712e-07,0.0001132097967789073,0.20716401577083482,33.62436063952748,57.15022172687006,0.4052937789086876,10.647129446938239,0.0,0.00014063033626880034,0.10503422000110964,103.32791123553719,70.62938910175679,3.3166906538884993,7.510744335054935,1.9907974977412392e-07,0.0,0.1963569785872464,46.133617075942134,87.34291084772383,5.503149954242462,10.60018762260163,0.00011178356808433394,0.0,193.9680766598705 +0.9832466160472869,0.1866462340646964,0.4009048568615593,109.13402907832268,174.61971676992056,288823.04904662614,4.876439957114765,70.6455522756651,4.77098563991584,97.71891499573832,4.974768782924426,28.497648839736737,0.5269320536161752,0.969211504442621,246.00629783028,21.442303262419575,0.21544044773979043,299343.0065578226,2.9327801076256517,56.12881236384152,3656.8986306433744,258.1356988771578,334.1078081350745,48.14623282597651,0.3465973981937437,0.190460453561973,17.573704831801336,41.25930228877661,3.5531606563368716,5.842257158560778,0.0,0.7038923524492136,0.1245053919910377,10.450846383142057,28.591746510157222,0.4326911382551527,7.231895629976003,1.0828637542775703e-05,0.0001132097967789073,0.18720811475802254,11.639823100955732,43.63007653550926,0.2808018990454879,5.1814470066427925,0.0,0.00014414060373783881,0.35614961910494575,41.96848381391059,25.939432823011767,3.708337314798066,35.43651233710521,1.9907974977412392e-07,0.0,0.21324730370361805,16.745916167351314,45.061373615379836,5.784538763085603,9.567875929749912,0.00033881775028918104,0.0,106.03552173289674 +0.811699118512089,0.14779322472150966,0.32389171650404847,85.98752045434293,229.98615758412436,274178.07413355255,3.304237939019923,58.66799368460009,0.953423811940391,93.36365864527278,4.030596219114165,28.85301976558039,0.4744457041031225,0.99659883883769,320.40113652582954,79.20276339945394,0.268586095621809,89207.67843686647,2.706062984544045,45.246499743113226,3227.208972207265,290.47526463774017,348.34629313352934,51.09599678948781,0.34712085285357136,0.18938536607240705,25.084235533297576,48.37681735666212,2.854417857163222,29.815736184445516,0.0,1.0132833253119506,0.10286345398716253,27.005330265836083,46.4789311221251,0.22857116003223482,14.639107922652872,1.6033010066721712e-07,0.0001132097967789073,0.20196845977854683,29.374047552211508,53.68495633612012,0.24894908549121045,26.55430425101486,0.0,0.00014063033626880034,0.1259851717233339,54.733475123915824,47.54225532461501,3.665352915535552,10.563769912715054,1.9907974977412392e-07,0.0,0.17877376089816926,40.53430774364383,78.57138567286277,4.44671560799536,20.395413235702087,0.0,0.0,158.28817438928004 +0.9087697235928544,0.13957632886751545,0.4029924365939265,213.5652085723638,212.41955085440884,215470.14712496818,3.129995161334242,94.25838642952537,3.95453189037537,90.59291790568697,2.9792876160316686,24.05989175824358,0.5333175703861769,0.9527982397288071,812.9350484462699,58.53929513101989,0.33632563683314426,88543.18875309011,2.6622560731612817,45.30637138378987,4261.704262764146,221.84084299965699,337.1346942751543,39.90246703841966,0.2906677709182797,0.18796634782241692,10.797187765318672,33.324186053625326,2.588465878540172,10.877026429857981,0.0,1.1266182290841233,0.12696389977518505,10.898637226681727,28.85961609994726,0.5480961476031206,10.656587174763892,1.6033010066721712e-07,0.0001132097967789073,0.20243637883293303,14.759395025633028,36.88969260177451,0.2928313508453154,8.12797578053865,0.0,0.00014063033626880034,0.1583613272834569,43.225021695199246,40.89601631503692,3.6537097647155723,8.698867564825248,1.9907974977412392e-07,0.0,0.2044586070243501,15.267994801033582,39.617144413568816,4.654866164839439,7.338819147421622,0.00020397374928007175,0.0,97.83629880167685 +0.9775525894170837,0.19790188538464304,0.37483707926906235,171.23862903966335,185.3439463974726,187389.84345842432,4.465727771990831,99.61917973814616,3.826528787754171,23.295473848585,1.7776258823744144,29.046759003770983,0.4561767902493268,0.991250013555212,682.7700177360405,26.693669767006327,0.17227453995804992,163959.62739155258,2.8845979161883606,67.31023864196445,1910.0024699329344,148.27944402835476,306.60431914733044,59.402165627752055,0.24232302192492464,0.18923803844437778,11.031094073640906,31.514927225730613,2.930770036848944,5.6908748040341575,0.0,0.7102715134814911,0.12043996875682046,6.000450483061152,23.320423791389715,0.828902815371365,8.322125075644761,1.6033010066721712e-07,0.0001132097967789073,0.19952992813317727,10.89819783581093,31.61822959761262,0.3476433220745293,3.845161370632884,0.0,0.00014063033626880034,0.33808657213829535,53.021331261267676,38.29456292229368,3.8360529674786314,15.962730053689054,1.9907974977412392e-07,0.0,0.17977732595752938,9.671688691614674,37.36813398499196,5.5268592513457735,8.430406340440141,0.000118694594781418,0.0,95.28153112797777 +0.9305367859030146,0.12764102147073836,0.32933427493403444,194.61808419348193,248.57280543333485,154739.06076946307,4.869559516634523,45.638391942149454,3.254115478434371,85.58630036477862,0.8447447861027679,24.707425045728975,0.4300830130434698,0.9201371882532983,902.5453418259149,80.46908024542955,0.2873065042886642,97974.01174093441,2.3695211701484364,84.1360768987743,2190.824009295687,284.6148955912907,343.2784210513504,56.12128690041377,0.20603450742200338,0.1877854110800485,22.370875396740264,48.26341420057628,2.7357352858731208,30.727300588480844,0.0,0.8379967689284805,0.09739839881203782,27.46910037042021,55.15741741358172,1.201461111336911,17.664069181537364,1.6033010066721712e-07,0.0001132097967789073,0.1993622614676987,25.203108196864594,50.21185217020693,0.40779850519642824,26.905024912701496,0.0,0.00014063033626880034,0.1609854149546896,79.06339321444261,62.82495289035516,3.678897134270258,13.420643604859391,1.9907974977412392e-07,0.0,0.16024660482091999,49.306500720542026,95.11147474120264,5.352691668330755,21.154064717796512,1.994712518503128e-05,0.0,184.71124344362013 +0.8908746719876728,0.23573270154064213,0.35151905410749484,21.19443201861589,100.31823922325081,303704.84307849215,4.993541233462167,92.12235966891865,0.6999174174138267,11.645616967734462,3.7280199744350857,22.22229438881511,0.4146778975036756,0.7816647680631528,238.60142494744528,39.35497229687813,0.14441247923433703,98540.86657019684,2.687641997200796,74.5897969297535,3431.173474397313,164.564688096496,343.17518171504145,30.384449185231468,0.2534680965748792,0.19649316638828915,15.433422116304389,32.903397507521824,3.0350856944327207,14.118491608689835,0.0,0.7211442722979012,0.1312544534914274,18.32924945595648,38.58261819907193,0.29069440619238496,12.062450679308032,1.6033010066721712e-07,0.0001132097967789073,0.20762942467746917,18.23069261980091,35.47684309951524,0.2385201343916792,10.27651602474658,0.0,0.00014063033626880034,0.12217223172903556,60.70124180739363,54.58190319830334,3.6322444080713123,10.852442262235998,1.9907974977412392e-07,0.0,0.2098070244158866,24.925175466009474,51.29861729423031,4.348031268673889,11.608036193365407,0.0002349024539708156,0.0,124.08907622310781 +0.9344027488800454,0.21142092351736344,0.4294841714533392,210.1744140634051,173.9399723532664,290293.77483897586,6.53669765467837,85.47748408500739,3.3779260383305614,76.60876032679347,4.899385604906099,27.939980383221013,0.7738004397701411,0.9726475187082717,825.5018256243568,58.25825515191291,0.18230776206645213,247350.32464834364,2.8438606886889857,90.58538480896449,575.632514918148,241.7942397806511,342.48480005728567,57.55019209639824,0.1582215124409977,0.19246968858239208,29.820076910679024,49.673267430371865,3.17576060093421,13.820277575306543,8.888352943516213e-05,0.8683886486228515,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20046213950539046,30.45696352489346,58.87653028414354,0.34310066958915086,10.461672767607952,0.0,0.00014063033626880034,0.1692746349898303,103.85881545586204,70.75262741163498,4.003287563373796,6.880532750916578,1.9907974977412392e-07,0.0,0.18545535551892853,45.24332751931771,87.66307993229583,6.292029508344471,10.491603900057905,0.00025646613356953093,0.0,2698666337285.8823 +0.9610935625280532,0.17536800786195447,0.381166822126024,241.73033801604768,147.0842636319855,272678.9456110216,6.591280042204044,7.874574712378035,1.059068363554363,28.377074288962532,3.6406182578667323,22.059479514600575,0.4551190280495719,0.8339761204216155,283.82587951127306,54.81076030593627,0.06255670312857348,200929.84824381754,1.6469375493287575,30.76483724058482,4833.1699904906745,233.72199901715612,263.82019563725066,48.54540359733638,0.2722987575896113,0.19956803604668338,10.344280178864214,26.274674115075868,3.475760174313782,11.283195872862922,6.198209202971831e-05,4.130552019293017,0.13266142620067944,1.2222022131234052,15.089155712536312,0.8574065055755336,3.305406746312873,1.6033010066721712e-07,0.0001132097967789073,0.2053456211293147,1.6957259874746795,23.793267423081343,0.35136964597129067,4.68511943341922,0.0,0.00014063033626880034,0.3501757266569569,30.5058272342862,21.88855162385421,5.905576578183243,41.42126263804906,1.9907974977412392e-07,0.0,0.21434548598106962,4.768324729633645,24.99938783190191,8.05762279470895,14.047217333806692,0.00028933887282173154,0.0,76.52618328359472 +0.91757646452071,0.21116479057763127,0.324187515731175,47.47064198142142,155.7691432994749,275329.9185560363,5.7485252060914105,79.54931847830493,2.2785148267081827,77.59715122819793,3.8305314007870495,22.76032454242352,0.3207159433719086,0.9177813848970409,776.3947976953718,66.2032090742008,0.11655104639889788,85923.42472882039,2.6810751533205104,51.01252576486741,2816.8336970806886,263.2644476287411,342.4748787798026,40.66842821212734,0.16387198232379385,0.19428627824224395,23.12864437618206,42.43538862767229,2.7759802049394025,24.721622735472216,0.0,0.9911564885044718,0.11224181859142827,33.364852788426234,61.13579994543041,0.3163225446300901,14.231893956191977,1.6033010066721712e-07,0.0001132097967789073,0.2033669004605107,23.45890511009314,47.12053255320998,0.2667265369209499,17.315947925800803,0.0,0.00014063033626880034,0.0939798765089321,72.50324546970306,61.5680341403767,3.8929863477461053,17.444449341411303,1.9907974977412392e-07,0.0,0.18670650504344705,45.406113883919666,80.35983976210265,4.478722984553822,12.72876937494599,5.266762366301514e-06,0.0,170.72788388989494 +0.9280248463292023,0.19982217983927086,0.44724112845862496,116.24747181993227,154.792027770811,265360.6747688286,6.610755232567091,8.032777679417576,1.657929660084161,61.39475296271337,1.3309117443048653,27.37478722503758,0.35277303075791866,0.6920266197007405,68.90334833598428,64.96003304172888,0.058234207098117274,80575.59392687763,2.5870070031156245,67.07910633133525,4183.177772630013,44.08700347521031,237.43411424640036,10.177344129912896,0.3265796059168026,0.20090341707566878,2.5712103172788656,24.37122110627611,3.609938794680119,3.4543171399612906,0.0,3.932541132594423,0.13250493037127947,2.6830150007312863,13.981074545003908,0.6992584944081871,16.390628182588486,1.6033010066721712e-07,0.0001132097967789073,0.20828715998709246,5.353139376715602,23.629955052333674,0.32949860770711814,2.7699373723647605,0.0,0.00014063033626880034,0.3367360332749241,6.601946994804485,14.511017838568346,18.37279543207545,59.340640693936145,1.9907974977412392e-07,0.0,0.1668479709878102,8.146542691586879,33.056548221183206,7.988950584853234,49.845845049154,0.00024445464575384017,0.0,97.61363285013788 +0.8185264878944856,0.10824292477899368,0.40141716333725347,237.83819252426417,125.2805215213929,171646.48761936786,3.5293187329455895,6.845579691856223,4.030990394141307,82.62564010844522,4.781845571027104,23.438878398868344,0.4986533703081898,0.9740011464372592,689.1728807311356,28.751427873734187,0.23109680018263115,103700.82648456417,2.380203772550433,94.41200366418045,1154.979032461185,266.52138671729233,347.58830786582695,28.74878850086232,0.2426259281067005,0.18809654985283292,14.863396666746976,38.32737575914014,2.8267407248050467,16.839483016631466,4.902731471040576e-05,0.8259790878421375,0.09408281770603412,25.821036260503494,47.795352880257184,0.673157122756009,16.973568767932385,1.6033010066721712e-07,0.0001132097967789073,0.1988513381369363,18.56931788237264,40.27976077463644,0.32515479388678636,15.024869146106631,4.074165157775349e-05,0.00014063033626880034,0.15822336684491584,64.60640223170388,52.23799529840605,4.14391210225806,10.18429309145635,1.9907974977412392e-07,0.0,0.16478242787632943,34.97627147822008,73.54315389907474,4.971536556324656,19.891313670342456,0.0,0.0,146.598417082502 +0.9888939727977578,0.25587781635286566,0.3296737201396167,134.82284618772158,146.338803880045,126669.09675902796,6.555068792595566,54.34748649209638,4.528253614896072,81.35991859996273,4.727614440077649,24.01487018781261,0.6720652048950418,0.8773838671655293,399.60728022440736,62.731412369911084,0.19297969422618655,246726.75324698508,2.762863125344746,96.88689763552067,3591.3766075615267,251.7015886525156,348.50246351898653,31.629650757936684,0.16046610539069442,0.19439256282208578,28.061410752135323,46.87725747413603,3.028945806457964,13.458778900840937,0.0,0.8618107439475959,0.12361111351213279,29.69586958443599,56.40270386467041,1.3676971497720136,11.039257007375822,1.6033010066721712e-07,0.0001132097967789073,0.20374023213119585,30.203220620721044,56.71376707859054,0.44115541581393797,10.862868475632988,0.0,0.00014063033626880034,0.1128378320903414,107.85682434061965,77.00333928071494,3.7090261697123506,9.280531390058963,1.9907974977412392e-07,0.0,0.20283756915018641,49.766527586711675,92.30211662083109,5.94333282714077,10.639005379746658,0.0001867583229657424,0.0,201.04040876917566 +0.9890139207097234,0.18019218762014388,0.34723493415469076,141.04832067969164,57.48349726931166,266108.0149149955,2.220248542025089,85.06843505710421,4.050707079032261,98.06449741548651,1.6597115641437852,28.18276597302628,0.3355401241713097,0.9841585891430483,653.6916401335714,50.83716994576281,0.34006289702653836,208515.03592485609,1.7261749199604601,97.10886842307731,2996.8259662694127,227.4651228661576,337.4725469345935,43.80069047318434,0.33886283588962146,0.1864067526293189,13.301437963056532,39.49502744097825,2.621661146436658,17.311918977061698,0.0,1.2622666711345936,0.11703360869424981,11.31444510535311,30.266659814407316,0.3099057603904362,8.43780120911219,1.6033010066721712e-07,0.0001132097967789073,0.19970378690970528,15.83088736782833,37.022438160819846,0.23755383758091986,16.238835145431022,0.0,0.00014063033626880034,0.25503721990686273,43.57282148958769,31.506728790287923,3.945256597025771,5.683198164765767,1.9907974977412392e-07,0.0,0.1599480116794076,22.584106800272558,46.954170872447534,4.138478374128728,8.016333046908528,6.848186324272642e-05,0.0,103.83063392162322 +0.9887238012840722,0.16249280625059778,0.3468761469371719,234.03845106776944,235.48899635823693,251493.51379874934,5.291644825906679,7.635460865344868,1.8441840572629415,19.218899971051624,1.392250135180318,17.80934787324178,0.3263179375264301,0.5251355715133658,795.847759241769,17.53138221686455,0.3338221661073359,71394.76556748079,2.9196201152196193,85.8467170745937,2486.618296814325,86.93244824316646,230.55921689103135,11.818882127728632,0.3193826659942294,0.19886117210621274,4.084843898993101,23.89117973546797,3.3326638129141988,5.044904762816301,0.0,0.8643464439651777,0.11872042679688034,2.076322511168295,17.353603800610742,0.8930119184246358,22.258656270770683,1.6033010066721712e-07,0.0001132097967789073,0.2119113420087707,2.7461429242329984,23.6488031716684,0.3510673797695296,3.97425518935788,0.0,0.00014063033626880034,0.32309474470164734,2.4348391614194047,15.516542209447534,17.543131478649308,58.47295332440869,1.9907974977412392e-07,0.0,0.1806862914151337,5.764711045102422,31.659616696487422,8.00307727977299,53.24257131143436,6.921105122837996e-05,0.0,99.5859779770342 +0.9762456994387944,0.22989806480279149,0.34345221805397486,218.10119947828167,237.2474766559044,276329.39914410794,5.498158429412389,94.62028291633553,4.797387816046009,23.603677132947794,3.8773736238643317,28.33081904189094,0.43343857087573373,0.9295002071905594,750.9661914873448,60.13679501282438,0.24058514900096548,156941.90866453768,2.7352743319542743,92.66038961561114,4881.338119730914,39.85420016382266,346.1930346471363,53.199703773120916,0.19029030122756327,0.19113071547767993,26.43858870480216,47.909607413420865,3.056936237604814,22.28462198820072,0.0,0.6760328599379731,0.1263334976382471,25.88983369525023,49.65637201966588,0.8248221112247998,7.284362120786528,1.6033010066721712e-07,0.0001132097967789073,0.2037992413131121,27.445942265873903,49.65267913625674,0.33936792068125565,18.18875882523691,0.0,0.00014063033626880034,0.14331390998149585,91.60859758568921,71.93363072235664,3.783722634019302,9.539631251360236,1.9907974977412392e-07,0.0,0.18279301713037083,47.615107824550904,87.49040273189767,6.1780597611334045,8.76260289487907,0.0,0.0,184.25228175229637 +0.9743730034340843,0.21142337861016164,0.4317135451330853,236.86474251951,172.31456450738904,305415.9704025359,6.65353461835579,72.44411579459268,4.527316260763367,92.49567135938284,4.514074089671605,27.888225298361245,0.7777475201594153,0.9728965200484689,909.6309246294157,98.79939146995531,0.2695025418449831,283027.6758593877,2.8832416046305527,90.58538480896449,4963.374985845211,270.7222358753561,342.54019614101844,58.02463383447559,0.3421667031268502,0.1912526759638611,23.86276998270364,47.89381560748776,3.098705460465849,10.657828221754688,1.9573236775749398e-05,0.6594718090907715,0.12680127551936216,11.109877961168895,30.779563036382804,0.820901819477177,9.757006360688745,1.6033010066721712e-07,0.0001132097967789073,0.19774369201700132,24.435470227602856,50.97730782776177,0.34217930744480857,9.993581231711584,0.0,0.00014063033626880034,0.3552440395473903,38.74123544668546,24.566406429503715,8.852318725080199,47.04614774853553,1.9907974977412392e-07,0.0,0.15854077440228398,23.045157295502545,56.63918263026223,6.4791678976262395,13.883787534296143,6.296697688980424e-05,0.0,125.77551479259805 +0.9582583118637594,0.20208090286949537,0.42378244577995394,181.2381214032423,195.14890539189713,282843.90801221016,2.9771454639842765,38.809951661047045,3.867025782171274,89.87585445831479,2.813764792320798,28.191963221068374,0.38451538226021686,0.5630044307017023,19.962197619274207,1.132417153042315,0.31811594433717083,123870.21992488368,2.8644707724440437,27.495672332786558,2177.7164832514018,188.15721045991214,347.64563716595086,55.293639165303944,0.18903234744021383,0.19698916078982381,16.86498502395933,32.736735952247116,6.978318381257042,14.868320505279693,0.0,1.4000466728069485,0.13595643884433178,19.144621825409008,40.57304173125397,0.2913819290601952,6.8783398722207,1.6033010066721712e-07,0.0001132097967789073,0.21110887266608078,21.728371997603436,35.67828434484594,0.25359315765138923,12.638499252518821,0.0,0.00014063033626880034,0.12663907170280375,47.68574448483387,44.34903515937493,5.666640138686377,11.927823130991317,1.9907974977412392e-07,0.0,0.22197830321577858,30.134203005416378,56.66511741413148,9.773004399460852,9.168730627596998,0.0001728830635965113,0.0,119.61057428519595 +0.9842685306932276,0.18434182120101922,0.4105079067102338,212.77954019176116,188.76884843839852,337463.53129601624,6.410550942231012,52.84836451443506,4.0612469416110635,36.00926804405687,3.048328388947058,21.306803641618373,0.746810293071474,0.6296505226881479,922.5043613664212,45.564581690624465,0.34134581164493627,72719.36538661976,2.3981063459998455,90.89392307867632,1718.9514379614247,287.50229343520033,343.5304921205649,48.32679481129007,0.3450599427218126,0.18919237627398755,11.743502919200743,31.775218836961304,3.3270586513731404,24.990854118664213,0.0,0.7592023996152019,0.10278970217113126,11.031248951457018,26.283241197807083,0.712252220656205,23.849236008611655,3.684473024352096e-05,0.0001132097967789073,0.19543939943879335,14.617865470465384,34.79075236076916,0.32209300652439027,23.75702813395695,0.0,0.00014063033626880034,0.33016980707663307,36.88244256726516,24.13482802185541,7.207554619777165,33.18876925145481,1.9907974977412392e-07,0.0,0.1974166057633839,17.376604830502835,44.03979868171804,6.280948965233431,17.986101747617877,0.00035551501814543637,0.0,104.1873925460771 +0.9801831932030572,0.11764924849017955,0.3716464776363264,144.00547949339028,124.12176228292853,143150.24358450394,2.7911963100509416,15.867166073688402,1.6993159959711364,86.43301361161275,0.37415226538176505,20.940347182782336,0.5846503747819913,0.7855200879555079,43.81461459459801,25.666071920442384,0.21054466686594517,52973.620703914195,2.999091038674347,93.81637110925809,4209.323954121553,296.97596078056984,278.11237407281385,25.042474501268977,0.22956124009950113,0.17876326980849133,2.7669086649973105,28.305773278502716,2.924227352011954,11.411298724165134,0.0,0.982857414783366,0.11560060715892236,2.100661301611202,21.07527533436372,0.5282469095250937,22.603635862601546,1.6033010066721712e-07,0.0001132097967789073,0.19047231042309049,2.0766338379968476,27.181196089256247,0.3037566796561748,10.261948151706152,0.0,0.00014063033626880034,0.35044217599527044,18.143941624096446,19.373318120140805,4.2948450564966345,36.25648130694897,1.9907974977412392e-07,0.0,0.1418127341579873,2.9936882291529727,38.30352661856532,5.079804525567858,26.472463438183304,2.295508995433756e-05,0.0,83.65027973832515 +0.8247992494051068,0.11354506316825796,0.37632051293384583,101.3662513497401,200.90808662704654,209172.77897568,3.8919136475824345,66.5135552509093,2.349232485803316,10.074970794356219,0.2647477534431719,18.55933395148409,0.31215925387225835,0.8043107922393941,829.1671704140546,28.772195193524368,0.25449327343121636,84021.99607632811,0.978798504790805,77.0865553449381,1572.0896706592778,198.46188739276,346.09981517952906,58.46895655683537,0.16211030922557726,0.1960238059942497,10.599531227375474,29.273301986485325,2.7174581803146096,56.28869874727952,0.0,0.9184075556356676,0.13635798517695846,18.32985794505132,38.988721020977444,0.4957291512148368,9.676453462487038,1.6033010066721712e-07,0.0001132097967789073,0.20904015901608963,11.799699203504462,29.947977204585325,0.29244977259338617,54.72095944090943,0.0,0.00014063033626880034,0.14018739964378796,60.13820012322429,50.18022954030256,4.089031567406106,21.383621795302084,1.9907974977412392e-07,0.0,0.21173641042727004,11.76652504115108,43.07208524595935,3.767611476388779,22.34308614959555,0.0,0.0,138.71681910630622 +0.8952567010920729,0.21124388297455177,0.3684691716209091,162.11209586285952,39.21524265955928,275463.74124954076,3.7301722950658025,79.03302755466707,1.016251469059944,63.11892002883492,3.1458138685390367,26.714811385523497,0.34823579158123535,0.8595063098077839,870.3316347406774,61.808015433256806,0.1136785671999931,79349.83009369335,2.3989711072134243,51.68894901577221,3057.8151561486106,115.68808689891249,340.51507257463044,43.51424533827704,0.17911220879493792,0.1960933399745552,16.2396189371423,29.991168974437354,2.754012102554684,25.397419178488153,0.0,0.9871371993450988,0.13334829882817126,18.84015249982368,42.18307746530873,0.19490133501297013,10.359373520623874,1.6033010066721712e-07,0.0001132097967789073,0.20670274526443733,15.327174282974305,33.21574565116253,0.2508262092814693,17.462640769201727,0.0,0.00014063033626880034,0.11648886955559762,55.18182059699451,50.94607721678062,3.9122752639817606,16.50432891152756,1.9907974977412392e-07,0.0,0.20524409412211453,27.15889777270038,55.53102362870565,4.324501928318635,9.952438798305586,0.0001322293444152392,0.0,124.77643330993473 +0.9507115900016593,0.1503354656746152,0.4438081082985869,129.48488566570035,184.5738727312485,231570.94056834446,6.454838192307254,48.5534828236063,1.3799615900587558,46.802156909176176,1.2781309249805082,20.72406824677915,0.39706462499512907,0.8148246660437535,824.3289258153274,78.63804254947888,0.31936940876588593,289923.09892094263,2.917875420691554,84.85932455094722,2818.5311047806754,233.79085162389916,332.3399189950416,58.90127406041824,0.28770204297975255,0.19425323224794877,17.120670735668376,34.98388799438547,2.8625403100059152,6.527879008257047,0.0,0.7626390779069749,0.1338019205469626,10.921436794670146,29.825211428772597,0.8628971997550673,7.614530537858295,1.6033010066721712e-07,0.0001132097967789073,0.20506880407264327,19.238252314244466,38.48878133029476,0.3551574057438324,6.105762825098005,0.0,0.00014063033626880034,0.34968005845850897,47.47064202217092,28.01330239180795,4.695633287459561,39.51204824037385,1.9907974977412392e-07,0.0,0.1775703695492371,21.820542701606797,51.09405139624766,5.453693635632195,11.358967500335822,0.0,0.0,111.31956264415845 +0.9535125820784601,0.2148792784858218,0.4491678498239267,180.89200534868763,137.70542690418415,265254.9375025026,2.8030370576555383,72.82476953004031,3.951198910611005,43.19440693021259,1.6690988253856702,21.902620834728314,0.6937286287359417,0.9188139790142368,619.8999867941417,41.95411103599847,0.2969809317573525,56094.53970313142,2.623962969367991,73.18799499509319,2863.5536704194824,253.09695644465666,221.142949971458,46.93682710982311,0.3429509630578216,0.194321457662035,5.852890021956651,24.806282470682753,2.7474080626439767,5.640553995386525,6.5021021193037584e-06,1.0732395295485677,0.12220618829755091,1.9356002891814814,16.722264587400595,0.23935227171698217,17.74994592867573,1.6033010066721712e-07,0.0001132097967789073,0.20247713692001523,3.756564273050784,25.733110350664795,0.2499828752582691,5.722509630933533,2.960811278586923e-05,0.00014063033626880034,0.3523974888140899,2.113566193945466,14.23840572053173,10.804806774932947,51.86027221809672,1.9907974977412392e-07,0.0,0.12239963175013428,5.152136330783193,34.537213681766765,4.4506591898837575,30.62447278929865,0.0,0.0,84.78461569054532 +0.9293834278440677,0.14766366721542828,0.3833529853213513,215.8943491781896,241.40467262779927,343930.4237789839,6.312085171989563,49.42644942976504,3.342730828698108,64.47490348559585,3.9994637945871334,26.641643683049058,0.44748883002683776,0.9547214937969092,934.2627056757833,28.31179316802472,0.22214639358209518,158575.84368838323,2.8962843059388974,93.53356085181468,1640.6319795700852,240.54272923607596,345.3213608923826,55.057435289550405,0.20359717222265053,0.19011575479636028,29.12300946901591,54.65491957942297,3.4443753270171436,19.03782298117033,0.0,0.6603438381741668,0.07948755967721335,27.748623144019987,52.55201644225089,0.7594063582956009,16.368638122097497,1.6033010066721712e-07,0.0001132097967789073,0.19765120246425708,31.15100362390507,59.11514446458757,0.32660939166838215,15.822044733528855,0.0,0.00014063033626880034,0.24486793658290193,87.23646026640635,62.92261383487672,5.17347976040245,13.328125661665437,1.9907974977412392e-07,0.0,0.13883723377103263,59.615080919730765,112.56270414094784,6.8640464177954215,19.295356174248344,0.00021092651654822163,0.0,202.83849016364465 +0.8600320975457121,0.14242678585763172,0.3800485109465459,21.099124269186206,47.24844164186563,133495.91030868544,3.3059235201411803,59.108453639039084,2.5911645234074374,92.72442448066894,0.2762067997213538,29.15344816746044,0.5199198736055435,0.997200768541809,799.9717464897988,28.31179316802472,0.14177691695639374,99695.06450110147,2.886231041126931,43.7002483429272,1599.8214961681072,252.29563368594594,345.04697434297157,34.65488440727745,0.1719734380968767,0.1871493902324825,17.75234522988574,40.11890625740662,2.53951003259564,12.187893457074864,0.0,1.165377383442513,0.10885285622945906,30.511704076060912,62.929732140581024,0.19488732971051437,13.448236687990219,1.6033010066721712e-07,0.0001132097967789073,0.20199226771459547,22.351178848665388,48.68431488395895,0.24959598762659146,9.509174562470704,0.0,0.00014063033626880034,0.10668817159913044,65.75138222987968,57.25265009234373,4.828729033797835,16.904264405885794,1.9907974977412392e-07,0.0,0.1922333460710589,39.0464360464181,78.80261640132153,3.933700043307341,10.932389822883488,0.00011278222744223594,0.0,160.91314973700116 +0.9306528484139538,0.12330629101253568,0.3831058804102089,109.12837116750796,228.93393372290322,284987.6477999784,6.621535927739179,99.8020870995006,4.485784674304869,97.0849060400633,4.8574775592847885,29.05308071800504,0.7727570018178238,0.8881625880587815,591.7701332250152,40.913156552433435,0.33425212739715104,249628.92078282335,2.865317792224421,91.19956451206389,3588.650446567238,291.4373028542068,349.7774890561554,34.72118889907088,0.19552434628621462,0.19054920099933817,25.77844925874958,51.05127122906036,3.2355517393295203,10.977237716970993,2.869280644356964e-05,0.8206970743095622,0.108256821630955,24.08629325253802,45.07279457822476,0.69630648013785,12.72958726668019,1.6033010066721712e-07,0.0001132097967789073,0.19730269762073158,29.55195878210325,56.008795522874976,0.325006902647408,10.666262388349745,4.987775572270536e-06,0.00014063033626880034,0.28202819073162,89.8486885495954,58.93952317610284,3.1487447950417344,10.662466160804067,1.9907974977412392e-07,0.0,0.15878777255127513,47.65723699629517,94.71778100383628,6.090102584631387,13.252852152035963,0.0,0.0,182.82959567077918 +0.9799898040876979,0.13839633490747724,0.39972323355858397,235.85206973485094,189.31940892693908,309494.4284843637,5.138637731178892,59.91590681614806,3.0192650607697162,17.84278263050652,3.5835667620654137,12.108141189916012,0.42277352376527483,0.8283697081680362,479.54928923581804,93.05705902730377,0.32341204638159465,191359.120756148,2.767747489222052,61.693636894920296,2639.2308213060587,273.5739039878245,334.0821429336783,40.214999732612256,0.19878270296785772,0.19622984677404837,11.583527611199697,31.272168009068594,3.107932184355743,6.548621498598349,0.0,0.7912525477337234,0.13858708888715715,7.260076550129134,24.31326268826342,0.6394462714946525,7.657370255843656,1.6033010066721712e-07,0.0001132097967789073,0.20805768390129223,14.287305909551389,36.427218489016944,0.30849179375602587,5.3056424558327535,0.0,0.00014063033626880034,0.23304075311064917,72.0348898265724,52.77669370571355,3.3426997215801006,7.105518536652614,1.9907974977412392e-07,0.0,0.218124976729399,12.260046435809201,33.69983294585104,6.168082761689376,5.266333669434218,0.000420944785664325,0.0,113.20572012500148 +0.8990852407352019,0.19454185275094915,0.41497584435969326,197.2093666932186,120.28287527270625,269612.34604694706,2.88385977644063,89.87982399862832,3.0058536384916423,46.93960369060382,1.6623173737398385,22.749267028928035,0.3349305552154329,0.9432726569321984,615.5374582724503,67.76984072655509,0.2626933882344546,55829.44844141499,1.1488694434160496,51.49253493372322,3136.1941372362703,255.34200936659607,332.4327923830581,43.50627255510317,0.29128672156768665,0.19241402466296031,2.740651407176775,25.797454986593806,2.710174857325399,42.682583153208576,0.0,0.9519245152614243,0.12940464980483302,7.168360370783646,24.405250810368905,0.23405218379253181,9.17377603503374,1.6033010066721712e-07,0.0001132097967789073,0.20531001549653835,3.764576979167762,25.72130384259429,0.2501546806620445,39.927779181384956,0.0,0.00014063033626880034,0.0920602944404446,23.577821377828517,31.105821919979633,3.9197284417596476,14.488170440301296,1.9907974977412392e-07,0.0,0.20177593067153232,6.904617367470696,28.35356561509682,4.3966147557106,15.564959640473845,0.00028761922669180365,0.0,91.46821910295262 +0.9802257781832089,0.15126418177104628,0.416204967221379,70.958783807337,222.0812768394253,310153.923501965,4.341160410262384,45.84086695287576,3.0225693884769975,51.3162642506312,3.813121619178763,20.76136623589244,0.40124615121476837,0.9817912729751281,893.4361303446942,92.00009196133449,0.30667144635593024,157588.2041421621,0.6591453284315184,85.08190136559556,3260.489885819419,264.42176341675,349.5511124079663,53.83410204916811,0.2078702185298185,0.19189179585279117,12.131751885124041,32.9552878706317,2.787279762462462,35.296020499237734,0.0,0.9828477446624514,0.1302027491783797,14.36228339780125,35.3435658213848,0.2441474917423982,6.271668342233671,1.6033010066721712e-07,0.0001132097967789073,0.2028937071246695,13.066361224232558,33.87361234371704,0.25235580254121925,35.267185131807,0.0,0.00014063033626880034,0.09447865891219243,38.081955034352625,39.73953306571194,3.490912242334823,12.404857119117976,1.9907974977412392e-07,0.0,0.1968668717504408,20.532706701302953,45.81038727979015,4.323537561447329,17.374049798791376,0.00014867088745682195,0.0,112.16509998566674 +0.9555928173080324,0.22924246286000352,0.4386496711297762,179.8302932313219,182.97748962472966,337007.43981573515,6.236207157682834,83.09492662369121,4.620612367943729,72.51257562097186,3.084066433255451,25.095714887276372,0.44894233812507583,0.9368080500363374,787.6854874216782,53.82752287042862,0.2154470877571592,200690.37555333975,2.995155401741826,89.96551646318115,1048.8687061111327,211.4842955584756,348.749276967342,52.43689818080927,0.1615784973239854,0.19224245424309824,29.70816874213303,52.264347969574914,3.2741284918589337,14.700422088296895,3.698586873566136e-05,0.6547977671437535,0.12127696085918288,27.13589602905695,48.73257010498757,0.6387602239394486,13.802571229952985,1.6033010066721712e-07,0.0001132097967789073,0.20016889677358202,32.46372895780095,60.429236214903675,0.3111198141285338,12.455956718003224,0.0,0.00014063033626880034,0.20318779193478662,98.67987170146978,69.3001984684269,3.634212514657512,8.911371945337873,1.9907974977412392e-07,0.0,0.1597952807448582,59.80470452588676,112.54430863648535,5.9758116622450945,13.529575369485922,0.0,0.0,207.6028868550914 +0.9544421920478228,0.12563721907112638,0.3687201950912672,204.5546259586909,68.24493520047275,134261.673151371,5.516560731364736,73.48272367341278,0.9504286396622148,39.10529019774294,0.7456039473643485,26.628503171611406,0.4576767052732229,0.9855401937860642,451.96367192496996,95.55193889201081,0.23224868206844365,106855.90992682977,1.460332606242283,74.96954675776807,4146.741761969357,148.8059955651833,341.3311853662919,53.996050626850014,0.19130837589419716,0.18893123003160123,12.2615960252298,32.786940177723245,2.815069155949092,36.87471829510141,0.0,0.7874623738277454,0.12341460771754623,13.449993135861765,33.115497427721046,1.0037175029140917,7.674319464192301,1.6033010066721712e-07,0.0001132097967789073,0.20058402424672214,12.883835325358845,34.546949838070404,0.3893211383201556,34.389125685032965,0.0,0.00014063033626880034,0.11776930300726737,46.17622452367718,48.6538429877858,4.166368548537432,15.595680770268315,1.9907974977412392e-07,0.0,0.2047905684425885,24.462294678005637,53.520112857904444,4.893905430338152,14.485476695414222,0.00017386038330935208,0.0,122.18864938858053 +0.9119518144424222,0.16996552175925764,0.3223186292483667,137.31764453074334,50.647604985395176,266692.8081405341,4.871271513395785,99.76404859494984,4.021658305180718,96.42918661379862,4.127708024868342,24.917898212870735,0.5261429993435438,0.9956768673814886,788.8321465679692,39.964827596379536,0.3102873737183263,57724.71601119315,2.92999768179307,97.09166265116355,481.35087361385854,182.04596007364069,224.5624514056039,56.9402950223178,0.15819505425220476,0.16780170974894182,5.955108319923461,29.431963088735497,2.9543213270729036,13.057374499932292,0.0,0.8852777373011393,0.08758407416589431,3.8889029355660667,23.30972788986743,0.2965430871940442,20.720644622154264,1.6033010066721712e-07,0.0001132097967789073,0.18786102203523058,5.695552197035248,28.83281150456776,0.2736267954346535,8.36177115893565,6.295180542848752e-05,0.00014063033626880034,0.35522711043770316,16.301079276128064,16.837479934884687,6.425490847780151,45.577073309125865,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9554192666135692,0.14476766224658266,0.3484458450014415,51.6330125235405,215.63805938195355,273671.4952970129,2.5750039534312914,57.265890897072204,3.3484836536006064,52.70790152242181,4.81133940639451,27.692432270304224,0.3512187300668791,0.9790635432814084,302.85923456000563,87.92712500165851,0.30998620824061907,71833.45327005762,2.613056187955821,43.49201276875051,2956.5152378876155,264.7465112066319,344.8479102738885,56.694860802121454,0.17895289474210274,0.18450968945129034,18.579299685985465,49.81560489531532,2.7393226579716625,26.31913746256132,0.0,1.2594479946758945,0.09541095645497931,26.301428500963432,50.87353832627263,0.29994715289546503,15.609741390215303,1.6033010066721712e-07,0.0001132097967789073,0.1983115568223508,23.25754150996678,49.849361598230274,0.23674573379335626,22.991334391436883,0.0,0.00014063033626880034,0.21080520416523035,87.26431408505357,68.58214190504339,3.8749876580503027,17.775665267829403,1.9907974977412392e-07,0.0,0.1497003936539113,57.461018957284594,106.21568534232826,4.145262719757507,20.072427635054783,5.21254667024718e-05,0.0,195.6018238434053 +0.9393225435062895,0.21029140367781926,0.38127506169760894,162.3357761740114,150.0356516430656,273439.70594977017,4.801698580561553,7.785089397889882,1.7660181249054847,61.604830492853026,0.7399473940212824,27.227550596718714,0.3430717281473894,0.9354058282635851,897.5052972571594,64.41436121136925,0.1879696083163644,79590.64524392449,1.4346250331316308,77.20914222357959,4233.969958408944,80.18200827760083,349.6040927492532,43.577369552333295,0.26021687718957315,0.19272402561423158,10.349713050981666,30.015861452269153,2.8719203453402797,44.24295966093142,0.0,0.6463686650620101,0.13041460048376718,14.346211047436045,31.269336956724977,0.5299512384614584,9.33371499325986,1.6033010066721712e-07,0.0001132097967789073,0.20267718849927419,10.267777779566691,30.04920098224315,0.2967020361994964,39.51708983436111,0.0,0.00014063033626880034,0.07123547871842398,43.9913721202556,39.97634541667166,3.0698806895277557,13.479075597293606,1.9907974977412392e-07,0.0,0.19476124000056283,22.253346139418856,48.55116565540311,4.932271882157041,17.064514959637737,0.0,0.0,117.08021660679057 +0.9302466160088617,0.22873396198852675,0.3479943704814793,34.75542803345202,126.75929118353896,291083.80003810104,4.59492174234454,61.287669459538705,1.6417797924316642,95.60418934881325,3.098341982813057,25.898004207460765,0.5216088199832355,0.7463141432158615,909.7738906959138,31.17451957270478,0.12995640509865142,150191.84317927103,2.46453990565195,82.62960568424259,1365.0634221122618,257.5695154681364,349.4696987413642,31.41912070758531,0.20126104632062605,0.19742222533355983,20.711956632733457,37.83778544607214,2.744610874254277,18.346094432377036,5.3437965483118696e-05,0.7414110844536019,0.13089794876503932,26.34738808281927,51.429826789974776,0.22268814424544045,12.824238350176353,2.6530868833728407e-05,0.0001132097967789073,0.2091310647727466,21.90561403632593,40.884832984968085,0.24384688151559747,14.791802298241091,0.0,0.00014063033626880034,0.10795203258931794,76.68046440047308,62.511685122727705,3.8349038838277845,10.739585468712525,1.9907974977412392e-07,0.0,0.21009425735172832,40.671420485230925,73.39686244524594,4.2833261782544705,16.23323199011001,8.295675636815364e-05,0.0,159.12348567485006 +0.9802257781832089,0.14806342981007087,0.415725126341139,58.64855773212934,222.0812768394253,310153.923501965,4.395236315021093,45.2934233579579,3.0823358802160654,33.55355387175397,3.813121619178763,18.63089750723704,0.40124615121476837,0.9197641749544432,893.4361303446942,17.703608602297688,0.2750190679885027,157922.0753212115,0.5593483465728757,83.42623936180229,3345.050284585459,176.02105299348912,349.4506057728228,51.44486079770497,0.20919509256057586,0.1915874813321361,9.800079588920484,29.176739795699973,2.9928421364575426,39.49136339267877,0.0,0.9652399381749063,0.13581018096088873,13.146100187952596,33.04650031564276,0.21617660877456618,6.017484552053613,1.6033010066721712e-07,0.0001132097967789073,0.20640918766731378,10.631204857110326,29.680797233800313,0.24903300064556683,37.85953681205622,0.0,0.00014063033626880034,0.1063013775500579,35.77760212747125,37.5979511899867,3.7224054922009513,12.572293330088005,1.9907974977412392e-07,0.0,0.19834124400640296,16.390241835700177,39.47023243441671,4.83297622269042,18.941337544232596,0.00014043030442342794,0.0,106.39402360608051 +0.9434688915696634,0.22161260793623885,0.4493121172956411,242.31842237906127,209.8209197181438,277137.2761384727,5.779314984478568,47.522092416450846,4.7609793234046,23.451043451801887,2.6163820780407065,8.22071246392084,0.4333694290027793,0.449327527607596,168.59697155812438,91.03023377262105,0.28827614193331,60161.65569784821,0.6187933585480999,49.70256660612732,529.828198022034,219.076157821996,236.8715353522192,16.589462967362405,0.318656760287219,0.20127716372828516,7.793339224211107,24.454791265681095,3.424581289033911,21.77593215879095,0.0,0.8003462072043224,0.14497357908433317,3.7921109382809255,12.12415431857954,0.85831428536309,3.2800858778091833,1.6033010066721712e-07,0.0001132097967789073,0.2149081529697461,6.8760623092408295,23.41099884191874,0.34587216637894425,19.763459110401772,8.980017582804355e-07,0.00014063033626880034,0.2954206472353804,5.9331030623931404,15.900408184879769,17.858437874844995,58.78947697422348,1.9907974977412392e-07,0.0,0.22322188634825565,9.640961290492713,29.7718591740185,8.975009314575201,52.13305000260096,0.0005476610132489091,0.0,100.72430571412235 +0.9735158688780794,0.20167365990984226,0.36242779220970994,201.69712509828193,151.8197194353903,229952.8329509855,2.3216093989802524,18.657509103021976,2.3124058956806497,92.02429228822757,0.8969260293784906,28.95512239991121,0.6661262214425084,0.6301427225387715,844.9719783056398,87.0401360894469,0.2974978285774265,222209.9731741634,2.407501810666154,95.41357712804101,4169.345670110201,242.6929247672229,318.33079474749104,54.870992327829526,0.17264930787145946,0.1963628669647511,10.045151555440833,25.941497650586278,2.4760622632195806,7.8516567050701545,3.0305635819854126e-05,1.1508586326822714,0.13441793649814254,8.409474799605155,22.929735947400587,0.24615448887805685,9.668360495048862,1.6033010066721712e-07,0.0001132097967789073,0.2077993432795242,12.976379986589315,31.71787375731199,0.249808356739539,7.299617195409926,3.6942076524444144e-06,0.00014063033626880034,0.13526337124457888,65.02285198643618,45.03185808686439,4.216414563903615,4.925194694904168,1.9907974977412392e-07,0.0,0.19976023203553037,5.006637037393925,41.16261214162547,3.100403165399877,9.296041625988812,0.00011867308470172363,0.0,104.27965296810852 +0.97598840351462,0.1267734105669344,0.38372082459717066,162.6237990960877,199.57110345332043,273695.37266549916,6.97107357285626,91.9348025598098,4.761709844784125,54.792238107202174,1.616157448963472,21.23590792378672,0.5307259717533465,0.827539152128468,877.2165912431628,68.48708805964131,0.3249720653411827,292642.4715145938,1.8899447365108077,81.27681328059167,3988.1051869420858,229.26421017817808,341.26756377245556,35.48294923712124,0.3470719916145194,0.19369320831166326,12.485381764622202,30.493183430148083,3.1009892458116854,9.847216066667961,0.0,0.7326776281228777,0.13125804208677622,9.127179103004746,25.9278634564968,0.8831001253905456,4.506948402440056,1.6033010066721712e-07,0.0001132097967789073,0.2056224578787983,13.572053372462868,32.34924185306803,0.3547260056819557,8.743713900489187,0.0,0.00014063033626880034,0.3522043001963559,43.17798298984554,26.3603709689834,5.1525293917745465,40.162736990806216,1.9907974977412392e-07,0.0,0.20412970195645544,6.144007441392316,32.16548973904813,5.547992584888383,7.105291739844299,0.00025090507221903045,0.0,92.89478495756892 +0.9566646586029243,0.23055563194421036,0.39598382988695213,185.14921622218864,120.20554340930602,326094.3235328233,5.846411948327034,56.90674421461174,4.749529002535471,73.52240975327331,2.077596756430902,29.082614114992197,0.432221292845354,0.8084551668303005,845.2347653278164,51.27857229729656,0.2826954231748763,284312.2303637396,2.908424785067524,90.06847306739358,2809.283760733846,256.07287118842675,308.3381414382923,58.800740743038574,0.3108770244038789,0.1941284757777664,11.28142993992266,29.418800642042136,3.1743418670000687,6.680390479589653,0.0,0.6738878972692964,0.13223560826458808,5.094827507282812,19.516360619802796,0.5150722083323885,7.172893995990256,3.334187012504273e-05,0.0001132097967789073,0.20137795503364994,11.893330993827757,32.06231170910211,0.2960294117043771,6.862191436931226,0.0,0.00014063033626880034,0.34624606997897744,53.28592068329075,30.366089588919916,4.248937863085335,36.25820847522473,1.9907974977412392e-07,0.0,0.20904086650663287,9.025715193446626,33.579298740754666,5.487914203647063,9.742234279329587,3.8263789266042486e-05,0.0,95.66397870072235 +0.8867140523208893,0.14262271758169898,0.364220837969807,233.85098186139436,137.6601815269389,302094.4607234545,4.699790169549768,10.443239872382946,1.6972617664085814,62.24560284216654,1.7251117911252694,26.419222717522977,0.35668804599232756,0.9819578784610076,99.30237030940253,66.44606049562518,0.06895468823759786,85950.65225604987,2.812014487961207,43.37256003708506,3038.0635044125133,252.9616295839007,342.1975441922107,54.44572403480345,0.15143619917933127,0.19509787594672512,30.152343283215764,49.48516558966137,3.5398431025663113,29.486915772903718,0.0,2.8254474012353277,0.11673439751197241,31.46061249729062,53.97318641873781,0.49991141280505635,13.786549815756468,1.6033010066721712e-07,0.0001132097967789073,0.19775548757483624,26.035118705380007,51.333273139541966,0.2894901501143766,17.365789993313573,0.0,0.00014063033626880034,0.1692777605980834,91.69210772048244,73.40532021255252,4.038516411518768,16.350417100983407,1.9907974977412392e-07,0.0,0.16531786564838313,57.158592169682684,107.14744594241371,5.954106783798997,14.781408196560449,1.8294588040262474e-05,0.0,202.57570279235915 +0.9669257490307765,0.3239373033210448,0.4074260197560228,124.20842686749607,158.33403686685568,265153.42145640764,6.610037695239229,87.3323385384441,0.6107097117203905,75.46456736817848,4.53876160281289,20.778749455730154,0.39614892200975044,0.9301085320548336,982.8564898978261,49.00073246150409,0.317152046517403,284919.342412781,2.273231759169478,98.28069102933742,4439.231165662433,250.39463132793054,332.70033979936284,43.62036051688343,0.20014108718013432,0.19211153894193303,13.105261901136886,31.870616001700803,2.94745275602678,7.401188999551197,0.0,0.7943058646760454,0.13604785954735385,11.284511275078948,30.57093507535038,0.7245777861451048,6.840574780149054,1.6033010066721712e-07,0.0001132097967789073,0.20668906992378722,16.03831622291388,32.72011038033096,0.3330568820416949,7.096065434224937,0.0,0.00014063033626880034,0.17755737048539375,89.2277321517376,59.067435827823545,2.905415951810649,4.786188897959289,1.9907974977412392e-07,0.0,0.1968985911488969,7.594860764598594,38.3485368663165,4.64799696102989,6.326972793867808,0.0,0.0,129.6576776167239 +0.8856093609239741,0.15650377752698752,0.32841223263663794,234.0300502344195,189.16105791411698,235482.37591158095,3.662463799709797,82.16083247669685,1.5017994044725453,92.69468063954527,1.2232629979908525,20.070816896188127,0.4780208201505606,0.9810558122954373,671.9353417461567,66.47305830109411,0.08807582954856982,164294.65540932846,2.9590373653775615,71.156918048864,1405.3198190466383,292.724385119433,345.3077453782145,47.287626426638006,0.2856228654005997,0.19408329632498125,35.55592149795717,56.02104323490037,2.7254016399089354,22.267424487322234,0.00010519955188261634,1.5523695253257366,0.09474647453543406,25.205065971789825,48.335243180158535,0.5896797307566389,17.476469669060762,1.6033010066721712e-07,0.0001132097967789073,0.20223784728244606,32.440763152245054,59.35860927956664,0.30100534981113225,16.412280571860883,1.027182532324218e-05,0.00014063033626880034,0.198470891760586,71.85712261570187,53.69021958576183,3.152409651843292,8.642635563036027,1.9907974977412392e-07,0.0,0.1650178163168169,43.22286507354884,83.71075967370408,4.965412365194875,18.62403127314689,9.35351115384669e-06,0.0,174.38180417325708 +0.9476193884075036,0.14124474642330423,0.38161244050452636,161.92500164306082,224.75601429858216,251485.75631188345,6.8086877695751715,59.89767077885279,2.530380431988992,92.9894254280342,4.733514860352461,28.530246215875792,0.47401536083132356,0.9794207797479277,803.7794400765886,64.7202251296654,0.20529436062626025,243546.1271590901,2.8075733849859,84.71368967104289,1661.5653452750853,257.42079892788746,346.8443013866582,56.52064256426652,0.2052612308557229,0.18940036153125744,32.39817591441489,56.798661608823174,3.046118828327556,17.23021599598095,5.954307085000209e-06,0.736237591994238,0.10955235773959461,24.746080241004236,48.07705278711648,0.9654019833036297,14.24574896324076,1.6033010066721712e-07,0.0001132097967789073,0.19996196720753256,33.27084735524595,61.21990620655952,0.36783651923813754,13.929167327475737,0.0,0.00014063033626880034,0.29469904911069184,87.22984038155302,56.10219687171412,4.019623868245969,11.908841460105753,1.9907974977412392e-07,0.0,0.14945656429233034,58.75269417838874,102.71571976986121,6.503235283001402,14.280544791054565,4.247145242381796e-05,0.0,194.73664194441585 +0.9843042921413523,0.1662735364803839,0.39658241712266096,224.39446848170817,179.9817014089464,257664.56289450772,5.795309797471963,66.96440506381983,3.1760788352992666,13.448904794552206,4.703543102189602,28.85350421971098,0.38024488566797093,0.9953063983379565,353.36831904508995,64.68797595088792,0.08672505277170683,199967.05400523852,2.5858117416172672,71.68380001930738,2963.850653582268,241.43284880042071,337.6878455641971,55.45305809141441,0.17519938460095036,0.19213937247593654,26.616348217022164,43.91889525747628,3.2356853424846728,17.879303289430425,0.0,2.3710131588459475,0.12358003025290068,16.251819535858683,36.29631517006287,0.8494038657768649,9.3020971613797,1.6033010066721712e-07,0.0001132097967789073,0.19933768564716736,21.526885633740257,44.445118742893705,0.347648904707232,10.841093452482149,0.0,0.00014063033626880034,0.17584671246304742,79.51478752001861,57.502063010913055,4.114017529646418,8.18654508938512,1.9907974977412392e-07,0.0,0.16214980822999406,39.16604837714904,76.67042165450778,6.827085281198829,8.258154480117158,5.988720363933553e-05,0.0,156.32850662112904 +0.9025956006321494,0.1705119732963108,0.3324964004489897,28.026621054971173,41.67356432109514,266224.6194594549,6.050558885347738,75.05916845513954,4.406945869346092,11.59162063092073,0.7548309253834593,13.62061393093626,0.3100746228921184,0.9248510827273434,66.3978507354413,2.7957396884606354,0.2282781978474827,117206.65752700432,2.8952312044431405,71.5783424927905,2089.6236070583104,269.1018702886974,346.71021154387887,53.774358582889015,0.22524497245271244,0.19137796538723692,27.222698339109396,55.07819725710724,4.9120187219344125,23.48711972213386,0.0,1.1088627303692746,0.10718177001089203,27.45096995326186,51.72559263478343,0.19126486209173296,17.045965108897814,1.6033010066721712e-07,0.0001132097967789073,0.20366643977803175,32.68003519412191,57.22500144597157,0.2510238224698901,20.781140887230976,0.0,0.00014063033626880034,0.13084070068744225,75.43596034694713,58.46401484955358,4.65787720428267,10.863011838735211,1.9907974977412392e-07,0.0,0.18497115120101226,46.31327953289622,86.92332912270844,7.334818573585529,20.98851772028799,0.0,0.0,179.69238518861647 +0.9857334253682435,0.20551964461247557,0.3210416445040541,126.25353822542799,148.94009689720187,304291.5576941517,4.189986786044967,50.046317652977294,4.425137126363943,91.87980009684328,4.495601088694267,26.349336975477904,0.4506242422313408,0.8168288907675211,935.1615620817544,20.055791339018512,0.27410753747500105,84773.19221123421,2.3084842584119976,79.30061390380575,1599.6582598573666,268.96716322457587,348.2174140804727,41.23655129708235,0.17698105261946265,0.190627938142716,18.280571199916842,40.297381241854,3.0693587180851787,29.403027177979297,0.0,0.861112760770402,0.0964815626113567,27.116599005743428,58.674427857303314,0.3207037845016294,17.02919388851832,1.6033010066721712e-07,0.0001132097967789073,0.2011722838819026,21.417627579256497,43.84116488313589,0.2620325159276982,25.604531784055077,0.0,0.00014063033626880034,0.12018235060258683,83.4290531293678,73.23218301100793,3.4430331150254343,17.086473063329073,1.9907974977412392e-07,0.0,0.18428674285700913,52.09739723192077,96.7493054515183,5.102857753362366,22.702398024506774,3.972397805982053e-05,0.0,188.62814656703358 +0.9037952084288399,0.18992922831813375,0.35975899398877864,131.0206219028941,148.86619844592835,219215.60293823422,6.533334873852425,14.465818796356377,3.360681960638568,5.185830015254232,4.2671032980729855,18.23418071499448,0.744243152002572,0.9739801680175979,927.4590861814763,4.970131612533393,0.17185183407413265,288079.0961215041,2.5400627256067208,75.08101254138862,2338.8068369870125,268.1264619390953,336.679673334869,24.577378372960162,0.1551839705613778,0.19568910997541028,12.997277302277396,30.24189389220706,3.9120362235696584,5.343234029281945,0.00010923850973435153,0.6094003992570084,0.13349736085698302,8.631201724298679,25.30530027309959,0.8714995847612457,7.03930866233449,1.6033010066721712e-07,0.0001132097967789073,0.20608455335518597,13.562334564072534,33.166223443606036,0.3591279454057703,4.654410329349127,5.1732953416750055e-05,0.00014063033626880034,0.111913649612928,71.22489576669989,72.59211886046675,2.7762302089205737,8.541042845635696,2.7615343999459633e-07,0.0,0.21842945138363734,4.222284081305491,27.402772192663534,5.885343380307099,5.93109815850532,0.00046813961994843803,0.0,120.25220972554406 +0.9706789810297014,0.23497001238314802,0.4154531736456709,197.61197676301197,199.1704819936486,105094.53199420325,6.968214037499733,34.350954712905505,0.8816602879523578,31.606631714795625,4.160092358186659,18.74285163660082,0.42664163696729956,0.30543996328112955,984.1702460323621,30.588843744596502,0.10485580979232859,63085.72711713151,2.8927081971922552,99.04935961089194,1144.3574740251277,116.92920849111454,228.27327594729448,28.773305650707638,0.29756200934264976,0.18688970450668227,3.0812519075232765,23.194225816463614,3.059792184550508,6.207030733870291,6.470494547308198e-05,1.7013788968780426,0.10101260196933243,1.972569207445969,15.928248632104385,1.8054894646440698,28.014522026601217,1.6033010066721712e-07,0.0001132097967789073,0.21469550603323334,5.734466630647869,23.448690441826574,0.5122505876985959,4.846462816562741,0.0,0.00014063033626880034,0.23747951535766096,3.8361447798910158,18.518660509852822,17.984353618542087,58.68466833128862,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.980714343349019,0.26268083186524244,0.4147963539015901,215.50405744510275,137.15310005446685,338200.95451721345,6.968556906732007,79.33261055750017,4.9658102549814185,36.53258921285485,2.992716803357885,21.70310340130674,0.43158080190287607,0.9446986529109035,839.0551968220394,45.7416243558471,0.3456967581116166,77929.04326423783,2.4072670877798177,90.8715578213485,4735.540692584005,287.85930155505633,331.64094062708074,57.69701366598135,0.21393615118838286,0.18911393988466818,14.741418600411102,38.129684153647496,3.4043431427825466,21.104533810975823,4.177957665732317e-06,0.7299372833915051,0.08112139331802341,19.487716017181263,41.49889768102443,0.6803019991995347,17.860926605606135,1.6033010066721712e-07,0.0001132097967789073,0.19635759883689505,17.96099868080863,41.609471252591185,0.32178399140787467,18.46375853638829,0.0,0.00014063033626880034,0.21391012006550067,69.68239697201359,58.496525083650376,3.9321930665599227,11.350622115741709,1.9907974977412392e-07,0.0,0.17417592191897474,24.833946539154354,57.811545721543304,6.8145243320337965,13.95373924288721,1.2801386177118729e-05,0.0,139.88227367879128 +0.9274158192104823,0.1405841634934187,0.3968573788598257,215.73391790451421,168.30580030603446,253801.05960388994,6.643650753403946,51.22152610768873,2.4174406664620656,10.202676681778382,0.9183362140751719,25.996838510113342,0.3186444185068709,0.9623047114731739,504.5041803609215,55.8802287576337,0.06290808190164275,181604.56598575658,2.339289887910647,22.217437344149314,2641.919911309193,91.35567272787844,335.1359507551412,23.50227891319699,0.2793433013910703,0.1983701977771199,15.01895973900113,28.730001656940775,3.1975696815355055,10.28209022127994,8.046417673573322e-05,4.135301824253645,0.12147081000180812,2.9403646069395646,18.018922423349693,0.9435502132704692,3.3668652348634582,1.6033010066721712e-07,0.0001132097967789073,0.2005454528188266,5.534213040681636,24.94905546836963,0.36494750426209627,2.8672827512292454,0.0,0.00014063033626880034,0.3060150639705867,52.84572769610716,37.82241056424124,4.425319860682001,6.702097532861137,1.9907974977412392e-07,0.0,0.18386798179878538,4.573337524563009,25.033489836540866,7.136385007731664,4.117358072241495,0.00017466131383497475,0.0,84.81992770427372 +0.9707586731066925,0.1528453657056297,0.3368460972526856,107.96593839275592,226.7618073296148,315720.78103861597,4.015624265500021,40.563083327736486,2.516490528250597,96.65721664051543,2.2985368077947856,28.67300564513861,0.37564159432189836,0.6849490360911428,484.2231924179769,35.899385577677926,0.19104856302606163,205623.2354059067,2.6705463630048456,86.62177810790172,4499.929242256831,268.53286426146474,345.938239456648,53.25290664708531,0.2787848425508835,0.1957644983925364,26.878895485425947,42.149972501910966,3.097494687475196,18.546051677253626,0.0,0.6077038816392466,0.11280627661698174,17.93076648317926,35.43685824647359,0.2972964069463204,14.294037197823778,1.6033010066721712e-07,0.0001132097967789073,0.20548041744739687,28.440965445438145,49.17748988415816,0.2564422314196627,16.019002424529365,0.0,0.00014063033626880034,0.2956719867510465,64.59363009118495,43.510507080879506,3.2147124790586807,12.083479350678799,1.9907974977412392e-07,0.0,0.1688482536423066,38.58538160310212,73.69209695117746,5.025723958259931,15.994897334931414,7.89768185605114e-05,0.0,146.76921077693999 +0.8995945183862925,0.2375474231881527,0.42453718786109984,166.99814892646899,233.85970015886556,309716.6532857945,3.915955827536642,12.075142180704404,3.345187121865007,56.280846091474615,2.0902912916411536,22.749851523439407,0.401936580489795,0.567287522454573,746.9216462135523,75.08288484380631,0.3267648720265905,229133.83616613375,2.638453271389263,97.26363201625112,2090.6488839105864,169.01134302583074,346.9568971049569,37.08079453827894,0.24726925419130505,0.19939813405113904,16.26057908662427,30.937778276646142,2.8932486543823495,9.090398027820088,0.0,0.9529163205012771,0.1407390476811576,17.716485334986878,36.05354872657049,0.4132525728575628,10.780331704778014,1.6033010066721712e-07,0.0001132097967789073,0.21259556473649363,19.54245216577824,33.88986401031898,0.26917571469391854,8.023414211040627,0.0,0.00014063033626880034,0.28463438874668917,68.62389585540097,41.476621389687146,3.035418250230288,17.085293911937555,1.9907974977412392e-07,0.0,0.22897213869845962,27.088781432223684,50.556633304889466,4.811538210386648,10.92574802475365,5.950100673414955e-05,0.0,121.66211367744441 +0.8379142786286913,0.14081090769682553,0.332676050010271,220.0943663013657,195.59872444329537,197499.14182715147,3.7887702694807177,68.8893617725058,0.7174575451469856,69.72415436370474,1.5271484300453855,13.4239175695316,0.38149332802060737,0.714758573093735,149.72483526819303,60.02690701564403,0.0881935490740334,63498.960155969864,1.0901342153121474,94.37548000083626,4184.300815756323,221.20547725542048,311.8894488692539,33.62572257678985,0.25357638434286184,0.20066079217793267,6.292781494750439,23.431004774503386,2.960428179575573,48.53592434869676,0.0,1.5105831364669733,0.14170741332522097,3.332798312759492,16.065135107300666,0.7420930915021887,7.877844809214795,2.145250968211405e-05,0.0001132097967789073,0.212313298522575,3.1870032086443074,24.213686464044052,0.32911586411961835,35.55813448832149,0.0,0.00014063033626880034,0.11144799866908647,26.26749567013611,31.692183672332295,2.9703436690210703,6.667995088505958,1.9907974977412392e-07,0.0,0.22396188139553547,0.9759928024433893,22.207752316584585,4.761461565018772,11.384997943967441,8.258815695432106e-05,0.0,86.84701830000331 +0.815984973664253,0.1011225395365874,0.3242833603296529,26.16513841645729,236.4738859212427,333306.32624797197,6.233105105114827,93.28852014435894,0.7109049743082141,66.3143942744643,3.3876433996553548,24.351304975164496,0.317783313320425,0.9599017047635061,610.4995000440526,57.98271396755778,0.24081194139706136,237879.4882661533,2.8091139164222865,99.94693860180071,3713.663800803701,289.8761714616967,347.4946987327097,55.72568716481286,0.2957936466957683,0.1894003198998617,36.943556243865906,62.519387473177126,2.9254969115250726,20.349094740993532,0.0,0.8388228078561778,0.10126173104842344,26.39896290486807,44.82279240637651,0.21394333280071182,13.840155078756087,1.6033010066721712e-07,0.0001132097967789073,0.19600087823938767,39.734724052003145,66.93547588310273,0.24474568669977495,18.95402910538781,0.0,0.00014063033626880034,0.2870370858517576,76.82094404341791,49.326509028450715,3.5177407590011063,10.149395997183191,1.9907974977412392e-07,0.0,0.15133149848911545,50.38749813183906,93.48656634436419,4.352308334328782,18.264936012631782,0.0,0.0,187.33466839815864 +0.8621238375980745,0.12999518166515298,0.4267915053085718,116.24747181993227,39.21524265955928,276944.49986662046,4.416925808522509,38.2052628707989,0.8585494120012913,70.92419690030718,3.2152039128560457,17.364215641490944,0.4168448485073815,0.9372726605967626,931.2405977565721,61.808015433256806,0.25084232889430697,119151.2476008138,1.4346250331316308,49.95923230139909,4372.0741375951675,80.18200827760083,348.8417120542048,55.898336845687304,0.2693990473902587,0.194309652673301,13.05023295109659,29.951055208977895,2.7864736914500043,36.07030257524965,0.0,0.7477826067381831,0.1347943654238265,15.319791052721067,34.09210018659318,0.19578589705039326,6.102616541081113,1.6033010066721712e-07,0.0001132097967789073,0.2082284883715128,13.88364002868612,32.33582770836935,0.2565909027549867,34.068911608114924,0.0,0.00014063033626880034,0.11086352367328463,33.11143067225192,36.69926966205858,3.861535600519392,12.64599564811024,1.9907974977412392e-07,0.0,0.21652621319040963,17.945157868155885,40.06029166841341,4.377784806195675,16.129023668366845,0.0002534520755521106,0.0,105.04518264298444 +0.8339509033182295,0.18406799986424432,0.39133907700964005,167.90805786954107,184.94392675524193,205282.0127802955,1.541883886090017,30.504754596795024,1.50594184081663,44.608828277586284,3.575019624507961,20.464662382521883,0.430691931086538,0.8184705487445015,56.519932035150745,31.67379684496895,0.32888090054680325,200996.5415619359,2.6347978336259965,60.67044629634707,986.2968412635623,253.8419728625848,342.90071521853105,59.161972857386104,0.16079049180680458,0.19595295782930042,23.187145706058754,39.84714603410171,2.7989986603391555,16.58847241818592,0.0,1.386739522583297,0.1378806574963811,29.675239636501406,56.31398688126,0.2424063656259109,8.803442982436383,1.6033010066721712e-07,0.0001132097967789073,0.20963807331690484,27.95719929924719,45.19008423050249,0.2386795752021445,15.281458154515496,0.0,0.00014063033626880034,0.1296822460121255,87.66744329223454,66.9663247180021,3.835825927914969,13.021803015392425,1.9907974977412392e-07,0.0,0.20691872408741016,19.889651045435425,60.604534889754014,3.5344771798626016,10.341190859075406,0.00017748288764701667,0.0,161.67745170835101 +0.9895510004653068,0.2322397603727117,0.4479970476494834,243.04598552540682,241.06746304654476,318734.6144384076,6.192517007964588,67.22701838481873,0.9429094639358522,77.6851524214078,4.609473007623282,18.12713671947597,0.34793779554626214,0.7495376514125268,799.9579478196665,55.9925975405366,0.21917845157316848,239022.5860768275,2.886715668939196,79.9163383198391,2051.0165829551383,227.98495626586651,342.9917800295302,30.012926392056162,0.31391363220774315,0.19789310851904995,13.594247055848104,30.049224744654147,3.232016969350729,5.78728434805443,0.0,0.6832410304440788,0.1367385282709065,8.919000983845393,24.74380060545668,0.8436580685640709,10.450881997605137,1.6033010066721712e-07,0.0001132097967789073,0.20716255563881522,13.825296855998097,32.32643261662712,0.3406643433776718,5.363070414399908,0.0,0.00014063033626880034,0.343904170911861,41.47083216056269,25.115291275235904,8.305557149645422,44.610091776039006,1.9907974977412392e-07,0.0,0.21218962003531525,14.73941139231292,36.877172584688736,6.8540612635394345,9.816596961711944,0.00011180549233560031,0.0,96.58856930375003 +0.987379437160297,0.1869932311790122,0.34636852178408506,90.72821979583223,22.473479104202376,302014.4933157092,6.5972187143881165,36.7463602081975,2.634078015735305,96.96304854985797,1.2769315475265717,19.053787585436066,0.371087732856173,0.8269951534561891,911.3610554940723,7.670880388850094,0.2858619293862077,257640.71290555064,2.519598118373379,91.42528468333344,587.7646158545643,292.9985109240804,344.18215211327333,54.11415378340709,0.17895839847767167,0.19453009786641917,27.40296068232324,46.8121217562292,3.616545313944542,16.371320835648845,0.0,0.7666731091587214,0.13052079414842396,26.04786747291542,48.27684957569174,0.2370914716334941,12.066781501416044,1.6033010066721712e-07,0.0001132097967789073,0.2060178282062472,30.316289626592557,49.461753162835336,0.2714645737250426,15.099831633867714,0.0,0.00014063033626880034,0.08345070586808456,77.82380904589921,57.95533913797372,3.9459335374385742,6.700318203279511,1.9907974977412392e-07,0.0,0.18833503788853215,46.05212902963306,80.87291618489384,5.470354997590637,11.64437232886478,0.0,0.0,168.15210009359805 +0.931419710639782,0.226435728918178,0.3761307827396047,119.33564309364552,26.437518424477375,292369.8419273247,6.191956517559036,76.3857835497683,2.4673954777807627,24.12218515206157,3.2921217424697193,22.87610425713954,0.6342878777381801,0.7390187656939411,517.1055594570412,90.33091876190736,0.1980322991279848,249558.42098383993,2.8465396312663347,82.77889145798412,2123.3476883132707,284.52203685722975,344.64947609611886,53.7490327176255,0.16210205986235598,0.18256586007746767,20.9370930610088,51.976893122880576,2.8138365468429374,14.270973862988482,0.000153192564093759,0.6788900060724026,0.1332406081601846,30.506198480079306,57.43729605215083,0.26022624654004844,12.133716691578966,1.6033010066721712e-07,0.0001132097967789073,0.1925864799707706,21.48163347098165,55.68556840329998,0.27314351134214565,11.2977611283066,0.0,0.00014410350517884027,0.09606531656419011,66.24247621622804,67.67132077902981,3.455838455049006,7.168950991946229,2.7603974972396024e-07,0.0,0.19722552870493895,20.02530533323064,79.76287309839098,3.956798999996537,11.76711916265339,5.9388491215817243e-05,0.0,165.43040230512304 +0.895246355435986,0.10535422449906318,0.3822661939492901,122.39994336004307,211.53586363717773,317651.37193374976,3.78504895349411,11.586797693375749,2.295653592371422,84.89835958770065,2.404909649142359,7.838821597605179,0.4226244541309464,0.955464050851572,503.376090817096,26.467190833313303,0.2905616546981718,59450.43913142498,1.2997552747265622,46.9117909611094,4815.799506825503,260.60591362965204,332.88959608991837,58.13039583473892,0.2903597881629291,0.1978861968437685,5.461110220796194,27.176647523734495,3.1726587430794266,48.243255207999326,0.0,0.9395389673576261,0.13965143686202858,8.11195865582243,26.02582351856629,0.28512030167611596,9.741201962522597,1.6033010066721712e-07,0.0001132097967789073,0.2110668336714971,7.336824654327243,28.952944784888764,0.2545320068617673,45.044346760017376,0.0,0.00014063033626880034,0.12136791330990587,27.745588646963697,36.10956619533527,3.1809660481224684,11.794809648693185,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9678261289771307,0.16777702733712124,0.35521073530781894,218.32875187467764,116.25567926161271,220068.45798598358,2.581753687172323,69.99495722024926,3.589364719766386,89.71191495967685,0.6146169309827432,22.169102623240104,0.3748686165398698,0.314931906407837,120.40496485451035,2.5991846989915555,0.07045607424361353,52048.76845343025,0.6778380157632589,76.06440061537937,4544.160191454663,101.48452975073552,348.97509602735687,37.929732914060885,0.33419329559840394,0.20049591617338658,4.581173701753997,24.156574131787732,4.69598128352479,76.84821631082349,6.811009077714808e-05,1.4199792373036892,0.14205355943260728,6.956266536660729,22.255371535956936,0.27395615508661786,9.611707300212947,1.6033010066721712e-07,0.0001132097967789073,0.21400145111642827,2.6421668500239814,25.474281941798097,0.2565761102891624,64.67320069440144,0.0,0.00014063033626880034,0.13535865683813908,15.838465654998457,22.679263931538596,4.35241351000707,15.228599655660808,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9420865123264163,0.2211351148269984,0.3599548002887403,78.72712923682857,153.90825432020137,125687.70399389385,3.0350609558600263,49.82110920606924,0.9787128036008088,53.32217397210263,1.4404027404862976,17.57794782288121,0.4053775483563773,0.9557372168927109,631.4438059892263,28.00594067864932,0.060719340545387926,91956.28590272486,0.49841176032928614,77.86388382013615,3988.8732083634054,221.74292693272233,273.82220828099616,45.121999332807405,0.18785523085785022,0.19679400332207717,4.776395237864286,22.251173158616997,2.722691970621425,41.877538581449,3.701045748287971e-05,1.3841262474417466,0.13433140410173122,1.700577178464289,14.837731378989277,0.5580616684575415,3.684883671053859,1.6033010066721712e-07,0.0001132097967789073,0.20681836085636815,2.2473106272754264,24.53490246589514,0.3112545667104852,30.349239319057755,0.0,0.00014063033626880034,0.20631529881038843,11.882551726192801,20.916061205241817,4.786582695703426,5.421094872531116,1.9907974977412392e-07,0.0,0.19201387508938353,3.4629713358649448,24.892974838573547,3.450857087445077,5.72606651082767,8.196602081545371e-05,0.0,73.16839984594793 +0.9115819879285727,0.19182610805426284,0.4346527535382705,77.5650729546047,220.81866763370533,240043.22724463945,2.133382805162782,57.41947747331922,2.6273961493330265,5.727024643302457,4.235785960690449,19.54447886106321,0.3035419944696795,0.8512811632508493,386.0441116885978,4.837382761682868,0.20041666779375886,57636.19159660568,0.9010373578624107,78.21074994888406,2475.2136458717296,47.37331809867857,340.96237858415975,40.33793468759087,0.31823721773274816,0.19352084647055534,1.3256119569728202,27.115390752116745,3.3568172379685297,47.29121946710511,0.0,1.1019899467305694,0.13393098330007563,5.827174767697933,21.49688977344681,0.2596962046162442,7.430958314498655,1.6033010066721712e-07,0.0001132097967789073,0.20733581860142739,2.3413295748290595,24.74552706533447,0.2382715396827369,44.6975552409999,0.0,0.00014063033626880034,0.11429665979823264,16.276747121402927,25.845005101396744,4.241157888791554,17.651522453740963,1.9907974977412392e-07,0.0,0.21238244363537406,2.9844675886848777,25.05655224126827,5.408956757070853,20.39110987199028,0.0,0.0,92.18168313188778 +0.8196390262351447,0.17569107151187133,0.33127814293588853,172.0608350245664,144.1657152580913,327473.1534112232,3.1691247224101957,88.85309793857256,3.9898037593750573,79.56747745122676,3.2692650562204397,15.53835157688125,0.4332304399639899,0.8859898561154622,549.2341016953824,61.440520351989804,0.3008138857691849,123252.36292892574,2.3567101144198963,66.69678631181426,280.1982475745599,98.64750618307036,348.6213044203157,29.261835897011295,0.18225693531248305,0.19698375903532192,15.671704798144495,31.63900209307181,2.9590867963865066,20.38004622020522,0.0,0.9892691689473063,0.13933297005870687,24.995415543114103,49.01467933603128,0.2179302273478616,7.24202257053026,1.6033010066721712e-07,0.0001132097967789073,0.20999621150128187,19.206575028862492,34.56032079125328,0.2457247989724661,17.56979791994625,0.0,0.00014063033626880034,0.1340038523925206,85.25467087421073,65.37669464211112,3.3395402529022506,16.588579489118846,1.9907974977412392e-07,0.0,0.21997024898498643,14.284672572891655,49.81417744836887,3.7960605443772804,9.497401930807682,0.0,0.0,145.7483052970205 +0.9776543969639605,0.20507740949804373,0.38316514108325705,188.95104544432505,201.56146849728657,181076.02778495668,6.173603289085265,82.94987846444292,4.420513762481523,89.56378602382969,4.161466722624018,29.813517676814065,0.35785220650846244,0.8881965509218145,126.85511680754887,83.6443024764394,0.2966333445419122,222926.80714878373,2.545671259545034,81.45582045591502,2787.297472292951,287.64594303053616,343.29333742695314,55.88573378281024,0.18992479254804143,0.1917477475856705,24.387023278565145,45.76212809174054,3.140326719768072,16.198617190126985,0.0,0.8222247060582295,0.12177406201911067,22.362348331072738,44.288883786110155,1.1979451882189913,11.398218067918961,1.6033010066721712e-07,0.0001132097967789073,0.20108907034290543,27.469975825737208,50.943364275850655,0.40843688321099375,14.264713237455673,0.0,0.00014063033626880034,0.14891306434603746,80.00173007375041,58.28976925821781,5.6306443319819985,6.722917261137777,1.9907974977412392e-07,0.0,0.17323848462674718,52.778174192273056,91.01150567690154,7.912158479366983,13.500636589401296,0.0,0.0,174.05964655063892 +0.972567582606904,0.19101246175970127,0.362943821569857,239.33130918901355,237.6724826716722,204505.39936136812,1.5764451762779057,31.401796063844913,3.345359771150589,87.42641163618188,4.063404799555288,26.21458733970623,0.6620822681906485,0.9783746898010918,758.4069619200989,29.507187199358796,0.3319944511697064,295889.2582296463,2.70984660399696,77.10203610379382,1053.2720767787282,252.99641327456266,335.975878189196,56.50795740787839,0.1680575903897974,0.1900677259324825,22.3628536012962,48.24339693092369,2.4807330840257946,9.845080712774779,0.0,1.3561025867119683,0.1274199411888195,20.5620659791395,45.13289518747061,0.23430979497945081,8.932057887021442,1.6033010066721712e-07,0.0001132097967789073,0.2037928451672779,26.212679079180553,52.19391494288137,0.24301795162809522,9.04037222341958,2.2084711549990404e-05,0.00014063033626880034,0.10624836799322523,79.37652401519891,58.55678686512938,4.28038166335765,9.046242235440571,1.9907974977412392e-07,0.0,0.20973258843674009,31.42544821813537,67.75983863930385,4.299901207808158,8.99684696203971,0.00010154388511978331,0.0,156.43967971508624 +0.8977417876033243,0.2435015943379063,0.38067749320909483,233.2254702001705,241.03165625922367,219592.41612192165,4.026867392462286,82.64848460675206,1.4914902253015454,36.742803664628816,3.969650195905833,21.120192927775715,0.4464572990480456,0.9584742429715779,971.6165174344952,66.55341820482244,0.0914824640568529,282820.6554924165,2.9188645741167316,93.51634153176634,3665.9229900796145,287.75429641231744,345.20683540951717,58.59017454226722,0.2481537643251575,0.1859490766864295,31.68696678506482,62.04456403179045,2.372534978901452,16.872765846019103,3.1252523410054835e-06,1.606744814844038,0.10430573563153644,27.85788748038018,51.713913126805984,0.7850290950816614,16.91224682510227,1.6033010066721712e-07,0.0001132097967789073,0.2061519619638453,37.55871218806418,64.18119557605893,0.3324200506989901,13.770252500152527,0.0,0.00014063033626880034,0.3172798941398322,83.95214076946134,49.37809404334054,3.121013215078009,16.89656334293786,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9565206052345738,0.19381901842843025,0.4216356889814207,71.59679155471092,212.65349224069314,242299.9839528111,2.6168271555291582,65.12818395407622,0.8476135448935298,54.32906028468824,4.374417678984098,19.049362945539375,0.3470502859065235,0.7226663283887458,33.65452557126321,53.69984448441872,0.24673043021744462,134409.7074557055,2.8942266989050838,84.0300687946165,4840.697252040981,217.9754375630428,348.6056280690235,58.82037470116751,0.22636897598257724,0.19324438171067615,22.507849141441856,43.184917078370844,2.9608600661316125,17.938418416182575,0.0,1.1222593747066327,0.10684145029270198,20.278392025570884,39.58395082097782,0.22403975879467533,17.80509813907483,4.0466220896812305e-05,0.0001132097967789073,0.2045618943031228,27.187176113847627,47.21099847083543,0.24242347953391863,16.52722545277055,0.0,0.00014063033626880034,0.16565377486338337,57.13855662472208,45.36828938672854,3.5387935839073386,7.789931111413713,1.9907974977412392e-07,0.0,0.1828851449689853,33.400237019643704,63.62793139242214,4.4259663282897845,20.25987217350057,5.824622670358723e-05,0.0,138.6735421041568 +0.9698756694843575,0.22967409476574152,0.35053049378796947,225.20135170982246,192.3995708545093,322032.74004243454,4.515281663777081,85.38561188351417,3.0600547523224977,91.31475800229302,4.393983904079139,19.619556549265354,0.7967914332092623,0.9618054795694391,786.8235915637937,67.82302521993493,0.2783982485803751,260405.73564744007,2.7931909579860563,99.12881408284788,1960.249702027452,288.36191750135106,342.6891288950852,58.10949905331985,0.24419795796205424,0.19241014406071907,31.956555615816413,56.93986454329287,3.0195978449708174,15.792953107952853,3.290477523349044e-05,0.7269052068910388,0.11874727615786124,23.187793399168324,44.27426515943553,0.5130112276182238,16.004031752447347,1.6033010066721712e-07,0.0001132097967789073,0.2020941697195383,34.52651637653412,62.182681359608914,0.2857193539003939,14.575265886533387,0.0,0.00014063033626880034,0.3155755435000335,84.8784971682589,53.01173622730901,3.1422790588439766,14.380028071724725,1.9907974977412392e-07,0.0,0.17345909128954898,43.53224786734082,87.70218529012926,5.193032209567229,15.205946772482342,0.00011848355790715996,0.0,180.62225395140112 +0.9383173914097755,0.14861707996326556,0.3742901082070382,157.85453544656426,246.65514092153194,272991.1729289623,4.8339148545364115,40.80159309906062,1.858914512523245,63.48709570042611,3.8694713918952273,20.356103445947213,0.3943129565510981,0.9280747272826138,850.9981811349879,58.15910342158231,0.07160466655088557,76921.95021455466,1.4346250331316308,86.68928090709686,4257.592041180874,71.65703831184987,348.94896736404996,20.768506389459702,0.26021687718957315,0.19748777827659103,9.986839641666895,24.9465912908611,2.911562630380842,38.1276679144998,0.00013927140479282692,2.588350149434203,0.1328156179766408,7.481876255353484,25.24110197077409,0.6368554833919556,6.184082035640794,1.6033010066721712e-07,0.0001132097967789073,0.20559722597220845,4.425058247062448,26.4964216925258,0.30921048656938066,24.810442775859,0.0,0.00014063033626880034,0.09431107534649034,40.94660122161201,43.49272324084025,2.845340435891588,11.064873704078964,1.9907974977412392e-07,0.0,0.20300710862397517,11.438051395498483,36.2936865038615,5.287131307116074,9.94656800712179,0.00010869201888832535,0.0,97.64152163801944 +0.8894029544793097,0.22670536529791457,0.3690622359547533,186.1394212572757,208.19019795326003,280080.49296876765,2.923126706272704,55.24880029529962,4.713943635489902,69.52272219629877,0.40893238792885,28.14099442853104,0.6300685724938921,0.924118919530387,377.83069339180986,46.348462566256615,0.17734409780932264,150777.75407832186,2.524849643560036,99.61996237939965,869.1749657740463,257.14409446249135,342.407586463103,49.88221382456115,0.17044722402715576,0.1924222344824123,25.278990311690723,46.203041807418685,2.943406498866679,20.75087461474061,6.778923315405442e-05,0.6385675951232397,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2005098785257133,28.371820963053814,53.02753232786132,0.2543004401729871,18.154654039214567,2.70798244270079e-06,0.00014063033626880034,0.12918475309333066,105.95719666758208,79.44561450521434,3.2226704732361706,13.457488818652646,1.9907974977412392e-07,0.0,0.18078722308531184,26.362469811525,96.41775492657507,3.953007738806475,16.180845193113782,0.0,0.0,2698666337285.8823 +0.9874859090126863,0.21138523888230107,0.3279393899691509,98.46170600270385,198.50188885003962,163339.8804175818,4.397868912779259,29.837606236648224,3.7442521962166646,18.81270809034651,4.01780542250388,21.572189592313645,0.30233849292286946,0.7599156767233776,247.7416064439255,29.42625934927742,0.2584218599519043,52565.05268756119,1.0616183534102623,82.75591850954633,4963.844119719304,290.2076977620654,338.23264805384304,48.58402354029905,0.3214885161735419,0.19504218956381694,6.013286192835094,27.084082766404222,2.9937676058764153,63.51966209463325,0.0,0.9242258865711169,0.13122746507636737,10.162651336021217,29.26871362883327,0.7546699414676893,14.498119290202688,1.6033010066721712e-07,0.0001132097967789073,0.20769472614067616,6.644437969424508,25.398442958164246,0.34028944986565257,60.855605770677485,0.0,0.00014063033626880034,0.0731479079887957,30.67936831085005,33.900246784099295,3.8212988792792015,13.634789809293329,1.9907974977412392e-07,0.0,0.1946672207371491,14.706947457098298,38.29424194832077,5.324788471857356,26.90921776385143,0.0,0.0,122.89844596075062 +0.9765267836047395,0.2210788071569002,0.3726003135563881,242.80656012969717,234.29273985573047,314458.1945092252,6.951407598051982,74.75953261668043,2.978715578265325,95.97678618188016,4.255311670403318,28.974599951145986,0.48151728426284024,0.8808574305066228,759.0746485670065,96.49874636245514,0.3327524692218487,295308.55008317286,2.9755607748362785,84.65724848677986,4591.042479094761,297.230436435706,349.329074713121,57.776239310036814,0.2089880191472063,0.19332284896564822,36.57897540610073,60.178751788761815,3.210672230140048,15.78660036741408,0.0,0.6931175968785414,0.10507278367386945,28.72397174307711,53.04797718630308,0.9429333585134817,15.624847996328791,2.1409930366279285e-06,0.0001132097967789073,0.20316663816602715,39.394661006701035,68.03461388396518,0.3585488863010086,14.178565021101697,0.0,0.00014063033626880034,0.3233479688950916,93.15016909417739,55.88247336648879,6.302741985745709,15.751668874046073,1.9907974977412392e-07,0.0,0.14929914997288432,63.221715768429966,117.5905100854702,7.732453465698312,14.985655613716709,0.00019911867654328754,0.0,213.73402162782065 +0.9126874053167429,0.1856484480511103,0.36583045853185453,165.87970783265578,235.81064335892424,106191.2278617089,6.779373199772075,32.27451199759503,1.2859205774144533,49.58480280191113,0.41246380524610693,26.03148155446477,0.485040585483689,0.7156164642713734,695.9146912862714,28.65398153191034,0.29181457081131623,58011.51436568902,0.5586170974832062,94.51374806284817,1768.3808387187084,161.57946844250276,261.9604557015162,24.606808623386385,0.2295042093519703,0.1965017415717508,2.72758298871101,24.64236184634479,3.5293557252003915,39.8520691892073,5.151294318681596e-05,0.8011236847305047,0.1341759841112301,1.3422646446401032,15.69671032020154,1.7604448022626171,4.307256648157582,4.4678196292657375e-05,0.0001132097967789073,0.2083894098637219,1.72638395279543,24.282850552085865,0.506136045010167,37.59182417208521,0.0,0.00014063033626880034,0.3387725891305153,13.870871807542105,17.035578985629616,10.107341718312655,47.446074138017465,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8959517179959037,0.22164503808493374,0.32556308153629604,192.49791312441093,184.15303245360153,279857.41080518503,6.194175507628954,72.61016100349896,2.5866239594219955,95.42955951644659,2.382552527921354,26.141384555373026,0.7654754043524837,0.9464090650354937,819.1375190393793,90.52159477118681,0.3460771393307937,256026.3023220147,2.811556520362449,91.71060677027602,2702.278774147076,286.8645887052792,341.8414374728253,34.72118889907088,0.18164160135445484,0.1905385550080473,26.650215287962617,49.34106052846011,3.0136493892905873,11.085399929886469,0.0,0.798988959993053,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2028869176485896,30.15886580308083,56.96984383269561,0.3396100101628531,9.620512979836125,0.0,0.00014063033626880034,0.11029412581016676,108.41687046994261,76.24290104592215,3.3850631501930732,9.2784165817626,1.9907974977412392e-07,0.0,0.2062467464726926,42.4462722005267,82.9372413269993,6.0477378881113015,9.980793302381294,0.0,0.0,2698666337285.8823 +0.9284746773980525,0.20627189423046077,0.4031590350011026,137.27755263617732,92.51847047865682,310135.26916369254,4.831138944113974,59.908427418793266,2.285215801704497,83.99324067142884,3.435767246260253,7.925413810852094,0.36961197776386484,0.9842106542399114,900.7294068901475,49.573737058696054,0.27607841684096707,80039.84441119962,1.4570863443547273,28.697417934045404,780.7199013707552,112.73895632326777,348.9991167468935,59.85834376880935,0.22489706348925168,0.19812739938493504,11.118555796668204,30.24649683461429,2.9933838753839526,48.001865544473254,0.0,0.7469327824936757,0.14102211663036932,14.107093137485522,34.628882280253755,0.32080007586379344,8.679020284185818,1.6033010066721712e-07,0.0001132097967789073,0.2109997421650539,12.493526090361605,31.704060152473318,0.267487126941489,44.71606698742069,0.0,0.00014063033626880034,0.13433282556761905,39.473314589290176,41.72612234550766,3.433015212592881,17.32945905628523,1.9907974977412392e-07,0.0,0.20855077829884663,9.405677579507593,38.23928980918817,3.9800861599641637,16.848926769609733,3.48710922501702e-05,0.0,115.9677203699827 +0.9032985208268265,0.24481802085023316,0.324187515731175,44.67481196626499,158.4605054945684,276593.0564194152,5.775377486635308,79.5814415237766,0.5692764799346461,51.632448198618356,1.958184214661863,21.170798448137024,0.36922533640063765,0.9177813848970409,254.44739470701452,66.2032090742008,0.11734255384922243,88168.11573939888,1.5068365835270252,51.01252576486741,2832.4895125738612,247.56808318504346,342.4748787798026,40.20273261304811,0.24117117416209924,0.19688593075508304,15.857845323894066,31.18229385428142,3.060183469415483,46.925469741698194,0.0,0.9787777485796807,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20719476892681998,14.104117615918444,31.00228007174458,0.26433378138522945,39.411899988150864,0.0,0.00014063033626880034,0.1308461673117355,53.004323200986846,47.727944578653904,3.6748193566796497,17.31762763196936,1.9907974977412392e-07,0.0,0.2129178989415099,24.27423833086255,47.640172051441084,4.631234788103672,17.330493848843222,0.0,0.0,2698666337285.8823 +0.9404924006721362,0.21043412112585988,0.3260960193540548,10.855443342983023,111.64843975265273,180910.23019276682,1.5406093581237927,58.17123826421596,3.0693949945697883,77.05011785961614,4.052583888819576,26.12580948339198,0.43472559772603697,0.9272561500626937,64.52123875441339,93.7049655915249,0.11333947209830797,123105.57116359763,2.1509115758112833,94.69817551590081,580.3586349455543,211.13310873831728,342.61344544118435,44.891220553396884,0.16215958664089283,0.19177521323631538,18.072325067312644,38.91805054531693,2.4367633269907043,27.004201392905372,0.0,1.3574475116797022,0.12510102354090677,26.391155371156337,49.64108102741561,0.517352366336779,11.381659633066752,1.6033010066721712e-07,0.0001132097967789073,0.20377249128516026,20.82038941999673,43.820881454270854,0.24691305051110077,23.600911451960126,0.0,0.00014063033626880034,0.09860849618040296,83.32277294523709,69.6369901479287,4.260591768290764,16.656602332389856,1.9907974977412392e-07,0.0,0.18984849461610653,48.38141660244771,89.98300921974366,3.776917535568848,14.86896485720958,0.0002535332179750208,0.0,177.5961073524901 +0.9543753503922174,0.20697731515841158,0.34978792544675585,105.1770290392061,141.41674735624298,135115.38660290086,4.547836598116008,26.332111859721937,3.485665483277531,18.129842734104116,2.378812907809164,18.341195275674515,0.3507779337810531,0.93224209045595,188.93574334509648,71.7293728248475,0.2540671365148449,55248.04853586361,2.2210127495211984,94.82336260465823,4425.7896778921,67.75544160908078,340.65584830800145,54.83014605604616,0.15509230609564034,0.1942392415382302,12.755699381727961,32.295525377100724,2.7669887020602957,34.03387796244001,0.0,0.9099082206570674,0.10591082610432628,23.505046879286358,48.28837300089615,0.8962929190299253,13.316054704224975,1.6033010066721712e-07,0.0001132097967789073,0.20512890847435467,15.409858201870717,32.98118202104966,0.36736421865281316,29.259514518133276,0.0,0.00014063033626880034,0.1115474769322662,70.47008229183288,62.721639220882125,3.839501345351065,18.020124405885852,1.9907974977412392e-07,0.0,0.1840872649426113,31.856641964759557,64.93379935119299,4.957514025508024,15.282297068826617,6.493777365323348e-06,0.0,149.48364106599348 +0.8776627636196987,0.22881205037470714,0.3276070618916292,124.96923828332363,178.8749460186981,263540.17468652717,1.6670144507055653,72.77112946269312,0.6845667561591425,50.48897225744703,1.4823465183986733,21.471443282878578,0.38338226369795764,0.8245722239353078,150.16162780527992,14.579026901229922,0.191432210860197,107559.75021240913,1.060718863947153,92.37049870803189,1035.2714125601651,197.09158379262905,343.12266843668283,36.76572709901394,0.1964648599320819,0.1960481306127556,10.64281128632163,28.61134481557612,3.140129151685529,41.041519385707595,0.0,1.0538580799515718,0.13598494245181508,16.845734095680246,36.310869837850696,0.31397759256531244,7.339973860014296,1.6033010066721712e-07,0.0001132097967789073,0.20895794657678088,11.821194178051009,29.00905007129419,0.23495238030831753,39.67346615810925,0.0,0.00014063033626880034,0.14808695098591038,53.006524206317174,44.933584362516335,3.6079229843839338,19.94365852960741,2.276266370443328e-05,0.0,0.2200210615018714,18.81447865354946,41.20971323483489,4.7936611906192725,19.04976323655537,6.465945678936705e-05,0.0,120.48463093252622 +0.8417628217032247,0.1985136128609731,0.3667536579748599,87.61509502748166,233.5808872349224,215992.6226242953,5.414407745221801,49.81704023202304,2.3431062393736664,20.93744618989444,3.7925557726282637,20.953220823396244,0.3375440925553288,0.7600263036338731,288.37314273058223,29.696543488950518,0.20032273198002054,88425.34198737904,1.8105796068910882,78.50168095013191,808.3573920274804,183.31126139940432,339.17904835144424,56.272733161609416,0.20601554329160776,0.1982738030572072,14.046309423770648,28.85927841651961,3.214785189222618,36.95996351532533,0.0,0.7337059434895711,0.1383740661528999,22.80844981235615,46.62411977218268,0.6780079088252656,11.34243154890208,1.6033010066721712e-07,0.0001132097967789073,0.21049283962715248,15.117653486531278,30.477331852319335,0.3254107312257309,32.00854167782008,0.0,0.00014063033626880034,0.12085398253051735,61.962969030742656,53.11613774238599,3.3497248325208697,14.945855993277622,1.9907974977412392e-07,0.0,0.21419929845544494,12.808559325398873,44.26819614237238,4.612348905637129,14.595465367337999,6.210304032021656e-05,0.0,129.0961151135652 +0.8418511966651447,0.14403410081617157,0.3332330885442868,85.41284079471944,242.02608227819752,142614.53359459242,2.691640125239243,68.46255643452623,0.40443475737083134,52.53603237319534,0.7939278922831041,16.39742167501019,0.37555005151469123,0.942949270286837,652.0585858634226,65.22375605464464,0.10534701562779906,242440.73033623752,2.8275983842072767,31.321243442972097,4659.689395462361,3.5568497488715964,335.5249376259706,36.1609430508399,0.2940710472653062,0.1961375464537498,18.692339823298898,33.14277677531556,2.5548716108342013,10.944932946783164,0.0,0.8369503715432616,0.13678042368261867,10.96729444448727,27.40030589072682,0.4692573078055195,2.909596958452154,1.6033010066721712e-07,0.0001132097967789073,0.20899272301200153,19.092848418361122,37.77512402150003,0.28941381688606893,6.087091534862456,0.0,0.00014063033626880034,0.10283009199766283,49.35526105879151,41.15784030978648,4.6054842005444785,8.516319634057222,1.9907974977412392e-07,0.0,0.20436320292258497,8.11219349111603,31.252319440165422,3.040934442794566,3.665944500193494,0.0,0.0,97.83785963089537 +0.9334050145298062,0.20074309399170276,0.37068756458608076,161.7820965973675,130.7052508666192,346138.89400831977,2.4430195629979528,55.58925627290621,0.5560018142366028,38.73099106393226,2.606863198462585,24.212625171176022,0.5296836565410248,0.917482512147937,314.60778178175946,91.56267446124444,0.117480543660596,117413.2773507111,2.8097605646101673,98.2269088968115,4895.30215822006,203.45294155059548,346.1459810295431,30.282113934774532,0.15479136029805945,0.1926046424416994,21.426055964579014,43.23996701247099,3.0620220563637983,14.216747700115734,0.0,0.7867942741969784,0.10356249202201778,28.477365717728034,56.286681711124025,0.2749504596222524,14.96120433014022,1.6033010066721712e-07,0.0001132097967789073,0.20088572256468662,23.234428393998233,48.21495881208964,0.23655192505522676,10.471268327638809,0.0,0.00014063033626880034,0.11244390657086985,89.35779738783842,72.68020968865419,3.5396611267739018,14.404602226698536,1.9907974977412392e-07,0.0,0.19143635032731834,40.97484464364388,78.22319338609144,4.410881848647498,11.484933804045822,0.0,0.0,176.5070070914889 +0.9675737191796265,0.23186696293180142,0.3578203603316464,184.0823989985407,144.35324769248788,309941.310846637,5.691048575875384,16.164283248637005,4.149730809826966,53.339830407321195,2.1641679715189857,22.852032197288167,0.46769888909693696,0.9774481082706055,457.02481104157425,66.11949720371092,0.330487660257045,204459.402395984,2.8664327823771094,97.34727310119484,4544.063797876557,292.532549364744,349.2203686279895,53.46758080241269,0.2378285468448183,0.18757873906901326,32.528169101265604,62.36419417767894,3.2346049039225107,19.418736989817877,0.0,0.809609125004291,0.10003132063836705,26.169258838075034,46.41017731822339,0.5788093426077096,15.05779175220582,1.6033010066721712e-07,0.0001132097967789073,0.19699641460013,35.73641371949899,65.35310040528363,0.304474226213525,18.0574945853549,0.0,0.00014063033626880034,0.2785849577517715,83.33250875397425,55.587203607479786,3.407990362045548,13.267712474500966,1.9907974977412392e-07,0.0,0.14412958003484858,56.83304342598074,108.54494085011282,6.000581223333292,20.92112432953043,9.004193389481736e-05,0.0,199.95860621216073 +0.9369945776611892,0.2388426615928158,0.43858437526644767,218.2618620041051,109.1766641653941,324490.47152595955,6.157998017190124,62.76445111332981,3.3033981855502406,95.48987318135543,2.6915594669423952,26.879742461617177,0.49325253443733463,0.9838425904010394,911.0479407296293,53.96881515796693,0.05444407407605088,203314.72400982137,2.5601701318655277,97.56185832862376,3731.99110399306,230.19268847872434,345.40787766973745,50.992214376514895,0.24779485870186738,0.1999597637144706,36.08816371358148,48.002090480956994,3.46107702759532,23.211724115643452,0.00012283097248540922,4.838853382134074,0.1268669688777675,18.38223322607059,39.22745562401678,0.5553795022510254,12.436635972363993,3.334187012504273e-05,0.0001132097967789073,0.201294919994189,25.121247602958732,50.41733589784571,0.3042314738636112,13.143793172593375,0.0,0.00014063033626880034,0.342678184423799,65.74754718796993,39.77103596063015,3.833799338544179,21.723599537522425,1.9907974977412392e-07,0.0,0.15704812013053968,37.318311883433594,77.23215512118915,5.654282102456731,12.628722149753365,1.0502690739537022e-05,0.0,153.2921825697883 +0.9716992634575398,0.15487597866794245,0.44953163448157624,187.9166833584302,233.1505209389659,275232.79995725316,4.333332543463495,10.415831174952224,3.072554153218239,78.08121091911543,1.274829408385426,25.723849508618407,0.3927721670792234,0.9904145690005146,828.4449799691571,98.23740588777407,0.06393249124082219,62835.71340160164,1.2602712561503406,26.02199875607802,3872.32872606598,100.14453345218229,347.91297992414883,27.195457971050867,0.24131182663543582,0.19483716575482843,6.720645532984124,25.24925547672769,2.832376238510249,41.43396949355119,5.291676107027463e-05,2.909817044281147,0.12510571460176748,3.835290913992914,20.377620569448606,0.5937920533397012,6.7715266774085805,1.6033010066721712e-07,0.0001132097967789073,0.20150842721954848,1.6100630600287895,25.350296788885853,0.30001277635231,26.155546833757878,0.0,0.00014063033626880034,0.07937337455386032,28.84598200778883,36.779266810023024,2.799431972977057,13.261711546895212,1.9907974977412392e-07,0.0,0.18224206843264543,7.594937809832492,32.065508718840086,4.92771524876882,10.037179289081752,0.00013574740449027878,0.0,88.32387382829327 +0.9346155094088219,0.15159859493018907,0.43419878029636677,192.09056641722017,167.67492187311564,105197.61201613463,5.301285968370817,16.93206570999316,2.10351226845326,76.88508254377709,3.008678057443157,28.149510842631386,0.7663230509164441,0.982785361040121,778.4490312888122,1.1299720732231089,0.3307237771733823,54908.84419098365,2.5825063148892706,77.46110477071676,2992.192694105916,265.5256631451954,261.2734531731762,34.10899157481973,0.24540767669024138,0.1628666132107642,4.263293186920206,26.91489266129005,3.742059660688674,12.231404943402172,0.0,1.0354041120974,0.1150678718981474,1.8333052705688078,16.384595492340036,1.5020583385190134,17.138241616590374,1.6033010066721712e-07,0.0001132097967789073,0.20269824481913892,3.4392996066537167,24.236495162304653,0.462217565824084,3.7255145759474733,0.0,0.00014063033626880034,0.35611275044606444,12.378822696701777,16.893677677142005,9.966890266340528,47.03226331283954,1.9907974977412392e-07,0.0,0.10980743448748718,3.5139748404465636,34.76400196505207,8.209750035412675,29.360267664775527,0.0,0.0,83.59978291344346 +0.9877907563908838,0.17183588204638917,0.4213444277681576,181.5052358744432,209.76902343882816,314364.44040532084,6.243572676975621,89.02810288285798,3.914975740565425,9.381343313930914,2.813764792320798,19.569014900474777,0.31707858823476287,0.9755141717849375,6.674970084756893,23.087558395736654,0.31893691791247447,147387.27019948183,2.71644794037127,87.1252025664519,4940.84640646958,188.14197003466163,337.2849739361364,58.55963431655857,0.21797023914983002,0.19067310476007027,16.97959838298891,43.1945334666521,4.404964667455508,12.964521366809635,0.0,0.8535183466013587,0.11748161417650439,15.150960959489971,34.573570644839414,0.7301429654675907,11.569473883752787,1.6033010066721712e-07,0.0001132097967789073,0.19944540938420574,20.716694334287553,45.21011062672167,0.32569637011695723,10.999893480091465,0.0,0.00014063033626880034,0.2624932996084285,64.43504195481546,49.86097267407512,8.834687736854065,13.28483835952391,1.9907974977412392e-07,0.0,0.1777607978708986,25.48894492841069,52.439093421986364,9.487100150691736,7.559516513195376,6.03240194668623e-05,0.0,130.1353545393992 +0.9892553478827417,0.1839321282493028,0.4356161114240017,74.01086219440117,249.58237034652842,123400.74525753438,2.053452364697492,57.41947747331922,2.6009537573441515,6.479110413800754,4.014973865323001,19.302601117154186,0.37769049277032346,0.8067785443931356,694.06882483309,93.32547945036539,0.20764610133188954,56494.46196110264,0.9098206417316808,93.87991537836552,1598.5643249236582,31.450795001619554,340.8204346241274,26.789450315477275,0.3177147411708101,0.19459165323892566,3.6748690474003567,22.326931509829027,2.5506540755168685,34.208426201504096,0.0,1.2074553772185703,0.13515663054867016,2.2604950123875613,17.288563586625322,0.34190861753977075,5.786071783756507,1.6033010066721712e-07,0.0001132097967789073,0.20662349933072596,1.4726053267707733,23.327341671472915,0.2684113540759175,33.381747241152844,0.0,0.00014063033626880034,0.11501938386758624,8.455050497215758,24.257002282704953,4.79179338923969,16.257762749407238,1.9907974977412392e-07,0.0,0.20336880089783635,2.2890421930908875,25.86067416403647,3.8929327196982095,15.28267275298676,0.0,0.0,74.55583041107275 +0.8776709497897864,0.22092186658897103,0.3276070618916292,130.59830575445375,178.8749460186981,264858.26794682664,1.6670144507055653,49.14668328952529,0.6846667754294967,50.42600542434248,0.27655744139957494,21.20269122807657,0.3814919503093302,0.829952124338242,150.16162780527992,2.1061209178246987,0.08003276476962208,113034.05755071368,1.2646822449032196,92.37049870803189,276.0306956539724,122.05244075616847,343.1650435957975,36.76572709901394,0.15917305070616963,0.19617344202427117,14.083606028749587,29.800796712447642,4.522616835290124,39.717758126777795,0.0,1.0857173571826397,0.13527263708624568,16.52902116885885,35.411648559133084,0.3105625347277878,6.422788340410198,1.6033010066721712e-07,0.0001132097967789073,0.20862647754855163,12.595376999668698,29.117648749023626,0.23497236938340282,35.20378996474326,0.0,0.00014063033626880034,0.14779510707380508,53.59861041209009,45.85810169399344,3.7882852740735427,21.028392969978224,1.9907974977412392e-07,0.0,0.21905100509772843,18.082067152263505,41.00330888769008,6.4620894986614905,18.14973980929423,0.0001307518192751837,0.0,119.6321399588716 +0.8599122424465809,0.14523775212632173,0.36759690592000754,25.66194154587894,124.3916634892155,311684.727213195,3.5729994592569323,7.058457483648709,1.023248651374773,14.714867287659713,3.691398860674909,23.050034906696595,0.7504346906195065,0.760639177393926,460.1718514893951,92.69969369584987,0.24428926766298034,99824.47031772516,2.379452172000708,74.95858733633703,563.6850474507689,298.6869603461137,347.78315275464246,34.24337126812949,0.17195983343922333,0.17846827187732536,9.907273797239437,36.37960622272598,2.521157714096494,18.933740936110425,0.0,1.1053405402463439,0.11499539466177777,34.07164683911416,60.559152923499056,0.3586743471885563,15.713854781055547,1.6033010066721712e-07,0.0001132097967789073,0.2079273689504012,19.819857852249925,39.7138410779703,0.23623033944915373,17.690930958615613,6.893328230300084e-05,0.00014063033626880034,0.11159514113274178,78.23252755481471,65.66423703239604,3.7629531111483634,16.860689040915236,1.9907974977412392e-07,0.0,0.2079102852345553,15.2259191901108,61.78204223005773,3.097381459465526,15.425270053020514,0.00014225675924932766,0.0,155.47722110552274 +0.9710709368190568,0.21370192298152565,0.3458020350594206,99.24100633488244,157.9657757984139,332878.17825580406,1.8574738862896132,12.53852572190705,1.1531811955303428,46.717215543891506,2.970436999839203,16.03436613972843,0.3400953647133693,0.8294667329870176,12.552352210014988,66.86072959775069,0.20126998684641714,51206.83273646867,0.5391903609199216,50.02170860748468,122.53227639752934,230.36574916433833,334.03438878756157,48.28168019021364,0.2535378135683868,0.19557653374321873,3.443579587473523,23.251822886758667,3.3028227187851535,79.60180366642695,0.0,1.004941538999155,0.13560021843492887,6.694393162805551,22.871848010765447,0.37658729279119235,9.48775606629298,1.6033010066721712e-07,0.0001132097967789073,0.20858402693699232,4.430721645402464,24.65636698878216,0.23500823240734264,74.95988653510882,0.0,0.00014063033626880034,0.14572853091504565,17.40790177637084,28.362393831612906,3.8562717266617677,23.943350638256973,1.9907974977412392e-07,0.0,0.21613961380896124,4.24660232575439,25.998603480634827,4.340671097499558,34.28055512994632,0.00016296276354433778,0.0,131.86855845038482 +0.9754828355409727,0.13064090001198705,0.36288359082854477,234.63022952184704,53.553220707930116,330753.36450369033,1.5885851848619903,50.20074188964895,2.081173373730783,38.479267495456746,0.5209071231057956,21.82679049791538,0.7130438541180315,0.7379961430295789,676.9918627662187,28.347981629966835,0.2931252367699493,95521.77896024197,0.8001364081584448,34.720618768659236,673.5456048551064,181.34712933667728,346.6827348619413,20.067628576061317,0.15776493346730663,0.19410703047897662,1.0600084252101902,24.602154203428256,2.8135717335516763,30.447476731348036,0.0,1.2030276363331263,0.13569573296498882,3.8193776335985765,19.864681918419024,0.43800049866053464,4.7389679038949675,2.4866434103690215e-05,0.0001132097967789073,0.20711456122904662,2.3629578583295343,25.282092502905858,0.23537593783339875,29.75285945076695,0.0,0.00014063033626880034,0.15246376013149307,18.38835318221388,30.658401471116886,3.7044393001685814,22.39687410967049,3.088441352778768e-07,0.0,0.2099760342901292,0.6891854485976958,23.25065621410879,3.2393483736751882,10.012444101114468,0.0,0.0,77.13682197956831 +0.8668089512021911,0.16835133414188888,0.39145982618161634,33.64814891107433,226.2407463982076,315712.18005609105,2.9407751548981476,45.745734926924584,1.6155976036589659,20.858563177042708,1.294362232052329,18.43474928198524,0.4439189681463601,0.886430221332358,989.1152925507891,70.84493247785105,0.3405137160940522,50592.70080093529,0.8197533577429124,74.27172662295568,2755.0897410722373,181.029382274629,348.46638487893335,34.4385765280127,0.18596676092895523,0.19448179586454287,2.526997377238557,25.92897960879898,2.6521738855778696,61.274912245575344,0.0,1.2900268977073364,0.13532219483349583,11.023120424387123,28.63182129561591,0.3647231094022744,10.341819054544253,1.6033010066721712e-07,0.0001132097967789073,0.2082690274831652,4.073381301366409,27.26987755545246,0.23590097315159533,60.0400294337456,0.0,0.00014063033626880034,0.14455339029654032,33.51546538140281,37.0990775638742,3.787964025475034,24.675657359637423,1.9907974977412392e-07,0.0,0.2248655153832317,9.180095417623376,33.64080475016385,3.973845608712446,28.760672376467706,2.7374389793004544e-05,0.0,122.6273547413826 +0.8645432413311678,0.17369637625483733,0.3202543341162945,166.77953118390246,226.74180418531895,317233.6224348869,3.3894615641168033,50.432624149858405,0.5043501427354501,38.933662560647576,4.751396219713011,26.799729532904482,0.48059320897193375,0.7448556524194345,342.38172638488,74.64968172399932,0.28162107172924233,134824.64505861662,2.9690581380531986,66.30071338349067,2859.6113353286223,288.9586868861522,345.71037325263865,49.38799349050597,0.30232687986040596,0.19279185054159464,27.56864110998368,48.62203056953062,3.0728807866542716,20.8141888566075,0.0,0.9033621601526629,0.08979488351519112,24.336683319572916,44.55653640636761,0.30768398925406404,18.667746591685262,1.6033010066721712e-07,0.0001132097967789073,0.2028075343970423,31.200803413312986,51.80124201871171,0.25460151104839357,18.720621961353277,0.0,0.00014063033626880034,0.16084803042449658,66.35914670625782,48.4723012885855,2.977545568096485,6.529205414763628,1.9907974977412392e-07,0.0,0.19394370336730757,43.92526163173452,77.23823484328628,4.84655000341324,24.278290352969208,7.832052251343151e-05,0.0,160.66732474761693 +0.9723527375162895,0.17110105851194454,0.34227908947142555,219.1467674531552,46.68314598998647,109487.7026059985,3.250369771397112,47.94137345528217,4.582350640611178,89.18150167015321,2.8468709982575353,27.92872128977154,0.3788257355046555,0.6943044347686795,740.6082424408949,58.0263541660703,0.30967271837943605,189282.88489798212,2.9897518203419655,87.76586742600908,2956.239052631689,256.3742878807081,346.27915559100046,59.26993795539905,0.27327249347400584,0.1913897611687526,28.133724306840705,50.69825474864562,2.8399291623272913,17.593700912927037,0.0,1.1446240021472796,0.09724065492830383,21.005415340974977,43.047563926077075,0.6267893393131385,15.286281066687083,1.6033010066721712e-07,0.0001132097967789073,0.20375193877802325,32.667844108537274,54.726229622659204,0.34043030338660935,17.000630328874603,0.0,0.00014063033626880034,0.23530640764612284,60.97511688086523,44.313099052251175,4.784582120518609,9.281984165923493,1.9907974977412392e-07,0.0,0.1695847508831488,41.58735390641657,78.8286670239746,4.405249118513533,22.12826423668424,7.275330139309822e-05,0.0,157.4921270076876 +0.9204169037202485,0.20906054930205334,0.3777961192838558,173.11068035751623,235.43213147514018,276043.26545712247,5.949007941643602,99.53753383720615,3.6598477007071253,14.402113087481329,2.822141323035689,22.976068981797976,0.6255401378771954,0.961483488930686,923.8605713945692,95.34880312096263,0.26260018443461225,225702.74301113008,1.7885408488261965,11.81439249779704,4896.737079195169,289.2087674669815,346.1223758228083,58.435938649722246,0.16552594708955862,0.1944856416638542,25.521267860927185,45.63388606386051,2.9221362719526693,26.867178820610977,7.165427889424455e-05,0.6874220572348445,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20564516239169575,25.18036941260048,43.839225370440715,0.3393775987981996,24.521169033553786,1.1212379652499084e-05,0.00014063033626880034,0.13408126511917748,51.99987140992385,59.60787041325977,2.049349121011621,14.268952804319726,3.092715030179917e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.862813215933102,0.17355169811595875,0.3729819426374314,29.82600057185757,226.2407463982076,315712.18005609105,2.9407751548981476,45.745734926924584,1.614236907345275,20.858563177042708,1.294362232052329,18.43474928198524,0.4439189681463601,0.886430221332358,989.1152925507891,70.84493247785105,0.2041635932992666,50592.70080093529,0.8197533577429124,41.32818514312689,2755.0897410722373,181.029382274629,348.46638487893335,34.81254027489981,0.18596676092895523,0.1955528077933316,3.922273035035209,25.36084019799776,2.644702898133037,67.32132086723946,0.0,1.014824291452478,0.1353977981881604,10.580689246502116,28.79526680909104,0.3816953550781629,10.658675509995488,1.6033010066721712e-07,0.0001132097967789073,0.2084226691538743,4.85588416819021,27.195004216412975,0.2362472587190224,64.50874834333275,0.0,0.00014063033626880034,0.14741103664640096,31.40663494902875,35.03128327279175,3.8026646408960874,26.773954398997418,7.436257100384367e-07,0.0,0.20854283928317457,4.4416957979228755,30.81129418088375,2.964129780814089,24.672726131369608,0.0,0.0,125.33884621842792 +0.8209822943183969,0.21452789031096964,0.3460289620032116,45.6813009458516,192.1296905400504,162755.1611178145,4.207219138874999,22.590551426739054,3.987338576205972,86.02700241239398,3.998743630684953,27.881841383269464,0.563157663582315,0.7656561461053052,247.8254823698391,17.304420577297055,0.25718391293641374,52533.023180655946,2.7737146146798475,88.24299941761349,4938.835469177999,169.45763068321838,339.10450915971575,34.746171088335295,0.24657634021908412,0.1935287416821417,15.096283506394784,34.33510750090728,2.9676273611925272,17.487920879490673,9.348710521557058e-05,1.1333914134439573,0.08234643289266834,32.81991154331331,55.05555947734813,0.4484396196907778,22.49625897510075,1.6033010066721712e-07,0.0001132097967789073,0.20584128451959335,19.842413673113928,37.436125286326316,0.29167036119677725,14.036022491367081,4.013515169303125e-05,0.00014063033626880034,0.12342475602725136,79.61091281380907,62.0507285343836,4.5086141607171575,14.321260101766413,1.9907974977412392e-07,0.0,0.21249286199550727,16.505452019287358,53.19166188581018,4.203321799193309,11.808408443769201,0.00016216028453711274,0.0,148.33136112230738 +0.9290176392047498,0.1456381173697394,0.3447855552070053,135.8614341538664,240.98863723484428,172849.43801033765,5.1902080331113964,35.998241988040036,3.3631439028005743,43.46128352081236,4.132303527344319,7.8982352259827575,0.313501547943677,0.9376950767152379,932.1268492076177,87.56336432551903,0.11287206918372569,71710.15182679732,2.103819692756238,91.9258886296376,545.2586611529791,294.4429824878755,345.5526005911813,44.51414860514559,0.15908819068078084,0.19729642338390901,20.38478771929412,41.77493857533731,2.6702556321510325,38.26349988247335,0.0,1.2922057841880488,0.1271629093214641,23.491053560770414,48.83161779195576,1.0074681357327324,16.472352812639567,1.6033010066721712e-07,0.0001132097967789073,0.2078586434531739,18.88626295910197,43.355122347785766,0.37753368915440405,28.63049338396032,0.0,0.00014063033626880034,0.11165392080019144,80.91236293967029,66.44751018547599,3.312108278839133,14.345389636306555,1.9907974977412392e-07,0.0,0.20214600591107568,30.913341845596563,67.19960091239028,5.104376653745219,19.902934252258966,2.690393358485807e-05,0.0,164.2287800235616 +0.9813680516661859,0.24084023717840347,0.40365196859706004,198.0212601618622,124.45175085500165,272466.66546403785,5.886058200965746,89.20505169608592,1.179628595345549,26.952963584876947,4.712501769116165,9.5540942832864,0.41236847061440823,0.7856840035395692,49.918577944547735,30.236458497519955,0.28043538134784085,51200.24864981345,2.869211664353016,94.03430855248453,1142.0287596954067,118.71418123729353,284.922853145425,28.132529936093427,0.24004371396448745,0.19911734211811466,3.8807572814128224,24.8346282313468,3.9009518537713497,5.180027569866377,0.0,0.8147406320774839,0.11377808232346458,1.823043932263664,19.587495443201867,0.6716805148518007,21.659817526391322,1.6033010066721712e-07,0.0001132097967789073,0.21185657552953524,3.134971520992068,23.628358626978375,0.3237611407978024,4.026989244224036,0.0,0.00014063033626880034,0.34561097122100165,28.34864044333268,23.519975193718988,7.262090775067154,37.7145374170993,1.9907974977412392e-07,0.0,0.13699946898848978,2.774958339418889,37.11083872106306,7.495655218486858,30.431032538992802,0.0,0.0,85.52728264349088 +0.9483836122380782,0.13597455177580897,0.43114041591312574,185.8475817370173,195.12439633503925,206317.6415155444,2.0306329131454834,74.3545555625459,3.3794510802959152,92.12745573290033,3.2238333806257113,9.559559535635483,0.35400998195529976,0.9597096727586499,701.3744531496149,55.636862501210594,0.21576278553798942,283083.3088040546,2.2798621532736556,98.40518962561062,1382.5177637983968,242.83145202912337,228.42858343243572,12.713104717169264,0.24557486762881262,0.19586111060306546,6.453035512785406,24.666669285161277,2.462330498559396,6.296441805347343,0.0,1.0227090654134883,0.13863962664025725,3.485121278966587,11.341532185071715,0.25915536933961425,13.294152758650485,1.6033010066721712e-07,0.0001132097967789073,0.20920179882140014,5.051301740553426,23.876402360908106,0.24986775262937666,4.991089357549527,0.0,0.00014063033626880034,0.3562453295412611,6.172108387968193,13.649568400612589,16.28113457629998,57.27810670161887,1.9907974977412392e-07,0.0,0.18852340544811383,9.980034789899314,27.643862717846623,4.227091650166851,18.006716497215624,0.0002197674729374257,0.0,81.31058249775404 +0.9203315797065247,0.16136979770508011,0.37556746468463154,148.03094113399428,45.828550020578064,281423.9936700299,2.646013218335064,79.98459426733861,3.293781440426708,97.60813841062159,4.146611485197265,19.108760972276606,0.4148442573493999,0.8780668392614717,636.5043727421864,27.59042550830586,0.32773857819961816,89859.00638694059,1.3431585847250538,91.14279308107581,4901.928752359654,286.34913983866903,345.1752065382816,48.530618173323276,0.2910619496520348,0.19332399295039107,9.000400781953877,28.76711961478778,2.8135783278826474,39.40907303811063,0.0,1.1870161555579941,0.13427427250455737,13.884479774529117,35.770199301232154,0.2884051827743931,10.703157849817341,1.6033010066721712e-07,0.0001132097967789073,0.2061876434473494,11.6633629097015,30.448056287250388,0.23990659088392716,38.183859842054744,0.0,0.00014063033626880034,0.10639433761761288,31.043910342028074,36.32297847410699,3.9125340197892777,9.992422379524278,1.9907974977412392e-07,0.0,0.17866076602505254,11.118494119794544,46.4598238866981,3.493119262975206,16.598420331300716,4.380824879949171e-05,0.0,107.45831998681416 +0.9679884263791159,0.11178514012867594,0.44831059641708293,185.1319025335382,237.17390681344438,279223.3148887548,6.221067241057185,57.77178405719228,3.1571707969136082,53.3150505623,4.88450710307724,29.3613075813316,0.39402114320359494,0.9775051906801677,795.1502545215715,41.44284839681741,0.0820130171748245,122900.6047556059,1.2707268898465172,37.308539411605864,2832.3971839152796,286.9117750241295,345.59739155307346,53.44654270810883,0.19619480446385767,0.19288530083523636,16.49882430153666,32.93002392362412,3.207753202736772,39.33518130921061,0.0,2.754203780087565,0.1235636192882701,9.695911427722459,27.245952058145505,0.8622009004351573,6.39342750458733,1.6033010066721712e-07,0.0001132097967789073,0.19923377783502882,9.715445699113333,30.492304902019526,0.3476560267248606,28.632056431691712,0.0,0.00014063033626880034,0.06818285275413932,44.173507636107104,44.720028881225915,4.184085924347477,10.811049574941944,1.9907974977412392e-07,0.0,0.16426921316672277,23.648967733395704,52.60016248053221,6.506426667545649,10.025345037367158,6.542010127747169e-05,0.0,114.88415158259143 +0.9883479786531197,0.1165753999949968,0.3471643067379197,222.14042697539173,198.1742965852036,197075.2018035669,2.6143310267352247,65.37516552296061,2.1580279743980446,90.47033623022422,4.476437349728927,28.171869969421145,0.7881500033589175,0.9514779171047362,683.21182667122,70.68808805295443,0.28782640137383775,62954.65761976749,0.4930094578620938,65.32626364833487,4271.605541557398,273.24769833164606,334.4522070067769,57.44467019741692,0.1937851149099139,0.18888818013310557,4.656735299836948,30.722610278410553,2.4973381149853475,71.49766424575343,0.0,1.1019503750835775,0.12429304183375167,6.321019546196463,22.21385879703081,0.4758835613402407,9.10922836067318,1.6033010066721712e-07,0.0001132097967789073,0.20084957936930448,6.120226533601276,26.340653753917397,0.2809009006303289,69.31675985395154,6.0571621508281804e-05,0.00014063033626880034,0.11556278491588977,26.349682142064065,36.795976341048636,3.9693777911193333,20.263025967437596,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8426351173419245,0.11568646262287825,0.41531876138162976,173.1521029082589,180.8906693539853,254146.40054191495,5.772272974332257,34.824634198528116,3.3578053460643105,36.64381723422822,3.2307082997053875,17.93402204399429,0.39910774187457404,0.9851359073935269,817.7553924983557,20.630490110832977,0.3167268438131663,221576.09480330462,2.923684246484972,92.97019205355357,4589.818354428463,280.9492368276567,341.1951997971274,52.5448383987727,0.1974348821375268,0.19255310992918678,26.46263949727327,53.09901055040648,3.2762685311214526,11.913313299920619,0.0,0.833199025918272,0.10039257477861228,25.40914860468625,45.76281869887772,0.7846854353552352,16.185547668048923,1.6033010066721712e-07,0.0001132097967789073,0.20147939577487345,30.18452180689451,57.14558211948509,0.33883919065316015,10.96153177622147,0.0,0.00014063033626880034,0.2503547536610865,89.40137511042002,60.5512990210081,2.942871884330084,10.964453487994989,1.9907974977412392e-07,0.0,0.16391278230799208,42.778705298310854,87.07939144439551,6.034623140507296,14.805622320727142,0.0,0.0,180.08097145669575 +0.9683825232795495,0.14814749144604858,0.4213482358823909,197.41805308345536,235.51671034987342,343970.1816836983,6.506307899518952,71.60482717575066,3.696549728043442,7.248895489287214,2.9736610708163074,18.97828317403286,0.3169934901546617,0.6400601431863396,810.6992902941381,58.207013286395956,0.324984888975865,86394.24207812505,1.8553219255164364,76.48995135928611,1232.2526377913168,254.88117558795287,236.0677281053433,25.75693820265406,0.21566598971488038,0.19532231894704505,6.182145371703561,24.855695671800202,3.3220154110936817,8.12812318763427,0.0,0.6936308435480364,0.1374390750132057,3.3933590535059883,12.99237326125534,0.7476279529297705,8.059007629033687,1.6033010066721712e-07,0.0001132097967789073,0.20756273097357053,5.333093681779445,23.59902701576459,0.32585587194089105,6.560865592870173,0.0,0.00014063033626880034,0.337231716234572,1.216736264286004,14.90553469930639,17.187353118997997,58.119486295141996,1.9907974977412392e-07,0.0,0.15424432956205297,7.228417172011636,32.78996189505774,7.743631027536796,52.36486875330214,0.0005177949426796174,0.0,97.13179650290049 +0.8947859401258736,0.10568881028095617,0.365322939021866,31.52186036128339,29.389404276388625,268358.62496305304,1.7553833119847835,13.474781348599354,2.1065316203529654,11.501220801819272,1.2668187656089385,24.7682670715942,0.3605816660709942,0.9613663564515186,390.5083930877556,36.32028463130934,0.2925790289807631,150050.25166242427,0.6920281392058896,45.7871481325549,3162.234647835513,210.34632565494263,344.8189494985428,49.87218877492127,0.16793731794536032,0.1886638477483853,10.991496528767046,30.466497557664606,2.638671606154182,42.18512255361057,0.0,1.3798970397314239,0.12657853871696495,15.752550742242867,33.31081653294214,0.4871640506208693,6.374688854913588,1.6033010066721712e-07,0.0001132097967789073,0.20129254813755734,13.12980759106664,31.22871486135668,0.24071620099797786,41.773949307379425,0.0,0.00014063033626880034,0.13369674838035747,40.79606264027243,38.60999399626726,4.064021538254926,25.28822358117027,1.9907974977412392e-07,0.0,0.19448778556350074,17.64806527522276,38.891517780324925,3.986086621762136,21.905570310412255,0.00013990773307832072,0.0,115.15120635030945 +0.9882548118929713,0.22113968042978294,0.3321058006567205,172.4234387945718,222.38033845414682,196730.17015355235,5.250206867490868,91.75211766796778,3.526768258616259,74.11744884358828,2.627790050866058,28.882388662496073,0.41005980285143206,0.7908972288315752,820.588594740211,21.626276410154894,0.27384203147196745,103046.37112801836,1.6827881173550343,97.94054901092463,3931.4048225095144,296.14182447615616,346.3835837580703,37.005237774458514,0.23307149635848223,0.19348922048371298,11.62267917985374,30.66664776258792,3.0441913725918277,32.0173355758988,0.0,0.7574147901400172,0.11841432016372017,16.857346058543786,40.451212934357805,0.9763668396533955,14.575275722351371,1.6033010066721712e-07,0.0001132097967789073,0.2063341006977714,13.601205351067463,32.98259079707884,0.37016491771606497,29.180697597965516,0.0,0.00014063033626880034,0.09896070876034736,55.561514117139836,51.85933122178434,3.433301773196143,11.700335702925583,1.9907974977412392e-07,0.0,0.18515329104533412,34.06231988596264,70.60743432614413,5.766434526749374,16.568970901925628,0.0,0.0,136.92175510423226 +0.9839280997960951,0.1840904832250224,0.3599488468630203,228.64201670384543,182.45720735058407,273721.1665627238,4.613261489490504,11.137001257245913,1.422203177598221,59.91226819697813,2.851642609649458,18.56582797703204,0.33327409150809834,0.9705128760218127,469.2552681039643,51.244877245604066,0.05981310565495067,108003.38354893561,1.7844740666720058,70.96497535834396,2309.002046732481,275.72226739631463,342.4300473544487,55.01785167842922,0.1767926123719856,0.19800871432103279,25.382767057556528,36.45915288465008,3.101014571459062,46.42269943951787,0.0,3.401152649218498,0.11605742498525783,20.020851838545724,42.95804101340176,0.6327476786591354,11.156720803451213,1.6033010066721712e-07,0.0001132097967789073,0.20512623407586209,14.758894259326581,34.336914034946616,0.30883517349579576,29.847724808939063,0.0,0.00014063033626880034,0.0969772279970037,58.555530078313325,53.75602268583024,2.911792921104774,14.023878147728421,1.9907974977412392e-07,0.0,0.17615855351883217,36.13497276881576,70.81572200388415,5.69979196056739,13.170339338851031,9.937519766697757e-05,0.0,147.84799045856877 +0.9697222069935179,0.1419020403923621,0.3309047612846993,153.96952223907815,99.21277335627786,284673.6608882133,5.904979820440536,70.29373338837813,0.4792296061848422,81.59623425772493,1.9202563785081137,9.23207536693458,0.3252798457762325,0.9355014002275088,278.0110071860322,65.37347202290987,0.14021281907481398,55498.46745439984,1.1240263391195435,71.28804943803868,3024.746510196457,222.90011308607973,337.6741042634278,48.17882973742667,0.3153247577654757,0.19807421073050077,9.375543250353806,26.525354768976026,3.323724562352947,68.821639028716,0.0,1.115604021298175,0.13847445097605554,8.132492367660257,25.718197417424996,0.5323653683681917,11.213532117006034,1.6033010066721712e-07,0.0001132097967789073,0.21011519831203518,6.938362404077807,28.551693985057437,0.3044727530134169,56.532386695593026,0.0,0.00014063033626880034,0.1037320614360115,27.732639742688047,37.10639723326838,3.2685744263358543,8.855969878813596,1.9907974977412392e-07,0.0,0.21194167479128698,11.372307682713528,35.21645706051069,5.876606348257148,20.809157898355163,0.00030607112672508495,0.0,120.52168342403212 +0.877480896279294,0.20864944162940352,0.40049779476203184,197.0614699704993,163.70443062518999,217714.55073928725,4.516757276073787,85.32359929623648,1.865191398821914,31.48449279007878,2.6384702957087867,18.46132528334072,0.3506231935842053,0.5385381430385033,720.9494806074903,87.88037839099857,0.23017705305331337,68042.27528678146,2.4268946541551797,93.34994412955913,2299.138063606454,236.81187190941336,222.924201866512,37.83984455764296,0.2765270225842875,0.19783702795165367,4.171416131312667,24.667658815629217,2.6778015095946452,9.765188974249877,0.0,0.6956995993794632,0.1401805484463103,1.7603694462196289,14.216439996420476,0.7223801444039447,16.85985991529725,1.6033010066721712e-07,0.0001132097967789073,0.20839339030835347,3.386425526748364,24.308405481855736,0.32907078916969634,7.736860323558027,0.0,0.00014063033626880034,0.30836123392160675,4.52016428063117,16.618206776303722,13.075474843857664,53.893337388101216,1.9907974977412392e-07,0.0,0.19466849724683255,4.35687676893705,31.11856923086132,4.040763273964391,31.848444516315208,0.0,0.0,85.2731775894512 +0.8910760427920725,0.223036947012541,0.4291808245735957,221.50171066467885,181.62231395326657,326139.73297891306,3.4729167879861595,54.75955649159812,4.713943635489902,82.44810771967053,1.8630703707441012,28.11637691854518,0.6297815625357912,0.9897987791010475,377.1788476049561,52.24559714344768,0.2909347709401363,296627.80454624095,2.9556550041458562,99.61996237939965,3474.1918234459,228.11302553218482,347.73452104254886,49.88221382456115,0.1552132176733503,0.18985632739953223,32.31550231134158,54.60495900673836,3.1537245914326366,12.126137927233932,0.0,0.8989090939998843,0.1281268951867097,33.15448535582265,61.17096051197403,0.32346542622790236,9.708946043508574,1.6033010066721712e-07,0.0001132097967789073,0.20122013283427195,36.449268902441275,65.22899880216784,0.25658237190888533,10.505725380826657,0.0,0.00014063033626880034,0.12044611050167257,110.21343691313403,71.99155886295375,3.0609554795004894,6.222279438054796,1.9907974977412392e-07,0.0,0.20044995300016516,54.76806951733766,96.58374395844565,4.941174196051729,11.391381717421442,4.227081192207549e-05,0.0,211.36043273068776 +0.9708625481696318,0.18835569563031354,0.3272435912852707,249.7908181997988,64.01168159029056,305663.14934902947,3.138631517536588,45.6976189015993,2.660188716871197,27.15022224568925,0.41636119318548825,19.695273696001852,0.3493984501098382,0.9692255136398571,659.0256041070105,20.38669692693373,0.24507148795662728,80804.67609380398,2.184078199706568,80.9249020254397,799.4543588200813,136.82453398638506,343.1764412987289,43.869354487670805,0.15819505425220476,0.19301629956094107,13.414358171194605,34.06176939302679,3.1035393510250993,30.004600700643618,0.0,0.8509179654390676,0.1234471517447386,23.022309552789462,49.91368700983254,0.2154244015943451,10.302402638943274,1.6033010066721712e-07,0.0001132097967789073,0.20550628948296257,16.27268136707284,36.23303463895706,0.2447435727923116,25.82318835201579,0.0,0.00014063033626880034,0.10496153354767486,62.28550544365674,59.15852494232468,3.758348101044021,16.542124479445185,1.9907974977412392e-07,0.0,0.16996795977804577,40.8378359717419,82.00976869732844,4.878120230489245,14.033024673027933,0.00020920383566666354,0.0,154.60941024203922 +0.9855639830830178,0.2042258405875383,0.36011686903776047,203.33995802120688,231.68895998252322,320017.2527639711,5.488379867749356,37.14426020281283,3.087640616630445,74.28954059351486,3.155571028030905,26.43454632532269,0.604028197410752,0.9941512201225522,848.5706834875875,42.53232551847595,0.30603465142485275,192223.21881403547,2.955661871407719,95.25438906704548,3740.2587688049043,209.1363098126165,346.7034455996957,57.905820091137436,0.31838455024342943,0.18662002794051255,28.35560524929285,59.502851710870324,3.1973360849074504,17.297948988445658,0.0,0.7392429201783457,0.09384671234665984,16.923620659398402,35.6634802050276,0.6783175781994615,15.396920036415976,1.6033010066721712e-07,0.0001132097967789073,0.1986323689247511,30.817427635847093,60.42819001086513,0.3136780334474824,15.547521455468129,2.367413051965516e-06,0.00014063033626880034,0.3563959896229989,56.99838797795399,32.781232167207314,5.479920358079078,31.16058366042915,1.9907974977412392e-07,0.0,0.15060194804630964,37.970940153986994,86.23085716155853,6.045417000099731,16.90949265486307,0.00010808903814044568,0.0,160.68055499279004 +0.9838875321731472,0.11658453483027066,0.362480638909162,66.58787788658175,190.35896685775504,336401.3709662306,4.928672942599844,71.2758237459238,2.4486852967667874,85.14589683538883,0.8993169437654218,12.827044853752021,0.5934430129920464,0.6676782618517816,758.7923542845781,54.66453396223454,0.29691624673125805,133188.61162767134,1.2987488247731782,83.23216346879104,3378.8944414751822,254.7064267085085,344.0274726801131,53.48393300207101,0.1683628768284513,0.19793010481273451,12.095988475011497,30.295024620137884,2.995268329980343,33.17146503530531,5.616342398411261e-05,0.8907351200915796,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21137788275738312,12.70080033969981,30.419792214294677,0.252576100751783,31.577627899585767,8.082429122493861e-05,0.00014063033626880034,0.1279811480148992,51.792184861473565,45.809397203134154,3.447665750360139,12.427639059473032,1.967524816091778e-05,0.0,0.21870512641727222,8.11625260837424,36.33009963248755,3.820823879531573,15.414163503364202,7.46184063967976e-05,0.0,2698666337285.8823 +0.9740012223717832,0.21124388297455177,0.4418454153929455,161.75270735241634,221.5316510690143,275067.0391496504,4.680643983355695,79.56487374027661,4.857747384797186,62.109562666662576,4.0646479689135715,29.23240175916247,0.40356768353622924,0.9639282023496133,613.1957208243092,56.06104867267331,0.31160756930293376,79590.64524392449,2.6408800052922734,74.85380198876948,4303.96894635665,210.82239068141098,347.56273521436265,54.23223869832132,0.2641173210046005,0.18747325286349759,16.241093804024594,42.51533290637409,2.9692769944823616,20.961097233699277,0.0,0.8631936613832524,0.09367485984673465,20.945102637208475,37.89938873609175,0.593483594519544,17.423843431035746,1.6033010066721712e-07,0.0001132097967789073,0.19797257324767678,20.292338365835576,45.619240990763714,0.30240471482665277,18.330918973878333,0.0,0.00014063033626880034,0.26115495284545776,50.60835411974425,40.07766592632864,3.6802046733829297,17.09475672236929,1.9907974977412392e-07,0.0,0.11076516433396516,41.41406980450959,73.33152010935447,5.886962810401911,26.953673619448494,0.0,0.0,140.90927779280221 +0.9705382110453489,0.20640424113940697,0.3884726872903379,225.16065666998998,150.42570334301658,241575.44806525443,1.890103687074909,80.74649474103676,2.028906007474091,84.58780858435928,0.5441731467095209,9.446544883352738,0.3050841981311082,0.7236351789893574,237.8086929339068,1.2346824373277006,0.3055087600651453,63704.81304422639,1.4231389857397863,56.58795738795708,2388.840443453978,138.79181141726778,340.60931468054775,56.28074751497948,0.33763566588305477,0.19798774734061847,4.588526526663095,26.648632206380093,5.205878017361847,41.09577762156429,0.0,1.3674680199948008,0.14158503015966903,7.621175333912783,23.94555043959388,0.22679673591336436,8.75729819636464,1.6033010066721712e-07,0.0001132097967789073,0.21241294492068896,7.182201968860943,27.4105436557733,0.24070455683100192,40.00377603145758,0.0,0.00014063033626880034,0.11488436705347492,16.36094449871157,26.89627026888042,3.676041836849858,11.17072692001061,1.9907974977412392e-07,0.0,0.2156629621885406,2.1915004613961613,21.478409210661628,7.472918049863835,17.22478332324292,3.0840559143273826e-05,0.0,86.65303443468012 +0.8714470278852015,0.14514381226062584,0.328422451694897,210.42001037266056,190.34942946038294,260876.67413101913,3.2993924254308427,89.71748703572185,3.6464510609852416,9.653239754091999,1.1686410485707555,23.9365758232831,0.5932376630416085,0.8249012920983125,35.60913081498035,25.187906110880164,0.17268089972099745,273434.11398400867,2.6011564734876864,52.60937680588047,3147.031947852573,126.72889856985411,348.14724041688277,54.22422658093029,0.15097358499425453,0.18227437971479668,24.4853368342328,56.484216278427546,3.387974230797544,18.844016874937335,1.9337907782766107e-05,0.8057152922799664,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.1913597199674574,24.8623436964635,58.27270020162573,0.27808737469571415,15.960536813107337,0.0,0.00014410350517884027,0.13309752017766793,107.30527895204743,77.46391650091051,3.431605061653974,15.250896342373455,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.8463544735770545,0.20325033944238832,0.32118578906797746,139.08937331473683,61.43943154298514,294384.7171066697,2.7486262273513944,46.69428707918945,4.425137126363943,7.2546394644612135,0.8797899948550527,24.08162235987617,0.44646379402685765,0.9071231201750755,921.0344291327908,22.52733305167365,0.22779800349874718,125353.1926311075,0.8905416220011859,76.92382692290123,1327.2461227618053,234.73691017590207,343.1769232508285,41.05640625014377,0.16046123915321475,0.19472183267023627,14.9598685095164,30.582775528844152,2.8012814588435506,44.75411928347038,0.0,0.8894769322941135,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20639629973376888,15.28848001101106,31.632811486438356,0.24018940751101517,43.15555821566488,0.0,0.00014063033626880034,0.15105126760354903,42.354688128794606,48.556009365924645,3.8146418466222793,24.839646936152352,3.095570725365397e-07,0.0,0.20249943159802755,10.665900721793863,39.7119753432471,3.464694431902466,16.114447235520032,0.0,0.0,2698666337285.8823 +0.9894632455617015,0.16456394552611897,0.4224224445719253,233.0818883669138,216.93597586918628,305308.3277277933,5.781845273318446,91.27570734079737,3.3694719450947774,14.642034765867471,4.118502794676735,22.53774652398697,0.4465640821158869,0.9829088726276057,662.3385182730547,98.92664903251078,0.2435594983191346,298106.38427930675,2.2010193279005774,99.81485970692901,4963.928937107297,122.9972131268146,347.1052088085853,31.56304926570867,0.32028545398962605,0.19112412542551893,14.99009900762077,35.10112771269168,3.0983203195212403,8.785537763032151,1.947577380071722e-05,0.6820725992781991,0.13077953501167042,9.554364558903638,25.900279401952368,0.7779766685472174,4.748517056544831,1.6033010066721712e-07,0.0001132097967789073,0.20250795564985113,15.175225227460146,35.21160583281756,0.3312036538043204,7.393471760639535,0.0,0.00014063033626880034,0.35741674363202863,43.18267592271686,26.51215376024232,6.52279598813203,42.68436203854568,1.9907974977412392e-07,0.0,0.1995609296092932,17.386366500504362,44.25169625746116,6.396538743009058,6.921004246928071,0.00031054779074589036,0.0,103.1306962709824 +0.8903685336253098,0.10856570725571307,0.3941530736735245,238.1637668364877,178.5405989099605,217645.0214187386,5.068381499315427,59.92566608050504,3.3177425823495286,96.7441490894443,4.754888204222657,11.38473248129446,0.7777359824943785,0.9144668756533161,902.9492163817412,95.63882231277718,0.14506044113618222,148947.90995656425,0.9263871005445059,87.11157863627213,4639.1772249401565,113.27723981260367,348.4229877968195,57.82571791764213,0.18524147245056227,0.1981385041371067,18.174585841656526,33.87474911308014,2.7231770612766093,43.26048658548671,4.120684262614044e-05,1.002083943662266,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2101770749529283,15.92164928368601,35.422538455553095,0.35552425549514416,39.48406843365706,0.0,0.00014063033626880034,0.13339921134992963,55.59780170454477,50.97959867137377,2.9990501558456413,15.229693097980457,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9719537375628997,0.20551964461247557,0.3210416445040541,136.99851437108543,47.344219414194605,235974.30640787826,4.50096158602937,50.046317652977294,4.425137126363943,79.14969182523123,4.495601088694267,26.513520519661032,0.4565209691313999,0.9052885641676284,577.7255859998822,58.13399026879444,0.2803383900115191,84773.19221123421,2.301022653040217,79.38958708996446,3032.3196014135783,284.7842016013139,348.2174140804727,41.23655129708235,0.23618718551162213,0.18707967347159407,18.6962322256634,45.11862255353573,2.8021031945049097,30.205135127579823,3.7774419267209e-05,0.8576570774798474,0.10295503231327284,25.233291506188642,52.683437298147986,0.3075745802274879,17.57807866862196,1.6033010066721712e-07,0.0001132097967789073,0.19887955212088457,21.837003493596704,47.12284152190337,0.2777798141259654,26.534932815605647,0.0,0.00014063033626880034,0.15673573428509613,69.10508337354607,56.632451865424215,4.075536856463282,14.30211435736084,1.9907974977412392e-07,0.0,0.17377348005676055,46.82225494584883,89.6354835306828,4.859085733271943,24.802995771947288,0.0,0.0,171.75217850884158 +0.9022922154165282,0.19488805321596192,0.34728685216355104,220.65479508030927,60.34006130338375,311008.7424285081,6.445361030029409,14.422027498658771,2.639587568542829,13.743931001152198,3.2945554673970507,11.297975055467454,0.3313168263013029,0.9349938269128936,327.520347637543,49.19887195609055,0.05660918468102094,242788.52976217022,0.7687975388594284,98.43677152797383,2667.0236736856154,90.95105649182462,339.8652173674946,23.452075346515965,0.27806540516202494,0.20086812588795983,20.633813230299342,32.3487332474272,3.6604923134997116,30.992034493436282,2.040353975663997e-05,4.538098990147071,0.13831112048094116,6.5460510136184915,21.460571593725664,0.4478695032591313,3.2146062608306663,1.6033010066721712e-07,0.0001132097967789073,0.20953750481179406,8.478211615155598,26.938812263078752,0.2980859001576004,16.27629788855046,0.0,0.00014063033626880034,0.11586683035176198,51.73643003244472,39.947411099566494,3.4774784671157084,5.2213323600289945,1.9907974977412392e-07,0.0,0.2059433605015229,4.170960309682148,25.44103095855342,5.6131853713519675,3.469543640929528,8.096884603612286e-05,0.0,95.20178007138831 +0.9039466066573527,0.21877605587987428,0.43715320437941874,169.33106226646106,17.739625739375406,246721.36299232146,6.044935834198364,74.01173206352411,2.533268244854554,56.24455092453537,0.2873417110205817,21.24093841816743,0.4936103238229126,0.9208744345158565,933.1488364590824,3.1027018066956416,0.16360997321527548,82430.79410834734,2.580147524822474,85.09221641791491,4085.6284966565536,39.76674404182133,241.57921005857744,13.567876613122152,0.2031453047286283,0.19582111996760554,3.5624367600434232,24.738681213483233,3.8859527006066017,3.83052996246181,0.0,0.5415210078784576,0.12446548253143626,2.1245072875163222,16.528872898957626,0.29964359900360604,19.36146093879444,1.6033010066721712e-07,0.0001132097967789073,0.20850834093768772,3.869177291968836,23.922250872025803,0.29371736696074624,2.5241758467664277,0.0,0.00014063033626880034,0.3502040274267127,3.7374942444762085,13.992096050904255,14.348734002571415,55.890298722476714,1.9907974977412392e-07,0.0,0.0828738393387073,5.110715446716532,34.295754289473614,6.755996406415889,35.36314008857748,0.0,0.0,89.10238523189217 +0.9855132832063265,0.11391982404645351,0.3878924844024871,178.51640633070235,77.52716305409746,175490.4915684492,3.4396656129552037,31.270405620642947,0.5481550606195738,74.8216130991923,0.6559975970042458,13.956479800477403,0.33268510233019655,0.9806447731709782,958.3298621208795,83.23429124116147,0.24185232809961543,150698.5881648039,1.1460325931972977,8.004236614986944,3599.716849971526,133.78113987946693,328.2935556765333,17.589536084957064,0.33585639923753696,0.19310761785083697,3.0840504368999997,23.283229132639487,2.5384103160396356,14.048351046085857,0.0,0.8726186538312687,0.13460751215935157,1.9584163178752043,13.89324500745169,0.4571979888181878,2.962462605128292,1.6033010066721712e-07,0.0001132097967789073,0.2061974198401455,1.8681044635797308,22.504387968627352,0.2979756505716913,11.904601254295772,0.0,0.00014063033626880034,0.21801215621076803,22.680865527529853,25.314226993766027,4.454169221333991,4.8264245197848155,1.9907974977412392e-07,0.0,0.189384956185736,4.602630075740241,23.196992172956794,4.255747264354396,4.264258923836065,0.00016909841547942982,0.0,58.37719392003183 +0.9179430383744581,0.15189050747059982,0.3798901673169999,129.57634729145192,173.61912741207658,338335.05958217,4.879265666551391,73.34051116567453,2.33998483293005,76.9264463906303,4.922082411324209,28.329924948564866,0.5108401557238635,0.9660360054132507,808.9256717890398,56.74701322926972,0.3318319617612689,126904.17001381505,1.2949475118887257,94.07721452751525,1908.189420828121,258.93022535735446,349.0726970755852,57.19708085708344,0.22129105758385303,0.19035449773727223,15.933203378864473,35.595875063768496,3.0766870724328874,41.14715637078616,0.0,0.8914320292960293,0.12535292939567433,21.737954535498922,45.02671803825523,0.3779383011430257,8.660203893889923,1.6033010066721712e-07,0.0001132097967789073,0.20140644480086978,17.12206140125337,35.82247711782119,0.26868340752565884,38.55320525913311,0.0,0.00014063033626880034,0.1059233770978617,53.54866709012913,51.433397817983256,3.1046137558793894,12.94471166115843,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.957493800783719,0.27835813228347817,0.3455417001648714,49.234744258685126,70.35849423937027,276952.3494631761,2.654072687470779,91.616298196038,4.533644423842085,91.32413669519015,4.062685194322486,29.411264197341367,0.767238358417675,0.9718130812975224,986.7802787902062,13.994864125428414,0.21295214618679753,236926.9801207514,2.8578219761654364,85.21370207195471,2649.678264552241,255.3655213443938,347.6100085865374,48.807407162095224,0.28013139457606967,0.19010815183822435,31.31997765386054,53.8986190493044,2.649044731929607,16.8684962034969,0.0,1.032493199978515,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20048467718341492,34.1556849746589,61.115501046652824,0.2363283372513705,14.683182678555713,0.0,0.00014063033626880034,0.21115002603181476,70.26639778592954,47.97366655173003,3.9320324820674015,6.331978588669598,1.9907974977412392e-07,0.0,0.16976557234483522,18.024350674054656,77.59749614945756,3.326135719420476,13.33252581557222,0.0,0.0,2698666337285.8823 +0.9337343278852208,0.20884999351548622,0.3799972762751289,236.54115985961033,150.95010094321722,274717.9595156186,5.819996392204773,89.03863935023415,3.116427833051346,95.87168258756903,3.127246434214495,20.581941291375013,0.44364380077970256,0.7299122252291402,645.7225446852566,7.673251074076838,0.22499856959764608,255504.85661915888,2.5332378655236862,81.94641278303165,3212.2641328485197,226.91015336782706,349.84416310168905,59.85249507168234,0.22737379238340313,0.19739847078221598,31.844773491617353,48.21257410473639,3.9175309780236356,19.658536550505456,0.0,0.6786761798901932,0.1359424756377181,24.38255458101487,45.75844546076802,0.755520721857809,8.778304322898116,1.6033010066721712e-07,0.0001132097967789073,0.20995755724921533,30.836230853931628,47.45830031890884,0.33360632110621413,17.18081795943955,0.0,0.00014063033626880034,0.2616235288221846,80.1244740089627,52.532638699885766,3.673399985107264,8.462292029259318,1.9907974977412392e-07,0.0,0.2234643616008888,37.28380020741375,66.32145464362486,6.4377770409279265,12.796461948977035,7.707992376878961e-05,0.0,158.94647430534863 +0.9290176392047498,0.1456381173697394,0.34601297358474936,137.4755621212816,240.32536792048847,345646.08811616525,5.178415183687352,46.93911002252793,3.3631439028005743,44.45038320330452,3.8539105340903532,7.8982352259827575,0.5038751572075771,0.9547595953968644,915.1584498971167,93.77048392344787,0.2073632469912517,64637.42487721951,0.8600249795035096,93.56782622501773,809.3394844508753,269.8363959134013,345.4538552835222,39.28289393037612,0.18372122393712775,0.19863358958196356,7.22653565685498,27.460406331760044,3.0434046547388003,62.752792897764245,0.0,0.606958279854649,0.14067451154853672,11.925317643640783,32.266786820369084,0.4708362399693314,9.765087586752852,1.6033010066721712e-07,0.0001132097967789073,0.2112446580993212,6.619700832501851,28.48241283152408,0.2801892138548074,56.713728710590196,0.0,0.00014063033626880034,0.13544449171842537,47.721229630355275,47.40990593522875,3.102265803406177,17.148140372500496,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.968867021054257,0.1652952538851918,0.3933895877941115,187.55668169852666,222.94918113832452,155840.6756876007,6.707882911683285,96.14803366226886,3.238891514407757,13.980004774698443,4.702597118900163,5.788477128897933,0.46896252247467035,0.9776172408345778,868.8156065981158,96.10318860892457,0.23462557932284522,263948.6693507981,2.9302999319042207,69.89448347255731,133.579450018623,299.20545063382303,345.75239084167765,56.47904454822022,0.30850958812894486,0.19880091556241528,27.184754945429383,51.91753724691347,2.8482863365725692,12.586664998404919,0.0,0.7486766011525791,0.14184016422616055,11.303224091924465,28.714788456425545,1.4392584090722536,10.192925411216056,3.595452369073168e-05,0.0001132097967789073,0.2103523271733456,27.84644051518512,55.894793443301516,0.45156399903199645,11.08977728596267,5.272248729374707e-05,0.00014063033626880034,0.35660646410756197,52.32148719964657,30.3395055089266,5.71811775407977,35.304921462889745,1.9907974977412392e-07,0.0,0.1659882943247053,29.764642330160566,66.03138719927442,6.414227109850998,14.694188542550595,0.00015565090226675262,0.0,138.28667127316535 +0.9117281857535506,0.11764073727117333,0.3299794462910263,49.234744258685126,70.35849423937027,180705.48915367515,6.074333286401832,59.838104046242414,4.531159305590295,70.18080695341945,1.958985597485866,8.362872376102898,0.766854822837989,0.9745336511447628,991.9466498431534,63.68912006105192,0.2135230361202453,236926.9801207514,2.752979049489032,86.40602127704466,2257.4894083265717,217.8529087299365,341.88116490010316,42.433927838715576,0.17615625371132598,0.1818142949499895,16.434618824252425,50.5679418008718,2.200149638374299,11.833986995833609,0.0,0.7647637439907479,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.1274197922073682,82.20675020785463,63.99573753460542,4.427432026777598,10.713879699744055,1.9907974977412392e-07,0.0,0.21142109953293772,14.511764239299499,66.24485971059977,3.2442189160550234,10.220983726485157,7.991296127377623e-05,0.0,3816490534509.4204 +0.9789953526844495,0.2282825862532975,0.36631078736464945,125.96695629854939,177.46212671162482,265231.60640733823,1.699014100357111,35.71957429303975,3.163319891400688,50.64081005747791,4.984160084955435,25.58287331753893,0.37881132376771237,0.8543315506630587,366.5837000249803,99.51356167231224,0.07753220188277471,225623.99128680307,0.9322859656535724,51.550537341047004,831.3822923636112,244.1488661141255,343.1225718186202,54.23460443011355,0.19210496182607173,0.19636326784603728,23.20021792532168,35.852669054958724,2.639242846960878,31.496014985129598,0.0,1.0502482177712997,0.1287609217045703,17.328990983949208,36.453591664575534,0.30963426146846956,4.440988673274153,1.6033010066721712e-07,0.0001132097967789073,0.2054424759109123,18.249456844035084,34.263898629361016,0.23506471316310323,26.75684117022708,0.0,0.00014063033626880034,0.12225960126473187,48.748538953272245,39.682022253470905,3.9167090460277367,17.65260620360299,1.9907974977412392e-07,0.0,0.20175597700964093,23.59409847217014,48.08115907936707,4.064167039412574,13.615791301015392,0.0,0.0,118.50876318545626 +0.9193609778527877,0.24332908690869254,0.42773950556667545,182.07890803998205,190.15720764317206,139251.98128132115,6.32740928860323,66.34069248093056,1.3396584716078983,13.688939967044426,2.3974320875306487,14.23565504737861,0.4181214084728152,0.9249772328952809,819.1375190393793,54.801432911819376,0.20490045384817485,60080.06086820683,2.830905532305015,92.79657429136847,2185.6565861611043,286.8645887052792,341.5945886457355,22.19065709282606,0.3382937796929817,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.14161736995299973,5.458303881727522,26.958335904653413,0.817712554115847,11.822688214757203,2.332987821490419e-07,0.00011509859978977014,0.20319220602722357,10.271992715532596,29.950518339985223,0.4501356213139403,7.186551524612862,0.0,0.00014063033626880034,0.2954692053040323,43.828608966107076,32.47079461863459,6.731649777442244,29.689999895510105,1.9907974977412392e-07,0.0,0.2080408362091968,12.60370711238985,37.43908347126003,5.997498866822169,11.89120205259991,3.309976496304472e-05,0.0,2698666337285.8823 +0.9526313066412615,0.16955605240096738,0.4462228037001745,160.58857971341982,107.0120093126699,339263.8696678281,5.77560498228922,78.2770596512491,4.399597220650871,82.84031516614239,4.448749377429484,28.63578533305006,0.41472108152641524,0.8283249028734709,403.8396710351525,14.049484008137611,0.3084595325308652,255303.4565690838,2.7409587395106354,70.54668068629046,2964.659107075107,179.92672100042992,347.43159199946206,50.14187192645153,0.3457199766529298,0.19254439167636975,18.639500424240964,38.638751108551645,3.8971979703439055,9.751597826730702,0.0,0.8390388167994801,0.12974511757264873,8.955744545913134,23.67200664087329,0.4276572243633803,7.200210493801822,1.6033010066721712e-07,0.0001132097967789073,0.20542808070001584,20.930518252853126,41.939749220800266,0.28281651474528885,8.166097598115723,0.0,0.00014063033626880034,0.3497520747298391,34.72655651990636,22.590844665648156,5.232088026962875,42.87007927021161,1.9907974977412392e-07,0.0,0.1887815156240284,18.045707495522862,43.37121249350683,5.894898742316331,9.363332170734187,0.0,0.0,104.01270736879103 +0.9566646586029243,0.15859150115919365,0.3947931046601782,137.5624468913459,227.45658967388763,274672.22207020904,3.3227207671431414,56.90674421461174,3.4610008599033586,71.56282510018494,0.28353553567808154,26.798645569888482,0.432221292845354,0.8086115294653083,845.2347653278164,51.27857229729656,0.28847619312649936,289624.06714028784,2.9016875027153484,78.88630000369074,1284.680304685426,254.87006849784626,342.37021226702416,59.72395080974544,0.15974151051306143,0.19264592545780404,27.365981751897774,47.24477788336065,2.7373013199017056,11.199199520495894,0.0,0.9940697801824538,0.12982794765570754,25.182672601964523,46.945221062630786,0.3308767058184123,9.281998801823196,1.6033010066721712e-07,0.0001132097967789073,0.2046039873072693,30.937353502334833,52.39772464257536,0.25928583082158746,10.209807192023842,0.0,0.00014063033626880034,0.12172632863351308,89.77938529560066,58.728246118017246,3.478336365153115,5.285521113684895,1.9907974977412392e-07,0.0,0.19437814941619794,45.16164946166065,82.95835708586168,4.5987421350599345,10.766419537723186,0.0,0.0,174.51177701188894 +0.8669897280945124,0.11967131834464215,0.3318996125972968,91.51547057438646,11.439533323040578,348115.2571883036,2.7386873863652474,10.186745318769255,3.53503133172304,99.78910961549968,2.6304434885807795,12.674766525543468,0.3293945563486751,0.7446423250925862,598.2599202432834,41.046649542615825,0.29636422203091856,74722.5746247701,1.7019092683968085,48.4673034266012,2345.785628185111,64.91573249690332,342.13877158715195,48.189953716641455,0.30052298438509556,0.19787040068626569,10.134939980841738,27.315847032479315,2.9353893594014084,40.80266191004613,0.0,1.098756316767514,0.14088017671072045,11.870067269102991,28.373966581236697,0.4288002917889855,7.508526802298883,1.6033010066721712e-07,0.0001132097967789073,0.21148343506310874,11.936166479732485,28.780042971764182,0.2355509102654131,36.95271783223024,0.0,0.00014063033626880034,0.14061623220176223,30.134318496985067,33.07646356804135,3.653062107663984,16.24906650429014,1.9907974977412392e-07,0.0,0.22265466176741233,7.490889452101177,30.443370882087997,3.3722429120674025,15.270061519359475,0.00020783680086031026,0.0,96.79646871092405 +0.888218792627215,0.14283662284781923,0.3611110119134013,234.91145155341718,170.88062167951384,203392.2390250269,5.399967646666844,56.506672833316344,4.686920546744059,88.60388489827898,0.3899710831231167,28.292519647817038,0.4499397598467041,0.9061505094964368,518.8964882398724,88.55115846794348,0.22459385238343918,149306.78524220313,2.9895546894285725,80.87833888478931,1118.3919696673202,258.71384056694984,342.74925757047913,55.41389052556818,0.18172624572892174,0.18936848286198738,30.16100128015271,55.21580181665214,2.827572349966895,18.817241528756924,0.0,0.7595922510125671,0.10567471485362119,30.059751010262865,55.202188494547926,0.9871561285344059,14.727861485986818,1.6033010066721712e-07,0.0001132097967789073,0.20096005389939295,33.09913792708669,59.66076674069866,0.3723458979803016,15.490381092648375,0.0,0.00014063033626880034,0.1500959296107703,98.17900363602297,72.00363858317763,3.295654989269639,9.54565970333408,1.9907974977412392e-07,0.0,0.15711129952820102,64.93278366372363,120.61839263081862,6.001626649273474,18.914173986297097,1.6728023636744593e-05,0.0,217.87501355748103 +0.927563202873768,0.21274656384242477,0.4278013532527623,149.1798565937318,123.19639444411331,305641.81407375255,4.6880514263269415,51.83000799038017,4.8105219853399195,99.87248058854546,3.8381196717208526,29.06694993533866,0.5037222956339197,0.9477535893443292,799.278380611192,94.61697569579029,0.07612721687471936,93956.37077449689,2.397765448268556,79.67625690768412,4784.630601708488,94.09656293380444,348.73180768424857,59.76622158758286,0.23627893591940505,0.19689310524966336,24.723675540967495,37.825807346240516,2.8948942552407027,34.056157063452765,3.074021352452072e-05,2.353034460939109,0.12483091533022056,19.539977862379565,40.63032733389449,0.38214772617746545,12.495399923215267,1.6033010066721712e-07,0.0001132097967789073,0.20280528893130997,19.436993140384853,39.715825578220176,0.27331816210998877,22.81189529387937,0.0,0.00014063033626880034,0.15875831208765506,58.83907791825638,50.33997958674319,3.11374101994805,9.573645083053476,1.9907974977412392e-07,0.0,0.1990473514252655,31.803910764371103,62.82285523318299,4.645997409611072,14.012308152685907,0.0,0.0,138.39833043978967 +0.8074239511923528,0.20890745156305168,0.4117693821088069,166.97453040990243,187.5489853976382,290835.14190139796,4.949138189924786,82.09319056351472,2.5605134107361485,10.835425240740474,4.097653870523987,18.95942672322648,0.5680013244964125,0.9076424171810502,849.8557911921026,63.98602306530893,0.253511946751773,273634.96392041515,2.999226298208841,89.24076820646344,4664.9703070898395,226.35625761814737,349.32660188056894,58.62885748027834,0.2542490933057969,0.19733572792335274,35.451779671455796,53.53001996607295,2.9623941155423967,15.81177557291901,0.0,0.6833019568290659,0.13589173519963946,28.03346586765256,50.79910294999801,0.5660130248202145,13.592093865861816,1.6033010066721712e-07,0.0001132097967789073,0.2094264699878779,37.926448274646255,59.762556674514755,0.2991640542138504,14.087163129346091,4.054485915282867e-05,0.00014063033626880034,0.3261153197134516,81.80268687630941,46.98083037300486,3.2229630638275815,19.7970312383491,1.9907974977412392e-07,0.0,0.2096874029774742,44.697984624469704,80.9281692663677,5.223505613900741,13.722892461873624,0.0,0.0,176.65184162911513 +0.9755290701943478,0.2073476309818245,0.3210416445040541,125.46704713853109,148.94009689720187,304291.5576941517,3.8555748487646717,50.509212405329805,4.425137126363943,93.37337736264803,4.495601088694267,26.349336975477904,0.44646379402685765,0.8168288907675211,894.0842667116051,86.92080238974317,0.27410753747500105,126720.48790455372,2.2571924435120434,79.30061390380575,1494.750511386902,268.96716322457587,344.8443787508038,41.11730397197494,0.25782383511436674,0.19302143804932603,17.56635319467694,35.34564999136268,2.79907083491503,23.92664559926947,0.0,0.8549383877503417,0.11719591611210359,20.280303046062564,42.624139811373226,0.27505728263487966,13.416445425545966,1.6033010066721712e-07,0.0001132097967789073,0.20357470600956426,20.518794238606162,41.657196569207684,0.2557651360098621,20.42523153623232,0.0,0.00014063033626880034,0.0967088703040064,55.379270086427624,48.81489515979775,3.3854992896348857,8.990485299074393,1.9907974977412392e-07,0.0,0.18628278898666414,38.82912670788218,73.87397738848588,4.4312143648891755,17.452221558152775,0.0,0.0,141.252223686887 +0.9808924846393948,0.16082454775225472,0.3390576314130992,127.04213852332022,127.49627708696549,232466.84391417148,6.6379695542860535,70.33395973334626,4.671918265098346,43.877154621336,3.1010014655171414,22.007434641200042,0.43354520192950485,0.7625133445275092,946.5175156292048,23.430863771328763,0.20686115667435528,101715.67680863339,2.7912390076724027,79.67482443788377,4644.872085478393,119.48679913623084,345.3630320508575,39.7629372205847,0.259141295192461,0.19522302191295768,18.10799146364538,34.587469952865334,3.2070105668279374,17.90231175609459,0.0,0.6487321463037665,0.1302490377669505,15.76801411041421,39.79412241964271,0.7884235876395733,12.121148656715075,1.6033010066721712e-07,0.0001132097967789073,0.20581439598949827,20.618350450632132,41.629711886699916,0.34724118789320496,12.795917449076105,0.0,0.00014063033626880034,0.21602546009617593,64.28652586508764,51.81609725864135,3.467456148715771,11.832677388551446,1.9907974977412392e-07,0.0,0.19010629817886932,29.90987595794928,59.39413694855588,5.58668018761259,10.638830980865794,0.0,0.0,133.01760649414217 +0.9812375665025319,0.17453835678291707,0.3427663334330897,96.42434461693372,230.70819598261747,310981.56128477404,3.2160117316544388,24.431642853849112,2.1814212658429524,33.064177196044874,1.3434171091404072,23.123402323376553,0.4319076122989493,0.5683343490054273,88.83451805907623,2.5999634302793138,0.34107444477230603,73208.86417986534,2.960713595223762,98.14305934921173,368.67303263108977,211.29744249655184,251.76425420202895,36.953477533021584,0.3386651102266629,0.18557397196578734,2.712785508023582,26.138509476846203,5.104631457739871,11.644447512756788,0.0,1.2330485150131316,0.11447364249368727,1.8987687700526692,19.7259637461711,0.21326446477362535,21.840923453938302,1.6033010066721712e-07,0.0001132097967789073,0.19929657951271063,1.8581515690656238,25.829562304747423,0.2443866562541669,9.78559731852722,0.0,0.00014063033626880034,0.32781531833499356,14.510028173449042,17.61897118068241,6.812383373932037,46.3646186598831,1.9907974977412392e-07,0.0,0.2091681384328081,4.05848697925842,28.69377693268667,7.225774598052095,21.72600518321179,8.572857826336115e-05,0.0,81.06360462739856 +0.8805935356684355,0.2254955124591405,0.3353531500165222,133.72056444270916,220.45661569530915,337727.860781536,6.154941350668956,99.50717593254933,4.445017575032402,64.20989559001927,0.997435420428996,26.784408827358174,0.3957518169909928,0.9315458978993924,878.690159046944,99.86436547182674,0.20752611164519222,162220.7630045215,2.5767937766096396,47.5463089545997,1006.9810251426882,75.29903103984529,349.51505028172767,55.402214990958186,0.3229214556610265,0.19518828982439132,29.70979403789163,49.30070135738269,3.1110380420719355,28.164729620263703,0.0,0.6559415183347019,0.1352297822869858,20.940233149001944,40.59007183694691,0.5802985665876059,5.527996149869487,1.6033010066721712e-07,0.0001132097967789073,0.20610383797465293,30.273332429271758,51.204198270621106,0.3013352659251231,23.54438696467431,0.0,0.00014063033626880034,0.2351726973742055,63.82735737022237,46.768744974596075,3.2706310555168585,7.276969526906451,1.9907974977412392e-07,0.0,0.20909783571536011,35.04467301798458,65.21438574492016,5.55708129609511,10.810242696557168,1.2909771467614686e-05,0.0,149.265508824191 +0.9765085416030742,0.1662735364803839,0.39658241712266096,224.39446848170817,179.9817014089464,257664.56289450772,5.798775508742464,66.96440506381983,4.807754333273687,13.448904794552206,4.703543102189602,28.828334091295147,0.5232101369456255,0.9953063983379565,992.0570621393017,64.68797595088792,0.08672505277170683,199967.05400523852,2.5858117416172672,71.68380001930738,4705.33327266797,241.43284880042071,345.6591246087349,55.45305809141441,0.17556890689461174,0.1937730309054986,31.606739666495034,47.592808006020064,2.967253208591579,22.810700067895187,1.759079720455652e-05,2.4347646526296756,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20103416992930762,26.273638277823842,48.04860295553028,0.3477335708291332,14.945507799880046,0.0,0.00014063033626880034,0.1553967168096374,81.63549883801764,60.093825981204304,3.18317675752939,8.474813961246051,1.9907974977412392e-07,0.0,0.18020603254736484,51.95198183191233,98.62437786811233,5.751976736732031,12.24264077286771,0.00014645435179838225,0.0,2698666337285.8823 +0.9559488708231257,0.15209301844839263,0.3969554820192939,139.35052844437803,124.69229700568414,133525.63380947168,6.033775101851012,79.88736562064182,2.723612187178829,82.35026543349568,0.3202177255547347,29.623603917257345,0.5246731495084275,0.9843928633471043,524.6082666315186,94.8100014714426,0.12092304770082832,294501.8035828687,2.899180581052989,93.4952390987869,2471.073524650806,258.1044040190115,349.0617653769515,54.926525057536196,0.28451389969456553,0.19103356609479194,35.08203556859643,57.16342852296679,2.8324362399343705,14.990611996194486,0.0,1.3855928410557612,0.10108136876201843,16.90093514928301,35.74543799944445,1.2092461555974616,14.466456382728516,1.6033010066721712e-07,0.0001132097967789073,0.19804410762482794,32.284060282582374,57.92047901506968,0.4159031665170069,12.095173395287214,0.0,0.00014063033626880034,0.35681362642192355,58.49841754427714,33.06205383630721,4.218297431782815,29.08425133432472,1.9907974977412392e-07,0.0,0.14899522808893276,39.74579743365936,87.28047584249052,5.215419171119496,12.963475317264605,6.0722328858753474e-05,0.0,160.69425810889285 +0.986132090185576,0.22842451046898488,0.3490742913316903,175.61671202940443,148.27929863540317,325512.6230577187,3.2592493434776766,59.81299979625021,3.645419616035579,91.99787211423323,2.973985431618625,27.92872128977154,0.39560475918704735,0.6544713625142433,740.6082424408949,19.96837264859208,0.3097627954368988,130258.17062521355,2.9427386346230793,94.67754234529266,244.653016999094,256.3742878807081,348.17942970026763,57.71436005435781,0.27489795335150546,0.18994519244510333,26.103110335822223,47.14792086041895,3.0929179640260216,22.812668469796858,0.0,1.0329196360326773,0.09773072746383032,21.5995436846607,39.58285654602598,0.22965301702152074,18.689006366854393,1.6033010066721712e-07,0.0001132097967789073,0.19723665867013515,30.830444305301203,52.4961216852836,0.24757567628684649,22.42695414372638,0.0,0.00014063033626880034,0.2587093344302104,62.66534645281687,44.82341946006638,3.3206903560492083,12.231839004507076,1.9907974977412392e-07,0.0,0.17903762499770937,39.108849664335324,75.46326759429665,5.274107777516928,33.090672698328916,0.00011809878919323356,0.0,156.4331856334154 +0.9809862941782259,0.22919995529663684,0.42223251670113765,12.171909153702789,116.48768702011763,347273.084849573,4.049303655212293,69.13336465816676,2.8834417975464186,87.00638071043443,1.359293269154559,29.537644174683045,0.7061913895737995,0.9753468810587266,51.55247912277141,97.00926038424713,0.259449485875189,184710.1197299803,1.54332031394947,22.58780756327947,3898.8005425025667,67.93191756335091,346.8626723463638,40.563658185635006,0.16072022296957106,0.18868205880286867,10.374316056781005,29.2934179282533,3.2280808474647893,22.12036397735186,0.0,1.209462129709364,0.12370805389887972,13.622464569341178,32.21657945503371,0.4557383895434666,4.411585651961882,1.6033010066721712e-07,0.0001132097967789073,0.2016857029393238,12.754943520642192,31.943027078588596,0.24088697009347326,20.805760581178518,3.512927367864128e-06,0.00014063033626880034,0.14015007965064052,33.88151028748915,41.32900759901386,3.821761174421698,18.922955115237283,3.0898645989535473e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9379831788464205,0.2019822889377597,0.388643959726715,116.24747181993227,246.08997722127486,338566.6043351452,4.839307932312968,10.662443541590964,2.417483748832497,99.99101912289208,3.137658154744076,21.48945248460302,0.3993082037923678,0.9594737087450907,985.6176686982697,52.12142550239253,0.07160466655088557,79590.64524392449,2.6666733575007324,49.73336206016449,4358.4721859446845,69.90039894051284,349.58758341480745,57.81591963999182,0.2734924482441348,0.19747224249169415,27.339379199493184,40.61442561950681,3.04610478239655,34.36888776788275,0.0,2.568622811422493,0.1332215827122633,16.433735107870092,36.89679635103983,0.3947610829477618,9.66983932436342,1.6033010066721712e-07,0.0001132097967789073,0.20333991819638067,22.856990071211307,43.12986163383113,0.26905716901029714,22.58670501860927,0.0,0.00014063033626880034,0.1728763792303252,51.88096498840593,46.01321303657089,3.0822843995861513,9.82420569092006,1.9907974977412392e-07,0.0,0.20223303504617463,28.76104821891478,57.00469749875894,4.982948806686711,12.89792428787352,0.00018868972065610502,0.0,131.89005282681643 +0.9777986017910263,0.20411745748622867,0.34978792544675585,115.50250846918578,213.10707373387777,282576.3929812218,6.088252374166366,46.03273386729821,3.8516339746673305,72.27965466060847,4.872519995723417,25.151693005860427,0.3541645311720468,0.9723129957346137,701.1685120118254,95.89400579226049,0.2540671365148449,286276.36732567113,2.6093746526355024,94.48728558866421,3620.0139423782707,275.1464827932295,348.0775107256444,54.060723562073015,0.20926435879661312,0.1897995846219499,33.68868525880679,56.519636680552225,2.944155719909286,18.257132478211005,0.0,0.6926884942163156,0.12500636573924662,26.997131971119988,51.16336857168355,0.6485458791920282,11.113947571846062,1.6033010066721712e-07,0.0001132097967789073,0.20331299036620826,35.05410508609139,62.09193587402953,0.3165911592592287,15.819725100792352,0.0,0.00014063033626880034,0.27161956136882215,92.1565470740353,59.00671446772903,2.8630440070724985,8.355031296410955,1.9907974977412392e-07,0.0,0.17575026896239151,57.73567901543866,96.39809180100563,5.327208790923296,12.907428377279954,3.777617843194325e-05,0.0,195.8333743653668 +0.9209254187566976,0.2084320983819944,0.4240291674714418,215.11173095885712,135.81197094723484,252246.52107696192,6.189010489353727,24.600834868809233,4.2282201590363595,16.649127817440885,3.130131368963962,21.60450003746261,0.31767550825291757,0.9614297101341702,324.3294207867676,4.883149995901576,0.22103606328335418,254254.43642456166,2.4921691598781672,40.89113973665614,2918.951751468678,255.56973709679536,332.6986381634942,25.790354672130128,0.1854198523359101,0.19321608881403607,5.164569880050522,24.01590744821349,4.91979045197482,3.567184851867416,0.0,0.7633979945132745,0.1300449155314997,3.3573507870444232,18.41844544559631,0.8165132691726872,4.2717782253500465,1.6033010066721712e-07,0.0001132097967789073,0.20398636379736362,5.892210979931355,23.7798673764775,0.3469807650058434,2.9166129102398806,0.0,0.00014063033626880034,0.09698230009001375,67.08691524536506,48.1843774488027,4.699911312900044,5.509470602414146,1.9907974977412392e-07,0.0,0.1756324813557871,1.0139920973290335,22.054052875518412,7.779038068198241,4.1469268305863,0.0,0.0,95.18029908922458 +0.8987441276147249,0.23598515147130122,0.35975899398877864,234.88577035984216,135.87789150692333,299708.52612983296,6.720737980134995,72.81638576653278,3.557222785202348,54.404896963179084,4.45322080207037,22.61733822697233,0.6473269440824208,0.8598465989104881,968.0837146658065,8.010948910113862,0.214746678552625,281590.8210408238,2.823495733548001,91.91140721575233,4734.066387378489,243.03996623169994,341.9102861627919,56.229711382398904,0.17845966091342091,0.19669408860488394,33.45761727130965,51.48774929294082,3.7817015641283223,15.21121853193484,0.00011085325489363859,0.6180556961642644,0.13003650188104648,32.35262978494717,55.93264148164292,0.761783567544719,10.671029200301756,1.6033010066721712e-07,0.0001132097967789073,0.20975602809328384,34.34381865225194,55.607836260391515,0.33618663057612486,12.396154328534678,0.0,0.00014063033626880034,0.09392630936604679,106.59340214570123,73.30041925525504,4.089222901321176,5.495066949199895,1.9907974977412392e-07,0.0,0.20445243328266158,20.663192081076883,80.50615945855638,5.726350340444434,10.778725446585893,0.0,0.0,191.2352737268006 +0.8890735541173298,0.1799450296927928,0.35335570169742514,43.1616037039419,143.4965261645155,315828.75261728367,4.3150226885060645,79.71490532935694,4.40216642891002,92.92662048630216,4.221874182597422,27.13135182902875,0.48331298721961624,0.8128944345202819,850.4739289214001,14.0384086317586,0.06941698678362972,153781.32193052903,0.6372415973890304,85.93378842469825,998.4541866382614,256.0777199923476,348.86469350896795,53.838973318527145,0.31954975071040176,0.1979148176152422,23.438221181749377,34.98762087715299,2.997328970808859,51.319681765202155,4.2475805267553074e-05,1.6305202808745065,0.13261425639931293,17.59643036969975,36.65173421205865,0.2295407163910004,5.855367900210447,1.6033010066721712e-07,0.0001132097967789073,0.20738804688437518,16.838108589581122,34.444547116838166,0.24269776649716004,42.08283762502049,0.0,0.00014063033626880034,0.1085900889106147,33.71662916608824,32.52071717721459,3.638431847011768,10.873038152936942,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.909480333289095,0.16947326828095657,0.3652462293044339,63.79482977992542,148.24996114867815,334100.8190961628,6.6242801617419715,72.0203574548436,4.77536359958302,5.8490477164030885,4.056090780730747,21.087898372965803,0.37655553758941246,0.8231291487479887,364.70349619295314,81.88558122323995,0.24492730946772548,249204.55506736677,2.8305644923064235,92.17788947445264,600.1292661538071,208.37918947687922,348.70414609348364,55.38661558024771,0.30139803781108904,0.1953916410599626,30.017340967123815,48.71268307862238,3.2734452053457748,16.23527227093387,0.0,0.6948935744538279,0.12922278326066472,18.110355212111276,34.793831052829816,0.362411983864433,15.219365179160171,1.6033010066721712e-07,0.0001132097967789073,0.20642668262573757,32.250610854517355,50.807142329799255,0.2727524532257764,14.510632786013554,0.0,0.00014063033626880034,0.34750439541176753,62.58819913770891,34.640830681882704,3.6756610814235695,22.23599347297143,1.9907974977412392e-07,0.0,0.18485032992878905,36.55105747504203,70.53957819143653,5.085566655154771,13.768882636590165,0.0,0.0,145.95867330249385 +0.9032135501395209,0.18990194559584128,0.41607896929879257,14.637760453544423,147.29809280931426,206346.74274455203,4.485746640514279,64.06721386190955,2.005481519628365,34.44497966345247,1.203277179959821,16.077671789253838,0.42132974085370556,0.9862696927029093,774.30710267269,86.00547075580197,0.2849008220004593,61914.9059606887,1.3190145026929418,42.47652837637085,4360.025065029836,184.35714104069766,329.7411160838375,56.86913000046147,0.15704915560399177,0.1957187996958789,3.72890933356335,25.044687622254713,2.3810225005965453,40.18824476758062,0.0,1.3265307371487844,0.13389382381651208,8.403820673978924,25.628006725440425,0.26914212410177546,7.758207632139535,1.6033010066721712e-07,0.0001132097967789073,0.20874207000744807,5.968182250129184,27.47178043316228,0.2398304157527276,38.38746697743781,0.0,0.00014063033626880034,0.14596728960061522,25.25930052545239,32.551476187765715,4.420892464496495,19.59189162883494,1.9907974977412392e-07,0.0,0.19758491606122883,2.437225832522762,27.513179878202397,2.8101642790063264,14.754543354258647,1.820119443904027e-05,0.0,91.67881740427383 +0.9741401199228075,0.1622871277566992,0.4175618195902055,185.50328516901112,80.23123202574149,160723.14147292782,6.395970603481803,70.31372985213821,0.8338669800065008,43.54503150365071,1.6342252899178011,28.044741775664324,0.43050948987126003,0.9290842678618424,174.12513699277008,46.826169447340035,0.0667496104002571,78759.79658250892,0.6455607536345863,95.69737187080942,2562.0728208930955,196.88212266657115,336.49100119090923,49.00760160094289,0.20389565163087248,0.19608657319399647,11.073183404446722,28.472021469507666,3.2951148482735446,61.08488711447958,0.0001325460156091268,3.2665698775713117,0.12569684269846879,5.334439174451208,23.098808635665016,1.0152098718309988,6.527856735955561,1.6033010066721712e-07,0.0001132097967789073,0.2015920373137355,3.84001778957751,24.734736542328424,0.3886631141335442,43.702624930389426,0.0,0.00014063033626880034,0.11240348013872471,28.188162281918654,37.510266678291934,3.385837905977555,16.793619187087025,1.9907974977412392e-07,0.0,0.18246967426303123,9.773393806056204,34.3673595946955,6.532798342247661,13.058480565205647,7.405873246505255e-05,0.0,108.68992701142757 +0.9880172151155293,0.2088628221987994,0.44815206847071654,10.865960260887718,207.46036088792226,131279.26920404096,2.8020180766742557,93.22857219974203,4.68039654458768,35.35385224602941,4.600603023993744,17.441681114443682,0.3075411002602116,0.9745707193018197,657.4646896318752,73.62641376801491,0.19980631349458391,78892.66971928191,2.9939664801921557,84.45391759130193,4834.857820701241,184.22581492264933,345.32984288588284,56.49323880127724,0.26697208589790844,0.185217427770985,16.940427448861254,46.14677024549342,2.470319954687956,16.423253741852516,0.0,1.420505655671266,0.09544130552891182,15.490266949385225,33.1984292883275,0.3350150201253619,15.939736728090226,1.6033010066721712e-07,0.0001132097967789073,0.19224681510601022,23.194054177125338,47.38053148356017,0.2371484840861466,15.52309652933997,0.0,0.00014063033626880034,0.23394563502681348,42.28893289894119,38.43701969682652,4.677887531942291,13.884477450274188,1.9907974977412392e-07,0.0,0.13059599989610093,29.736160484723037,64.88370196946215,3.756976357611563,22.721082979324738,0.00011123254036764292,0.0,128.13893866805486 +0.928108410902437,0.2091387816397898,0.44836697443909407,191.0264639263662,200.4559529722967,265607.23819209257,4.984094193171322,73.48799093883879,3.311748026281136,97.51027118291512,4.978218848336391,5.428543014943669,0.5591610234034247,0.7140028278845707,250.2729578405539,77.82170003622646,0.053265089543531624,80094.06205011274,2.9618624000233393,83.12246141131402,818.3528281851295,259.9205093788044,258.27242728452995,53.5616144535707,0.18399210430314605,0.1868724476082037,4.324449481837862,24.4050695432964,3.02566625622018,9.141806688045047,0.00014037727038834451,4.134568697433168,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21381218670808128,3.2582587464238983,23.952039761581215,0.3197899007076231,4.8226899782167845,0.0,0.00014063033626880034,0.3382917029978757,22.307704041290577,18.984941816680386,8.376734582951451,45.96649410656227,1.9907974977412392e-07,0.0,0.16954578359810749,2.0940105753474567,33.735795837636005,6.218513775455614,33.75252599596339,0.0001045339722623682,0.0,2698666337285.8823 +0.8848603717893555,0.17794056066888644,0.3912247676103688,144.07432000336559,72.17912604287433,272304.3521556102,5.699140775252461,60.007187282076,2.6368921401376877,71.9448453126487,0.43286203405576784,29.04287283405315,0.3223088938182515,0.5741839295263941,376.0777682588736,18.601238141540776,0.07863293763827381,99516.05083106027,2.9005885189492147,79.10182015164219,3733.384133806928,272.79094870372694,347.86505626094805,36.4814686237963,0.30522093041324616,0.1970809815770388,23.660410528523574,39.600085691225544,3.6256474967418284,21.03438402953812,5.16168128963834e-05,2.274901174338924,0.08660070011758535,18.0703391532186,36.17541995210156,0.45252604734442214,22.596771794195934,1.6033010066721712e-07,0.0001132097967789073,0.2013410117569987,21.175107712736214,38.65040080919552,0.29651919113496683,17.00758710731002,0.0,0.00014063033626880034,0.24706485943643286,51.466178347296086,36.78570228582041,3.733352576743014,14.041867139913538,1.9907974977412392e-07,0.0,0.19549556748574934,13.679187805064057,48.83742053525902,5.2937516735175105,14.217254942513554,1.3244231095602279e-05,0.0,118.24538359072176 +0.9832466160472869,0.2567348589851668,0.3371053322827879,236.7110813803559,199.71556897550835,147711.10892345058,5.528388310350489,70.72686167359527,2.590149308036794,91.07392888790633,4.381234030911283,23.167269635400455,0.6016201162489632,0.8934473879018353,924.8444929609026,81.4930611380719,0.23003555069485487,292465.3875984137,2.9991296635079188,73.74015983350759,4319.218749606827,268.24212564182073,347.7487355270299,52.33652864559385,0.200563822273985,0.19538284574153728,36.960791569274754,58.988593600085515,2.8232868193676444,16.027361080340675,3.987674385300986e-05,0.7299980315504263,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20532832456861544,39.19327398185271,65.87719113966635,0.43620963815476355,13.92634859566457,0.0,0.00014063033626880034,0.16325294135511906,98.72578370372106,66.12802648052634,4.11379802323676,5.187402636282119,1.9907974977412392e-07,0.0,0.19911704356413468,55.65034098373611,95.8998358403595,5.736282444080411,13.25423772875617,0.00022009347229125112,0.0,2698666337285.8823 +0.9784319040879824,0.19638341684101399,0.33099373231846846,116.24747181993227,167.29970375044488,170455.68856062758,4.629979227796078,70.37774178046101,2.6775696879866864,91.01804291134953,2.533431045950524,20.216963787228266,0.3968598282713351,0.9326687526443901,828.8775730384863,47.74713890723737,0.06477936113903417,105803.49160757964,1.4073773985233275,50.54706252707275,3866.1337061545073,88.66000260475039,349.6040927492532,43.577369552333295,0.2599249738174689,0.19778537175077038,21.33950201284688,34.43402262150077,2.7264961832169363,53.30437949550335,0.0,2.3890173818553944,0.13150741415178505,15.994989657816767,37.08884361196031,0.78743242509694,6.939949602741587,1.6033010066721712e-07,0.0001132097967789073,0.20583396091377215,14.060863848055272,33.10236307111225,0.34586618395441476,39.72712182364849,0.0,0.00014063033626880034,0.12038065062438527,41.935364478948436,45.505239335417926,4.080555890331131,16.399134492211992,1.9907974977412392e-07,0.0,0.18328568412214727,12.050996525114028,47.94934441660341,4.006619416752046,15.199087469110776,6.282819496731055e-05,0.0,125.91298531321502 +0.9203315797065247,0.16106893942762932,0.37543293885214996,148.03094113399428,203.81247396936527,281416.30802104576,4.429282804848857,95.09777217814883,3.384883135571663,97.55466181354022,4.146611485197265,18.050744466287412,0.435354683269111,0.8730362434625382,731.680421229117,87.93472143134798,0.32773857819961816,71743.65796794195,2.4331336612609644,93.2744296341828,4900.934570824012,286.0548236130451,345.4400053874512,53.78190167294888,0.2910619496520348,0.18506071453727324,17.731819922440387,40.994076852588066,2.8339116070694796,30.37658105337599,0.0,0.9293535053609763,0.08717498011475092,20.28469709157746,43.763383318773485,0.4968298796809563,24.877189774091658,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21574970428275606,54.32203157897731,47.20947947058157,3.253237387179138,12.694737481316102,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9549055689551614,0.18400238883827855,0.41860724605646915,215.41248838435038,46.43953579236966,303871.9753985499,5.111529675232628,19.516079103214267,4.44916883209254,80.77716762866432,2.645392781622692,24.39193162472131,0.48337077384521976,0.6899836491742635,658.4961509139733,7.981902626510113,0.23862006482757483,110322.12990960259,2.956800884342969,73.00261211442795,12.226718726041327,288.26877454216344,258.6100130765974,41.64299294212195,0.18960299649940077,0.19104846159020264,3.6471937247120962,24.907733560965216,3.7625888861972765,9.9177773686006,0.0,0.6806372191398267,0.13183423995136698,1.745207475810865,16.2726405841491,0.27174338795999475,17.64747099008541,1.6033010066721712e-07,0.0001132097967789073,0.20085437477267307,2.940195477317934,24.527635271400424,0.26992534438022003,8.464944252242864,0.0,0.00014063033626880034,0.3393449858606632,18.66484284919933,17.26476096641151,5.899770721022087,45.81650012093592,1.9907974977412392e-07,0.0,0.158911278682791,4.092544970047069,32.28520063051378,5.853434318601212,29.730879731246294,0.0006039297301800518,0.0,82.25522626762069 +0.956902921348852,0.15677458212220835,0.3906523361217162,122.67108857486826,160.4543587551359,250440.09808929404,4.033860615855098,98.74283051451295,0.5297965730703863,26.137326831797154,4.5792088139046205,29.53895060067549,0.7264559205612405,0.8956084527779824,253.56399910415672,94.05848108442135,0.32962902772654656,244824.7739582111,2.9985764114682163,94.21242114054772,4954.629791630562,296.60057597539367,334.1768106798547,55.41436032323951,0.33418612877699305,0.1845527828819334,20.446158933326924,47.312785465109386,2.919034855908601,10.426044780184368,0.0,1.0470409524228488,0.0895654138206627,13.774889733907383,31.27478236496201,0.41986845819400087,18.922395422766574,8.445185030603651e-05,0.0001132097967789073,0.1851532306106776,23.570262493674555,49.32587227132213,0.2785544074763324,11.017268005320089,0.0,0.00014063033626880034,0.35359755462839115,46.4470902574517,27.749942473870714,3.6741918520308334,32.959817254427286,1.9907974977412392e-07,0.0,0.1533487692742205,27.324014533851468,66.03987882231932,4.789329046560105,20.43222925194391,4.996393211319667e-05,0.0,130.33326860967045 +0.987379437160297,0.1705103832517976,0.3432878374347202,95.1492326636656,22.473479104202376,300809.8362319203,6.811177577234273,36.7463602081975,2.5550764141866766,96.96304854985797,1.2769315475265717,19.053787585436066,0.371087732856173,0.8091231618962161,286.7775343335881,7.670880388850094,0.2858619293862077,257743.34600418113,2.519598118373379,91.42528468333344,586.7360202050386,292.9985109240804,344.18215211327333,54.13099901592637,0.17895839847767167,0.1939753229007664,26.922466185526684,48.22402671207683,4.392622881533266,16.42518212092724,0.0,0.81065034598838,0.13135261476143115,26.375282446385295,48.11199241387199,0.2557617267589009,12.17730808835872,1.6033010066721712e-07,0.0001132097967789073,0.20620000763587237,30.180666305940473,49.32931750980441,0.27603229356863396,15.071721784419713,0.0,0.00014063033626880034,0.08198166741054469,76.70959417366642,57.0214152337491,4.073869612383897,6.047883728454631,1.9907974977412392e-07,0.0,0.18511949809160394,47.164299428007375,82.74311198931798,6.499150106312058,12.10060343442586,0.0,0.0,168.87583073672567 +0.812074648881309,0.23507451468891472,0.36541355667375197,223.71919340934727,222.18728482050176,339626.89514418645,6.223433707451154,52.031136754424935,2.2488791080946835,94.71840659922832,3.805453875277119,26.247227039815964,0.40167120981097565,0.9481000191569869,55.92892137677061,80.47024166578015,0.19698366222543698,141316.12787752313,2.7163370106278704,82.77085436488719,668.542762695791,290.52066868122097,347.42510466065016,40.64500899306789,0.2938442847298179,0.1945800522971638,27.434296539408823,47.145245457958,4.03256531287438,21.34447766682006,0.0,0.9150713997469186,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20183584741458224,29.149238763459397,50.067676696474976,0.3250466459761673,18.308703315331673,0.0,0.00014063033626880034,0.17001353627913354,74.13395069133865,58.11588728894846,9.302619658109448,6.08545134977217,1.9907974977412392e-07,0.0,0.18193499047616346,47.573179657670565,78.93964688283155,10.135887326951705,23.705057272832786,0.0,0.0,2698666337285.8823 +0.8155938225165842,0.10729874141062731,0.3672424411616174,87.93862949284213,104.30189744741327,261532.63706768703,4.585183775218736,16.46899663870457,1.2473997437510138,13.33916092130894,2.298647906413054,23.639093014326182,0.4244257659487032,0.7264193343798251,569.0010071318733,2.9665401535104508,0.07268646293960909,56886.21312383076,1.1672716642957357,77.10279338505595,319.02260865961284,88.05417957651453,328.69686747445104,25.173316753570493,0.16449812594476684,0.19899732359115585,5.067229951656157,22.912044548400882,4.055477179339513,45.36913567538888,0.0,1.5495658143372968,0.13642591378156538,3.7886927928679914,17.579836298354913,0.3294339175734,5.93432409194639,1.6033010066721712e-07,0.0001132097967789073,0.20983473501924402,2.0526452752019755,23.88747723730257,0.2697399333619031,31.197502086370303,0.0,0.00014063033626880034,0.1266275550085553,22.916587104367096,28.989064255727477,4.609478118738824,14.122572883309399,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.989104770995229,0.1650131764840749,0.4280562203374159,238.21657642809325,198.1008749215604,348623.8851222628,6.884008617977032,89.35614726332754,0.6448808172188255,12.769784447732082,0.8073156290614304,15.218591262311923,0.37478313311401507,0.9483277745932835,325.30370479572264,95.41067035922345,0.18135592787904634,58023.031291657535,0.7574138749619549,80.8540403249963,4677.651759016568,194.62261145151442,344.1882733024428,57.91093160390275,0.28720450155667154,0.19570829219223998,5.580081546277456,27.438409414422402,3.647496745661491,66.62907724209498,0.0,0.9930656460485635,0.13467445938030642,6.792664074343816,23.694615849836136,0.7874373188646228,10.004873991670726,1.6033010066721712e-07,0.0001132097967789073,0.2082388041629575,3.935492818381398,27.462623997055566,0.3334143476812989,58.76155493260326,0.0,0.00014063033626880034,0.20086857420022744,34.43461234426653,38.138701036191556,6.9019783510204045,8.631775303167663,1.9907974977412392e-07,0.0,0.19445604817456008,10.76228979816745,35.35562624655649,8.925935809880224,20.418929316597573,0.0001242586943647068,0.0,121.62982368216029 +0.9303615633538083,0.24050145275878398,0.3379962207062842,205.2958121674594,185.73072724905225,232763.4703014425,4.80284250945734,90.68924147910768,4.03194089225671,81.62724711227222,3.296823949451807,26.093734278236305,0.3822749818681386,0.8300045300139975,281.22212198261883,98.6660246872684,0.13818650153555323,93632.85202550514,2.3400735103526373,70.67205672409654,4127.912246272212,254.0705689475444,311.5406430322043,57.74681181765554,0.27695943011892005,0.195238101750697,15.54527911911114,31.50125149897527,2.97607127042875,21.62379075436988,0.0,0.9941449602113769,0.11622225389762855,12.230523023542208,27.822484307028873,0.7655339265506845,14.767703524885231,1.6033010066721712e-07,0.0001132097967789073,0.2038858575758168,14.97487186163197,35.557032400740866,0.333900594876421,14.5146414049667,0.0,0.00014063033626880034,0.21006345287250466,52.16892471732506,44.14750628645078,2.9962278843402084,9.307916174299404,1.9907974977412392e-07,0.0,0.1994205838145133,15.695808240405505,41.38494820615758,5.739683873309042,9.088396821397229,0.0,0.0,106.74318402552356 +0.916639639141741,0.16876140621499608,0.40532353404779764,85.91443653471327,175.13346993640155,322372.05146777065,6.684119287279274,84.26588616760627,4.985054114459981,10.387343316063195,1.7935157521154745,28.869006546587414,0.3822678018093478,0.6592453103872353,528.9818411309147,65.83110606302435,0.05153029960405643,83087.29966454011,0.9611003463941479,68.34723321608013,1933.7316290151766,146.31638381501267,335.4851352790901,43.68058164277352,0.21018650437247685,0.2019984730530788,14.315891658395905,28.089008711955046,3.4093307068488903,55.794632275024426,3.913731609733925e-06,4.670311579710849,0.13449547315950736,6.174085238948247,22.110876017552886,0.49511980908586833,5.146765308652749,1.6033010066721712e-07,0.0001132097967789073,0.20849737453372108,4.035231882763965,25.837482896307186,0.2932830527627569,35.07710401729553,0.0,0.00014063033626880034,0.12621562327437372,35.73619114753213,34.908863320568884,3.2406549464397543,14.897309881613072,1.9907974977412392e-07,0.0,0.21737986837312215,8.476651817736062,31.142384238344487,5.485347155277167,11.327490221978527,0.000188669962218357,0.0,102.64945194817989 +0.8904500745804433,0.256675033527006,0.35850439147308344,224.3336261655739,163.83740258612656,330049.320882023,6.74213752006721,52.147995123549926,1.4876093040793186,48.31806886104204,1.1922779808444928,19.07062778043466,0.7777157547823179,0.9509260340516986,500.43020567947974,80.14166899682955,0.24630197812109175,280744.40169683716,2.7043814612232557,98.17105570359172,2850.06435357943,268.2475388947832,343.38620474456343,28.23809080676227,0.21255591156599793,0.1818558232938396,15.158817359685502,45.00087307926834,3.252335507735929,8.53510689359716,9.257736964161885e-05,0.6906947719297636,0.12924138845100835,25.205518764637095,50.22212821514733,0.7389259853342954,12.472600792531301,1.6033010066721712e-07,0.0001132097967789073,0.20101533785105935,21.871938805146282,47.08919960629125,0.3281727119705404,6.915845076618476,0.0,0.00013737944784554055,0.21188349724587519,104.22213212299434,68.42233550015462,4.811690288448779,5.935849719690313,1.9907974977412392e-07,0.0,0.2076149663365128,13.424919791589444,59.32189335940949,6.318128701195217,8.05234918758359,8.328707915664304e-05,0.0,166.74136418777127 +0.9856356104074488,0.21425858247403817,0.3458690198361482,202.37022853585694,248.02491682208057,345759.41703886277,6.770543651023582,54.15894600311968,1.660148398474898,99.03988545819115,4.443601046643783,27.616283118835522,0.6138905543149347,0.8458910680532451,845.8697142177848,59.14856174539408,0.3048216114082507,142662.63060939068,2.2273515951997847,96.31819009282262,3527.799272580266,281.09670624173,348.8548124272411,49.3262629442052,0.2468919366896647,0.19118095615949002,22.57458195769157,43.43083243053259,3.35311069671078,26.767622629646787,0.0,0.6669169637952626,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20177586290286656,24.438533914940063,47.643192724593206,0.33361997289253503,23.682167982933343,6.519982748044606e-05,0.00014063033626880034,0.2310627240030441,73.5159752445416,55.4848989108225,5.611493692295537,9.440894849025703,1.9907974977412392e-07,0.0,0.17553718295309595,40.31914396306313,81.39122236988256,7.055442855803645,17.90908154160051,1.6973658784856102e-05,0.0,2698666337285.8823 +0.8832497064744593,0.16817123887880048,0.34494120182941335,64.97143506338169,182.84440104538817,189949.45518553245,4.907479349243395,17.321548214029573,2.122472988401823,63.04249030907784,3.2478252525382043,26.676037013323874,0.35844329291299526,0.9099684724356648,796.2572047157098,28.31179316802472,0.2219265703330404,101019.3375945463,1.3332531549611057,68.23044681828966,1614.9846029529847,289.0667970122751,348.490282907274,41.16708403112713,0.20289268580187397,0.19122030995936343,12.741459159397985,30.71273878536555,2.7557609487013037,43.00608898937144,0.0,0.7609787584512657,0.13143756907583892,22.463942091144965,45.99186700856788,0.5645785532155102,10.228797529447611,1.6033010066721712e-07,0.0001132097967789073,0.20380663833562354,14.327167351238321,33.807296260907,0.31044447849360857,40.08060682498808,0.0,0.00014063033626880034,0.11761939396222268,61.24782193015687,55.72904582704904,4.40416126383481,17.89905139601207,1.9907974977412392e-07,0.0,0.2034672824713528,31.484222939414963,60.16201191309467,4.721857181207121,18.637396215376924,0.00045387795242073613,0.0,144.29210675900345 +0.9812328874452046,0.2691155123781004,0.4225337618204859,171.72567680253508,202.84999933427054,105209.89601665415,6.870679368630629,62.47783165837251,3.6625601555187735,44.47864863367442,3.250637840743087,17.614861460005606,0.7337980555858926,0.890346980934713,959.0262050732053,58.94083173827064,0.2960054250286908,69251.18908282676,2.9367346693828886,96.43459518797023,4370.9910484155635,140.08523350958862,247.75508209695815,58.34544377866791,0.21110355373499468,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11346774946674625,2.007476058164858,20.19328379950676,1.751354680020751,21.079164380128077,3.334187012504273e-05,0.0001132097967789073,0.2039343221271153,1.6839389409966798,25.276619383853895,0.5033649342948227,5.700386832268419,4.250075520006442e-05,0.00014063033626880034,0.3501469640465997,19.587214220882657,18.087782274295083,11.863647552458417,48.940486503141706,1.9907974977412392e-07,0.0,0.08151316411481514,4.073870816093163,36.83052491008676,6.2201967324540055,35.265028482491026,0.0,0.0,2698666337285.8823 +0.9731040184892972,0.2323328657278112,0.4346308627976401,118.62181750272055,226.61080543464692,130875.99135678765,5.749176882193687,51.86136546728544,3.1087114008569214,99.00179119652947,3.6394782607970817,28.212818489062382,0.4837505293984408,0.9155614027681255,682.0509270878392,70.26322535029853,0.28714671071164544,283965.2367243833,2.9228321749142445,81.91680118078743,2784.7033102230116,256.3699514672192,348.86441487331234,51.371808284677805,0.19374302646859923,0.1908033280028445,28.642999522909165,52.00238551223453,2.8885672871103316,11.84129122820782,0.0,0.8455730636220441,0.1168923730599461,24.30518068291409,46.15658205669692,1.279257602693247,13.74852340498346,1.6033010066721712e-07,0.0001132097967789073,0.20174756676983124,32.25784825254151,57.49117604494881,0.4255762062373887,10.86623663572905,0.0,0.00014063033626880034,0.2999388752624342,84.40946425751208,54.58679398419112,3.487290731402805,10.854162622340459,1.9907974977412392e-07,0.0,0.165759213263889,50.470909325653075,91.32916540116028,5.399910424869144,12.752446590679625,1.6728023636744593e-05,0.0,179.90221274511063 +0.9799613205028269,0.14430101870425435,0.4249762979916162,208.55815368083876,66.88466318236257,344087.89861544356,5.1910138041282226,76.01100040592549,1.746911925966137,23.814119197535536,3.2520115629468385,27.450780382678623,0.4325810708188736,0.8759054857665346,856.9075679339059,45.41415829841023,0.29903148505972715,62683.49375452708,1.7273824338817618,97.14516877159036,3491.1475991269285,212.99523205083807,221.7372069930778,11.979827350141473,0.29559069903135726,0.18482717181911834,6.002341347413351,26.801078283389824,3.2036866219075133,10.023656019978485,0.0,0.7138783256305196,0.12814086319840698,3.318468647332393,13.345852443758217,0.28515419345857423,9.989100804694347,1.6033010066721712e-07,0.0001132097967789073,0.18365122834286035,4.734850641238186,26.977989622205794,0.2652686292862937,10.205132859686355,0.0,0.00014063033626880034,0.35395093942249894,6.549641089029137,13.885896923898644,16.38413689727968,57.36305351092185,1.9907974977412392e-07,0.0,0.13001631998070934,4.925334933237054,33.459476248307,4.893677342958372,48.16345704448143,0.0,0.0,96.39175551306973 +0.8914894755304115,0.20725368877191105,0.4077396811736859,15.128511177237513,138.52793228270613,153492.02245604096,1.9913484674449424,80.38071797162644,0.7995921414015041,84.67031747483398,3.1625545154998056,28.429488768129726,0.7983834129755348,0.7244093464673222,895.8372346190872,15.211576882122905,0.32287201565234386,61395.28559008571,0.4994105845893224,90.7277753712793,1158.9279772631758,138.19016017380775,345.1531342618816,39.89685343483246,0.32178406677613025,0.19533254058260685,0.9134394234278881,24.535478096582782,2.4206890655088706,58.615821236030115,0.0,1.5404046963592566,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20871995188759065,3.1238845827337713,26.19152629804983,0.23756734111675726,59.69197726625685,0.0,0.00014063033626880034,0.15474757262741673,12.246751731312976,24.025151002175473,5.049656011174384,24.28502291151778,2.7615343999459633e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,3816490534509.4204 +0.9086349293254287,0.14638205816024924,0.3295335874234773,192.20385966543975,183.0296544637389,145316.59681143647,3.4476842119569264,59.56224397516069,4.073959289677054,12.942825068085938,3.9790111352771693,23.396108620089567,0.5276667311821104,0.9630254608064616,433.8563192096292,53.986250662577476,0.336409361179727,56920.899817098005,2.886231041126931,42.78245952512482,1522.9024112062843,253.65410022159523,342.99037693459337,54.02928680957343,0.25191963690585645,0.18863823699083193,20.79912096747736,47.80943321663267,2.700808589594462,25.176891266822416,9.126643666501512e-05,1.15069322161182,0.10745379778880339,28.226567719379297,59.962740152802404,0.8557173716408994,21.57747321609862,1.6033010066721712e-07,0.0001132097967789073,0.19913072052562594,26.308560266058617,52.649046081034825,0.352377165017933,21.912460203292486,1.675518321396402e-05,0.00014063033626880034,0.18050742021271401,64.09778634866923,62.27683684133992,3.920893816938418,16.510442939589115,1.9907974977412392e-07,0.0,0.17350229337251696,42.45750090813344,81.99397746665485,5.268978604381118,20.756344753422773,0.00011324988227464573,0.0,171.53151022262526 +0.9017330507835867,0.23665389728124742,0.35975899398877864,223.72739047857704,109.46920058436712,299774.21033899905,6.533334873852425,99.72630609112204,3.537366735361334,54.036802974990735,4.37741846814907,18.964849077578624,0.7810317571985422,0.7298822645911972,938.4946331671732,56.903490630503235,0.20738044003382627,286826.8608522691,2.876677046996499,93.6302568773223,2419.100171497519,270.47964479008084,348.24332357355706,30.836348400354336,0.1786030319559588,0.18389538974941225,18.363947105878676,45.824616527850615,2.8920076357291298,10.004364065732812,3.465360056632263e-05,0.7144448562854174,0.134099682207528,29.027040178045425,54.46722528430442,0.6597806839714584,12.624255227841097,1.6033010066721712e-07,0.0001132097967789073,0.20966965902776327,29.744110357253344,50.51651719757427,0.3229149484474199,8.523995466449039,1.230535311170485e-05,0.00014063033626880034,0.09262879047634692,106.8448289689479,73.39888388209698,3.1162923942031973,4.749238220082169,1.9907974977412392e-07,0.0,0.21245720406258078,17.94005522575425,72.02898406232914,4.951075969030625,9.465065559158937,0.00024154215543515487,0.0,180.2339870256923 +0.8930708689790863,0.1320964932561402,0.37522982759047363,33.430676564001146,118.00204599566675,190590.91726380866,4.938304378554679,42.59596778641085,0.6766514669784913,34.77901065762938,0.4290643898678159,24.84449570182524,0.3282202498202843,0.856029012549716,299.11681574882624,64.82813098739366,0.13699776012078402,75009.0898299408,2.3397649120131296,85.91623815771918,2607.8205386107766,211.2025167364001,246.0031883371308,32.75507761050616,0.23330302517043994,0.17951985532873324,1.5190048814002217,25.117435312348803,2.6062644560915422,10.675034599976557,0.0,0.7433084739727189,0.12562750920163737,1.1938302543144972,15.26915711779488,0.3220825263289634,13.147967180654557,1.6033010066721712e-07,0.0001132097967789073,0.18708419571399149,1.674316528091436,26.820723051840528,0.2708764328713837,8.678996571578011,0.0,0.00014063033626880034,0.3501007347199486,8.11847616801479,14.757054551050276,5.492085565282766,44.62425144819651,1.9907974977412392e-07,0.0,0.16665912127212365,4.0489060572384385,32.21973904714462,4.280187244824769,16.824484954822044,0.00023028158097304684,0.0,74.97253814082767 +0.9884656904195127,0.12964321395994885,0.350151679765668,167.2617433398182,81.99401128572578,251050.3034434658,4.289172933128736,16.78951393514661,2.533268244854554,56.486038685070746,2.1417804130387887,13.852088390780958,0.6781288313495888,0.43254063703204426,939.4655239482587,31.85675706175723,0.16036355660394422,59138.9128796541,2.838736663393664,95.55637835997489,1321.837961877835,39.76674404182133,241.57921005857744,12.663330716817038,0.16224306033453562,0.20006429873706558,2.7910277445195897,24.06705880097129,2.8661060546193093,4.048531669519593,0.0,0.7325074916171197,0.1156718926137746,2.0926794325048563,17.63522903677224,0.3773965073995735,24.41323892844435,1.6033010066721712e-07,0.0001132097967789073,0.2133159254764877,3.378592435559636,23.66874265628081,0.2801053136626036,3.175379105876726,0.0,0.00014063033626880034,0.30716107796592584,3.043233306919178,15.990548790386987,14.315231812578467,55.905491687842094,1.9907974977412392e-07,0.0,0.1991905170408413,6.753760674289201,30.657908608261394,5.383533138216632,48.364904347261096,8.324505187967342e-05,0.0,95.15607540926352 +0.9197335804314307,0.12399897105183756,0.40219582111936447,241.30414748879804,33.55521221983616,339759.7927369972,4.3636192509437315,85.95428500924608,2.9978105717286496,57.14427033212239,0.7009671808231817,25.019997601326825,0.42974688248328685,0.3503434619507392,294.2317092506148,24.627283588624763,0.12954026795330034,71147.2195527114,2.737485097835261,96.05737942094497,3028.9492267908604,83.22848170817629,255.83011506033816,18.732612675878745,0.3335622492835046,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11667767915661488,2.2033701800143426,16.741545507021424,0.20558030088595275,24.28280154347931,1.6033010066721712e-07,0.0001132097967789073,0.21371853430392915,5.208395925944164,23.608100370696302,0.24915305174870825,4.381303643389658,0.0,0.00014063033626880034,0.2700426857386501,4.075034597190067,17.577931906164267,11.106734116808296,53.19799147127862,1.9907974977412392e-07,0.0,0.20447856740738993,5.870372978218335,28.75501193737747,4.597244921893488,38.00278058992195,3.6245438354697135e-05,0.0,2698666337285.8823 +0.8837929362932115,0.20734302427506124,0.376742885113087,139.51214718849417,184.55385032346035,210366.7647064152,6.012410601456464,24.071045411168246,2.2828512168528965,98.25603206129028,4.567287043334408,28.935694699476436,0.38498967444713084,0.919221001698024,781.7101004756481,80.20583631440239,0.1289686871757167,96536.50907065236,2.752783129755446,95.44454879028531,4143.845444886501,152.47377209297275,349.36786418542283,55.17499779955205,0.29645370224439926,0.1941343169654636,27.459155226459476,45.502564044374516,2.7888671937448515,28.559014029076693,0.0,1.2944147787299378,0.09419049517516083,20.945510987995057,37.60175137265942,0.9111709447000647,16.044603395171748,1.6033010066721712e-07,0.0001132097967789073,0.19953649384102848,27.469110304841276,48.97320222746553,0.36291106282239105,22.070314249619468,0.0,0.00014063033626880034,0.24791330717714125,63.55341868902374,45.269472883984704,4.073630220836705,17.196956468213802,1.9907974977412392e-07,0.0,0.1566232455230733,43.35408814783047,82.34865878352112,5.376253506204648,21.91942285391508,0.00037889405206298745,0.0,158.02433331431797 +0.9680925328265152,0.14872541985445756,0.34283291123473375,237.40096210354974,235.3169816332841,270824.65067631245,5.3005437980221295,80.62493647605014,3.2624897681321627,52.86057917658029,1.407309912321299,23.615453172505045,0.34577810510758633,0.9290538079295304,815.1417735360864,92.59163052911694,0.14513200607808874,292922.0238895045,1.4236401551851845,96.8662980695491,1293.0405822760645,48.13123637787871,337.1410608567213,28.343550107849993,0.15790113574989229,0.19320344726608354,13.843971340038527,28.90255944172992,2.8996581028716073,12.268884601453376,0.0,1.0534789721191762,0.13245332510806784,5.736810846980429,19.509330597503585,0.8362246256063608,3.3926944241506356,1.6033010066721712e-07,0.0001132097967789073,0.20477705070658012,9.941771575781994,27.704698102315906,0.3406725441735548,10.080921249723085,0.0,0.00014063033626880034,0.07640390772757176,75.28893841076719,53.58162207663613,3.675745509395151,7.861003911107869,1.9907974977412392e-07,0.0,0.19112863028911992,11.75372251448321,29.97189889392539,5.870489942268799,3.8532700631454966,0.00017442840184217557,0.0,110.82218557548265 +0.9883217968641552,0.10541146641726248,0.3884726872903379,88.02495830799938,223.10770055668291,320755.09390207706,2.8311054209109017,53.856771810126205,2.054659002507558,21.981892542359503,1.2203310827742897,14.734638750337355,0.3243468278898892,0.9397157352820208,238.16516684581708,1.089920256181215,0.06857308490622714,103275.57012339366,2.7588518323561013,93.90974933648415,2397.462418068207,143.04246714570445,340.60931468054775,39.120254760965665,0.21105127155028455,0.19388621848309712,15.90025305226606,37.10454394460256,5.8122503880967,12.172699766971686,0.0,1.4282201857490218,0.13246577270802656,13.042192608427264,31.80176673309904,0.24629961313970802,12.800231239119269,1.6033010066721712e-07,0.0001132097967789073,0.20460110874228854,16.584333012847694,43.04939459866782,0.23914584641257045,8.070009690327232,0.0,0.00014063033626880034,0.181621052590998,57.37618905149144,50.04504805048742,4.07251382739861,9.659472994801385,1.9907974977412392e-07,0.0,0.15264202469996582,23.362757139386275,58.68974106479107,7.744777266032461,9.909117528861874,0.00015322281633059162,0.0,124.12673631823887 +0.9593077340856422,0.18419842632554578,0.4347128525817593,241.5273164934862,116.13603831878541,288379.27088129194,6.985025561127166,21.296062097607077,3.1797656540626864,99.62564544017017,4.4640881528152025,23.79671864284004,0.45956324149106015,0.4546045904202165,304.07509746184945,96.09891759221578,0.3386188057506696,142384.46268840833,2.8982794114171013,93.92191942473893,4880.243715023756,274.4233717635475,349.02337998950566,56.81655089937088,0.23711093847470294,0.19725973562880797,22.04654722054912,39.41741900697462,3.4184515564506164,19.22462751220946,0.0,0.7335881759168643,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20675745198510348,25.644195016153677,43.50485990116387,0.3411593500264525,19.07175982474659,0.0,0.00014063033626880034,0.28058175975231525,57.59654578164961,35.36160383256243,5.684812364459584,24.056747140658263,1.9907974977412392e-07,0.0,0.20154386186016895,14.047874150058963,50.09470541209926,8.253322519050876,32.09661257324499,8.793186819949992e-05,0.0,2698666337285.8823 +0.8327471181582964,0.18406799986424432,0.3419521816677615,167.90805786954107,184.94392675524193,205282.0127802955,1.541883886090017,30.504754596795024,1.5193315285889053,44.608828277586284,2.1637650549995775,20.464662382521883,0.4311935870539911,0.8205468615050047,67.04732918984683,32.27665878114641,0.32888090054680325,201059.22371191857,2.635949549261705,50.26468643641964,986.2968412635623,254.81429633992747,342.90071521853105,59.161972857386104,0.1649202806943404,0.1959390950689954,28.107619507334075,45.94294541439881,2.782007317905297,19.975353981052933,0.0,1.3839880315021709,0.13778995079041167,33.39140852628139,60.79579939272562,0.2424063656259109,8.569677391277498,1.6033010066721712e-07,0.0001132097967789073,0.20960457559446283,30.341494074631868,47.648589983179164,0.2386795752021445,18.45275875285766,0.0,0.00014063033626880034,0.1353141994957622,63.94614682795836,67.40541961002465,3.763132944522754,14.813893665087788,3.0941422188668375e-07,0.0,0.20688677143461595,22.629907895535148,65.90620617352309,3.508402328564911,11.30182612423475,1.942708265270268e-05,0.0,159.96183193115897 +0.8536438111463531,0.1486823466414265,0.3425941698652639,64.06112704211142,198.76941142766768,148259.09734534821,5.394978532278142,58.535324723147866,2.5285960436921564,21.44260063986446,3.768549058836646,20.55649969411883,0.5103944939375362,0.8049930362732843,868.7283206121512,74.18680895696971,0.06948508280293124,111600.0319571334,1.9215380692890063,69.66654738661038,956.3397645164212,224.18786515848166,318.8734353484291,54.5485214360001,0.22047894401140172,0.18430325817326984,11.848893919263611,32.13168002934103,2.250949711107737,26.52603558888446,0.0,2.0430206098837673,0.135809386916534,10.291557638104472,26.806447547893214,0.8289119018156246,8.309813209294472,1.6033010066721712e-07,0.0001132097967789073,0.19399820873537035,7.2344504035897526,29.75676498776765,0.3161018795964133,15.802169544540753,0.0,0.00014414060373783881,0.13015734846909552,47.20193480347997,44.978264009957506,4.423946377779038,9.879407277611847,1.9907974977412392e-07,0.0,0.22583523358685295,13.426946582978868,37.25595835828126,4.38192530968569,10.487443555147372,3.2300741859599345e-05,0.0,100.16706569075468 +0.9558323166715146,0.1424850291019553,0.33126826236445983,233.11460363174615,173.06418315134755,150573.94003706536,5.537127944073082,59.50463259924922,2.597265740713191,49.34110570304568,0.29842236926206245,28.63209341458701,0.38209408168904063,0.9842447120043726,801.2131372340783,39.66509307362934,0.24826589517195904,252647.23061883,2.9831380292248375,21.024956423176967,4355.469068833524,265.23548612338186,345.04548221763,56.660229686445206,0.3180633380105276,0.1889174781519418,30.984345943260628,56.89502811634765,3.053221161923037,16.093943862648377,0.0,0.7530666084094205,0.12140838889905743,17.383346676176057,36.369707719847874,1.2828947860273971,5.284974407799155,1.6033010066721712e-07,0.0001132097967789073,0.2004411108723493,32.499215044495244,58.77559946495785,0.4236158145116806,13.4490011458052,0.0,0.00014063033626880034,0.3274881299552775,59.300050818877494,38.90381199214625,3.910911273472291,7.695691428036519,1.9907974977412392e-07,0.0,0.17621919219010992,36.16357372083487,71.91283096120388,6.028741244287185,5.982416582020092,0.0002185422754367459,0.0,149.89483410163064 +0.8973351035235576,0.13056075407030274,0.32857185105216047,67.3546595227541,120.28287527270625,234325.18261875137,2.88385977644063,51.54275750714869,3.023854461848184,17.099207990515467,1.6623173737398385,22.749267028928035,0.31912893325518704,0.9239394975790978,593.6437732573204,8.292778738319068,0.2626933882344546,55829.44844141499,1.1488694434160496,51.65380597471762,2930.90262464684,255.34200936659607,332.4327923830581,43.465023170071305,0.250129092197751,0.1910356343908002,5.222296835623802,27.103907715654934,3.0002358446906565,55.4520645333518,0.0,1.1662776553518592,0.12536565002534167,9.377270307924107,26.70482276498754,0.21541801982292264,10.014154050590868,1.6033010066721712e-07,0.0001132097967789073,0.20397707796073508,7.590690119731157,27.306830725306607,0.244460453364152,53.62852183406466,0.0,0.00014063033626880034,0.11146354484551452,26.377190737462847,34.281294619270064,4.119023688414092,17.38250793003472,1.9907974977412392e-07,0.0,0.19606869041904812,13.286674113619824,33.065844620481215,4.8945907457905555,22.880459433948435,0.00024108480651656984,0.0,111.51475966767791 +0.9783098774003582,0.22889511570669785,0.44083050249327455,150.19555212782242,122.93836102432503,229057.33858295882,6.374804999881345,66.51765617170751,4.73270432439623,78.89724917481746,4.812692027396652,29.22339432991144,0.33152392324073754,0.9986596731697275,387.61322317225955,22.899733756893085,0.2996238663588753,281221.32431962393,2.979101255946737,85.09085604128293,3908.7149479264103,125.63755335078315,346.1058031652066,59.31839598095288,0.2702501423497144,0.1848719608089244,26.9993298411963,53.59040644234225,3.6063216063792227,11.440271448323783,0.0,0.8376433344602289,0.12250387466043093,15.826392392966632,37.55823526839775,0.8028496198527609,9.598033238899989,1.6033010066721712e-07,0.0001132097967789073,0.19833360709912282,28.831992069710527,52.049444238584655,0.3490933276664872,9.449205599914166,0.0,0.00014063033626880034,0.3556564712920287,55.85383395982119,31.753880711821918,4.0359351067651925,32.26590322082913,1.9907974977412392e-07,0.0,0.16093589791043947,33.557888895211825,64.85165011924407,6.560047562173622,8.756690113581424,4.502520081969243e-05,0.0,140.59282689551554 +0.9416151097425897,0.18745940014124923,0.3910537528867437,238.639416371149,50.91630536485556,272718.3509255001,6.274332007404796,15.533249340494262,4.532055190526597,78.04853129199158,2.695198914711944,24.989431049732346,0.3960076040196341,0.879316263401831,963.7340111154591,98.93828846701464,0.2885905907413853,190357.1304872208,2.96444413090333,80.92164857738894,2623.8594161157685,297.1672916109354,342.4359079400676,59.29506323312664,0.34261600498767536,0.18884512916822663,24.91048116248516,48.80070408399499,2.9406430756701067,15.54961497531963,0.0,0.7012768473387375,0.09715413014928032,15.976228704875414,32.30083040798153,0.47759216162722984,19.95626950424161,1.6033010066721712e-07,0.0001132097967789073,0.1907656254361031,26.945671857757233,53.66165344202912,0.30800669183936025,14.614690919705884,0.0,0.00014063033626880034,0.3511599529588466,46.10081888618436,27.411784964470336,3.602475277938889,30.644617256064453,1.9907974977412392e-07,0.0,0.1489228323738605,29.262774952582323,66.71405233773737,4.788880015762802,20.973449587908107,2.050726904821095e-05,0.0,135.52949389959542 +0.8985367829988842,0.21124388297455177,0.40270815654806913,162.11209586285952,39.21524265955928,272858.0178020344,4.367875450045332,83.77889734968653,1.016251469059944,63.11892002883492,3.7115572434718294,26.435326001515808,0.35141611717957555,0.9036229362677276,870.3316347406774,61.808015433256806,0.12141703443273293,81815.05771750468,2.8384196806990754,95.00546575470904,3057.8151561486106,115.68808689891249,345.2717008971585,55.4918791737278,0.2729974626926236,0.19322960409107529,23.61865257990504,40.37553365190019,2.8127349269533286,23.99366452386846,0.0,1.0378201813302115,0.07983001426923621,20.88748017395405,42.20388691556931,0.2113537298505399,16.71083878581119,1.6033010066721712e-07,0.0001132097967789073,0.20095962840561693,24.396974945625303,46.36964246752193,0.2607431197615084,17.56469791994788,0.0,0.00014063033626880034,0.20918772900425472,58.335458060372076,46.68076774794391,3.6930944584899237,13.951629178128117,1.9907974977412392e-07,0.0,0.16883615108720873,36.50156237543837,74.1606194676772,4.470246804069072,17.968832593281487,0.0,0.0,145.90747060991472 +0.9433937590896051,0.14155197556519095,0.4218665088592939,187.620754456193,207.413102564863,285288.3491817941,3.5545136977761507,79.2195263301975,3.914314601413177,22.641002796147433,2.813764792320798,13.316377696382833,0.31230495505975037,0.5552323242523943,21.238360152469056,1.6094159593048758,0.06244780413050735,153033.1767998671,1.3879290901786492,87.11267414332139,3339.9433683736665,188.2112152355819,252.2488572728371,50.8430326841965,0.21604746133572345,0.20020391222505152,1.892665897759939,25.123638733422318,6.582139032930455,7.091949480591265,0.0,1.9294175220619887,0.14133481465763106,2.6748246383059913,12.985045506188097,0.4099204125994193,4.599136880482584,1.6033010066721712e-07,0.0001132097967789073,0.21266381178083238,3.729252012175197,23.74068540085518,0.2692542925689147,5.265786414496074,0.0,0.00014063033626880034,0.32496552805067386,13.813524930591372,17.208090064294776,6.421273967376107,43.482518459004694,1.9907974977412392e-07,0.0,0.21820229135575628,6.370614834630538,22.527424358512626,10.101957710492893,5.779862480688255,6.842550044935666e-05,0.0,68.09710318923625 +0.9584823990722232,0.26982092688513,0.39001154024769763,143.68406700109296,150.61696541667544,155558.44359592508,4.458849398068521,32.8626851981641,1.2932436086640924,44.52662489823139,0.5863761613597527,24.967155444780083,0.4328262130156743,0.6877150906676474,285.9610151200609,78.33638137009946,0.07895303123507526,81301.74494363808,2.8069770409843997,99.23276019119972,4783.437126965394,69.50386547393285,256.3133684635706,19.370902124969025,0.22902383150974961,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11540518661302168,1.980938335485058,19.68570098583103,0.87397952135037,22.11012269834151,1.6033010066721712e-07,0.0001132097967789073,0.21027692749314655,3.2809928335866174,23.611069646936393,0.36014994090795294,4.224856891962068,0.0,0.00014063033626880034,0.33407616650410105,6.905907560873712,15.829293815741035,11.524283566091073,51.82208304317701,1.9907974977412392e-07,0.0,0.17820045645538368,4.860916161247499,32.97200033527743,5.054514956238584,40.39223097156703,5.032728360192557e-05,0.0,2698666337285.8823 +0.9598999831743366,0.11531059079334534,0.42058045001445526,218.42631288294143,181.71736309908408,247540.2627567625,6.231917166425038,40.90767436540089,1.4908079536013967,92.5148213269192,2.9979064555879082,27.09089577220924,0.3527510383931429,0.923523079885517,672.683643202628,51.224237018682906,0.31204336490209733,110725.17507866753,1.784419602890889,73.01379355781624,2879.791606714222,294.13152366693794,346.74468816081514,57.70052079109948,0.3202734500317645,0.18856144695396415,12.506651574110483,32.994107601883435,3.12834950959086,28.759853421983415,0.0,0.7737880408320048,0.12161523518731587,9.682149521003716,28.495214292748297,0.940100473900658,13.246670752458597,1.6033010066721712e-07,0.0001132097967789073,0.20121437880621382,13.479969150265665,33.93220807847454,0.36333700271435354,26.934356678855988,0.0,0.00014063033626880034,0.34719039822933473,38.87733079268457,28.91942251634512,4.909776698160213,25.798352280167357,1.9907974977412392e-07,0.0,0.1631723398186055,22.983064007960902,49.2466224762152,6.617039073955475,12.712015843658502,3.3676468966167394e-05,0.0,106.86359310257055 +0.9588644639150417,0.21009343466562277,0.44209788950533696,141.01831128879158,224.68547571191732,298959.0953412503,6.131503995072225,57.00664091153364,4.123459843414547,52.01053479968495,4.379602618911858,20.0736047433033,0.4039810419382973,0.7592510935532177,573.5970126542954,85.59048042144137,0.2447363570685161,188586.54939286155,2.403901399248607,97.85441529391795,563.1079841393009,125.86101761328065,345.5894967279639,57.46742005888483,0.16180192030657153,0.19694518046354145,20.65171954458957,35.22654818663348,3.0920512911809257,17.466343905881185,0.0,0.6793365233135447,0.13578446946256312,21.865532602666825,44.464467309688466,0.6888707902370447,8.294004685960033,1.6033010066721712e-07,0.0001132097967789073,0.20898930879588884,20.661605773679167,36.14574336929113,0.3206051675367497,14.447367311568117,0.0,0.00014063033626880034,0.12692917043910482,81.91591497196612,61.44302814121639,3.244949419260645,5.919431439390214,1.9907974977412392e-07,0.0,0.2132532477184782,33.71559502802272,63.36820258542943,6.103398025271174,9.062715001513693,7.740074426393173e-05,0.0,149.17120842777877 +0.9522882853213178,0.2152613151719122,0.41486688480346523,136.95812243607153,127.93434299978213,331776.1367779069,2.7556718956672492,95.44159193244505,2.768199546360956,42.00561190829683,0.3109240748648608,29.121845973969283,0.40562388425796525,0.8086115294653083,671.8459973624829,57.521957031453,0.274249773030033,296778.5492983114,2.9025902116583717,43.5773605445261,3996.3230130599563,291.22433254813797,349.2561966185564,57.871406550798945,0.26861951065499806,0.19182245132032003,29.241575260326382,49.42448469684895,2.8662289006278416,12.722835084613212,0.0,0.9909337012420617,0.13208230574612131,17.047390623213307,36.20795133617141,0.2468205780049661,5.891217780417708,3.334187012504273e-05,0.0001132097967789073,0.20611451568279737,31.193113201994368,51.93653281750778,0.23933072130428218,11.419700616414753,0.0,0.00014063033626880034,0.318299817007817,58.024445705221225,34.53890701215052,3.5355629277562706,10.34663222951445,1.9907974977412392e-07,0.0,0.2010896411836112,31.71035012891931,61.802578188362034,4.393604728364258,8.133719465405617,5.367929753892125e-05,0.0,136.00119263384082 +0.9720691838313095,0.1952191226257495,0.33099373231846846,209.41310680873562,240.03326451359638,232650.4921915876,4.629979227796078,70.37774178046101,2.74099281302872,91.01804291134953,2.533431045950524,20.17341680020241,0.3968598282713351,0.9230326052840938,819.713594996655,67.96644410429076,0.06477936113903417,102286.53746540152,1.4073773985233275,45.145450008069666,4686.12347478197,88.66000260475039,349.6040927492532,35.56621962801151,0.25985982163254495,0.1977610508248293,20.392345725143198,32.254819177115216,2.8044074968322494,52.00087583362196,2.269123782081669e-05,2.9409505636508584,0.13325625984304026,13.7188929893488,33.78371063322718,0.8158779767189202,6.499872835899924,1.6033010066721712e-07,0.0001132097967789073,0.20610943896697698,11.836384554581173,31.383805695553708,0.3388598724321639,36.46137760038676,0.0,0.00014063033626880034,0.11369971792582075,43.97417205522321,45.03515459196224,2.922309719744363,14.970105392111638,1.9907974977412392e-07,0.0,0.18479097479774975,10.959747211873852,46.08119504592155,4.712886918826724,13.048229435492896,3.057814579108287e-05,0.0,120.97363720258973 +0.8957986844435555,0.1565662730060449,0.4449606015481358,210.35994758209378,230.75014709905108,306758.63889345404,6.892678243428579,99.9007429076421,3.6594235642398387,74.09824203767141,2.8314182045824143,23.549233846240178,0.4072415957996298,0.9758078106119767,922.3648333195929,91.59607105897797,0.24372775816398218,87856.75160403781,2.0291493551992126,38.625803210084484,4909.462989399666,110.86607564485817,346.1417728943448,59.70860560749486,0.3395457454222974,0.19295860605369794,13.007232425191791,30.650764122151745,3.134748736844497,30.941348137030186,0.0,0.6836646217595447,0.12811097226881119,11.451124404476527,28.911724157227237,0.9045360621238402,6.87111903228046,1.6033010066721712e-07,0.0001132097967789073,0.20368903110575065,14.19443353719276,34.62851250055986,0.3535640376293302,25.750146847840952,0.0,0.00014063033626880034,0.3326309423212035,37.30467899436577,28.35839863503359,7.031715357698444,30.301522214124933,1.9907974977412392e-07,0.0,0.1986180374383457,17.38881937003547,40.30656064461293,6.958784194097209,10.397848618970343,6.509447312943263e-05,0.0,101.99223526277979 +0.9003981148700799,0.25381128458237767,0.3908409833876061,197.88627385041184,179.32637598603625,260378.37134858666,6.160744359001256,91.8857003454995,1.5087323584223127,99.58950517444063,2.2413990433314757,29.308741912089594,0.38056702455866037,0.9621076010471741,764.6223303495839,14.512276839566859,0.21822853454953006,117117.06817849507,2.824019329719625,73.04264028032388,2917.480594156903,294.1910021784553,343.89183481983054,55.205279605544035,0.19767192094802355,0.18823386914648535,27.651023162153802,51.73292140199325,3.594528768075223,22.352259663702544,0.0,0.6573803299603147,0.09004455538926934,41.70053366904986,68.48983157159698,0.854338479098576,16.461702918777778,1.6033010066721712e-07,0.0001132097967789073,0.20241958743052466,29.64749058453622,55.02477577491734,0.3496016459501936,17.96783693382164,0.0,0.00014063033626880034,0.19884326439869407,94.4456855371947,65.58648510202919,3.7837180856939865,13.098269086751158,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9314640654403775,0.14407546864772955,0.41122890797438183,90.1122454601237,245.97754028271035,194954.52835838907,4.566592751399361,16.861885735023932,2.091775807869195,21.236294314844898,1.9521351404573553,23.882861717697935,0.3781171189321869,0.9518791392255432,393.54111102374344,57.576285861507046,0.22781137505978166,119310.1628055608,1.1642328002453977,77.74461524932038,2088.317382113989,238.26401746943282,348.79655376100993,53.959272372779594,0.16053146754944184,0.1905415376023238,11.89175560603073,31.6178420788834,2.7603654874094805,38.94415004980861,0.0,0.8036798133812121,0.12771748583845702,18.890657408678557,41.95545913561303,0.6454024439020967,7.356456437264039,1.6033010066721712e-07,0.0001132097967789073,0.20414218130062994,12.910851135902531,31.591659842980405,0.3193469991742942,38.26603441275827,0.0,0.00014063033626880034,0.11687978188340872,54.4091301994424,51.000604092838906,3.6699179620745546,17.657235085440764,1.9907974977412392e-07,0.0,0.19314290962680392,27.948585510805984,54.52833269335581,4.921316866197504,18.192551051482354,7.087430173889152e-05,0.0,132.14854286220452 +0.9866582645146426,0.20890745156305168,0.371940943361834,223.19661228819012,130.4805462534494,290816.85731146904,2.5704249605789613,86.22326226650473,2.0510635706000184,64.5755069033072,1.6111147690989063,18.85769748742051,0.325035921832604,0.9089349538629182,949.222776355437,3.120968546363841,0.2438214262746195,123198.34933399482,2.67948327652168,45.213657711019664,4946.63377044429,251.6092447306404,349.1525025902742,58.56447970447411,0.16233882330540256,0.19255908938964353,22.35893076088413,43.68720696297669,3.432293424141919,23.947816680691684,0.0,1.005350672974581,0.12847216709626563,24.727899093112388,50.80018732527805,0.2140422783019274,13.359995579513077,1.6033010066721712e-07,0.0001132097967789073,0.20425300554793652,26.759690175616576,46.25585412023875,0.243653802569784,21.499161582381998,0.0,0.00014063033626880034,0.09798290279297317,74.0880287078506,59.369179900632936,4.012887454242886,13.081838610612749,1.9907974977412392e-07,0.0,0.18185330541312933,48.53388930178504,85.62883559035375,5.790398000635823,14.429121701597037,0.0,0.0,169.7471067337223 +0.9284175399429743,0.12709733382016575,0.3916228272330087,172.56110564443742,114.79057290506879,332697.13228422875,6.551697018921481,93.09391944691151,4.46691921155337,62.68195051027602,4.235939460455558,22.626533259196034,0.31592993619727694,0.9337413906519147,803.3906164139919,25.386867298436346,0.26007102398995713,71885.10383461895,0.5748149188812115,34.95416390464952,2708.7408353324186,257.6127260346578,339.2058261432957,22.873680107372028,0.2498508449181422,0.1919433614463392,0.9862063332982652,22.79921555485611,3.486451563653297,44.00431252370727,0.0,0.6082573976410991,0.12336283592896112,2.610677957544793,17.438716524504375,0.5529241297276721,4.957907977672267,1.6033010066721712e-07,0.0001132097967789073,0.2014164955724204,1.3939610005097756,24.70080984191702,0.30401085206511713,37.95160080480996,0.0,0.00014063033626880034,0.0610595145137066,31.981927768033724,34.152298712485475,3.4131365367398305,11.31704737870945,1.9907974977412392e-07,0.0,0.19162046041990918,2.9427770289175386,23.61352002929155,5.682159947233181,7.698278086743492,0.00021490449333995922,0.0,88.57128387329149 +0.9115819879285727,0.1451692926408509,0.3521825937378165,145.17686182826108,248.8191512543966,349330.82460532547,6.874395977491316,16.164283248637005,3.543818482641433,39.41502732894501,4.064511617659893,20.790254870554378,0.6748472662107351,0.9758699330948433,280.2393232634219,63.47057590286691,0.34307559032097434,293889.88622868224,2.8977840393975067,82.46379228035006,4740.785845921989,254.28200640747667,347.1700914748642,53.01585095757764,0.25223350590668286,0.19336364442122134,32.459284660212454,56.74402772462237,3.7056168124371145,14.550643456464357,0.0,0.7712947195706545,0.13167054641433404,22.836653374235333,44.65532882483796,0.6858671825993327,11.593842397117063,6.414487369984172e-05,0.0001132097967789073,0.20577561529204796,36.08586063118904,62.15071954290794,0.3177844804305505,13.212825137410448,0.0,0.00014063033626880034,0.3504734030398428,80.73043995221026,48.76371223413781,5.959567783741636,18.52127674470134,1.9907974977412392e-07,0.0,0.17919402725523906,19.111401008395998,79.85197435783346,6.806394872314949,10.77534774286816,0.0001958441186031305,0.0,169.31552085682148 +0.9755875923342474,0.22896404607087206,0.3490742913316903,144.12823647952683,244.64097001848603,278744.96115347825,6.476809587870751,47.817180543281765,4.801401839684273,92.64653304606028,3.261037566080512,26.67417304607686,0.734245956493984,0.6943044347686795,916.2083291117278,24.73655095567213,0.3104534974613811,128576.48887825578,2.8877657960436536,99.60667362689699,3035.3574483002194,255.44969332161594,346.27915559100046,59.30292067643201,0.30381455791568746,0.18973565081106927,25.86813926851769,46.32133685496323,3.337126154678445,23.822421816721068,0.00013818741353832818,0.7758985689086494,0.10183603500132858,20.29335285875626,36.37863345950278,0.812266075298339,21.561406391724535,1.6033010066721712e-07,0.0001132097967789073,0.1936165237781999,29.816757210833853,52.0801934761324,0.34153116093338237,22.899330742606846,0.0,0.00014063033626880034,0.3145011893261236,58.449629826645484,37.32013700950546,5.338213867726687,23.854979166715086,1.9907974977412392e-07,0.0,0.1867259405241558,34.61613027796395,71.15348427546748,6.892622214437982,33.780407135519624,9.645079525407007e-05,0.0,150.25770796034809 +0.9510972004464889,0.1344802194661511,0.328128965054864,52.32411490201912,122.31773953879173,204416.77107896592,6.935637883354687,96.62239254922662,1.9135228006724263,85.60035468640686,2.1309514827539036,12.596084110714122,0.46884061521414094,0.9451901353039612,877.7482713289764,90.33646946444419,0.28763927376337506,99824.47031772516,2.363015230294961,85.32267541081339,4276.883951382711,170.2493343775228,343.7062105136112,59.594105040967165,0.33517191626731324,0.1952400193263964,18.89286742880224,40.19921318170378,2.6369850728292774,30.328095466093686,0.0,0.828641408035787,0.1304725747901703,14.14129162492926,33.17199742237567,0.6391613976701394,15.004638539045937,1.6033010066721712e-07,0.0001132097967789073,0.2076793920046815,22.04162568388297,47.43360563981538,0.3280096191378788,26.514094000749225,0.0,0.00014063033626880034,0.22447509473015786,48.16335834083532,42.31506443744465,3.8725957255598007,10.917828397825412,1.9907974977412392e-07,0.0,0.192930111715225,24.02088303153178,51.5756030237521,4.42964758635521,17.345581057855227,8.596737778422658e-05,0.0,125.16921885271543 +0.9804949680003385,0.16293723691579065,0.4028904155778664,193.86075417028144,80.10466602058727,294218.0743966888,6.395970603481803,70.80475568198246,0.8338669800065008,93.06537472212675,2.119406159769343,28.044741775664324,0.4459810943424788,0.9251610100142883,174.12513699277008,46.826169447340035,0.0667496104002571,294672.39282285946,2.78548112421334,96.18583510881872,4597.020507447012,214.21358291247606,342.58515457066756,49.01074984917104,0.20389565163087248,0.19589135400324018,35.24994375186104,49.83158204445686,3.6995735076595344,14.76970263592425,0.00011493576221641494,3.5102748727356965,0.12828061867824425,18.68084797317084,42.44339810652054,0.5430016335908159,12.504802631591854,1.6033010066721712e-07,0.0001132097967789073,0.2010807435517011,25.621359394605125,46.61373817689031,0.30949888517187507,8.392789904871053,0.0,0.00014063033626880034,0.3377181580792013,83.11578138798556,51.819228030429834,3.900976501924784,13.253322434733816,1.9907974977412392e-07,0.0,0.15519741948336038,42.04705214228505,83.88760202799878,6.625340902073475,9.82141627929287,8.127030305768925e-05,0.0,167.0533307831286 +0.9834656265582636,0.234942783130265,0.35975899398877864,225.67598989086582,148.33856480625363,308506.1284898242,6.533334873852425,87.45881385555603,3.770870231022675,87.24119932667244,4.386585450243123,18.603204021047038,0.7940761654910516,0.9714393572624596,923.5031943551919,4.850667322521856,0.31522683425733505,283482.1966346804,2.54255717795394,95.47040793556182,2425.2703018348134,267.6145030960609,342.1730548585428,59.54294122505954,0.1783107392253756,0.19331168708914356,29.058192569074386,53.021265831055494,4.0306451365262195,16.045891760163677,5.901824138190261e-05,0.7536292590261535,0.1346259346423398,25.905400642917183,50.04088023245192,0.7373893918638533,10.277078888607994,1.6033010066721712e-07,0.0001132097967789073,0.20767671434740828,31.487611727786476,56.22565422374403,0.3305233035158386,14.117145526860506,0.0,0.00014063033626880034,0.13275972967729743,98.60954355631561,69.16212785393685,4.45227954392083,5.861093678811148,1.9907974977412392e-07,0.0,0.2128688752785218,41.37635983278654,80.08149983494168,6.747444835743178,11.423319026325064,0.0004930871267145705,0.0,185.54273137593884 +0.9410055286456586,0.1924419122923903,0.4219424825129681,92.34459741014973,225.3145798940146,342208.8780524484,2.7506871527399017,83.95121248918669,1.5967821923655694,5.214208373949514,4.889700005915015,18.363058597873085,0.3328532919906547,0.7242152166005357,983.7864943224729,74.46032172826555,0.31648145364038416,134494.03353911947,2.956146011842624,86.45271220095269,4869.370039091253,215.60871787253785,346.9607373020381,59.528344927321726,0.22636897598257724,0.19344609268069998,22.792860599856755,43.157928384454266,2.7977602262710293,17.167182975832645,0.0,1.1259315527863571,0.10913090841577724,20.06998305176189,39.102090802839484,0.26262774954821333,18.151624086707795,1.6033010066721712e-07,0.0001132097967789073,0.2043850257646932,27.49588410343982,47.374813368164276,0.23736028614198987,15.81299026143868,0.0,0.00014063033626880034,0.21342884820539307,63.16836544079068,46.0836661094727,3.395978418452693,9.48150367745284,1.9907974977412392e-07,0.0,0.18702560407829527,34.35574059893919,64.11734288903273,4.177263041203132,21.108129687187834,7.436789920357645e-05,0.0,142.01289906167688 +0.9008746401321452,0.13367244995289795,0.40727265518522354,194.36247003089565,47.51159043848734,329159.40694237733,1.6302019265674788,40.154305959014934,2.029832190581054,9.423164407843009,0.3617447939933205,22.944967041650465,0.4054946802820972,0.8558340119186704,659.0331179377745,76.74861648257242,0.19160055258916545,71878.18353580411,0.8001364081584448,34.71971998654175,628.9685037972627,196.47707253223186,347.48478048068944,55.12999984932861,0.1770247305562075,0.1945119163454749,6.632857526487689,26.576625598438856,2.740928490424539,60.76308490334008,0.0,0.9106770549712998,0.13296750984832542,13.523562833805688,31.430325564140247,0.44389795313444325,9.794396134516596,1.6033010066721712e-07,0.0001132097967789073,0.2057124897805064,7.514373888036637,27.715278756258474,0.23560846318589737,57.24906215073139,0.0,0.00014063033626880034,0.14676371475591538,35.015014067812594,37.71173957526044,3.718426154527053,25.934891296706716,1.9907974977412392e-07,0.0,0.21224127538779552,12.696366496420444,34.181390926651524,4.0470881644744825,29.052017393583746,0.0,0.0,123.87331782587493 +0.9754171502819593,0.24903443020567045,0.4406175883310767,159.6342150657901,232.12766750496758,320681.27397472004,5.935660650895415,73.33807621128118,3.375562175261063,90.21413270555682,4.018056173651188,25.919764941106784,0.4297951567866235,0.8621415277154508,844.3631800007709,85.81919835893183,0.13051312785481134,195030.73357851416,2.133364952400114,76.04798517112171,1324.9737781512047,295.45965490771,346.94461955451715,57.208849309966226,0.3368765336328138,0.19676605477973536,23.316603186248322,36.97639548520117,3.0733355978508854,20.803876046694565,0.0,1.3033266505503955,0.13084572829329166,10.91461273516173,27.716035560942984,0.6594182701819544,9.017411249545788,1.6033010066721712e-07,0.0001132097967789073,0.2065180847099807,18.8973763430638,35.98616226967107,0.3130997604667108,16.090609718554663,0.0,0.00014063033626880034,0.3493457805681572,39.33742936712063,24.422664166154263,5.4052666703996906,37.79711053897131,1.9907974977412392e-07,0.0,0.1886331537986513,20.102125322844028,46.258616043588525,5.805474173031412,12.287355473126373,0.0,0.0,107.54381251071358 +0.9464881035732683,0.17263159415475773,0.35706157829299046,12.328714123819415,209.75803595112907,327482.0955417527,3.364083620542658,74.13862054061042,1.753496746735521,50.85515845087825,3.2322133075050163,27.08205564422395,0.5187305772941988,0.3371685254512633,521.3729962644583,64.45470639274893,0.2162979316024317,64965.27213838312,2.8223528110823417,82.152064566592,963.748465301371,198.69519200250681,347.408063397477,59.75546757448506,0.3199899580831427,0.19844897481640222,17.979703233094963,35.14490105227906,2.731133890674319,27.77634636438963,1.7622625678907134e-05,1.1597667807927394,0.10408771714760848,15.459169655136446,33.82772018538567,0.4736699254392537,32.331321742291195,1.6033010066721712e-07,0.0001132097967789073,0.21208138527994985,22.50263633862345,39.12546545228505,0.24245316730090502,26.70804171857022,0.0,0.00014063033626880034,0.09317064809284079,32.89520374354397,30.57341474147219,3.706850731321509,10.11869377131198,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9865387877204296,0.10541146641726248,0.42682431223766537,217.33139356709074,146.84597040314532,271852.5278617886,5.701725087904538,53.932333612417644,2.0466117405059743,43.09108560778181,3.32577613796752,25.83682975833442,0.3047048160176804,0.9363968658810028,724.8876701034592,83.43549443521646,0.3339863578199033,101693.33924136579,2.5656537877276637,94.00839027800961,2397.462418068207,288.2630954867368,348.3409280048694,57.07270905850049,0.34084382086425996,0.16239446205744038,16.677996066445186,46.44646481604075,2.992157705933343,21.99906063967968,0.0,0.8127656202634306,0.1123545802937929,14.663480665787507,31.05136956490737,0.7199619951230396,20.801054520901822,1.6033010066721712e-07,0.0001132097967789073,0.17779006960281798,20.273227959055763,50.845581831095636,0.328582763985826,19.769541367809047,0.0,0.00014063033626880034,0.35669881013221966,35.05194683894008,23.87482442711925,5.988133785606911,35.729224164340984,1.9907974977412392e-07,0.0,0.12198895585477548,25.484145811921948,54.27692898838563,6.318814404385579,23.909731540676425,0.0,0.0,123.4785510506204 +0.9290191514625269,0.2296139304719182,0.3487911733738223,128.500597879474,125.68563148093128,306227.5184923517,5.869205416203494,52.466832893860456,4.586073241665643,97.59819145511571,3.7351650107239185,29.13629701458107,0.5123220911318624,0.9911945362796573,998.3194781663103,34.016392820577536,0.1974560053248399,146346.70648085422,2.7297682392714386,88.2868465273033,4626.962566107869,187.86709923629553,333.61376991775353,58.18999760702827,0.23409537356150306,0.19052730999114184,25.23724467582681,48.244699591862116,3.1384636093117355,19.74677923651228,2.047417309849747e-05,0.6498021091871106,0.1225585961496344,22.08338551071048,45.21867531376021,0.4956166258592294,12.489145046588318,1.6033010066721712e-07,0.0001132097967789073,0.20249548824787655,25.946135939682474,52.07195877566425,0.2944991839349628,14.52630655468256,0.0,0.00014063033626880034,0.1655730296486293,82.12630890917515,61.05441218693315,3.171128626267637,9.03973544322941,1.9907974977412392e-07,0.0,0.17539721730037885,43.66770289347467,83.56125724464368,5.169124853878191,13.322384941422811,8.32979675364185e-05,0.0,171.19272803151262 +0.9036146997993606,0.12740873829907148,0.3267757189393932,187.6883045949446,170.21094515247057,273707.2877073294,3.091282251442006,93.53601753318937,2.121385326175139,9.023732121971493,2.4342338534432844,27.451308653652983,0.7990553673134827,0.8799608680500663,462.22705310607853,28.083980295051063,0.20479850507390945,250790.30470277747,2.0903494634601745,86.9146800487939,3693.3657280490233,286.8645887052792,328.7088553471965,50.3561235660708,0.18206455927337245,0.1930519934013352,19.079069970833626,36.64315899133597,3.0052222632118513,13.836242717239704,0.0,0.7180135635416833,0.1319911434882872,13.516193992279009,30.05003355286736,0.3110680530652514,7.2595131400278055,1.6033010066721712e-07,0.0001132097967789073,0.2030459313175205,18.682385016194097,37.79709492567464,0.2571473603416409,12.136890800719812,4.685718541843561e-05,0.00014063033626880034,0.10525576583282928,70.9186454024311,55.2650984408606,3.5299108625389968,9.684082036612656,1.9907974977412392e-07,0.0,0.21885568332777738,9.693726902333543,46.51543670445806,4.346460424522424,9.03857906096942,0.00020169086900689815,0.0,124.57750913446621 +0.846994181896495,0.16396893035027926,0.3339472605923691,214.64352181981235,58.02556531924656,183537.722950889,6.21065374390369,92.8500853487163,1.3129715087037646,59.334385987377466,3.2188082697290774,14.45739021546481,0.5202038957375689,0.922805265161675,159.56766455629878,30.64644485574673,0.2226672858236436,81248.6233112464,1.2102706256712361,55.060731248936506,4380.305736062611,294.713461147792,306.8974070987602,42.458756407173496,0.22999314859268055,0.19710487180318734,6.547569428921214,23.919363291302894,3.5757416030836935,36.549421907295226,0.0,0.843341170168808,0.13878430288337745,5.136084565416767,20.36432142880305,0.788545074514388,5.808653627215011,1.6033010066721712e-07,0.0001132097967789073,0.2106785474843935,6.244554523930096,26.263711548923464,0.3589591081087173,32.040128781978474,0.0,0.00014063033626880034,0.09663857292592441,26.672071794808847,32.56497694020954,3.526779255067048,7.049188321756476,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9778290621085686,0.23721801405676632,0.4018028925620219,79.58879978067483,229.68859539769767,319780.2291863938,5.50382132579747,36.28116432728699,1.7085016607979604,30.000855937018734,1.68016136895127,11.983801909125805,0.689686542680261,0.9186803289605371,355.2906169580839,45.68667629417992,0.19102596462417973,58352.67953393067,0.4602159273624711,92.01021875488672,2229.005387459505,250.59783193061503,334.54952566070233,59.00844827007471,0.22335173167258762,0.19808096059286132,4.5055217242744074,25.189471568878986,3.290740826527822,71.06702842745634,8.296859535635071e-05,0.6516852722767685,0.13895170768446968,6.454730387904368,23.232829517475622,0.3855957634811092,8.625769901310063,1.6033010066721712e-07,0.0001132097967789073,0.2102511304894547,4.081120195299104,26.684616126371406,0.27206498912910965,66.23406188742274,4.054485915282867e-05,0.00014063033626880034,0.13808234982578171,28.972900384601097,35.521124504684636,3.2503337172344486,18.33540766573454,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9822868949650012,0.22368204950299758,0.34864423177695614,217.53794694156983,236.811169609206,214204.72488235636,5.00250842004202,83.53416035744854,3.576114160039179,67.61358209062189,1.643385125208864,20.53198305668189,0.3333652102102777,0.948012152808341,880.6822604567966,13.572731442533065,0.20056741387714047,253846.76330688692,2.9067655428694867,95.51283243922448,4977.859211570387,296.41212048086015,331.1029948786202,32.67034139995698,0.15742269088417737,0.19185644914032726,17.284989445129963,40.85822464185827,3.2604203221325045,6.478634553747096,0.0,0.6377199713022179,0.12805911581181853,8.081071839234935,25.573969166535907,0.9605640453216066,8.488138688434674,1.6033010066721712e-07,0.0001132097967789073,0.20312466140302543,17.477804830278938,43.02838112272539,0.36411892441909655,5.0266395035151294,0.0,0.00014063033626880034,0.2113433535533341,101.67684262062211,67.87752724655492,3.8120607728926643,7.932560951132727,1.9907974977412392e-07,0.0,0.18415329043713483,20.516376908248596,45.42545827787683,6.329157556572939,8.295252151141707,5.119498132995946e-05,0.0,150.37362029217257 +0.9874730448073546,0.23497001238314802,0.4154531736456709,208.57264026311032,79.49540092067298,252422.04929338634,6.987639278003928,34.350954712905505,4.330118029151912,32.41367304743762,4.168112241583062,18.8806339970255,0.7751698537109357,0.6515517650142378,991.2422581829273,30.588843744596502,0.19707372578751564,100218.22366439246,2.8671750097594866,99.25799178296803,3072.0417406852384,270.58781901944246,228.27327594729448,10.843278794007206,0.29756200934264976,0.1903421621117732,4.447205338956501,25.095129148807697,3.2468172518998073,11.840565190793738,5.9429921198387296e-05,0.7885595100053503,0.13003697534139672,2.295913511871883,19.82333262134663,0.7268082974236729,23.286997481372293,1.6033010066721712e-07,0.0001132097967789073,0.20009065806580223,4.8308711836716105,25.138875732793323,0.34182330320272036,9.835759298810387,1.4067310987431127e-05,0.00014063033626880034,0.3347411636729935,5.635690311764275,14.783414377300284,18.710859665552693,59.69849768302814,1.9907974977412392e-07,0.0,0.16859147308469372,7.746216288526583,33.13521895260213,8.109080103472994,55.09524955661145,9.114513245490891e-05,0.0,104.48853814120369 +0.9166853918517299,0.14905510780862485,0.37632026411610486,136.02729404852042,240.94213312531872,273818.9639770478,6.852897156570643,50.203302996788246,4.405429940988182,91.1102285667613,3.5339629321430617,22.558346660274562,0.43876861971010495,0.7746208110946452,828.6093922131996,94.17403522643127,0.28968091192455125,296655.433544554,2.079743638601216,77.84504185426276,1988.5727921364462,280.8420629647151,348.3501926611067,59.05709877728434,0.16211030922557726,0.1957536049821409,30.443450911731237,46.15621772499917,3.0007887209297337,20.322794681022778,0.0,0.6994828634033684,0.13516693002229935,29.045441918293573,55.60437242443858,0.8476052785889544,6.756299393867853,1.6033010066721712e-07,0.0001132097967789073,0.20963561900614305,31.41865319566899,48.78407308576545,0.34857517774018304,19.110180847692057,0.0,0.00014063033626880034,0.09199325441272038,85.58640640404025,63.64334517112998,3.5767688429349893,6.228387718737222,1.9907974977412392e-07,0.0,0.2216826568393949,48.87925136055929,82.76414513787729,6.121354281506383,10.075537051044913,0.0,0.0,178.88326664242584 +0.8621002554746477,0.20145556264977066,0.3956053964681064,99.27001999661726,46.925517465491296,336108.16370035236,4.830074677881214,59.06092508874718,2.1302575370826293,88.3986555650164,0.40824319483775007,24.8232650738599,0.34382200465843915,0.922951965274394,562.6197292579044,48.1011980666125,0.33737056564969514,89628.35661006771,2.4076765743740074,48.412376193499384,3455.4736839922152,248.6644394109187,343.39226481585234,56.89345795062815,0.22087039273976283,0.19427284219840327,16.624465886450857,34.61991153979206,3.129571693321014,26.25759099494295,0.0,0.9628337933191906,0.12157322964980385,25.88457923912467,47.951152424412925,0.19428919647073356,12.527618037075351,1.6033010066721712e-07,0.0001132097967789073,0.20356957939885062,21.326243710102055,41.098274073868616,0.2501266672136346,22.613610728466906,0.0,0.00014063033626880034,0.08912122064157937,59.769053499281945,49.86313833168837,3.6056436093223057,13.81774070505628,1.9907974977412392e-07,0.0,0.19276758492534277,38.25206999714708,70.80583877219505,4.718471780106651,14.963444630561334,0.0,0.0,144.71458114728588 +0.9272006052271644,0.12660732082216186,0.32880667206566083,56.02409377120809,168.5508081170843,157432.14347244662,4.945553898338847,45.893951670304475,4.787823703314965,85.13440661672605,0.8788143045802279,12.827044853752021,0.5934430129920464,0.6676782618517816,37.32440029992705,50.014320120545406,0.07685998574916171,101217.78910105859,2.657148620550058,83.15601863061883,2103.9416289986125,249.81472748344876,346.4523918292846,36.74459689089887,0.17633850832467995,0.1835601475852104,15.156856893567653,42.74314873006708,2.511510526044671,21.9291600287162,0.0,1.626928091216163,0.12719974051249414,24.54704614462541,47.45407198026384,0.6451139303567671,16.249998659532274,1.6033010066721712e-07,0.0001132097967789073,0.2088914743994349,22.805083215892854,43.139256400194355,0.3273717407943618,16.15761862855222,1.1538871566369115e-05,0.00014063033626880034,0.13296850680138525,75.78141393817758,62.153144755412065,4.090375770003311,10.761315456235195,1.9907974977412392e-07,0.0,0.21473071993584786,34.75783426054054,71.9636808631078,4.988557932597931,18.98466238641462,0.0004812428701587072,0.0,157.5386614366234 +0.8605162012292363,0.20621314536051707,0.38990261716924807,232.0605651089735,175.4035877854979,229008.0818837788,1.914375714585804,58.5428652232333,2.0987060425124713,39.685464637260274,4.1336695467783535,24.877913592009662,0.4504464624845036,0.8879987565094272,825.0653500328068,55.9187798732437,0.3038988472767355,95672.15366871584,2.7154738552788764,73.80542169614779,2601.6180944301923,273.7477417157961,345.4090465182408,56.98920368395193,0.33780420577162634,0.19021628355180484,20.712149844516475,43.024222910421756,2.4728218680576766,23.739001852026977,0.0,1.235378354060154,0.08218564533983164,20.194998871069604,40.1780593061779,0.22329512794012094,21.566262349638414,1.6033010066721712e-07,0.0001132097967789073,0.19616057846841506,25.03176304178301,46.71600812237657,0.24381404521409678,22.28675730807815,0.0,0.00014063033626880034,0.1768710921013432,46.68237791269109,39.699133090607646,4.122003826347198,9.197593466722447,1.9907974977412392e-07,0.0,0.1851176307336831,28.321290463956938,57.091616354215304,4.297795305639571,28.21534691724028,0.0,0.0,131.8233053783679 +0.8862197906019906,0.19222935440133065,0.40568791676025073,240.44790434458338,243.00883468766037,333185.5245582158,6.343614390190115,21.607423311895076,3.821662139176275,43.04432862450598,2.366357385401114,20.080602237963724,0.3216852968629383,0.834709039505224,445.6069133849631,74.86722727806375,0.10481969179592412,87507.56929801949,2.351666979571877,36.42532193283743,1362.939340760401,174.92520094773846,222.54927744764242,20.0770435103997,0.34942015511356506,0.19863933720786703,2.307737016105066,23.682225721681927,3.4287826369876813,4.333623099832386,0.0,2.0478382535938566,0.13497375148456445,1.7819105435675402,14.304223470309813,0.82555799011585,6.174094500954049,1.6033010066721712e-07,0.0001132097967789073,0.20774530210610156,2.9306126573136777,23.555692643828312,0.33726068080192245,2.7391221308014786,0.0,0.00014063033626880034,0.34597400079906737,1.924613982954063,14.202564987093583,18.146499445532157,59.08816424752886,1.9907974977412392e-07,0.0,0.13469575670839032,4.95785027621852,33.91286426927577,8.14125162196037,43.42612374551307,0.0,0.0,92.58347442549848 +0.9707369508322584,0.23497001238314802,0.42255872663036875,153.40462048214278,199.1704819936486,326323.02422264015,6.671371265604211,92.54892945624928,1.964697672337394,81.89987850089071,3.6955719820544912,26.292678822578512,0.5037517609667674,0.7721584641169513,266.48937755939573,22.630166954681126,0.10597427252937153,95912.27570476363,2.862755293435261,98.69612275652602,4695.016803689485,123.52232468062208,227.76637605507963,43.86279184636512,0.30215379421979216,0.19688972362692664,1.6739503826952808,25.98960638560664,3.954156486186132,6.41889674153427,7.354781499233197e-05,1.9001996242805113,0.11995079098359555,2.102259983158185,20.547057779522788,0.6869256902289657,22.222982851113493,1.6033010066721712e-07,0.0001132097967789073,0.2053406331898195,3.4772821501240343,25.647603250648622,0.32034983983935705,6.404258508693674,0.0,0.00014063033626880034,0.34436459548520576,5.878141834825692,14.735889057911743,15.822122768048999,56.68370594747588,1.9907974977412392e-07,0.0,0.1302989414951224,3.919842999015342,34.89621033919917,7.877514756915514,47.1025689492962,0.0,0.0,97.9784775438613 +0.9157952223446558,0.1543261604757336,0.37593937203836125,238.98071392670244,45.049464904792785,280434.10109105334,3.7844863106828655,41.377454402877724,4.935923926466142,37.816915971306045,3.8601040250415055,28.18951313964095,0.3880009852011731,0.9814285758702543,863.6700376307158,73.34800921625906,0.28752360258850207,254856.40401161351,2.851629319080569,43.396754719367195,2511.6959295968854,270.8441574203292,349.19052868359705,52.63463077652125,0.17320159496240714,0.1896609963879128,31.37549144554482,53.9114244401938,2.786407188774546,16.004969362340304,0.0,0.8709030803443129,0.12415323345178686,31.549826743395503,59.29519404867551,0.1920889981442739,7.960453044289207,1.6033010066721712e-07,0.0001132097967789073,0.2020043462396324,33.145813540416704,54.778358274437245,0.254040954076121,14.368515059120746,0.0,0.00014063033626880034,0.09903765669150799,75.72326802413795,62.67333074488571,3.79746742644967,11.157692145918894,1.9907974977412392e-07,0.0,0.18366837419492338,56.505874727967125,101.85063241723759,4.3815130666895366,10.476006004600173,5.179451967505507e-05,0.0,191.13480623014283 +0.9556855218408921,0.2031785566739672,0.3843796130707324,215.22554106486865,179.22046972852357,306404.2958544053,6.280503960219972,76.086353129262,4.986546627245419,74.93995184875979,3.298295146442555,25.786408346046432,0.4032189799036962,0.6843125044520033,955.2946632004496,41.65462260242539,0.3171468792928811,207906.91118375983,2.5083016430636578,98.25417988266145,4159.794673666304,293.3999629242814,349.10612608266473,59.33690750345642,0.2575464734366841,0.19692914838454292,26.242375227536282,42.445030481878376,3.2371542172010885,19.727193124141138,0.0,0.7302515940764762,0.11656928174626258,19.62955851244686,37.88938435317163,0.7599725830916076,12.828285455763291,1.6033010066721712e-07,0.0001132097967789073,0.2062215201700231,28.794619076406192,47.864521572973196,0.3317365931506715,18.190242411244814,0.0,0.00014063033626880034,0.3225631466704582,67.32190735460627,40.833459914700924,4.393554133192379,21.537365673476824,1.9907974977412392e-07,0.0,0.18717548042623708,36.427770393207844,68.95566916123404,6.300776647024864,19.368484483604817,0.00010496264645710299,0.0,146.6537869707663 +0.9765085416030742,0.1662735364803839,0.39658241712266096,224.39446848170817,179.29911434167755,257664.56289450772,5.798775508742464,69.75124035636011,4.609572832188167,52.43495608122379,4.703543102189602,28.80710511259136,0.785046262443558,0.9886668444368371,998.2732570948999,64.68797595088792,0.06407434074081222,202911.15299775585,2.5858117416172672,94.39522862295271,4705.33327266797,241.43284880042071,345.73207965845876,56.26353348102083,0.17556890689461174,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11193874553649556,23.616362252254646,43.975483255667775,0.8486503230662213,14.384640681879787,1.6033010066721712e-07,0.0001132097967789073,0.19822878021133714,28.57670004399164,56.92069076680794,0.3475775785637522,15.128685975534946,0.0,0.00014063033626880034,0.19966909843687325,88.76259663628919,65.69523956580248,3.167108301219367,8.333937728302738,1.9907974977412392e-07,0.0,0.1612004136001835,52.185445673356966,103.52006599503628,5.74327863025532,13.830905931693392,0.00013476344375504062,0.0,2698666337285.8823 +0.9045117720258731,0.23343670442667178,0.4187684034186638,197.0614699704993,186.74224205494903,176545.47843923274,6.962397488588708,97.06800891747686,4.407510023076235,29.821333742252225,2.493416151381859,18.79066522630906,0.6648774052541573,0.3015126695612711,656.9464527776302,30.588843744596502,0.10772834177930746,63395.20272785229,2.894643267737729,98.66649825296155,3265.0191318603556,119.9145639218551,227.76637605507963,35.72273574621801,0.30001543940181347,0.18668054164169093,2.588043551967453,22.870576422124035,2.8007144707711467,6.0326500912402885,0.0,1.8466549390326135,0.1219490198380292,1.875557057891979,15.791936443670568,1.318952129147637,27.537685232668682,1.6033010066721712e-07,0.0001132097967789073,0.21510806102683075,5.379979441148134,23.438928433527973,0.43013156361636523,4.776327237111371,0.0,0.00014063033626880034,0.1964687867996795,5.400960195784669,20.188821475045803,17.01976255836227,57.83201715524017,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9402964534169591,0.17890412099383646,0.4425204029561443,236.88745020527557,112.7364688733232,268927.9097700385,6.470601590973011,55.603215376680296,3.1211379172700213,76.21001546509274,0.6500863401295724,23.777794956115564,0.4463334668539245,0.9439581626353921,360.9743807940195,6.1634979424067975,0.31940231563073196,220664.0100484887,2.643250662561739,98.303443684869,3936.4095574250105,169.92761055859083,345.9587574744406,57.70390662829095,0.2905941367545307,0.19092968490414364,21.16855340653097,43.229277698377665,4.697230060658955,13.785180606807943,0.0,0.8604936047606958,0.13060943345827222,14.067428540694973,31.087350485728827,0.7559625152953287,12.818613140861057,1.6033010066721712e-07,0.0001132097967789073,0.20315116482081547,24.173401699202596,46.30721974762448,0.3391575269002251,12.131219302663705,0.0,0.00014063033626880034,0.3541500895192911,49.134595446966195,28.87548980619273,5.701377389177404,33.52037800210835,1.9907974977412392e-07,0.0,0.15760954046663786,28.16267434129639,64.46200148853706,7.723811726800678,12.309216101823443,1.980299648019504e-05,0.0,127.66730286012196 +0.9177078342289954,0.14905510780862485,0.37632051293384583,136.31573619053117,242.86173397166175,204859.7675111156,2.3477481901389368,64.88463746080163,2.261474051242452,52.18381165353628,3.862666306347472,29.486071427814174,0.4938883127548574,0.985649845683275,757.3125647092713,93.00039762378891,0.2866001910549542,180475.05592822543,2.685105849263276,97.32127006596438,4767.934937635344,260.9548732484612,348.3501926611067,59.52581225257899,0.16211030922557726,0.18725450726169543,30.042805735445718,59.25104926386999,2.434444633228706,21.50550214271978,6.4757883360427175e-06,1.1776424315275753,0.09080179882646437,35.233032619125744,58.56782196909886,0.3025489455363546,13.672044863373806,1.6033010066721712e-07,0.0001132097967789073,0.19992550406799264,34.79235018835592,62.01473351760032,0.2559199633127913,19.842935431045092,0.0,0.00014063033626880034,0.10772422026491613,90.35325248896531,69.29164310498311,4.363443505636615,11.371666514677955,1.9907974977412392e-07,0.0,0.15588198900207959,62.79732133421326,119.08525025527098,4.108192260963967,17.26743173304808,5.692962660699089e-05,0.0,216.20622005287638 +0.9832466160472869,0.12038262416163398,0.33849411901667104,236.7110813803559,199.71556897550835,147983.28753228797,6.458299258354961,70.6455522756651,2.3652679670729277,91.07392888790633,4.7500948385169455,23.167269635400455,0.6018172088371427,0.7136920504586471,925.9223883567719,81.4930611380719,0.23003555069485487,292465.3875984137,2.9991296635079188,74.25949410220633,1143.6579602518077,268.24212564182073,347.76220151991157,52.285295494061906,0.200563822273985,0.19603786040580565,33.9257157845171,52.169287091590775,2.9139885601118225,14.527067071046094,0.0,0.7645659182392076,0.1311205283758992,23.870899282140773,45.58803242253474,1.4961107755704997,13.222252845047796,1.6033010066721712e-07,0.0001132097967789073,0.20714703974116658,35.391932800957846,57.53092493211949,0.46122373780933207,12.394758731356887,7.468376064290285e-05,0.00014063033626880034,0.2763218438110603,92.2386636887239,60.22853604812174,4.77135635900864,8.741747739053496,1.9907974977412392e-07,0.0,0.19110928053547488,46.56249799682541,84.39104936581484,6.491501070899576,12.521298605783011,0.0,0.0,182.6411101152316 +0.920249622033678,0.14963016046410677,0.3473887404264364,81.2755262056852,233.3287960454927,183540.50568843994,2.450586826364516,78.89686286767402,3.035800526566603,87.69923002781863,4.815617269262187,26.90819174516021,0.39631499283615274,0.7598124856192922,873.382102281846,27.89352275666251,0.08079818869828202,299914.0134514311,2.621773803415379,79.57550503122538,1847.3729922067969,187.1418395468151,349.19166618251563,52.97711832106397,0.20709336716971102,0.1960261418684467,36.80683197967219,50.357351882601776,2.5272461314868973,18.925653673433242,0.0,0.966046709451432,0.13099240827567055,28.582553939349136,51.312992098625045,0.25218164864191095,6.746883785916774,1.6033010066721712e-07,0.0001132097967789073,0.20661021758439663,35.18617157838826,54.63646921880531,0.2536298481389975,15.673969699823761,0.0,0.00014063033626880034,0.0984562700090139,72.46857649293682,52.577506596927506,4.371692227909017,6.151149660052474,1.9907974977412392e-07,0.0,0.2091613198560598,46.25022042097118,81.20648229695912,4.259634636022956,10.02218071857508,5.078888802300944e-05,0.0,170.7219292049721 +0.9300695323420347,0.12107339085328736,0.37096156049438145,98.65469674574425,46.825390075234296,270486.8981510352,6.04633107530857,78.35443011449965,4.756353742001148,47.28520354288821,2.4273920473104824,8.172697528707964,0.338101049142107,0.6203885364089148,393.39160319667485,24.79209676176079,0.10869239345381988,53368.09987247319,0.763704040886009,59.38494107610073,2296.095565732843,264.9610095453445,319.438093738557,58.925548807429884,0.3280744510116467,0.2009184988282523,5.52466405127685,24.93011960870168,3.43922044246528,70.64629738331595,0.0,1.358613203765073,0.14265949797582125,3.504487526668599,16.828425364383442,0.3561839197525198,7.213917833805864,1.6033010066721712e-07,0.0001132097967789073,0.21308877999474535,2.6452668648006057,24.65394074459553,0.28640088874679226,56.387609953793536,0.0,0.00014063033626880034,0.11705702346853067,17.451353381232366,24.90539859999808,3.9534427720949146,9.437455912537748,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9765181386459967,0.210130220924877,0.38729761682476416,176.2283741183042,220.66309051677794,237331.32048268992,4.334759037854188,84.49920749920982,3.5418865495978924,8.391114020871548,4.2247169557360875,14.011732748419439,0.3297517943269716,0.9769884468820815,925.7787655080656,95.58428143567104,0.09482816349009036,53639.10623827674,0.8868224515343517,94.72704255709888,3126.794703205179,166.45158713089,331.0433871967788,51.37861401567797,0.1827043942223829,0.19677539946519176,7.773028945233833,25.795831966241092,2.6717671735535244,69.83742515325416,0.0,1.539343122179792,0.13140137003235333,6.611047474254119,23.316195816287497,0.6714023977836828,9.648650013271977,1.6033010066721712e-07,0.0001132097967789073,0.20654666298620844,3.8041807963147907,26.568463717375685,0.3162292091769611,53.74317312901172,0.0,0.00014063033626880034,0.1175681291977641,31.040989801910204,37.6892620953797,3.0553422728436095,15.654913376991438,1.9907974977412392e-07,0.0,0.20044579791836398,7.654136823097336,30.618089757661902,4.876283136338477,18.8041865968733,0.0007268229910761363,0.0,117.95896354171195 +0.9262330787165518,0.16204877012636953,0.3686919967897378,233.9430268947097,216.2222185747106,305623.39659999724,5.199313764903528,97.23623219515167,3.356593824760962,96.10848156824522,4.658041682766801,27.11854286515313,0.6026993850068033,0.9110349838855464,360.0161181109412,90.35627397979015,0.14698760785913495,152817.2541840719,2.9545582641401906,93.49928341370664,1125.546678368507,263.21604954571535,347.90442686845654,52.57848051177285,0.21768505376197012,0.1928845750286331,33.174917176937136,57.09892765368283,3.231620446232126,21.929245542808808,0.0,0.9735697313234637,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19756934073088242,33.053954466380546,60.733944704598926,0.31630500118705374,18.05923264963012,0.0,0.00014063033626880034,0.22828522365226508,84.96094299294874,62.86564420783939,4.1717163600164096,12.062137139575754,1.9907974977412392e-07,0.0,0.1410383031827301,62.11773640487419,107.23998675339045,7.723643035233385,27.579967508001246,9.93567342906326e-05,0.0,2698666337285.8823 +0.9765181386459967,0.210130220924877,0.38729761682476416,176.2283741183042,220.66309051677794,241135.79332090932,5.824160318089296,84.49920749920982,3.536617254899922,8.391114020871548,4.2247169557360875,14.011732748419439,0.3380609768648756,0.9769884468820815,925.7787655080656,95.58428143567104,0.31854203449550067,57138.91929723868,0.9957846836664037,94.72704255709888,3457.2355919540305,166.5701663800048,330.5789217330068,51.33962906358096,0.1827043942223829,0.1937918462191803,3.746550585191135,24.998907555065426,2.820640210561453,52.47400740582753,0.0,0.7860408996214143,0.13140157451761283,6.676247859404445,23.426863096598446,0.8949187545250186,9.389105871545441,1.6033010066721712e-07,0.0001132097967789073,0.20654668122142486,4.319874212260799,26.837059607007582,0.355308281481368,48.15155532684762,0.0,0.00014063033626880034,0.10817206568874888,36.35792731002304,41.870372603877705,3.138600866730175,13.363509120948272,1.9907974977412392e-07,0.0,0.20103517224059167,9.5182910254113,31.8919816518886,5.543745732620146,14.858688426891822,0.00043916788545032387,0.0,108.46120139128283 +0.927563202873768,0.2294437469606614,0.36572790360483043,184.56903286273717,125.48477662613706,303414.12384802336,5.756149583050428,52.451892593567706,2.245736309953562,67.93781192429616,3.8401870424772793,28.701663970489445,0.6488454085264344,0.9508564648676511,849.948017164772,93.8616082365678,0.29104367306921614,93308.16817306618,2.729780400691926,72.97663576813851,2028.7795620256943,265.37885281008766,334.4599201071609,59.76622158758286,0.23749377691897236,0.17143755510123182,13.913513556291365,47.0568458591793,2.7521995864061117,21.247879899622642,0.0,0.774172776416574,0.0904941879683971,23.11966465544174,46.74753785301189,0.565220815973984,15.91126855704021,5.280680838895859e-05,0.0001132097967789073,0.19765753162740052,24.592716098904933,50.297926084561006,0.30464247448616844,17.974124262734534,1.0612192960231158e-05,0.00014063033626880034,0.20699904603795857,79.53008833274123,59.61490693752258,2.985704080147443,12.660070273676034,1.9907974977412392e-07,0.0,0.16146643590671578,18.305882464911253,84.92947837996226,4.44271055896337,18.628759214063127,0.0,0.0,165.11196963319037 +0.9529420573809062,0.10311662833898097,0.34963187770532034,183.66091884934767,97.42084517827735,110477.18747850579,3.1018076267920227,25.1202746211328,0.5051045286861973,28.028981502323795,0.9061689384435613,27.50920076111302,0.31110861304329784,0.7895720362235858,262.7045345657687,2.830033254092317,0.06292100039597107,188339.8279081953,2.570325902741555,13.460842799991042,4242.991405661613,240.29841283006598,332.7892680035419,28.541249163569017,0.2641222667710645,0.19412111627807146,10.218835633416244,28.955905219754314,4.390061471501195,6.653075686625853,0.0,1.207837536483743,0.12341569041871178,3.930294072158631,20.709053759693212,0.785812669621057,3.286304348956166,1.6033010066721712e-07,0.0001132097967789073,0.20283448669036236,8.639334180808241,26.497753470086682,0.3522845461386924,3.141534383258867,0.0,0.00014063033626880034,0.08556857939999803,29.593205879961097,27.899876115814745,5.280133781360029,9.271404982610147,1.9907974977412392e-07,0.0,0.1891167120727517,5.1794039656327735,27.80067915534724,7.560262666007746,3.5334770902045087,0.0,0.0,69.91308616211886 +0.9374917613855092,0.14921838988514924,0.3263340867119045,74.68721805560025,128.14733129130587,133406.71064343533,2.2249167796772027,59.286407756854004,2.6238503006931344,37.95393814304161,1.860430098173244,24.05474136135215,0.49501032613075113,0.983500825618585,675.9378633313585,96.84951996883082,0.1886089976612761,73856.36110078813,1.8761547811960093,43.92682167130248,273.7982679300537,208.4615833026377,343.9168850837596,57.88162142406755,0.21195232357638774,0.19072034826471054,14.47831168970933,35.0582238239597,2.5167812452567655,44.993727496984214,0.0,1.1105120816922907,0.12928443749348387,18.996864111095004,39.122016952852555,0.28578679548292263,14.055187351555361,1.6033010066721712e-07,0.0001132097967789073,0.20189920038723475,16.94939622489203,36.053622729892055,0.2636018133139158,41.044838882379146,0.0,0.00014063033626880034,0.10254347394890548,58.233573689182556,55.32484932777141,4.775925021624224,17.06770858300339,1.9907974977412392e-07,0.0,0.2138588880735892,29.90564067280652,62.42190291499498,3.898082863051622,21.678311601250865,0.00012870514798483755,0.0,144.4779581993288 +0.9190956513086573,0.14524657782646289,0.38986438678989266,71.83794246853371,219.39150231437958,197957.3695447968,2.1314977780022293,19.253393869392433,1.6593073306044455,9.016797909609107,4.684313535028673,20.7649781160903,0.6683425365480204,0.9748554166197902,325.2190723199562,93.80967164662187,0.3059242482875241,114621.26423750613,2.651049502822305,73.55069800141494,1352.7625252671317,264.41937988927265,344.04859760931646,58.07921810432778,0.17868660644809364,0.1910991751931164,20.85853727551107,47.8604826842103,2.454305516464056,20.741561909356076,9.880388032559246e-05,1.3255529317361041,0.10507637397858395,26.88372046734409,53.12915531466964,0.2250997124296907,15.740622626990325,1.6033010066721712e-07,0.0001132097967789073,0.20117103383103835,26.512699144926376,53.80760052257249,0.24237168318914978,19.238492542356205,2.960811278586923e-05,0.00014063033626880034,0.12344143214562944,72.1414676596323,63.326077516439994,4.333179706754731,13.49144828401114,1.9907974977412392e-07,0.0,0.19209547495916102,40.69949981570469,81.41675595190458,4.0206734239295505,18.458032223016357,0.000133548834152282,0.0,170.2434662226805 +0.9742524220770317,0.13718407591796977,0.3684347275125718,148.2652468424499,212.82492403804468,314602.07685450086,4.814841448047754,80.83839889050776,0.9202389043270736,65.33530713231363,4.325895278005028,20.356103445947213,0.6105520482580931,0.9499087714983859,850.9981811349879,90.54547346289459,0.22874890508284113,292534.0713539424,2.909401747505633,93.63206727050053,4369.597088487497,289.7626256592587,348.94896736404996,54.476805417446656,0.2965208800199356,0.19151311525328882,31.567362682600702,57.96340114010215,2.9345810854698655,14.354254274985378,0.0,0.6243274092336436,0.10146688027992797,16.217340991206488,34.46297599927392,0.4863786977916598,17.550214652292375,1.6033010066721712e-07,0.0001132097967789073,0.20036432623237274,32.85491595780238,62.653178077657245,0.28389460839963937,13.179357758303855,0.0,0.00014063033626880034,0.3566639345577392,60.010115155634956,33.8192427838253,3.61538225958315,30.922073704840162,1.9907974977412392e-07,0.0,0.1511661397189829,36.60390435848592,83.09370130620883,5.0256717675720335,17.18269902677034,0.00012759186763958792,0.0,160.58716520128 +0.9610555300146556,0.20410439066663338,0.3522544088387263,171.72975473282216,233.685269412838,241068.69744178758,1.9945890561796686,35.042028721721756,2.699997141060075,18.55670760273779,2.79497681245321,24.90874961698657,0.42679884070302954,0.8812258696179619,175.1925915160893,92.64692572419496,0.2559158664340072,290186.72148917895,2.082108073287873,98.67649029823002,4889.244903822193,124.32691199304622,348.72206303732816,52.39889109428425,0.16211030922557726,0.1914099470304498,28.498886405316735,48.61715521568652,2.7423742804534226,19.799420740964717,0.0,1.1294403796202184,0.130023337107744,29.766366257808453,53.091225182685335,0.22174478790507265,5.710210258117646,1.6033010066721712e-07,0.0001132097967789073,0.20472361995889723,30.01694148926956,50.235472161350664,0.24282036325567488,19.164053587846492,0.0,0.00014063033626880034,0.10979344116323037,85.78868890217157,66.7000482939733,3.8197357686273055,12.045845072489065,1.9907974977412392e-07,0.0,0.20223068166440797,46.50101978561908,82.06421347590235,4.2583387180237855,10.623491705488986,0.0005085939613452425,0.0,179.17099696690352 +0.9555283767968306,0.23020938473713223,0.43984231145993785,217.19293055272595,182.97748962472966,310068.73918952286,6.640599965966176,82.85618875989026,4.672671738954057,43.877154621336,3.103379700529378,21.95330830927492,0.44894233812507583,0.9566094040996828,946.5175156292048,53.3711452940928,0.2154470877571592,200690.37555333975,2.992074554654535,89.8911695902275,409.9350470140212,211.4842955584756,348.749276967342,52.43689818080927,0.1615784973239854,0.19368816912497588,30.283875347233582,54.41245779863556,3.210614232700191,15.025265901602861,0.0,0.6945746257031576,0.1244868987808104,28.674367586624474,54.97258718610051,0.8034023296545265,14.10192382901996,1.6033010066721712e-07,0.0001132097967789073,0.20103441476220785,32.47590300093049,58.09199880653699,0.33886668102223255,12.514833340977676,0.0,0.00014063033626880034,0.20468355679531566,99.98296165259515,71.3236508310903,4.461547675734767,8.351324155381008,1.9907974977412392e-07,0.0,0.17361178850088174,51.5473636275754,96.88659154385608,6.391539100959106,13.261431156656329,1.5738240859614555e-05,0.0,200.44581207571167 +0.954367215044184,0.24754082544531572,0.37562025542027005,232.40091203911464,43.22541343911723,282715.69480727817,2.4381844355588274,64.57685679010672,3.2632346307900977,57.23375497060873,2.1240129454619097,24.0549710872444,0.4079420195075446,0.7608298113160654,303.6209336646547,4.094486617746206,0.17994721804314823,77425.74550149385,1.4970061265400436,80.45893753911164,3817.374265626553,268.609318316972,340.1524076482114,48.84278777349762,0.23607544889435036,0.1958563668945782,8.799599654041913,27.15559559425478,4.054570017842922,38.40201761105401,0.0,0.923485260225252,0.1325257106001321,15.29220974547383,37.27468681045004,0.3038053829458378,11.799714143736963,1.6033010066721712e-07,0.0001132097967789073,0.20870327381606013,9.003831717141956,27.430579963398745,0.23903144650943275,34.82347084262063,0.0,0.00014063033626880034,0.11708307406107199,43.71602701051345,46.26036403766162,3.8525323089521493,13.746706813370032,1.9907974977412392e-07,0.0,0.21160060814599005,20.83702455645558,48.70821628099725,5.9165089493664516,17.13623934803735,0.0003557258946633979,0.0,116.21572626505257 +0.8867687699946094,0.26171390833531427,0.41733014612471797,189.7308909300233,225.80709516619754,324476.5510717912,6.418581501616077,75.04269670854029,1.8991772723598608,71.07206908986333,4.277380421524162,28.576445075381272,0.3389045426517637,0.9441704213029718,815.6313049079538,91.50143601199943,0.2057819784895951,133947.53606361937,2.8251785235366462,99.69544178635822,4814.268512913062,214.83585591642014,349.79175940210996,41.578914293007365,0.2702959347671407,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.08727398402941758,23.086169649233074,43.50305572847161,0.7595885062463494,17.7086150117909,1.6033010066721712e-07,0.0001132097967789073,0.18861157066942408,24.37433539888455,47.70969330348125,0.32830423035359746,15.250395675095488,0.0,0.00013700696825329255,0.2953890357130256,68.06344025920689,40.884347639594715,5.7914257339481,25.42307852859324,1.9907974977412392e-07,0.0,0.15783410394327327,44.82370545770653,78.1047717653036,6.82357645323414,23.205610574286958,0.0,0.0,2698666337285.8823 +0.8654035050174551,0.19213679333902572,0.3650706703880756,158.43081638517177,90.55960086030584,286475.6697151761,6.271469781257801,40.51906955826334,1.762891375990646,15.928361798834326,4.250220592745783,6.213160595975596,0.38545775134431504,0.782556449140997,850.5921133936785,64.84257020707769,0.2627343848849519,60129.33009269315,2.8044246739772802,57.44897176582435,1429.2159477582131,87.1395376537311,248.2664203999734,18.76470079121472,0.315041185793434,0.20067997861033018,1.8744461697807484,24.005584880036526,3.067495065932751,3.6627576075074377,0.0,0.6757032502012569,0.14354045228956788,1.4856986288352827,13.608456120560636,0.5507970643482818,12.042948031191447,1.6033010066721712e-07,0.0001132097967789073,0.21375739436067637,1.674976634962751,23.845893313927647,0.3093144198327927,2.5041813074519648,0.0,0.00014063033626880034,0.3408593149316386,5.9536565154862755,14.78865244124425,12.772791796113719,53.437083460499075,1.9907974977412392e-07,0.0,0.15923071561935956,2.1110775054522395,33.81294341200257,5.147064295311532,43.10971047312669,0.00040982046885338686,0.0,88.4272093179843 +0.9694536919556874,0.15745534781106507,0.39385576165121594,197.87590506941774,197.43823025859095,157832.17996176123,4.72293854266335,39.033664962326796,1.107821611466785,30.78899937470487,3.492770345203379,6.274084058364956,0.36580031138429786,0.6732486250851358,523.1698521370713,7.7114532552922945,0.17080431181034503,106453.02206985839,2.9018466359157022,93.76578933724497,3397.168746303109,152.4886548148545,227.3665814891828,47.779981758425876,0.25331802601350484,0.19986784362093127,3.8452484458178344,24.09956530438114,3.769984681684503,5.616265213830416,0.0,0.7460041006795932,0.12431457814181265,2.335063140977017,17.29616174482478,1.0913723892298386,21.981148562111784,1.6033010066721712e-07,0.0001132097967789073,0.21333087451656216,3.588135514171796,23.652938198848386,0.39032161884769995,4.402089306229304,0.0,0.00014063033626880034,0.3401265577434563,6.744533877052749,15.227430407296504,13.041710919396603,53.486541571109655,1.9907974977412392e-07,0.0,0.18785950550822889,5.53934760767311,31.198970437177657,7.076856041778774,36.97413355024975,0.0005692134791032245,0.0,88.04808670473575 +0.9717307071071116,0.16248827489997114,0.4036181817752618,172.73688820233227,235.81064335892424,185730.931253628,4.464220908881656,32.8626851981641,2.1848639231303593,47.16503322086588,0.4596282624120527,25.035230572517598,0.4989617236342574,0.7167493695142683,233.7645862006123,23.553780964314758,0.1306489342250151,60571.32777800406,2.805658427824055,97.77064057172491,4783.437126965394,69.50386547393285,256.3133684635706,19.764152649806018,0.2295042093519703,0.19534536977158246,3.6900232034262084,24.229485293690473,3.299007222478021,5.665638441988001,5.062929689796022e-05,0.9848626121914732,0.1261075537986201,2.1066646888027596,20.12918215473966,0.9027292875536934,23.231833554066064,1.6033010066721712e-07,0.0001132097967789073,0.20585375853368565,4.262147533243256,24.60720620402276,0.35721351586190997,4.962272087050499,0.0,0.00014063033626880034,0.34381900777783003,5.008841630772891,14.915619561652392,13.250077855064333,53.65027689045072,1.9907974977412392e-07,0.0,0.12791740918710232,5.214907102679957,34.918961704186046,6.53672001113964,48.57034422055921,0.0,0.0,95.88155470682572 +0.9818282464437463,0.21156437282289264,0.42398885760779176,202.59833725821304,202.80953879115398,214695.18755268824,6.84120911218319,45.08653545978893,1.7703874086475841,44.47864863367442,4.443545884574947,17.614861460005606,0.7337980555858926,0.8442266604717981,522.5266362431732,60.840912118605885,0.22554349832552767,64436.9842835588,2.2255591072418337,87.04647758896874,3530.434284600169,242.3100192835605,230.9669019144861,14.881648311752958,0.21409786810486242,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.13154067617450493,2.93541405405886,14.045341222955475,1.1608500593995836,16.54900826619374,1.6033010066721712e-07,0.0001132097967789073,0.19364459604852122,4.563096650680537,25.192275982978668,0.40095524585385345,8.748065635201698,0.0,0.00014063033626880034,0.35018703285840136,4.8474041743489895,14.013158581506632,18.763186360905596,59.65959113137484,1.9907974977412392e-07,0.0,0.09048422626570854,5.367629880116632,35.25483290955634,9.428348269860907,56.35649524779559,0.0,0.0,2698666337285.8823 +0.9129011391388371,0.22666157120782152,0.36690892766780187,56.28717891048973,133.39122198282348,296316.31932849914,3.839161661852443,13.206177070266378,4.237805421772033,23.470606872200566,3.8730691669628947,21.02734695514142,0.3248287421103292,0.9622282635463008,737.3581854074895,36.39417105219144,0.32101561630833314,107607.13677136396,0.7617131519393905,98.01639819242514,603.1079747133759,276.783856993696,341.221179295373,42.00963370208599,0.24739308664849508,0.19400774339521273,8.424177741601657,27.73986607867906,2.8115268411550423,41.896635048658545,0.0,1.1365199819159602,0.13132996089624985,11.837672131693802,31.139576222564138,0.2169176542666676,6.3402623487350835,1.6033010066721712e-07,0.0001132097967789073,0.20419665165977674,9.978605922051425,28.858350385969224,0.24414648226623495,41.73246332288755,0.0,0.00014063033626880034,0.127104216337024,37.6462552613554,37.13453536518918,3.7748820532804483,17.001394340708114,1.9907974977412392e-07,0.0,0.20441101120010743,14.77319737830035,33.92630183544295,4.371077154478256,18.135887444358954,9.430313712888843e-05,0.0,106.04715945497294 +0.9510527567383864,0.20575229375075715,0.38776692942627516,210.16691416003584,210.83013707009894,304295.2451627377,3.243738012919036,67.43319885274043,3.330680091643413,62.16565343642397,4.918826137476487,23.91751869658915,0.5967996551637043,0.9060154647465153,77.93857068984933,24.96756383537169,0.20020565029553566,149662.6530749366,2.976204570981263,82.35713563439194,2644.8352595827455,285.510493039506,348.8263120523428,44.37919526635048,0.15020651253363826,0.18904728266662132,27.832980269318917,53.00769576943045,3.587179718552074,16.76198513577146,2.1740197019261574e-05,0.7818562522565105,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19983535377213454,32.45121633013414,61.53756856080511,0.25820002700198824,14.591660959050188,7.468376064290285e-05,0.00014063033626880034,0.14829865567414602,102.87870162605802,72.07305000919243,3.7128674139164257,11.014817508969738,1.9907974977412392e-07,0.0,0.17389134626591726,58.00593664056611,112.46620118259109,5.726504346994703,18.25491450158847,0.00021413466365530985,0.0,2698666337285.8823 +0.9549804090349032,0.15486841058713485,0.32458178861956505,244.92795719066544,27.81680747013499,267798.6669220997,6.3735822727547164,74.52929434853388,4.565438962365778,31.971297095438665,4.308200122729706,8.78640751565428,0.5360200594854636,0.945464531993354,876.5328290110766,91.66557905091008,0.21626323941023862,156674.47888076436,2.6570843598771625,86.83693244751666,3776.535941487307,281.69117664067335,344.02002331093115,51.61917070445407,0.26679327683857246,0.1958264587349919,27.52156756577941,53.139072574014854,2.967806808016014,22.57372937720469,8.026439030759201e-05,0.6869492771616781,0.12423288219449288,19.587199485041467,38.817075282467485,0.3621046220891977,17.9252410425488,1.6033010066721712e-07,0.0001132097967789073,0.20539935923826294,28.682148463218674,56.27005520581476,0.3000093256239137,18.9576296446989,8.116123837321558e-05,0.00014063033626880034,0.16094049756334178,66.48264343652828,53.38820683268692,3.7978454229581615,6.434219508027003,1.9907974977412392e-07,0.0,0.17351634408109476,36.723854611103505,77.56052580191151,4.708971717477485,17.509563692305402,7.107658641304895e-05,0.0,160.24868026772378 +0.9260438231304309,0.14764191289760767,0.4378414133692008,205.05040907849158,176.88289768950142,198134.2670820586,4.475315733565109,42.04880613049055,4.333131691933063,31.614172770367006,3.260000794145536,24.352465769358613,0.4400769795296763,0.6640342456687198,750.7905122904842,30.052353219816624,0.1579864338036276,61468.357439753825,0.6671651459295018,99.40872651024677,1583.6884230655153,177.91091555709363,348.3851556284509,35.43611522235289,0.29882533365485453,0.19731709701040007,1.7143234553155937,24.9644589954118,2.9087551741190985,51.68289985532225,2.1210239138486718e-05,0.7454503626733741,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20888795460696574,1.7816304328782,24.616475570020345,0.34559122788133667,46.978110174726055,0.0,0.00014063033626880034,0.07837388430198046,24.66510715520201,29.45307363824516,3.4245084795253566,6.948531710477129,1.9907974977412392e-07,0.0,0.22250432649134735,6.605749436067321,30.182137141935673,5.5118444588379365,18.214825965125858,0.00011388886169451303,0.0,2698666337285.8823 +0.9180971554530959,0.20497174725477268,0.3462170489834946,164.92464711432174,47.20394754775595,114268.99236183941,6.426288020062909,62.26201035379459,1.33303746687731,76.0775908506456,0.7808493239519699,26.370692765509734,0.3787542675010404,0.9747046121719459,955.4792195234605,49.41801605442672,0.3105596816698043,220496.64630679338,2.6559465101485573,98.27509986009433,4159.794673666304,213.72600658404156,346.13551909492145,58.94357601453072,0.2646081126640421,0.1914978326149702,30.648347503866376,52.453889738828494,3.122147950148677,20.699980674060182,0.0,0.7927790485857272,0.1267358005527388,23.48130802624468,46.12166863957927,1.1214440659606897,12.708150444170265,1.6033010066721712e-07,0.0001132097967789073,0.2012544123149177,33.7423614979501,55.37446025202282,0.40990108491023436,18.777587752006315,0.0,0.00014063033626880034,0.2531316441518603,74.90874297117159,52.134587174922025,4.837487551544258,9.149588346377897,1.9907974977412392e-07,0.0,0.1700294857714361,49.94881222378104,86.61532984683255,4.712745472767633,13.743970304206558,9.323330580485243e-06,0.0,173.70497713818628 +0.9761421514229266,0.19982217983927086,0.44870796704515997,116.24747181993227,150.4597653481968,265360.6747688286,6.610755232567091,12.957704151093882,1.657929660084161,61.39475296271337,1.3309117443048653,27.37478722503758,0.7850498314156181,0.663000405013564,909.8413988277316,64.96003304172888,0.05995035866420187,80575.59392687763,2.5870070031156245,67.07910633133525,4127.430027613878,44.08700347521031,237.43411424640036,10.177344129912896,0.3212101876880826,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20815088365447207,5.855517727405442,24.771568931863488,0.32882649747322507,2.8394159103257475,0.0,0.00014063033626880034,0.33722164011371547,7.411987063666202,14.478476322390824,18.527373476524033,59.49843328501106,1.9907974977412392e-07,0.0,0.16070148592737507,8.968580885167396,33.21623526490453,7.45152291304517,55.689491512231115,0.00012111585466784883,0.0,3816490534509.4204 +0.946140376565396,0.1592780156933762,0.43890815993562177,236.22278668786586,222.04881071296336,171145.7617238848,4.530000838250576,78.81926511215984,3.0949893653107323,83.9586481323957,3.682660988886784,18.785199724258458,0.3180666095923723,0.8112898770311749,774.1899995404783,60.95466385972322,0.33887960451382815,189473.15560129864,2.8825861006030817,82.38737645105256,1211.5971483998994,198.073127970491,237.33351664045003,39.368944982429056,0.2702998903384152,0.19408770744260317,6.118773787648373,24.17298884408644,2.7646401919405736,6.674907366258952,0.0,0.9724846509020211,0.1278777304539983,2.6188596199951624,14.73878678041899,1.0786390251850453,17.88023043438597,1.6033010066721712e-07,0.0001132097967789073,0.20752917609662844,4.677636574748733,23.387232013221656,0.3853452024089781,5.302815075708049,0.0,0.00014063033626880034,0.348960056245809,5.443871484936069,14.551158348756228,14.569548266286391,55.24619758805135,1.9907974977412392e-07,0.0,0.13140237130021745,6.611614762683552,32.41671204651759,5.571395886891144,32.92070944937281,0.0,0.0,86.78926278195395 +0.9676570658804435,0.15984646510285377,0.40267368210885013,224.30077230540093,232.36650588307978,237194.89379819817,5.6873463111982865,30.062628769582997,1.1780268041267539,82.88206263850945,3.098374084347303,26.751968563719682,0.3781063329257766,0.6897136627702262,917.7721482858319,24.54300829265531,0.26236633739440085,151201.02084355158,2.9569642391201114,83.55848631064421,4662.371318509317,286.4669055668563,303.3368861236336,12.947329531293398,0.24016868459303797,0.1914150379383101,4.847629736673681,26.413390886706708,3.1871149376478685,10.526809755006132,0.0,0.6790240833078639,0.1241482195569351,2.2032480421178766,16.23753537607448,0.9872510675124294,19.260850002897698,1.6033010066721712e-07,0.0001132097967789073,0.1996364553866491,3.5896659421658326,25.37857522143067,0.3682989067594996,9.039516255321882,0.0,0.00014063033626880034,0.3413819146581256,45.64863962005461,30.162478096669172,5.393816971031955,32.77026757860756,1.9907974977412392e-07,0.0,0.1415544859255514,2.8287913900411503,33.823517810115106,6.44647957914775,32.39023191466788,0.0,0.0,92.52769631456106 +0.9383090534750914,0.15584202190571886,0.39897893741239326,144.42635279389802,123.30176755630481,180749.64104454246,4.071665767042862,57.05316191000291,2.4460164722128317,38.914067323093036,4.568405520824988,21.193374033637124,0.3250371737758535,0.9406994244901423,320.50733252551413,94.41162832685119,0.10867766759058992,67138.94131605272,0.6738526725103274,54.24021376791561,4139.779678956677,188.5382198489805,338.32040353259583,59.42600799681935,0.16456734222700597,0.1950343291565623,8.196631314991272,27.438485144464558,2.645021951335876,69.95499440232287,0.0,1.1383486681550141,0.12370595959484168,9.671568315721759,27.283357194858215,0.6341543845765454,7.964183819957022,1.6033010066721712e-07,0.0001132097967789073,0.20325468524792423,6.241395006138464,27.98955080255733,0.32156251887760534,60.566938917883434,0.0,0.00014063033626880034,0.12807408666760364,29.60089287595004,36.17255698261488,3.7662757654753447,22.162057683501164,1.9907974977412392e-07,0.0,0.19536743240960674,10.644447841324927,29.820876796282366,4.721278554921404,25.99930914716926,9.115232400634398e-06,0.0,124.52159735173224 +0.8305326379349137,0.1949497466366326,0.36249308930448815,15.214888881952547,68.66213135902302,144010.8533530106,2.3175922215132507,99.37441476998556,3.0806390139801856,48.50038335996291,3.7024655175937533,29.412536916614513,0.30200923809868707,0.9172176980365765,756.9197950607326,80.204177697931,0.16595334061696443,182733.90791093538,2.66763340782052,94.84003678532994,4040.7648627697918,216.96414823832615,337.69450403575416,55.399001781703994,0.1628113122042677,0.1905604538946902,24.91111151882129,45.79161458599265,2.43931989024301,16.544093117535432,0.0,1.3705450653213707,0.10898281936283365,31.99221534498096,58.73088792716835,0.3610572456978302,11.712244587517695,1.6033010066721712e-07,0.0001132097967789073,0.20192419151342098,29.480086874829773,50.7001294886072,0.23669434742799156,14.467528458268593,0.0,0.00014063033626880034,0.0756455942155619,99.40734520007068,70.82084407183676,4.769478939340712,13.785858123588216,1.9907974977412392e-07,0.0,0.19578009809809047,56.36386857473588,93.81018257047101,3.7045256840348584,13.574035531205043,0.0004855975658388123,0.0,196.3252360688321 +0.8971742114092677,0.13076501717253827,0.3824465041060123,220.38373122437383,16.619329190735215,289342.76964459993,5.2235530768174465,87.71846617437242,3.6188332039397952,53.592201047749775,3.102160619003007,20.77345950583826,0.44146272774637413,0.7471219114427502,961.4196642954735,59.37953972547547,0.24751755861595628,204561.98150021935,2.86877502369073,94.63389355315503,3228.049333454508,277.97733412398935,347.6485374502673,52.07248847575084,0.2100616934878819,0.1946748678612994,29.367244544745507,48.9958088079926,2.9813615557359667,16.740601905741233,0.0,0.6552896949964988,0.09520043548945185,27.018838580990646,49.36980792733656,0.18194709483733296,18.6642795552271,1.6033010066721712e-07,0.0001132097967789073,0.2037739250174142,32.036859306528825,53.86178111864262,0.26470280178657185,15.01236820813924,0.0,0.00014063033626880034,0.1963082280328317,75.17096853230233,51.44688200023673,3.7897319228363746,6.472460003049588,1.9907974977412392e-07,0.0,0.1826847478865926,43.8771422805689,81.19861998170393,4.5150470629716315,18.8145178625708,3.228001136078991e-05,0.0,168.7244194415217 +0.9218255461215535,0.23817575392341084,0.38736836288609333,237.67057817812912,14.267415928729477,246739.50460240903,4.7983511056758505,85.51365518607012,2.827288566451443,82.78892916431829,0.27693771415378476,21.5245086864827,0.46877293588094,0.9282921738078551,426.604004229916,67.18490420671004,0.2694834543999902,184709.37408907403,2.758980098345326,93.3740964568523,2170.7976699043284,281.17078365167794,349.63905860927576,53.54369510603509,0.20305460375734768,0.19226514605177009,30.72731689791569,54.648521744460396,2.9614698596123477,20.291300324180057,0.0,0.7769214691640464,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20425399245141498,33.882045008558684,60.13325766820681,0.2722116091082428,18.140178559798496,1.1250047024441193e-05,0.00014063033626880034,0.10637916075936518,78.0835375730707,61.66367613030324,4.03703111082642,7.483396969324116,1.9907974977412392e-07,0.0,0.1716923190636496,58.95628750637605,108.2996136880313,4.648755933657839,20.443270570678234,0.0,0.0,2698666337285.8823 +0.918313604879745,0.15038833785205047,0.44298883192122235,209.02357086390765,219.39150231437958,348902.53739949793,2.1314977780022293,83.09041828251469,4.8576756121525255,94.70304659700187,4.684313535028673,20.7649781160903,0.351338244219351,0.9960450308393662,325.2190723199562,93.69220319881502,0.34559819995626173,95387.08115195687,2.1086549622573982,98.98479937596807,1352.7625252671317,261.92920402181676,344.8479102738885,53.836078591122785,0.17895289474210274,0.18981189296235115,13.610945593436577,36.98072359475014,3.0405963953987887,24.354637640041467,0.0,1.1936308170885124,0.08997214868393488,24.748179898300485,47.64905633765334,0.25736229354544765,15.681660613819195,1.6033010066721712e-07,0.0001132097967789073,0.2001854224534265,17.71597277004436,41.17734446918753,0.23618842261865491,22.486671603523735,0.0,0.00014063033626880034,0.11659773104464535,60.7917386307365,50.09213864695884,3.309398835255466,11.834649045081143,1.9907974977412392e-07,0.0,0.17273812299059638,35.51479669225314,70.59437817821556,4.469354509935399,18.225194530531773,4.502577608182226e-05,0.0,144.06133329063212 +0.9044695201471439,0.1593293091494339,0.4470101555435959,59.47260712767659,64.63928867881361,330950.83842637227,5.7015963898437345,10.255812637155863,3.1678776966044704,25.450816441960164,3.9094556527600908,27.52321752191946,0.5204385855096579,0.9965024019880064,703.4915005871139,66.77097725104505,0.12399858830274747,176004.56220643007,2.8791874339934997,87.38258069579035,3674.3246145184953,30.359786201288003,248.4433743790436,25.548497098965868,0.17423576831090085,0.1931993819305232,2.52885018882182,24.636102030633626,2.993514188908669,3.835863849800552,0.0,0.9993769265791853,0.12281021052675099,2.159192844303741,17.107005607372955,0.20887233399929472,18.940855401873588,7.533990820643124e-05,0.0001132097967789073,0.20389087999529942,4.223902907981979,24.808749050842763,0.25374372742336815,2.7091952049925636,0.0,0.00014063033626880034,0.35534103051622723,3.901630203640388,14.148612105195696,13.187911350270932,54.359847967899334,1.9907974977412392e-07,0.0,0.09947623814569816,4.9528254768777495,34.89553348109881,4.52932787398039,29.92087856994941,0.0,0.0,86.24030333683693 +0.8993341494154079,0.17684311193928487,0.38883491146683036,143.16450072576455,146.1995142373311,157663.95744226512,6.241230054687213,41.86613792762575,2.3117236628534457,93.75874776052102,0.6780632826268812,26.893052131938376,0.30661090745433917,0.9100878866460116,822.8625818383732,40.747146138373004,0.1487767658557735,101000.95258524446,0.9616661956753594,95.393030993139,949.3983317708612,75.8585704344721,349.4268669452252,37.40852786617918,0.2612667964932279,0.19316330166868173,10.831051638587159,31.480980930299506,3.013380378034613,44.75917420601874,0.0,0.9877392020059212,0.12097951735655789,14.220576578885057,33.264126490188396,1.1440641958763935,7.161478388174872,1.6033010066721712e-07,0.0001132097967789073,0.20029748023420985,8.821837116087332,30.27671630437045,0.40386668638923073,39.2143718042896,0.0,0.00014063033626880034,0.07358714490710998,42.33704306117285,38.755385178838445,3.4988479077200925,12.567355018563315,1.9907974977412392e-07,0.0,0.1958130534593224,17.672840932733596,39.717874863268676,5.614295874333594,16.289386675501873,0.0004164785059942341,0.0,112.54770184872275 +0.8805874752657695,0.11962021839939804,0.3876433099142157,216.25183935572193,221.17491784542577,201529.82527894643,5.940250847781455,65.26884034345935,2.840780068144274,95.64344314981315,4.349475407726173,21.744040164301442,0.42705944446440286,0.8409040322623665,660.4199658561697,92.23892412980437,0.3472478092095928,263383.0125054718,2.830738921609074,85.3455964250655,1845.250287446421,296.586429733107,349.7514723230417,49.98958127886544,0.1533300680659993,0.19446059701262025,31.716539449153146,50.60405974661614,2.8191294206801802,15.031400854054981,0.0,0.8533711189834344,0.1248819964036347,34.13645024763592,60.303462179496286,1.1427579283147533,12.56607633231326,1.6033010066721712e-07,0.0001132097967789073,0.20467626152587176,36.607995660677794,60.32086560558663,0.3967409861231462,13.941346621982067,0.0,0.00014063033626880034,0.09493975920573769,99.68959612340201,71.77766695977682,4.188221109711808,6.040377692274765,1.9907974977412392e-07,0.0,0.1968118122120253,59.74403702105815,100.00166356388621,6.40980178105327,13.589580894329469,0.0,0.0,207.0634698915971 +0.9736982411787227,0.21447330772709466,0.4404028896294894,249.28287005033067,118.14989331662214,276357.42764548404,6.925118706561234,25.079079716534732,0.2558898568420136,26.311267806198227,4.2915075119686135,26.242362626200055,0.45492675835471497,0.9458684928932235,827.6338733593475,80.52608346060777,0.19424190256306012,229312.53674199886,1.7848684211702022,97.62912131603464,670.6382529279199,157.4430728913561,344.16337422111684,58.617617529337224,0.34032454573771104,0.19281041219598463,19.815441606997727,37.39177035282828,3.106584136746446,19.486444263843037,0.0,0.8327687258011574,0.12889714347487047,10.105800230170324,27.28468657600179,0.8133208220008983,4.963808565373109,1.6033010066721712e-07,0.0001132097967789073,0.20343128281166953,17.65066455541163,38.852323916915765,0.3475470846367317,16.541443910141744,0.0,0.00014063033626880034,0.3542121636598109,37.908508435431266,24.19988948695715,5.702107642559021,40.62538232494945,1.9907974977412392e-07,0.0,0.20255956414324638,17.666105367736257,44.044700181855234,6.280936119260539,6.538297608548663,7.131378637771056e-05,0.0,105.7716735789012 +0.9210525512340021,0.18552485664586876,0.3423934065969469,199.2662147527529,224.8719927486781,136127.95021805214,5.07992943104092,72.3535447781206,1.5972702426872445,30.913859380091957,0.27023910733253353,20.78317970320161,0.4708804807822945,0.9574604294977271,924.82386435126,64.57231785165817,0.07323623266600796,151384.5101627233,2.8784173676991487,61.39088300792158,1531.5385264775302,292.9657016938397,349.20702739531066,57.040119100463365,0.23839304549260387,0.19669673073128807,39.78893033240929,58.935475822518214,2.8684099516297437,29.52386768004556,7.808943659084048e-05,2.4346501299235346,0.12185031152877328,25.39221082021025,46.28032925559572,1.3360423288793268,14.932979304587002,1.6033010066721712e-07,0.0001132097967789073,0.20502293011543546,34.12055112656103,60.657864035079825,0.4328610348833468,20.43196615736108,0.0,0.00014063033626880034,0.11829889284384895,71.18012611855846,58.77793727470006,3.901969499984219,8.331212520447956,1.9907974977412392e-07,0.0,0.17773536984739094,50.44864619739123,93.8755865792155,5.6087981812708465,18.11887852096362,1.0557481762833529e-05,0.0,185.84588369108442 +0.9761532672075575,0.25061185294322913,0.4082070523376061,237.75625862522335,120.57635255871445,328581.5641735386,6.926301540794473,58.307388046443265,2.050644926023673,80.97745536746743,4.701599029574787,25.695441093563083,0.502820382329781,0.9497810712170693,795.9357438343993,70.76126605311504,0.3050918269616936,58542.46275617477,0.7060825269418167,40.517281893227796,4397.498190042677,287.21183815466236,345.818888725224,48.19625616538059,0.28106056938271967,0.19162753648776523,4.881307878904709,27.564976538179437,3.285752160679983,65.55073189608409,0.00012290782783529997,0.6791049952702347,0.13177076807687413,9.343655368228314,27.945145148312832,0.6756052343564255,9.549909119082692,1.6033010066721712e-07,0.0001132097967789073,0.20345951239413615,4.9938740216707656,26.985624504189207,0.32292657066375335,61.62628000532264,0.0,0.00014063033626880034,0.08014729360572405,33.77617198897874,39.22715046640279,3.625482920841856,12.083057973318878,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9601130136615649,0.216425706212362,0.36633451027607905,33.514978737305455,88.93663427363994,339347.2246535178,5.742222427942118,80.94078641230057,3.304751026644197,71.46045087637752,3.8662742610571526,25.063018365321582,0.3196501972035402,0.9886588441121033,563.1340947494155,84.90176220940037,0.25762425003098477,75218.41692702365,1.632434529475712,34.290078669205556,3986.2377238669587,125.01541335445009,336.9326319825298,59.20199910369624,0.25683937158300163,0.18813522685098452,10.6890585818988,30.69417456035459,2.9380311462029836,42.384440906540995,0.0,0.8522300046287443,0.12208530159572885,12.293280313529726,29.72794986112264,0.21812025571499663,8.260667579940245,1.6033010066721712e-07,0.0001132097967789073,0.20247087328192218,11.910526746804463,32.42911217513093,0.24469259142436098,37.53754157801371,0.0,0.00014063033626880034,0.0919507690587754,32.70178418451622,36.230609309216604,3.53582506722042,16.675858577502847,1.9907974977412392e-07,0.0,0.1849712248417836,19.210388013758987,39.11998628725086,4.347779438642031,16.464550658831723,2.3380631365977077e-05,0.0,106.91195099271278 +0.9243296451509482,0.17284657948195964,0.4132602995460375,89.76076848404091,56.724191768038914,133750.39359710302,5.494386878708645,14.248535380985793,4.860726924635882,15.263677205932929,2.362977033787373,29.05498967489065,0.405774542013931,0.9285369351314545,467.88753830012894,47.29459538186158,0.17854637133520868,117469.5288553611,1.4260444467670348,32.455163809100725,2774.6673053625454,148.81688575256564,344.1780597656441,54.03638086703168,0.22783171918531067,0.1943916976278478,11.987756797626771,29.78392305463548,2.926075701878422,34.92149010013083,0.0,0.758856881720884,0.1267725645861655,14.764234231239872,35.221908612040735,0.8078156986476915,5.531846208965574,1.6033010066721712e-07,0.0001132097967789073,0.20185865125676825,12.520945585281632,32.193454332793635,0.3645687097460003,32.3105144274166,0.0,0.00014063033626880034,0.1141045424532972,37.30306609277263,39.31938906901912,4.742894066676719,17.939135109393398,1.9907974977412392e-07,0.0,0.1909209681819119,21.48561535741135,46.4689412470079,4.834961199119683,14.125282380583549,8.655960221057539e-05,0.0,110.05648652412332 +0.9729549639149919,0.18718195748291364,0.43023468214176613,164.42181827330813,249.74176544210474,229064.07875224864,4.464220908881656,28.670680707451446,0.44463433154427934,44.710427532499516,0.4590114833702391,25.08830530381599,0.3966768960441569,0.7155197012358211,173.67730848664777,23.64544706485828,0.12601172142422382,79299.545090399,2.3215346376035693,97.77064057172491,2524.103635699042,69.50386547393285,256.1990109408551,14.893044735437897,0.2808124141538084,0.19736853958316006,4.608962093319377,25.325944510095642,3.487080450949084,4.544084415139774,0.0,0.9803362656517236,0.121320176862837,2.775921083254484,15.769166185731056,0.7267027650074243,19.558629368603963,1.6033010066721712e-07,0.0001132097967789073,0.20796641739679006,5.283273247491666,23.7191918012971,0.32551498441921606,3.6906863714202434,0.0,0.00014063033626880034,0.34252088253972374,1.283918261670809,14.442955513142039,14.830347218267157,55.588596893263215,1.9907974977412392e-07,0.0,0.13702994971047927,7.4811304697143015,33.844732581693094,6.461250862572577,46.802597973435084,0.0,0.0,94.30944799585754 +0.988154051283738,0.21138523888230107,0.32747527540750204,97.66140821212775,67.68131269596611,234198.23721226663,6.807862358959957,66.12299607401545,3.7484082189037777,18.529073359855797,3.9213846693737784,21.572189592313645,0.44051957073840947,0.7599156767233776,434.26298902977294,71.16221026060815,0.22640385048095146,54012.25565236072,1.0616183534102623,94.12269400994451,3203.2466669789346,290.2076977620654,298.3456308569372,38.2270544579665,0.31980909774968114,0.19591852344404181,2.8921872322469206,24.47818233925546,3.024161727029262,45.92074646556722,0.0,0.7437315788754797,0.13553445651955467,2.420011790100343,17.683925425231603,0.5953214665781164,11.060291526910648,1.6033010066721712e-07,0.0001132097967789073,0.20802688582041776,2.7372592468539563,23.36327262953993,0.32465940354080497,37.24855659273549,0.0,0.00014063033626880034,0.3129739420698582,23.682719510795636,22.754656487599327,3.459210558561293,13.140104553325356,1.9907974977412392e-07,0.0,0.19944700542022148,2.870436531185659,29.28139556698933,5.048597779991531,14.284929721328144,0.0,0.0,86.41074200912786 +0.9761532672075575,0.25061185294322913,0.4014756586569364,227.12938689318872,120.57635255871445,328688.8129971541,3.187291362686352,58.307388046443265,2.1477592622371904,80.97745536746743,0.2945900814878226,25.695441093563083,0.502820382329781,0.9389223465799692,795.9357438343993,70.66651944949884,0.3050918269616936,58403.06834450559,0.7060825269418167,26.28038652675442,4397.498190042677,287.21183815466236,345.818888725224,48.20408273252881,0.2868148950505031,0.1909332850458661,3.9404984180418645,27.530408321319175,2.884198573773191,64.48713870567597,0.0,0.9702862914738842,0.1328295181795829,9.490737970468196,27.041141217726402,0.2191372496973109,10.13942815196968,1.6033010066721712e-07,0.0001132097967789073,0.20392553217302034,5.170574979620359,26.937821755694944,0.24665051396405305,63.085083647864394,0.0,0.00014063033626880034,0.11010694782266424,27.067435989201556,34.46453243773047,3.4102732792464376,18.964578934590403,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9804832098663376,0.2331069312132295,0.40701505846180175,221.22366058892476,197.18696175404273,191577.48558248955,6.899299644513868,52.03248303013271,4.58204913888523,88.2331833253633,2.8540275659764354,18.76968680468015,0.528602321156699,0.9254504420966985,567.6405116233643,92.71636299580429,0.2888052526465948,281262.19113836944,2.986814204031485,97.4803707460477,4730.1025164637085,294.4923595360589,341.2927778485246,56.89112767569312,0.263298792401798,0.1924375367578411,28.126743403246977,53.54534472068674,2.9359014926859817,11.57560397038635,8.024369966111354e-06,0.7482733049835367,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19711783967097157,30.305698661126748,56.512735596972924,0.42439001804429843,11.193167004360122,8.082429122493861e-05,0.00014063033626880034,0.35307249898024456,65.59219035765594,36.07225580625724,5.895038371037683,32.09817981254718,1.9907974977412392e-07,0.0,0.1536494667868187,37.93540899600678,85.66829726391246,7.325290611450712,19.412135242806812,0.00014238783674013684,0.0,2698666337285.8823 +0.9715026788389687,0.23040133800434692,0.34947804447040054,84.7502910327656,79.47370300809075,231558.6665629504,1.5450939627969384,24.612681329145435,2.1516416928859714,22.16980623029717,1.2947210196010532,24.352465769358613,0.35729278595746194,0.8516088252908498,691.374359037686,66.32650509469897,0.0900838626147725,61442.63507647176,0.5871119626424137,56.45081124388565,3192.5664358910904,207.5343945157536,231.21547003587105,49.74814135192934,0.24643145318083703,0.1932925928572263,1.8878505171412234,25.231765820597474,2.4135271938862415,47.898847238099044,0.0,1.0358973078324942,0.1305616288573785,1.4233033271157458,15.292158960820366,0.38691415785599714,4.36628327519119,1.6033010066721712e-07,0.0001132097967789073,0.20619725921917834,1.8300454707234972,25.90112399570955,0.23488497643005282,41.13284511141268,0.0,0.00014063033626880034,0.22785190178615403,4.300130407550506,15.971916801750341,4.237459109612078,7.041787726120631,1.9907974977412392e-07,0.0,0.20569354171255474,5.0416290950149705,25.73741941504163,3.8963677359603746,13.503503149988923,6.8115324293225e-05,0.0,82.39759403775497 +0.9384427959690624,0.2096278208412789,0.33155111508043067,123.83866509453964,139.5846358203636,299759.86807987967,4.03238643767057,17.13502191779517,4.499924423689261,36.10235900289403,3.8232580558797316,27.301740100259693,0.43364358770105194,0.9871335679850717,460.28827484878707,34.57299536787277,0.31138492408062113,192780.42030467308,1.8481703030944463,49.775417069493855,3202.615844514484,220.51248439967725,339.8974706367679,54.48628446188548,0.1671397663230819,0.19046771815830396,21.29747908805548,41.45487448799648,3.096700620245252,25.819852543302684,3.377237205093484e-05,0.9821656235449701,0.1280400537631279,20.837048480787875,42.137684905153726,0.29405411656671926,6.572487334365925,1.6033010066721712e-07,0.0001132097967789073,0.20366122217018445,22.280834266652384,43.34106331531945,0.2589750153123483,24.458793408919675,4.47291885383318e-05,0.00014063033626880034,0.126685608797705,70.29890560174127,55.73911843256473,3.3610832870597998,16.160029133403373,5.1042494064380745e-06,0.0,0.19289642661601764,35.36326209371658,66.9816551996984,5.016873308616739,10.384881921041178,3.901112848672875e-05,0.0,149.2214323101125 +0.9379197178738532,0.15065327773077153,0.43822194574351203,179.06431469941546,232.34654090550652,305666.7595453869,6.7836095752655305,42.09581859343676,1.8986503579201566,35.340031552434226,4.299314149822915,24.942917625499565,0.45078197742015935,0.9631305271573439,636.7686994988363,26.69230167926093,0.2966156721893553,213804.01174160186,2.9124460721470267,76.34584712733283,174.5637075290157,199.09127890463938,346.13102151911306,21.63836519197225,0.3283703850023676,0.19040485620500727,11.338138989172261,31.419865581524448,3.517506157694977,5.257356777372923,0.0,0.6976547874196345,0.13215018428704792,8.524868323957387,24.97396071071884,0.8405507163424736,6.978550135685122,1.6033010066721712e-07,0.0001132097967789073,0.1984823712183082,13.479779795485284,36.97458386287233,0.34410125092076455,4.71981622892169,0.0,0.00014063033626880034,0.355601531817911,39.84950384754932,25.039691575313203,8.160432332837788,43.4716419990267,1.9907974977412392e-07,0.0,0.19166490465409908,15.173097397030348,40.91625372777978,7.149366177987483,7.978094761645342,6.845465910940406e-05,0.0,98.30557842995887 +0.9779567323200654,0.24113973052978183,0.44832214528415804,241.58764254959735,245.89208983319236,276427.5687109795,5.235673326243921,55.19014402844111,2.93823012390413,96.07657119010574,3.9281614625514862,28.267089279662798,0.4406329750113215,0.9363660442944911,72.43298166975401,22.876859418054387,0.05966026453731201,95520.52729785925,2.713329236457655,89.36427169600161,3732.3315771985995,89.83687858874151,346.4223818870494,25.96468850674674,0.3396801098153683,0.19633891968275888,16.29120393445061,32.21174972830081,3.9388661676359726,12.487019356569284,2.561646995065108e-05,3.4746245742393356,0.1168819964282278,9.300448694975923,26.921411809866505,0.8281318058078153,12.123606172336547,1.6033010066721712e-07,0.0001132097967789073,0.20226413144795294,12.103291716311174,34.02972489954859,0.33834868633839243,4.917480388292295,0.0,0.00014063033626880034,0.345602379794948,34.884872395321345,24.844633263149348,9.12529554671005,33.81809244696832,1.9907974977412392e-07,0.0,0.17105241990625744,16.265576578662746,43.853818456173165,8.476661072576862,7.392697676682075,0.0,0.0,95.65494387335305 +0.9826584748840574,0.18906581100466918,0.43710619338100737,225.53553521022576,243.72271256297103,188717.54392000762,6.966060048399777,85.90929935209378,4.465128803881101,73.22797961979906,3.5231314568042404,29.760162676222443,0.7740161080027963,0.9712180797394573,893.8682766662088,55.122207945881,0.3416177927113955,229996.10518971423,2.930606164057086,72.2210283728181,4512.444509803275,242.50935919062988,341.91849653608386,37.02719596237027,0.32313924154484464,0.17280655478664594,9.284192008477646,38.33188396837165,2.5730643040103915,7.6519616542774935,0.0,0.9006761250954259,0.12145226165382807,10.004384121191983,26.54485720571251,1.394495135310887,12.588125970335915,1.6033010066721712e-07,0.0001132097967789073,0.19781887659179762,17.726537789951035,40.776066480382404,0.44251059433614065,6.418226684798926,9.280223767492489e-05,0.00014063033626880034,0.3561253419259343,40.90259019819124,25.49769574520903,8.35349923987447,43.56156045698606,1.9907974977412392e-07,0.0,0.16368807695801438,7.92567869053621,54.49508685512452,5.959282077405118,9.249525286750746,0.0003741987180315868,0.0,109.76941141654558 +0.9213903333176878,0.19430432254234525,0.4104904458534753,183.32319461687177,209.42398730366057,294194.8233057849,5.418791847594042,11.969177265352766,0.920557626180855,86.28227328898856,1.193960514003808,7.7974566519665816,0.4905855886580528,0.7557494909009542,541.3641647182316,76.27820436056196,0.053060427480950634,79517.16572280186,1.0273318445600794,63.969926069310624,995.5134033713178,298.4498648667851,275.8420875957999,22.247525874952096,0.1521724744084341,0.18696045334730793,3.6986091889505808,24.059791977876625,3.0461554824552297,25.04254310780756,0.0,4.476026617375737,0.14297605802138086,2.688179096398404,12.826013843795753,0.6760478204450967,4.975136321384213,1.6033010066721712e-07,0.0001132097967789073,0.213061678275489,4.04808546603612,23.56995687921703,0.3162916850439748,13.314449035509844,2.038483425107486e-05,0.00014063033626880034,0.3422510151632062,21.29683341355759,19.535665863866907,5.45903206733237,43.25636739815966,1.9907974977412392e-07,0.0,0.15920012742715825,4.884482972974121,32.93340441990382,6.026608911043649,28.10472106635185,0.0002388096044338562,0.0,82.8629000175901 +0.854911411575588,0.16396893035027926,0.3339472605923691,214.64352181981235,58.02556531924656,183537.722950889,6.21065374390369,88.55736369036255,1.3129715087037646,59.334385987377466,3.2188082697290774,14.45739021546481,0.5202038957375689,0.922805265161675,159.56766455629878,30.64644485574673,0.2226672858236436,81248.6233112464,1.2102706256712361,55.060731248936506,4380.305736062611,294.713461147792,306.8974070987602,42.458756407173496,0.22999314859268055,0.19705572815652125,6.3869761835613375,24.535635741495053,3.575738828003862,36.19906401919634,3.897979328311166e-05,0.8433418932766923,0.13929260173886254,4.59385842026981,17.72918710563392,0.788545074514388,6.253697096842365,1.6033010066721712e-07,0.0001132097967789073,0.20925401569215288,6.187111056977886,24.936414216123055,0.3589591081087173,31.431250901378657,0.0,0.00014063033626880034,0.09307844863134956,26.651865203755605,32.74466838461948,3.526779255067048,7.010147390998871,1.9907974977412392e-07,0.0,0.21631073443026014,0.7939693674063665,18.562475047042817,5.6683183248746545,8.098793612733134,0.00021700040388618677,0.0,79.22856225045129 +0.9424903054752011,0.12653092598209806,0.4494797066324583,147.52787166363674,200.30993341149969,308885.63159963704,6.9032649940753,90.11935466167878,1.8899806624881668,30.06904670883564,3.665718730329273,27.71718882728789,0.3907859325173302,0.9276974888742923,242.13869683691507,65.60915071883795,0.1275868467978739,185072.16436731687,2.8306710979936356,99.89291799150617,4489.504686921906,201.2089334295242,349.4352653944414,31.477994652312496,0.3368381138554537,0.19006031743733212,19.284024565620797,37.453739329539374,3.6049485971946202,11.094028227515349,0.0,1.4701246834371002,0.1190599625040158,8.995664171886698,25.24771977160381,0.7444499541714803,14.308416821813772,1.6033010066721712e-07,0.0001132097967789073,0.19698829799668496,18.19834568050131,41.98328119266251,0.3311604778277654,9.218860493649501,0.0,0.00014063033626880034,0.35523598609095236,35.433621592587265,23.285677601576175,8.944761479512998,43.99475284560949,1.9907974977412392e-07,0.0,0.14430895076812153,22.714945269077287,57.18680198480176,7.930604108826836,14.53457886832936,0.00011587914434307001,0.0,113.53154911285395 +0.9436761324624018,0.21374426261764,0.40314066651333347,55.909801946918385,18.303951655274176,290299.51202099316,4.311205159208072,86.28980454386627,2.179153510373504,50.355588058402155,4.956518402154157,26.079966157521135,0.355903258029043,0.7765920868831695,330.9252504248048,1.3325421783591196,0.3206375775734819,87671.60016878384,1.9636706942340902,99.0066029707683,4337.19769450763,123.68847235415416,348.0187864442587,57.26155870236276,0.2308237007350828,0.19385907246447429,12.054758825693243,30.909650639459812,5.418693908109697,31.329238639231903,0.0,1.284809991061676,0.12951420256245877,18.38497374565193,40.15658541183294,0.26449350262709065,12.010956625353609,1.6033010066721712e-07,0.0001132097967789073,0.20706411767924357,15.130420788837332,32.94259931373262,0.2442404386117862,30.271417680609005,0.0,0.00014063033626880034,0.09298626733569565,46.80296622294938,44.304958882268785,4.407586199920964,11.734130644892446,1.9907974977412392e-07,0.0,0.19902587280265857,30.136279701467473,59.717109466207624,6.825047898669795,17.228636185410313,4.503510143615555e-06,0.0,124.76841449462692 +0.9340854114186155,0.18760944021702491,0.39013998836662567,227.51998480754384,249.16566728142774,324818.12076535984,1.8513214926208061,93.05903047717811,4.969773872904761,84.08201561547226,3.5762011160936122,24.935987454758894,0.6039558208074901,0.45722849289102907,931.1881577746988,91.0633406656516,0.3266367022135942,163091.84509045424,2.7232976638830464,91.33873309633124,3866.9215007039593,273.7477417157961,349.9892920964239,39.09725871940954,0.34261600498767536,0.19661415994717452,16.34760203421907,34.7621049776337,2.711549031036121,14.887215438048212,0.00010416511651418264,1.2074112612714236,0.10741411249177098,13.123101528351983,29.101373411317578,0.25987771535271803,19.510225436345394,1.6033010066721712e-07,0.0001132097967789073,0.20808102519015328,20.343849606357402,38.47266725218264,0.23567536720382312,15.19896550230394,5.899387656433423e-05,0.00014063033626880034,0.2931656317705545,40.40620127307096,26.69320048564856,3.254806375038077,26.142363493949624,1.9907974977412392e-07,0.0,0.21128799230006978,9.211517198430414,42.6472229275754,3.3332127430105443,28.239832545069262,8.615043567979769e-05,0.0,104.79817435137453 +0.9223253058227637,0.11398425952050435,0.3421762340354337,138.7162942604233,40.302183583160456,274003.3122897794,5.823122931682003,54.6594800239732,2.1911992228025596,85.37804204938047,3.0669998194950407,28.67300564513861,0.3834380709845954,0.6833869901825821,303.2511002231377,42.21104623521224,0.2295397661822444,180916.49036519538,1.145646325036585,62.4961225014864,954.668370315414,83.2958015121044,331.8844778238784,55.3053667170516,0.18725067478708002,0.1964845792404682,13.368419028899504,28.800691200310137,3.371628191664272,27.749616647675502,0.0,0.7100034970969537,0.13139620859412277,9.97582800033865,23.909891010137056,0.3356043963186706,4.0921746054365,1.6033010066721712e-07,0.0001132097967789073,0.20837568595455316,13.061807179007141,31.625696686044634,0.2858061425619285,25.071024294175377,0.0,0.00014063033626880034,0.13043855109947164,44.32050803719261,37.29927841066558,3.7606643184030912,15.432589351059702,1.9907974977412392e-07,0.0,0.20821898238635478,16.27574264081904,37.71357594799275,5.224576388893778,10.260101984281718,0.0004027108526904567,0.0,98.51593687717246 +0.8968207347256097,0.10937303123624545,0.42057508893102513,139.57582941401972,232.3886402950709,348915.8421873422,6.0719960846733185,63.09378821204695,4.005549668449079,20.000453530700742,2.8561258691504805,24.750056748841526,0.4610058313959221,0.9944524673827583,167.69824092492428,2.4676666920209076,0.3184039834634659,299168.7725953865,0.8759420049437562,84.28284379562884,2614.2646717287566,186.47383313951508,334.4695188737001,52.55145304960796,0.21286501381109668,0.18858472777426305,12.922770767264812,35.54790853373966,6.071189211619027,14.175905138311943,0.0,1.0984240776184633,0.13202765842841843,9.098732966292213,25.232966767993684,0.5707842600283213,3.2230510300812276,1.6033010066721712e-07,0.0001132097967789073,0.20148467535793174,13.96223886403517,34.612399476225086,0.2983264269625436,15.250374976898476,0.0,0.00014063033626880034,0.16902755011298085,60.08738028713721,42.29505920118403,5.717191936097505,5.13958461836508,1.9907974977412392e-07,0.0,0.21294020828476273,12.887667117291128,36.48000823971504,9.72253900834401,6.49347306446107,0.0003330421097773909,0.0,105.440566022195 +0.9755454279164569,0.13064090001198705,0.4001447105428376,76.83906358425826,53.553220707930116,171965.1623384604,1.6375108619587884,40.154305959014934,2.081173373730783,9.933455779788641,0.43780189028959593,21.982935479720922,0.326337579792376,0.7060897178648137,664.3875997825917,25.45401060467082,0.15116561047529437,65981.87812512435,0.8001364081584448,34.720618768659236,591.427324328648,201.78473414487104,346.70352063382444,19.104576002337613,0.15776493346730663,0.19505391858378385,2.3802523301057334,23.874679958235163,2.4602396306088674,34.136383395844504,0.0,1.1564269607812736,0.13058751343008101,2.4346412455327657,17.27240990686164,0.3234283410058892,5.364337362984097,1.6033010066721712e-07,0.0001132097967789073,0.2073154440834497,1.284920955110887,23.097929169638988,0.2373578414502095,32.86487814521839,0.0,0.00014063033626880034,0.13967284203022018,8.757338954070383,21.49471894593524,4.602070336150029,22.965956105564224,1.9907974977412392e-07,0.0,0.20385372460684442,2.2093176222950714,25.50803921420611,4.034268465911497,15.408267548147794,0.0003564230854846032,0.0,75.45550617541825 +0.9509180363526191,0.1899394177060736,0.37438596569534094,216.71057917430062,89.28322561136801,282715.69480727817,6.152041239242485,14.72891330598504,1.9038011883328911,36.07434107631213,0.7146566445217875,24.740841843563928,0.3233776612066097,0.9231492437468427,420.61670871181803,72.18970606727534,0.056269245201486934,99336.79444677517,2.731455711269459,92.94828129102932,2761.242821532904,136.26990473849122,345.0117049246018,57.71521266457216,0.16357223887166658,0.19879501880920253,35.58233627843932,53.00659617153413,3.2745133963417024,35.2278467337403,0.0,4.557114994489967,0.08977513297446403,31.136553374664842,55.42971451291447,0.5912134408659698,15.616098681495242,1.6033010066721712e-07,0.0001132097967789073,0.20243243477186187,25.73868786706426,50.251214068657994,0.31557287060846995,18.889705912451976,0.0,0.00014063033626880034,0.191220411833433,95.09662255934275,73.89684800699106,3.1426507539371564,14.298238193388048,1.9907974977412392e-07,0.0,0.16757995290928382,51.989104713253084,95.21129473486543,5.8122955458990395,14.020612819894222,5.630977723388859e-06,0.0,199.73989860866203 +0.9802542366390846,0.1211444497095211,0.4381886221569675,246.56704659600578,180.90536565130424,130907.82998289689,6.474884077559187,26.669634126069738,3.8728848377674785,58.207012193425726,2.5086545332932406,21.537164601068813,0.4199144732897411,0.4368215909845102,93.83804414911702,1.8930420893299598,0.19303992195485314,63721.78951346653,2.6589082729262223,13.589981407430962,1134.4116607140097,297.8074966756036,349.0473681916229,49.50083119818414,0.293762306183587,0.19878607941316528,9.866905876056167,27.757688007564685,6.681523746562063,17.268083960796947,0.0,0.9597985514227644,0.14071556609354965,7.377858455172737,23.229289992140348,1.5849159312527699,8.97937367757441,1.6033010066721712e-07,0.0001132097967789073,0.21260760011266677,14.437869025490198,30.704440652352655,0.4762648713412783,13.536958826160705,0.0,0.00014063033626880034,0.11365779611029836,22.014832353450853,27.974661086568805,8.491427761176311,5.383414177155403,1.9907974977412392e-07,0.0,0.22802145437888338,14.55643007161602,37.16428258931141,11.831655703666232,9.100018023125347,0.0002307800360547288,0.0,80.04887134291562 +0.8411115276121233,0.14693286972668834,0.37104806021289233,212.40669060198195,71.21515517053183,342454.3034136239,5.0817477024831605,85.59136361070232,3.1571469668210947,62.83949827578293,2.0319969295000404,20.607224495191883,0.3215368309734679,0.97921204433227,606.7353493597369,82.27237815688991,0.25696574019388396,74925.9160465915,2.6137497134199466,66.64672321867666,3862.740596956503,164.68765475656576,336.4939665397825,48.190160982210735,0.24289499272926354,0.19135200885402745,16.73897782997562,36.51215757612097,3.1541416159063225,20.68302296937172,0.0,0.6566267457152577,0.12081659943139259,22.15143858054186,43.0061616622263,0.2913192739127804,13.000915187814547,1.6033010066721712e-07,0.0001132097967789073,0.2054076835213554,19.739061390916326,42.25761050942818,0.26524970228470807,15.982584653466406,0.0,0.00014063033626880034,0.10956006073867755,60.643715963809775,51.69504348932271,3.32311211992757,12.106411211844096,1.9907974977412392e-07,0.0,0.190863538311646,29.581358115973224,58.906197383160865,4.919998496238329,10.522369702764404,0.0001746832804503962,0.0,134.0872254542038 +0.943369682291582,0.16192539904276806,0.3590812409898252,244.58640529263806,233.04615768735928,329468.48316810373,6.544227872177139,73.21832205513047,3.2928538547168613,30.105303028985283,4.661400175936017,26.581339579627436,0.6077534347296072,0.9650563971433825,395.23363934463623,95.08168484199093,0.22521622322345863,204249.67251303757,2.991112764781051,82.58528791136848,3370.957231811855,258.35187563785007,348.17202125696775,56.180192749492306,0.23702420722805728,0.1892146869074873,34.570742101583186,60.65498912321627,3.4519409018838685,19.219195098628127,6.42003526729626e-05,0.7674646682504969,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.3031962680323742,80.41200708336704,52.252835047622675,6.6517693706414445,17.76945914998206,1.9907974977412392e-07,0.0,0.13199510235421164,59.75153194098634,108.19864448481897,8.536371557255094,18.74180437309105,2.3220744052224927e-05,0.0,3816490534509.4204 +0.8151358411151424,0.12074033119621777,0.44626617304511745,157.8344871088558,199.5317131499516,282395.8772548036,6.768686495701334,98.50208745507139,2.487027238508428,81.8717878393965,2.403276980339495,17.648952717652687,0.40119415696516,0.7721584641169513,189.31818302625493,35.685734946751154,0.10885415270308096,64430.8651928989,1.7158209108255598,98.69612275652602,4059.7488550066437,225.03512978879087,225.5631447552969,33.19490549133169,0.15989678678744446,0.1968055546204257,1.9292586581152726,23.896930141185198,3.7657047457714383,11.276182111139045,0.0,1.7674163052460279,0.1385486013369395,1.7880253325873243,14.627655598383534,0.8225484996914109,12.451974617764112,1.6033010066721712e-07,0.0001132097967789073,0.20122849451747996,4.147771966860676,23.663081389353636,0.3445440527014882,8.149124705862274,0.0,0.00014063033626880034,0.34078906934605896,0.9924370213317955,14.437129255829852,16.465043190731716,57.33844769198703,1.9907974977412392e-07,0.0,0.17114108426934688,5.449717480143186,33.05160430988403,8.343772280444876,47.917699004390236,9.954579846747909e-05,0.0,94.82665740995371 +0.8746059348896665,0.12493798832934468,0.3726204282898453,151.49562050854314,179.3371115886568,107209.7591831111,6.08676479232102,6.3431576040784705,2.396464056779787,70.16536837268956,2.839279574009029,20.822405089951697,0.35319046443558083,0.8761230420905026,778.0151309580444,44.29069138958661,0.0746924915998126,82858.3950366636,1.4586830267887083,58.91842504250868,3894.411107930506,151.25577800227197,348.2219659692001,30.595060687835392,0.15235157057600612,0.19816214366783996,12.952450145427443,26.83856025738493,3.215119022971026,43.23516449815299,0.0,2.505877310375487,0.13323839446831356,14.334692363267033,34.50714414716229,1.5506773287982976,7.380914655112294,1.6033010066721712e-07,0.0001132097967789073,0.20556724017273156,8.05075708150033,27.10276408862967,0.47059018880805187,30.86873137999526,0.0,0.00014063033626880034,0.12596459514129138,59.427117102049316,52.93227011389699,4.120781899107259,17.669470920338416,1.9907974977412392e-07,0.0,0.1829717947861821,11.207322439647465,49.928401926597665,5.072764532042512,11.54464920786657,0.0,0.0,124.17633424353005 +0.9733995713252215,0.24595571284963863,0.3553590821694703,196.38346445788204,182.19793427243042,320586.5212827112,3.6276649388652706,84.37505722942204,3.4544698874595716,88.9773792262294,1.111685163034036,18.739642428459256,0.7831476745963855,0.9324828951406834,891.1867193839083,59.63134097553145,0.27584159612166154,257401.95859420896,2.9961474233559393,98.56832802807503,3417.625080043545,175.65019889135198,343.6574914879839,58.10949905331985,0.25535835288183845,0.19415711498210275,31.019015827382894,55.119348637989575,2.91674394341659,14.503079604346427,0.0,0.8208290110570787,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20641552962417606,34.197146280296586,57.97381539136025,0.2589366082713532,12.837543561222155,0.0,0.00014063033626880034,0.32986304630548285,80.3290262980766,49.387828313012676,3.220646235306353,15.887916289391693,1.9907974977412392e-07,0.0,0.18425645467927812,17.007720874051454,76.99985644852283,3.82934207371856,11.08914391512348,0.00017663605474813762,0.0,2698666337285.8823 +0.9835763813839203,0.14477511486022127,0.3719624074241311,143.02523627520964,124.45175085500165,110680.03125820233,5.118149690569941,15.867166073688402,1.121072999742558,86.43301361161275,0.506008552036828,20.667971813268544,0.5846503747819913,0.7855200879555079,43.81461459459801,25.779450643906063,0.32935905590650694,52408.83907786918,2.890268522179333,94.78349705865021,413.93812008525356,296.95287132174144,278.24310500745344,17.319320406632038,0.1918653477058317,0.175044273425905,3.892070140785024,27.599546219459082,3.529053644670627,12.440152586681801,6.825627422653433e-05,1.0770425843834743,0.11787243511713855,2.0393026348547285,20.497776521304957,1.239324330905133,22.823753974055183,1.6033010066721712e-07,0.0001132097967789073,0.18975324487715492,2.4807607264941245,26.108415641647323,0.4209182454216099,11.14779972574671,0.0,0.00014063033626880034,0.3496205110868207,19.042717700920207,20.457476779183104,6.5100799642356,43.08845097711093,1.9907974977412392e-07,0.0,0.10333619537030923,2.8335046139826026,36.51644537268649,6.640695019173813,33.15191835286536,0.0,0.0,88.70883228789694 +0.9745751742267132,0.14602130062833502,0.37725597894476975,116.83488822567485,185.17995165985639,273296.737498405,4.810251987212861,47.37613655874772,1.9780153221305294,48.355917376249806,3.1446861729422735,19.958852954294624,0.3843259915971065,0.9357620423001316,898.4131359635481,52.967428445487975,0.08372295951155506,69327.9765580017,0.988762252066799,46.404009007849105,3145.5856278933315,69.90039894051284,334.80513437107334,43.577369552333295,0.18512316512700017,0.19667067486845838,8.36697056508455,23.99613083201989,2.852286477275205,60.54386240077772,0.00015720982906701383,1.935827613487093,0.1315554071836264,4.92773374240408,21.159979066188928,0.48789387622332536,6.392505081688204,1.6033010066721712e-07,0.0001132097967789073,0.20572942626494622,4.182957061983933,25.871559228060676,0.2890971805097007,43.16069031473617,0.0,0.00014063033626880034,0.11759356481295621,28.37037262173977,36.43062662791017,3.22131665411715,17.28037845641947,1.9907974977412392e-07,0.0,0.20037523989805425,6.548178130462188,26.94427288930215,4.835740346743483,15.48983746924058,9.551195821351788e-05,0.0,104.20919737388517 +0.8878299863146634,0.16305104332923148,0.38309162801323393,162.02251236402213,56.75616806671411,190582.25161305236,6.131885480391703,88.53467433513777,1.699015454712715,88.02674317281739,3.9062374474343375,12.599696485637798,0.4248672852845326,0.9621293116913674,801.6014378440893,93.92667487703369,0.22517976051622907,290286.1142502966,2.6061844103837504,87.6537260903694,3549.648346074095,261.80145204243473,343.47152208192165,39.75480424208906,0.2663129647475029,0.19704253246611741,22.903801924414807,42.2423462237465,2.727248860745898,10.206655491470705,0.0,0.721980751666629,0.13817640311068707,17.659109799352127,37.29888976453136,0.7094089624142672,12.371330197652396,1.6033010066721712e-07,0.0001132097967789073,0.20940805438143492,24.214965898821127,45.43604416042133,0.3471387035431384,8.823203973347933,0.0,0.00014063033626880034,0.33922730575529053,71.62727047220851,41.8615432085676,3.9376107513806957,13.234542763971367,1.9907974977412392e-07,0.0,0.19919821212073618,30.437320673107973,60.70027136120874,4.661955358649359,11.024220146498973,0.0,0.0,137.23883281437546 +0.9888213745694604,0.23282359356221705,0.43279835591263194,159.09326246251982,97.3708318843421,249820.65483296855,6.218134310801888,82.91457019099568,3.4996008459413956,75.05199047117999,1.6506595016375543,8.357503451163446,0.31147622307327183,0.7013084893611329,95.08597022486731,67.1930594805003,0.18627832791369464,69002.17236741728,2.9374467258408026,75.05241048800339,645.4128275485555,123.19426320948598,248.16522701089863,26.85745077591441,0.24793550505812761,0.1999380316579545,5.407748580656947,23.91969421811932,3.455830060476644,4.87430259227123,0.0,0.8946977571043508,0.11874227164111757,2.40403379928102,18.030997324959866,0.6639823852825225,22.686637095858732,1.6033010066721712e-07,0.0001132097967789073,0.21284970351410812,5.531276370731851,23.876091010698197,0.32854152946765836,3.672181550826882,0.0,0.00014063033626880034,0.3398787647191464,4.0405101014906695,14.937632343300733,13.900233619802465,54.62472355088218,1.9907974977412392e-07,0.0,0.14658049483156196,6.021637841595817,33.87093086828634,6.9169787604711255,50.765526743351906,0.00014117536772211372,0.0,96.55790525286847 +0.9449524429258689,0.11091670485085268,0.3570352923639054,87.98106367423682,90.11014642486917,300094.80420555687,4.048830784142029,42.135927540364825,4.269049412932673,30.90859781713314,4.932496823029408,25.89236034800887,0.570140079849193,0.9057669974047169,712.6382473856373,45.4737399716205,0.22544544630839902,120915.20290276794,2.7883166893410283,83.09622485467744,3140.284839964707,194.5309484629802,347.3252477137956,59.75934706748765,0.32352467021706477,0.18824444082846536,23.73793929757118,49.42640686903154,2.8890464936422267,22.66758429586381,0.0,0.7308615920717106,0.08151683991027502,16.386227339278143,36.302116801314035,0.20453941787841295,17.25571958678391,7.882695462835183e-05,0.0001132097967789073,0.19596522214289142,26.94708400452147,52.13932393319618,0.2498404673415387,20.180070495643154,0.0,0.00014063033626880034,0.31273403248995796,47.755319864131195,38.61268096692613,3.3980932178275336,14.697162329164204,1.9907974977412392e-07,0.0,0.1444493070161802,33.27991000848995,72.8159057938301,4.485828155450425,20.147619898296607,3.24239093011297e-05,0.0,141.77547664055643 +0.9628043612229431,0.22617871216184116,0.37630715670932263,139.5675672795955,238.2237195282673,211103.28027344163,6.009499315665266,86.63025625191626,3.4520827101092095,98.40459269045716,3.6722997530705115,29.780794444664085,0.6020864787726523,0.9972384677655615,848.3585344479948,92.94977185325818,0.3009152532019296,230193.47244247724,2.716079919810168,95.54729200561948,4731.87105952948,284.2969877214308,348.4868355442095,59.916962877477864,0.3464385164709264,0.1872195853424679,28.590464825342316,55.25647359441983,2.7458163352268796,17.396054380172462,0.0,0.777115187837184,0.09050294030867505,16.028232947697237,33.831616676325304,0.9674896730729764,16.398139617545258,1.6033010066721712e-07,0.0001132097967789073,0.1977607058930526,30.34141977385967,57.62277005374943,0.36987820648696906,15.867649706103924,2.1691922850627598e-05,0.00014063033626880034,0.35518673414255614,48.95780529737635,28.750796995614376,5.007078706848956,35.402124428901764,1.9907974977412392e-07,0.0,0.15134635259255522,33.803351564106926,79.27145892651097,5.52992325796023,19.157258802936184,0.00010424986425409076,0.0,150.57217478757028 +0.9557934101124033,0.14800636409796453,0.37632051293384583,136.02729404852042,246.21139784705036,206680.1010469423,2.3430622913099457,78.12974002556984,3.7362805286350143,52.18381165353628,2.804176150439326,27.532533583437953,0.42653128518706884,0.832594419084046,265.68669078322813,37.22602846094902,0.2866001910549542,92194.67039749693,2.0802597564035175,99.44096738733138,4721.474906734782,177.66989654450882,345.67811416537904,59.41795610565052,0.1643474396688641,0.19013592735942908,14.478196753369875,33.66951821013301,2.7259294439558963,31.697746649798255,0.0,1.1989759724012075,0.11737161276560769,25.566889434278526,58.6388907474402,0.29798511574294023,14.246197904716015,1.6033010066721712e-07,0.0001132097967789073,0.20436261287028537,18.647037268787216,40.87148624103317,0.25527232434203345,28.67081744390103,0.0,0.00014063033626880034,0.10481017361599856,71.97316906395396,61.488537155620655,4.184967872406151,14.712581709241299,1.9907974977412392e-07,0.0,0.18008849945310607,44.25152108379015,85.54426656496395,4.6021209754282575,18.63522511519858,0.0,0.0,168.3209013072444 +0.8983553201384097,0.1808715169613967,0.3282672366498827,181.15757931839022,145.08586346290608,268690.4112963464,3.7849740162212946,20.80722674129355,1.0796479040457656,49.78974327072136,3.8841643104518297,25.364265857141216,0.30121542466358947,0.9396538019582029,601.042279612676,61.14903566453349,0.11434283900650509,51504.25398653265,1.111752685163375,92.97398224379697,384.0961363097882,294.7960216362917,278.26398518981046,59.11247933450791,0.19120964554355013,0.1933652778771875,8.136158153619961,27.908165015773477,2.8351101360440105,61.26380253200808,0.0,1.0423169282139344,0.11475680454211788,4.651025820340415,21.14420494973061,0.4018053960581337,12.25823882577843,1.6033010066721712e-07,0.0001132097967789073,0.20038203132743773,5.700958498506524,26.459636376407797,0.2735332116421699,45.8483178292248,0.0,0.00014063033626880034,0.2701208638205975,25.84569450298961,27.885383718478824,3.3465892545502003,12.075302565940852,1.9907974977412392e-07,0.0,0.18733090384241544,4.250617289451461,28.827493357343922,4.704993881869108,14.887006583645947,0.0,0.0,103.71591077263044 +0.9428263892513657,0.20007231269476242,0.44805387528223195,167.11186408105868,96.83254876270892,342950.38403390977,6.373789657908246,81.51642931895063,1.750076189870211,6.195042889897394,4.569420004031576,23.916796274511693,0.7463410143471659,0.9634696046242329,844.5506390328284,78.84938489795229,0.3424535530147295,153268.4118378767,2.9629907479388353,93.74719463999837,2433.122448752293,273.5979351791512,251.02129043750722,34.22119620996299,0.23711093847470294,0.1819981091244664,4.662267887411827,25.50201955759467,3.2000703647816104,11.401494040098306,2.0182467951231164e-05,0.757019226639781,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19305026398681333,3.4943944693930296,24.897868522550407,0.29142277645212467,9.808057936828689,0.0,0.00014063033626880034,0.3542401530617701,11.052725396399993,15.507232765317386,13.560680057615265,54.0622348199349,1.9907974977412392e-07,0.0,0.13089968024484785,2.524390016344196,33.891068563395976,5.424849522974693,39.2745368317856,0.0,0.0,2698666337285.8823 +0.8908006578719865,0.196706262264471,0.4218881233860598,233.77187959781742,222.443876832709,306858.5615576382,5.3050616154070775,92.84553460287157,4.777990205913737,94.96292173184013,4.011078854605298,26.924734956464906,0.4515385380741612,0.7870947552438877,376.91283003770627,85.9441574708882,0.25495925045476814,178977.2536657851,2.8943919981490773,99.73477541894692,4512.92142023361,178.78901377950146,347.97479706906245,54.343722416799686,0.28658164796456187,0.19469790002520646,24.280948680923174,42.16709682994028,3.245764488067056,15.555154380702653,4.001966746339319e-05,0.7101299210964103,0.11892797297820226,17.60007934560323,35.40252421880516,0.7148182423244113,13.221513274317347,1.6033010066721712e-07,0.0001132097967789073,0.2052610011313975,27.943621494423507,47.768871584160564,0.31950581332135625,14.067083330127863,0.0,0.00014063033626880034,0.34185956676188406,56.40407299084342,32.256797365288456,5.87476842325897,30.603794198159818,1.9907974977412392e-07,0.0,0.18135291885436358,33.74919463987417,67.6318658937608,6.677002418803901,18.47704620777194,2.4309899160613157e-05,0.0,137.5211911613016 +0.8928216270944056,0.11503866706341664,0.4402403918231597,205.72708033843534,93.52649265235534,233026.77645914588,1.7568939668440393,80.77785831180806,0.4053841456412095,43.4990101713725,1.0662693159723444,5.105946540300403,0.4107461482830787,0.7817180896381861,926.2934749224295,74.30703219567941,0.2971699971869554,69616.0223292959,0.6819387524653391,72.12666986633042,640.1416846332969,179.58189515102177,226.26419346740792,17.158400921995177,0.254447556854768,0.19941260291228313,7.549747004956922,24.125856847165753,2.4348881616492037,17.877518322011795,0.0,1.2551582389441522,0.1433712594044792,3.621738242638421,11.7691669097519,0.275275611290176,3.2715071605479396,1.6033010066721712e-07,0.0001132097967789073,0.2130805670361274,5.53619881853519,23.83214295336914,0.2375872884341449,18.14993360897461,0.0,0.00014063033626880034,0.34650646863385787,6.127995808550282,13.98591415708426,7.669740234364461,48.54556320483532,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.897613512186722,0.13386679953447495,0.3786808528263564,173.4047616780107,235.43213147514018,276043.26545712247,5.949007941643602,99.53753383720615,3.616593624076137,75.02275850528343,2.822141323035689,22.976068981797976,0.6255401378771954,0.9374714892059616,923.8605713945692,93.07991055011198,0.2653250080068668,225702.74301113008,1.7885408488261965,15.179589462485048,4896.737079195169,286.95000658313273,346.1223758228083,56.85616001140211,0.1684534266214886,0.19418050724784527,24.104089973901615,42.89803545922959,2.9308908189581353,25.483887870564345,0.0001228903229054756,0.6806665438328978,0.13037808117126506,22.548755804410273,44.531688468671014,0.81010545982988,4.539736015509426,2.810397888659522e-05,0.0001132097967789073,0.2051905039194917,23.982022998096596,42.51885624216182,0.33946154153475094,23.401783469579616,5.052311162620185e-05,0.00014063033626880034,0.1287877686428576,49.32569516342589,55.81077217828098,2.0616326952780586,13.649741657006839,3.091289157481934e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9843914265380025,0.14433438516860042,0.3789474334356919,128.35482616586484,183.0296544637389,133495.91030868544,3.3048470739113056,59.15717033190823,1.4235173016740295,92.1306573605606,2.9474740980129517,28.77739632254397,0.5289391176688389,0.948436624771773,283.0302739810217,28.31179316802472,0.22333327432243621,113287.5652600726,2.907329286953964,80.26735895232883,1599.8214961681072,252.29563368594594,349.4549616040963,55.4968922834978,0.32052448093549457,0.17888033419379967,22.44302502113635,50.81458517414724,2.8948665288543727,21.625075378198613,0.0,0.966878723585276,0.09121968609000915,17.373173386234622,33.99854050913238,0.7633397279268004,18.184139464548366,4.105616658626932e-05,0.0001132097967789073,0.18866855595782034,26.25728947307947,54.19379839532151,0.34090917285703637,20.048655289130277,0.0,0.00014063033626880034,0.3115660263784732,41.455346166506395,35.03379757487428,4.500373068641587,17.175988044166303,1.9907974977412392e-07,0.0,0.14089706953502806,35.34200938973372,75.44931044906257,5.40211693473686,28.573537212239884,0.0,0.0,142.92963731173634 +0.9490525751725516,0.11406611115645932,0.3379075057540625,52.90964711844636,138.88687280857977,270871.60944523837,5.664247906326554,72.10261326372259,3.3579380604200844,76.93070558589854,1.8975233262264752,27.044691494970362,0.3207159433719086,0.9064856459050089,245.56617737027676,8.378207209459855,0.11655104639889788,82299.83208203288,1.0924037665817092,71.40748978511691,3297.480378535075,266.05096132876855,342.1904341613068,28.675533895100333,0.2477156458860461,0.19045428641904907,7.230710379824082,26.22707722320296,3.8865127175457093,41.82136437637681,0.0,0.9848220170803758,0.11508770538070263,8.332595769211325,25.38018113250101,0.33879911026159304,8.903794513235766,1.6033010066721712e-07,0.0001132097967789073,0.2009161711884823,5.211008245165228,26.01108296167402,0.27078742601916644,34.52297870745891,0.0,0.00014063033626880034,0.06189539040208539,30.351783831313313,32.099950243733645,3.597219583029892,13.953912161740382,1.9907974977412392e-07,0.0,0.17574755534768535,15.118403237258988,36.89160837725861,6.148232936046017,11.689089730668114,1.2527432103664907e-05,0.0,95.48439118027784 +0.9890548040628253,0.1614046668089099,0.35698465087474407,232.50622089360652,244.975139713212,332064.178575267,3.774043196955831,92.20551996813985,4.616261940926523,98.86443466273293,2.3708786593461815,28.7767176362234,0.5462412205965682,0.8132023148224959,252.35626744488673,88.6756824091988,0.28010833647849187,292761.9492259229,2.9592931005402376,74.8425217257191,3178.4408432350283,267.9877810821758,349.69785174011724,57.54151009289693,0.17285704468985824,0.19167107146027282,34.75261645495603,57.87831834263899,3.2633958310171414,15.845382292024679,1.1034803105172401e-05,0.8173650749408468,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2058231190033278,38.721525036564096,63.68889718671464,0.269509976830911,14.357714343697651,2.0594030982288102e-05,0.00014063033626880034,0.1794368614306446,94.72055178975242,62.86639163060658,3.468141357934254,5.7871535306004125,1.9907974977412392e-07,0.0,0.19044962793825881,63.52630855518601,105.29694548066148,5.511154052151559,14.191537342670696,0.0002372873944568385,0.0,2698666337285.8823 +0.8603533526821519,0.16067069237965495,0.3823238560812239,128.54261277716012,196.1874257235064,190328.47017885285,6.126488057741094,35.86573749158009,4.688618832515985,44.256939834568946,3.103379700529378,11.60765028629763,0.4198662198959462,0.5942437270482386,804.5482470230351,54.620735341215806,0.21043453720640223,69971.62831881078,2.8829044919409115,88.47059229983796,462.0246109135453,120.23010290531404,267.9991558997848,32.350990214506815,0.16002675551688667,0.20104549206771785,2.4435913340777558,23.66063208566559,2.850847630079412,4.951931075017613,4.3584683448010176e-05,0.7057365591909223,0.1289702816858788,1.5974428592530445,16.10576952059428,0.9989003800971077,20.27893443939758,3.4132742090452955e-05,0.0001132097967789073,0.2136887634974564,2.1543436956337705,23.647431569321224,0.37799121746946657,3.872451668951255,0.0,0.00014063033626880034,0.3212670862475296,25.989643295893053,21.384117025269994,6.942758482798666,44.19640579703084,1.9907974977412392e-07,0.0,0.1936080558142946,2.552708564713502,33.010352539858296,4.879814776946966,32.33448617437404,1.6067928668399203e-05,0.0,84.57036217898577 +0.9869408582332679,0.21425858247403817,0.36932080132373185,203.8293397740462,247.70735267452775,345759.41703886277,5.490918076152329,46.537400741976775,1.660148398474898,99.03988545819115,4.129686876638925,29.414539149671114,0.6138905543149347,0.9883834042678427,344.2830541228747,59.14856174539408,0.17846222982377685,125747.32863426566,2.5381295176429686,94.35372744869532,4312.318145178247,278.4089152693837,347.9129115792103,49.3262629442052,0.29155209038474805,0.18514009271802834,24.50746883013406,49.86247157261904,3.5180661531891904,24.592236547039537,1.9752058779028025e-05,0.8415440196184619,0.09297150981504454,17.657287508609855,34.32022122971366,0.6379027933387807,16.75618426923969,4.47795065174923e-05,0.0001132097967789073,0.19200758599407244,24.794347467948533,49.28121250819556,0.3050495872645553,20.938262577033093,8.082429122493861e-05,0.00014063033626880034,0.30647263820892684,58.49965551306875,41.901306251954416,5.822424168979064,22.26086852187955,1.9907974977412392e-07,0.0,0.14272082742991382,39.77013545920515,86.88564687388349,7.580396880224326,22.972818478424553,8.816408492061488e-05,0.0,156.14430158239415 +0.9199571659755605,0.18468003730861265,0.3502766777582004,169.3994523175444,108.24443360054732,271874.2632296808,4.453964066396434,72.77074848889005,1.83637213429407,96.69954078754891,2.8494719757760723,23.210857755011357,0.4500692533890271,0.6614663103951669,378.90474964188763,7.4055014759286415,0.22072251225251874,94540.53878731832,2.4313159692213744,89.62354888760578,688.168810878196,213.32532063281323,347.36710389223714,44.682488811632,0.2973344876737873,0.1959773019673614,17.127873552259455,34.82558732923594,3.9073994921584627,24.386144012354166,0.0,0.7727704956104818,0.11033166402116548,17.18490293499501,35.369138522436195,0.41702559547335744,18.241809962797685,1.6033010066721712e-07,0.0001132097967789073,0.20589575604106425,20.334578470285724,36.82059292436561,0.2815778618855772,21.594859933249857,0.0,0.00014063033626880034,0.17452785618522665,54.393357469258234,42.05016490580748,3.777158763418753,8.361290094452313,1.9907974977412392e-07,0.0,0.20207733176867998,31.10532186759133,59.42123079681488,6.412300766481961,21.62491084527297,9.974984138298249e-05,0.0,126.68864001429804 +0.9878721798022588,0.19981895512178652,0.345911437135172,247.89364961045283,210.0944319077496,262485.6875164948,3.6498780480653394,88.27637320037984,2.990451327853804,84.82744559517778,3.8999673498945167,27.922745088842788,0.3458735247591462,0.9374021003744325,251.9709936422166,46.98304247413729,0.07504206361753919,148900.58312312607,2.803532872679008,88.76198352070091,1493.3223775061829,219.6590461161447,345.38285346596695,55.40573641271368,0.2310137325626193,0.19330850204168168,34.3893299886277,55.08496355298953,3.134339472606768,25.988590226225114,0.0,1.981312800041647,0.09602478759231116,24.831628717016844,46.821353903224896,0.5531720258653475,14.79638196941996,1.6033010066721712e-07,0.0001132097967789073,0.20130850354155888,29.753443313542665,55.440151737567795,0.29148191249090466,17.633695082761417,0.0,0.00014063033626880034,0.306208718806597,83.18491215378164,54.65475271025305,3.228912063223455,15.549938221834479,1.9907974977412392e-07,0.0,0.15415939968870263,54.069244598203,95.71846774685413,5.467456487445248,18.48924520999842,2.4926356564392885e-05,0.0,186.60302741960467 +0.9838971888247934,0.1355812624509095,0.4395873988482059,149.4656774241387,191.04841897980612,319820.9272286654,6.526632987898629,78.71181274020769,2.66210460706174,11.170227507477083,2.3734089644347574,10.609085840722884,0.39373004912855214,0.7120635781289008,778.1743246796152,44.024254988721715,0.3150012597668904,246500.46564442271,1.6323371761192977,73.58103173950778,2669.043500864515,90.90977746588321,332.2517099621174,23.448915540427024,0.2195472724593288,0.1983871617714647,1.2624934783577189,24.261905457909933,3.29157608963096,4.470759594224094,0.0,0.7390321881615831,0.14066554319087785,1.1788612853877454,12.813234687966842,0.6685532729601974,3.7583287072275855,1.6033010066721712e-07,0.0001132097967789073,0.21143037684035718,1.3489661810508569,23.69690763160226,0.31799976507169087,3.963930797963579,0.0,0.00014063033626880034,0.32507693801491955,61.252039689594234,40.524955882324136,3.4664557211165348,9.087994549668274,1.9907974977412392e-07,0.0,0.20868566240263522,1.3792427855850662,20.152650263124777,5.406633121713511,7.217724071795343,0.0,0.0,85.78592122276437 +0.9206375415924105,0.1988690545969027,0.3321058006567205,212.29024979078807,222.3595817722618,349102.5817924792,6.08872210542331,94.197892034103,4.024629933808956,81.4833501342321,2.818978639904744,29.099470012479642,0.41005980285143206,0.9969648840075511,776.2450188875632,23.48848815020927,0.3163619634520928,299046.3868550112,2.862755293435261,98.19250260061622,3922.1912882845168,285.5002153707635,331.23739636483026,23.81256100131936,0.15189167244150847,0.1867969675364628,14.48631353900618,41.98592183923009,3.5706117111794566,5.8899264153158875,0.0,0.7188299747060873,0.124343649534031,7.426913860905007,25.62845956349629,0.6922185260218381,8.414730339563224,1.6033010066721712e-07,0.0001132097967789073,0.19695651423336097,16.416208730473876,41.82211157470049,0.3158660054852203,5.393958954509125,0.0,0.00014063033626880034,0.2475543494210403,110.55424425553754,71.37907485974445,4.641385877832154,8.852451071626952,1.9907974977412392e-07,0.0,0.1905027728765162,16.653015544052696,43.94605917187064,6.533526573076284,8.531558925473773,0.00026321343871335643,0.0,156.8216480524872 +0.8654668916555265,0.12046623574300848,0.36463732352846256,203.90479265285043,226.64616948808865,343632.4408848536,5.70259092211311,94.59853892272973,1.8492039127410695,80.97745536746743,3.553813830286727,26.08307366523483,0.41152064748332023,0.9373998304892179,421.39851834957705,30.91208361647703,0.2250380473255692,65102.51918646235,2.3671055726119796,86.96772508708985,4514.346812509493,258.4757532355109,342.3298006163342,47.6376912698567,0.3445725688538406,0.18513687143250396,16.973595840972305,38.8454994641271,3.623209488006356,30.5151564617343,0.0,0.7158548818513575,0.07279222956189649,21.189710002295648,42.61645189998781,0.648356706451621,20.248634466027266,1.6033010066721712e-07,0.0001132097967789073,0.19700925182292073,18.65435879141627,41.83923545446602,0.3082231626294633,25.926118446703867,0.0,0.00014063033626880034,0.27459239777810956,49.41708063661567,36.74394028831859,5.876320904537914,23.519902964102982,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9810842280134661,0.1480106346345171,0.41820521551380935,55.22235657584645,173.4220971995227,132671.8255105101,2.947607472676416,47.22709441882878,1.6824946751302254,33.94744085531475,3.775436245329554,18.63089750723704,0.4435533414592446,0.9338712589418048,893.4361303446942,17.617074981618146,0.3267708186507586,52961.36444508747,0.5593483465728757,83.42623936180229,3345.050284585459,179.89391978770269,349.4506057728228,33.56190722665149,0.20919509256057586,0.19082872563675723,1.274481554012697,27.149584329079545,2.696740544617363,55.66767176573507,0.0,1.3542610503446042,0.13474543336356626,5.272378557462612,23.088530247198058,0.4050703581961601,8.822231702686434,1.6033010066721712e-07,0.0001132097967789073,0.20583304990096757,1.5988487229632198,25.21632881281965,0.28393494435325567,57.07245691792617,0.0,0.00014063033626880034,0.14371424168588007,16.474688063521626,30.19030566130933,4.7605228832805855,23.55663976192759,1.9907974977412392e-07,0.0,0.21007900862749596,3.5990030068414858,30.555185000862213,4.459223592995127,26.547566468772622,0.0001084955753608193,0.0,108.68854362294317 +0.9778810115294466,0.24772175038803598,0.40139231835699224,229.43804945680176,236.1188706867971,265867.7850339947,6.436324822095053,74.12302306138618,3.267783681988058,55.579856698395716,4.971084671607248,28.072471740781822,0.35818617626919247,0.9756331987564312,849.4236803612823,96.54277441404548,0.3222747443955287,203847.0167323182,2.871054510316667,85.98429381338292,3847.5635384704187,178.68394070894462,334.8800757774232,52.08717236764121,0.32493723684841747,0.19054553275202557,18.55025301039322,40.03060337620505,3.0003605845239187,9.456698294496878,0.0,0.7245968914614207,0.11743491318330897,12.524088927630398,30.62488994892732,1.0071431040074095,13.649790890351785,1.6033010066721712e-07,0.0001132097967789073,0.1979438999052796,21.160008370531415,45.92295057625193,0.3709278240911167,7.889442140715881,0.0,0.00014063033626880034,0.35430157020468744,49.210405895205724,28.81558734221473,7.298905773201713,37.61236012400599,1.9907974977412392e-07,0.0,0.16078651687098597,25.330883475414677,57.970579770249174,6.76043757911105,9.745852656426273,0.0001352759363733931,0.0,121.69536912440424 +0.9154602582249122,0.2131815510173251,0.37107792554177454,249.3880758827582,40.60586931515683,219357.83378494054,6.448417870015886,12.467151072954039,3.192422942405302,96.62791252681458,3.864773407621131,22.4404075329012,0.7645376393253114,0.9121703220574353,917.2777729974646,97.5631889917045,0.2934585606322731,267357.45322665875,2.9543100920172654,92.30690941941789,4639.1772249401565,104.49958758008302,349.7801437574232,58.574637521166075,0.18352805100154737,0.19447682416454254,36.46510031124796,56.13758459926747,2.81347205409231,18.153242045718603,0.0,0.7452811820777955,0.1334901612543302,32.93020822662194,61.28647374410958,0.5868262404313866,7.407771512350939,1.6033010066721712e-07,0.0001132097967789073,0.20597699499098973,39.293908634066945,61.09686344091461,0.3329088891604708,15.76888015008,0.0,0.00014063033626880034,0.11710759580734809,97.73486283153204,67.40161680529741,3.9298915548828828,5.636427898262207,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8653799775354367,0.11853829753979772,0.34172951846696187,134.28895483353713,224.96638304156647,247323.91418748468,6.402183339767694,78.59130575161453,4.247399210955492,44.436794564614154,3.935077891656637,19.508286758563294,0.40335273309129455,0.9613556238184625,735.0947333903986,59.01670430998461,0.3111902505129686,98338.49933822133,2.20970586385458,88.98276582516229,2465.772057492304,265.83288690817426,344.6591081546531,44.300205395618576,0.2944553156377559,0.19130455295321333,18.175915328786434,39.66744234324923,3.0043193554223198,28.30441748464779,0.0,0.7601091700975667,0.1091446547282898,21.611682794364732,40.56838716913276,0.8576638211741147,16.746605329650812,1.6033010066721712e-07,0.0001132097967789073,0.20194891059497086,20.79767286946665,42.456508665777044,0.35156343950667773,25.071671944811218,0.0,0.00014063033626880034,0.20821313969039876,61.34056071206717,49.971133512716804,3.0098555045166266,9.936829663799042,1.9907974977412392e-07,0.0,0.176495335669519,32.425406694677996,67.10598672426184,5.906958648705214,17.99287410747273,0.0,0.0,142.31467194261776 +0.9812375665025319,0.17293032241860534,0.3427663334330897,96.42434461693372,226.0528469457846,122302.7573137169,5.623430002192673,24.431642853849112,2.1814212658429524,33.064177196044874,1.342884481319022,24.94445309539535,0.7953819646470445,0.572631773284904,242.79405876243501,2.7989847434510153,0.3407587925076351,56683.12309439172,1.060465882831801,72.27795212820686,360.8516350256035,237.74129911263444,251.76425420202895,36.953477533021584,0.3386651102266629,0.19750559391386632,3.8967949644736204,24.5325434767728,5.306734260169312,28.719798576130927,8.97288514191224e-05,1.239356757567254,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.21138144899796998,1.8632404499671906,23.81177633139676,0.41872944391304123,25.473561219353034,0.0,0.00014063033626880034,0.3284995009429121,9.819195529309264,16.638162629100766,6.428475794731709,35.249199478555205,1.9907974977412392e-07,0.0,0.21847426629302594,5.316464032842527,22.967137809083074,8.140749108620234,5.921466940993814,0.0005186931384594679,0.0,2698666337285.8823 +0.9699446784839582,0.16394981173444945,0.34978236055245604,229.9312446687982,184.15303245360153,279857.41080518503,6.029004374275283,59.97157701436354,2.5866239594219955,74.28823177130982,2.366003384933926,25.61462995377062,0.4824311838740449,0.9407560136527675,819.1375190393793,85.79290776430989,0.2997892437501425,256026.3023220147,2.636530833969064,91.71060677027602,3748.5678812070005,183.6096709267944,348.4398519248308,58.82620870676783,0.18281930349471814,0.1909195179765118,34.378853853411,57.678026835949325,3.0283267323582472,20.108019375417808,0.0,0.745519375996129,0.12677697233884494,28.736147938242468,55.76446543666797,0.8272155038858684,10.05330700590339,1.6033010066721712e-07,0.0001132097967789073,0.20378825157460573,33.463533578186784,59.923291490175444,0.3428943744832996,17.36899721420109,0.0,0.00014063033626880034,0.18409963599288304,97.41663834356122,66.3083354260519,3.750390669114377,6.616471720274898,1.9907974977412392e-07,0.0,0.204966203101367,54.70122654490099,92.50357078743907,6.218046697540329,12.794783847557463,0.00026655213165437217,0.0,199.16987292609798 +0.9617895338192678,0.20855131081378245,0.42233991180421143,207.7025836436209,241.62178182907783,304118.4548262052,3.0122769703786147,72.98862151197591,4.472657778200892,79.94107621643117,4.805973423551666,24.39193162472131,0.49423208378391764,0.9377047134988559,816.1239417599655,85.51833592334111,0.2875631818576807,198020.5687977824,2.9847964363131716,99.3113915436587,4703.736261259036,293.4417583874913,348.71596005824586,53.29598461958988,0.24441648471771282,0.18282455084548843,27.59045969677162,56.29460439491905,2.7714750404914525,16.429527166304972,1.491538859199615e-05,0.9599671400659906,0.09790393976354275,21.835329272503483,40.24545563334029,0.32613096495724586,18.59484597562765,1.6033010066721712e-07,0.0001132097967789073,0.19149031074601325,31.427296709634106,58.61243739641975,0.2547481344152502,16.16599065313322,7.089249875134869e-06,0.00014063033626880034,0.3419769273717696,65.59531977558963,40.892292560065016,3.3629039428017973,19.762911733340758,1.9907974977412392e-07,0.0,0.14788106334395396,40.26853913451841,87.68431637806368,4.710474507832409,24.884486811648692,0.00023896965074179886,0.0,166.3257182006941 +0.9741119844852908,0.1856484480511103,0.4352884782566793,165.87970783265578,235.81064335892424,108495.73588219461,6.779373199772075,32.9678049917074,1.2859205774144533,44.744866534859455,0.4352136576066974,27.7733792206897,0.5856393718555885,0.5334150474257803,984.9581487698354,32.1988334701918,0.22133070120272771,64539.593762997116,0.5852466282512128,97.69115221991281,4782.873433831926,161.49739090162794,260.2738218695672,38.35110086776919,0.3403175956336603,0.1989289610983421,5.798044746759702,24.441901167717436,3.3607594853889426,25.662291922493566,3.085001219727485e-05,0.7104626601990034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.2114495277046314,5.367398114788398,24.23542310845556,0.5032291212469637,22.946117218210293,4.054485915282867e-05,0.00014063033626880034,0.3213967336031777,14.228177228271912,17.69128517957997,9.241672090289976,47.57292435874054,1.9907974977412392e-07,0.0,0.18958975125015132,5.501789962645381,31.666691984109082,6.409540752436021,35.05263704249678,5.381416773976575e-05,0.0,2698666337285.8823 +0.9500643288801943,0.22497056803605128,0.3745810088996297,88.7480931892353,199.17909087165114,312683.7623439158,3.5342755752337256,58.25491154960394,2.6957247809985425,52.12847044372022,0.2598849592600554,29.81327096312209,0.38924368049194213,0.8381963465442424,216.45709419394717,28.31179316802472,0.22681821972828953,113160.32754464699,2.843891439479602,82.57994008511572,1598.1299603911227,255.9476312141703,345.62866639333834,53.92592284037776,0.21486354427616558,0.18878019353705242,24.776629562216,49.22654316796911,3.31740452367431,21.36566905439157,0.0,0.8329651166546413,0.08730191048476053,27.22205078465524,51.59124477158736,0.21244031123488827,17.409499791632996,1.6033010066721712e-07,0.0001132097967789073,0.20187209542853585,28.551763263480627,53.0074215870696,0.24604801379087157,18.88628126986193,0.0,0.00014063033626880034,0.11779405404480961,68.5366780729626,57.71836986209266,3.4148589905035447,10.176998995787407,1.9907974977412392e-07,0.0,0.15304891869015075,54.18745739624567,98.16151738787107,5.041433722392872,27.570839896255695,0.00013077169632887597,0.0,180.81612448899324 +0.9841391794291612,0.11175993511971022,0.37894254635780894,72.6323893816184,173.17432500119656,329269.35091230227,6.8003097694383685,38.28144335085669,1.867382527731647,65.11025589144609,0.2957418582805895,19.326240351026275,0.30746967879965353,0.6871990805633837,928.810615765614,28.347981629966835,0.11345713986047265,56815.99107062919,1.3198963294292207,82.08542941171737,2760.651022047742,203.48394443193473,340.8131567383391,57.4297254777121,0.24752981862152015,0.19810509031762055,10.016806364657759,28.855463497371336,3.274308666194059,59.22843275520859,0.0,1.3651792575547037,0.13318300635436986,9.251290469171579,27.223367090163215,0.44015496753698097,13.82460070042307,1.6033010066721712e-07,0.0001132097967789073,0.2085926615515676,6.47756007650707,26.76530189177099,0.28458833421607277,45.27930982713839,0.0,0.00014063033626880034,0.09389837268639395,35.92705203899363,37.17968001274067,3.327032622526436,10.775008959857864,1.9907974977412392e-07,0.0,0.20122842947806904,15.84122801552135,38.29291942800008,5.21524183079684,19.79139233951793,0.0001419002597795341,0.0,114.96436968148656 +0.8781705075934204,0.12011116400601644,0.38246012576148375,217.86620356177013,235.04235250225483,272986.0395243897,3.5140436133816033,42.11440384516489,1.4175059868457605,83.10072646552028,4.708211518314923,27.08973595326655,0.5008984639723507,0.9640670206056301,885.344357320167,61.56053520139035,0.3163962761807666,102327.80351211471,2.3784042848012774,99.00492547832636,1812.5771359500447,270.62182164626773,349.97694195480364,58.01065928212703,0.33239172559638697,0.18099191367115341,21.01123191628343,47.7874196989751,2.762618060427568,29.327567025042427,0.0,0.9890400099390155,0.09255952731894955,16.909165438240656,36.343856103200466,0.4959452226789068,16.820019165881103,1.6033010066721712e-07,0.0001132097967789073,0.18913537189118867,23.87163850207149,50.11954254369549,0.2807178440944714,27.213160521757064,1.2067869693871915e-05,0.00014063033626880034,0.3049452690496088,47.490338110991516,35.43336969624119,3.788254742172889,20.64053952312903,1.9907974977412392e-07,0.0,0.13590803654681333,36.02995452740343,72.48049354414206,5.029588815091453,29.390526882165922,0.0,0.0,143.86919663484323 +0.9090104884944858,0.11636928424068406,0.33056297847934646,241.67721885890487,245.57735037286952,344374.18301432836,4.127050391777265,54.35279060788646,0.6613546608933651,26.013800937719015,2.3681487630960074,14.979469157858944,0.6308126518154142,0.8596004536722847,718.3628028739556,11.395004324029784,0.31267558372495297,215334.75019517698,2.764770176264317,97.46198072301401,2674.831979998544,296.4267540895198,340.4281300298724,44.77195116133492,0.26762272529142334,0.17754875336130468,15.416539234146258,50.063852791576146,3.306642652842761,13.66595034668883,0.0,0.9670654714466752,0.1168500717294988,20.386265016051677,40.86833715917851,0.48605955195278117,14.33128780037461,1.6033010066721712e-07,0.0001132097967789073,0.20243656239935834,27.683724884772943,51.32133358568536,0.27636900409227333,12.886207155553171,0.0,0.00014063033626880034,0.3083763777208872,76.36375274314823,48.74200493581247,3.7335488051921017,14.914168643736817,1.9907974977412392e-07,0.0,0.18228660758399368,36.692910244325155,74.27815290386488,6.202391058745503,17.7287932773933,0.00020408883099337362,0.0,156.39921133318677 +0.9288645097281446,0.1529756221026215,0.36411626417208653,116.99988248595984,150.01607097787436,321951.14534850995,5.733659536858974,96.16890205865589,1.8520215459492333,82.05928204724754,0.7399473940212824,27.18657814278898,0.3133109436125914,0.9374094961773133,470.6817963857136,62.47753539871377,0.1879696083163644,79590.64524392449,0.9985891031006234,76.50246081369751,4465.570409325288,287.8115401495769,345.34583084155014,47.499570215414884,0.3226831484987845,0.18976261860382512,10.420703653769987,30.310632231466172,3.215810494976693,55.546902865217646,0.0,0.7087748608735158,0.11635788736617897,12.750558433529937,32.83837097709838,0.4588307671585014,9.263031551822058,1.6033010066721712e-07,0.0001132097967789073,0.20183945686191587,8.904719174722464,29.35311748801585,0.28561948949665533,47.91469251337388,0.0,0.00014063033626880034,0.21567253917177548,43.2248234572661,36.35835686354655,3.2057427795933933,11.04694454929581,1.9907974977412392e-07,0.0,0.1808595665351419,19.569722334378202,41.373845047335536,5.479902501565402,17.228539739067717,9.022822696430465e-05,0.0,120.13240180063954 +0.8730950798999848,0.18595518065805058,0.3466734034278933,11.34783545636921,239.49261889002284,290701.66271936893,4.304125422574464,10.711448738722767,3.7630801137445564,49.626026574425296,4.433012080818335,26.019706712514996,0.49602990645842765,0.7382693306300206,128.32741783920335,7.351419171182165,0.29083039101500335,272577.24609613395,2.8232355434469842,79.33293523776142,675.0425722078539,279.9484444717327,348.990959974573,58.30956164304061,0.3065177096049792,0.1954679047422771,30.61660713740484,50.400840310139536,3.395696950051644,15.77039700606077,6.205934232643549e-05,1.3309045578915626,0.1277692617711164,21.607427641005795,40.02715633305307,0.41588990497603534,15.08451272548452,1.6033010066721712e-07,0.0001132097967789073,0.20897252098779093,35.466139352028264,55.15641368902269,0.23856564994144985,15.185283354004747,0.0,0.00014063033626880034,0.2563319345848866,63.58341049759075,38.99148950679423,3.628362461750407,7.975810532260531,1.9907974977412392e-07,0.0,0.20877658905545415,38.35392719610672,68.45403840892894,4.763474628369909,14.248404293289196,0.0001034128027732878,0.0,150.29964893567487 +0.9105601058084505,0.1503939924367047,0.376625185908602,136.02729404852042,231.00013809274674,337113.1023161544,1.618610087836178,66.36016154808186,2.3503046087618666,51.42455267385863,2.79497681245321,18.73078240954301,0.4271570527533052,0.48407587452013345,827.998009780301,93.04904288672314,0.33744532278021017,89810.55270670417,2.079743638601216,99.35074564144776,4804.486562702877,269.8073782440097,348.35158072539616,59.41795610565052,0.21708225597240283,0.19776991069933375,15.258230685341136,34.165390043265425,2.7247992787461435,31.705620706278673,0.0,1.2854055699766824,0.12694968583667185,19.21848164568355,36.74975610656589,0.3636475403848898,18.209397222467274,1.6033010066721712e-07,0.0001132097967789073,0.2107125848521054,18.979510360591505,36.93714908602212,0.23478189252284515,29.940834050086572,0.0,0.00014063033626880034,0.11075528257902649,56.24404755931214,47.73908114537138,3.6132854689944782,10.874981025753828,1.9907974977412392e-07,0.0,0.2093054879530502,13.089189188287724,48.77952020885623,3.1818651464793586,24.733534734572395,6.463561804351164e-05,0.0,125.8317650593195 +0.9686107868569012,0.1815084765252349,0.34885547779183285,234.79843282701984,148.30365184251198,248197.39352060482,6.4011949721663,49.65464299766923,1.121072999742558,86.78411348655727,4.332748675320805,25.834814896523667,0.5737793870495428,0.9803464724567671,888.2888043500768,59.71365056656818,0.2777051974610089,50066.8210959026,0.52991433491376,97.2261531243255,465.5686160852755,279.6395794546015,278.26398518981046,47.469484824608614,0.1918653477058317,0.19126485635556598,2.191764844866463,25.574898567982494,3.0495840618871446,60.68031938332817,0.0,0.6957127342782378,0.12720342659975048,1.5208579241257612,16.675273234623038,0.9089431597395455,5.432653723814731,1.6033010066721712e-07,0.0001132097967789073,0.20377572044218062,2.154514517189256,25.91822571588417,0.36047140918128945,56.90809104804564,0.0,0.00014063033626880034,0.3483598991344258,28.226680871997374,24.687160680368205,3.4141486005578923,28.80462130527603,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9523019893109337,0.1279441352378186,0.33100013311332305,175.15662934551864,44.71250732920876,247388.4489035447,1.8292643471517365,10.59367955839383,3.7293483118287987,64.9699086119428,0.8710973024132276,8.816811777331978,0.3328970596709739,0.9205982669308842,189.6818374092494,42.27464333178599,0.2601350310990557,191737.5304782215,2.0856459151877953,99.7314077723167,1501.8845603902448,272.8476133944926,337.6938238790816,58.698041825410286,0.17559554613088754,0.19672853014084435,19.168133619471114,40.78065128242628,2.823199243034334,21.10008674697011,0.0,1.1829289178190483,0.14073393336190776,18.73492700719594,39.44457402994512,0.3591786800608259,9.218043535210306,1.6033010066721712e-07,0.0001132097967789073,0.20971523057938796,22.712984552464782,44.160251720220856,0.2356054875358058,19.992703543970173,0.0,0.00014063033626880034,0.12516952992051447,62.948928876341036,53.089094432215184,3.9102583010350807,11.493992233085498,1.9907974977412392e-07,0.0,0.21353895092651892,30.290873363357527,65.47744793026465,4.241645163465617,12.976692506145126,0.00014346914502122402,0.0,140.22343376523634 +0.9105709480015948,0.12562055410624293,0.398003369070996,114.39487945761046,179.61180488021165,198051.57142638296,4.733025668882806,14.99974484960936,1.5956170241869343,64.48743955812759,4.424424701976097,19.171313315833096,0.4141118954394441,0.7135699233377402,810.4370769038799,36.68148910145994,0.0831850231994438,52418.72707015878,2.2797098396910727,67.3900285154803,3375.5296446305947,124.7031617739382,261.61406625088824,12.942665303207534,0.2633640284827062,0.19825237867472803,1.1309601183550284,24.316961611179572,2.7928243015154663,5.6923300793982445,4.413148914917334e-05,1.7275436081690891,0.1372895297367549,2.4944124492270765,14.18086131094619,0.6955124138052986,10.753274591241103,1.6033010066721712e-07,0.0001132097967789073,0.20949920628826793,3.9710348338313954,23.525559851356142,0.3286005201421104,4.051396209211163,0.0,0.00014063033626880034,0.3417780281979858,2.54810626532923,14.63858065733132,11.467249684222926,51.79831776976607,1.9907974977412392e-07,0.0,0.1468903654868824,5.791735292362111,33.61400587932639,4.91179985608039,39.307187945782246,1.8467238323995803e-05,0.0,85.51707599146839 +0.9890676660665974,0.23604579966156336,0.42214248879375255,207.5439286390249,135.51329877814356,308570.328959245,6.859048541979648,76.98970845756723,2.620616676800443,9.497809479822717,3.707623366400461,22.352734837986034,0.3462555878168299,0.9877891758024823,822.6349092480098,56.01180915298802,0.34962255649544893,67612.26484985612,2.213894677258704,96.09199876777112,3835.0679999096847,228.17527138805082,264.2498938475574,55.07070455327722,0.1991018941301649,0.17871618152272892,2.2716001492417073,28.367203783362374,3.2423687781520436,11.030911519063924,0.0,0.7380774529268037,0.12714963783954886,1.2698973202781294,15.554786855219245,0.7272182585033898,16.864222943550228,1.6033010066721712e-07,0.0001132097967789073,0.1868988458102085,2.6412963538989347,27.20073317859819,0.3309529544437538,8.830868862330963,0.0,0.00014063033626880034,0.3554404653969513,27.53121116914172,22.047653705352403,7.257057686232704,43.06722477436663,1.9907974977412392e-07,0.0,0.10650304693554598,4.332042925822379,35.28041318426679,6.260946284110127,25.097869970294887,0.0,0.0,85.9090035723257 +0.9708625481696318,0.18000715227358718,0.3272435912852707,171.22220414845393,106.83245898406962,251596.36095316306,4.2710846537404565,81.97244344796793,3.1605198582331933,58.48913917267992,4.503073947899306,26.058590128649055,0.3112266552092377,0.7034469870723464,609.452726852521,30.725635527782174,0.25193023096895945,139352.65035587247,2.8953465466855475,71.89281224355219,3667.5764292578397,248.0494900312836,329.1832013900138,37.78443865904567,0.15972708080467063,0.19361561278054984,14.53083347222072,36.837849478399406,2.99762562332938,8.432864651593256,0.0,0.7634552136420664,0.12617357522222825,11.348506241833793,28.29696945621253,0.4382521418272302,9.62072558363216,1.6033010066721712e-07,0.0001132097967789073,0.20386647749521292,17.69094470616281,39.58292632029153,0.2860721510860709,6.190988357997468,0.0,0.00014063033626880034,0.14468558146070226,69.52809490169108,52.700226999781904,3.6273625275508983,8.390959582521473,1.9907974977412392e-07,0.0,0.20369960672229737,16.29767416946776,41.95441532183197,5.12124801735355,7.02242376791242,0.0006343079202631752,0.0,119.94090790616428 +0.829342185783585,0.21400404030653494,0.36811194045562123,61.12444922857348,188.01746283868607,312906.5801769299,5.579355273247757,23.042214757761887,2.374061925472077,12.239663679533002,3.9766865345812663,28.56911508786622,0.3995096437829623,0.7665411906034041,636.7852944309013,17.304420577297055,0.2582704560260285,167223.58778037416,1.7287090890997132,88.491263641946,4938.835469177999,168.85898436481463,339.10450915971575,34.85781189264709,0.1750456493007459,0.19628090664333084,12.187265238714357,27.89266474464775,3.292948313627115,18.407585555785218,0.0,0.7865008252802884,0.13558698784243275,13.810210133193742,30.900738536168017,0.31232226980875166,5.1607534936532335,1.6033010066721712e-07,0.0001132097967789073,0.20869764033813212,12.715113423094063,28.625984047294015,0.26348082314142346,16.517175747085734,0.0,0.00014063033626880034,0.13156400654861375,68.95081485239635,50.22583965182905,3.6094781018989197,15.002825270525554,1.9907974977412392e-07,0.0,0.21176292637271493,8.740753643987947,35.888378291130344,4.46585162602184,7.35859876053986,6.615241797132305e-05,0.0,112.50218827053101 +0.9643913729733066,0.1816063836393398,0.33437007042393674,12.5462381550539,171.48686576441182,236619.24884668953,6.21291654219777,59.182131540575284,3.3413314538264838,96.01547056942417,2.4747460297040673,25.014275484527474,0.30074297020804264,0.907114033569297,894.5160591307941,5.851759267210994,0.05749260772420646,153919.41518090214,2.8870067704706703,96.69784841605261,3524.462718796138,125.4604328887737,347.63672044764974,57.8239585072995,0.18650182474446966,0.19227131661915745,35.79762180537882,53.230231933973855,2.828353732324434,26.78814482192733,0.0,1.288308965378451,0.09155220679419199,30.057258314184267,53.4925549592867,0.24310782729108082,13.652988322202738,1.6033010066721712e-07,0.0001132097967789073,0.2011278699722717,32.46720444726289,56.21269897264228,0.24182238018070804,19.309542354996488,0.0,0.00014063033626880034,0.214739334511058,100.89970161319113,65.4737027135476,4.299161324256835,11.323068044496484,1.9907974977412392e-07,0.0,0.15681912773392273,62.64282560309783,110.88578290139027,4.608869048254647,13.731522930536466,0.0,0.0,210.7710466108145 +0.9737736759089549,0.22953300228053392,0.4245962039587865,145.98276323131887,211.97312224944747,314192.7477291875,6.490323650988582,98.17404309415684,1.6685902387601013,81.62501981004434,3.8579227471466906,21.117760862027644,0.337513635956462,0.7518593800530672,829.0847691345269,84.0993599022335,0.09008300444245816,196116.39221663272,2.54567271675512,75.47554836634009,3306.2146999307415,262.5537908372788,349.3580311501632,58.12140395553591,0.3411211783871383,0.19950693414582815,29.318208030319973,42.23550700103076,3.104946104129571,21.9084533754395,3.130425408622095e-05,2.4537119777383776,0.12870160880342948,10.259481912241835,27.227790372768816,0.6930964934527547,12.705320123811974,1.6033010066721712e-07,0.0001132097967789073,0.20852323510548998,22.222053003502626,38.54374148500124,0.32139967262797153,14.147730789137215,0.0,0.00014063033626880034,0.34327502956772815,39.81913661130782,24.374761171179827,5.95566776856613,39.74701538942122,1.9907974977412392e-07,0.0,0.1656345831552671,22.882664445463327,50.916894238854645,5.976632333893295,15.118330370173679,1.0753353823904813e-05,0.0,116.20205187863078 +0.9271622810543321,0.15792841690423537,0.3804940790916852,136.9380237406043,55.89149486229872,113450.12626719783,4.406504179649595,49.516005573089956,4.408331186968627,70.89214397623206,3.85786695461371,25.18261033209741,0.38345673762218835,0.9359628703232004,863.9368580263656,9.873425185557014,0.30036918236540444,69480.48844961735,2.805564320359904,55.87481415579835,3112.1790223308094,163.84468179318173,348.40359617497774,59.2912376167497,0.30999970855083236,0.18943702129604764,19.276495927031124,44.43963500504789,3.2823956346794887,23.918703019942374,0.0,1.0799067480965066,0.10428378312179443,16.101201797640613,34.39577848618952,0.8352356183509441,15.041052997858202,1.6033010066721712e-07,0.0001132097967789073,0.19831488632745606,24.481957235889848,49.57628408166078,0.36921604297655003,21.72213702423913,0.0,0.00014063033626880034,0.17631578898815187,39.9218641381381,40.90319418628869,4.987060609952642,10.524423320705473,1.9907974977412392e-07,0.0,0.16497328665916716,28.748253309491005,61.60110255997726,5.608146969470302,16.078173034589764,1.4396568969162375e-05,0.0,128.22886601715174 +0.9119958643572981,0.20841158061338155,0.41374389387381283,201.12860337525797,238.00875797485398,327736.7535673042,5.293896366000857,83.64714925365796,2.7065598453312134,31.793889224652133,2.971534831473755,29.64874035202358,0.43108122585889314,0.9425354888016585,803.0208811892778,55.39230119167446,0.24256632097366482,298845.90201533085,2.831977830895966,98.96667586554987,97.7131412408562,85.03217256555548,345.0780760808871,57.35587127125882,0.15092818580974238,0.19220123931178426,31.415960314394813,51.4789396208317,3.1612522802431444,13.815908236820254,0.0,0.643375783170908,0.1286575672407381,28.899859888681576,51.27570170684875,0.6369516608682239,6.157976059229871,1.6033010066721712e-07,0.0001132097967789073,0.20370388311593726,32.36984709248817,54.54662293300045,0.30586216037214925,11.300621528449751,0.0,0.00014063033626880034,0.15349395472657987,114.0996712612985,74.0611197129244,3.4913826321184627,6.2923922297107495,1.9907974977412392e-07,0.0,0.1844763596443619,27.94682760271918,85.76550809758645,5.244633223286454,7.344558397553093,0.0,0.0,195.6167485907961 +0.943728114302469,0.26735069793458505,0.4259456084611194,233.34795501768014,208.48648286642214,344522.23889290757,5.103505367513106,82.49551993496365,3.9928326012286792,89.11259762891484,3.662290630972663,27.02049805350172,0.5567643364229735,0.9134559696297052,828.7479356280683,79.09298509436192,0.2509201444167991,262355.12437549623,2.833785414456414,91.49723591089437,4620.582366633768,273.86261401858684,348.37518445343954,58.11573646416827,0.1860711742338494,0.19331953326223167,33.120116045710986,52.582297115688384,3.1269791853141387,15.947957569745434,0.0,0.6392161979890474,0.11936633996717125,30.039005459280016,53.03288684578689,0.5808786194225547,14.193929632479096,1.6033010066721712e-07,0.0001132097967789073,0.20240114796807082,35.82278236778362,61.81649546689784,0.29588486102777617,14.018012554653515,2.636680430685088e-05,0.00014063033626880034,0.25788694062722556,97.55213731613772,61.24473808956181,3.4222559092149605,8.735221620878834,1.9907974977412392e-07,0.0,0.1768765440506169,59.60443009074699,105.6103630362208,5.73509130025119,15.217352879776048,0.0,0.0,204.13324272960057 +0.9542456700948126,0.27244295075945313,0.4259456084611194,64.22674444583255,209.69902185828886,344522.23889290757,5.103027239338628,76.79919578697502,3.515351980881369,91.97612394607326,3.662290630972663,26.258688612182873,0.7499634668696854,0.9133313748528976,902.8354586792364,79.31348387585047,0.2579192573427443,282459.31447555183,2.9056251220682277,73.26034705948776,4688.080665499442,274.32616715281273,348.199714367364,58.11573646416827,0.1860711742338494,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.13079483726741062,28.43057809300715,53.56736877646865,0.24258623589439196,10.418087077533466,1.6033010066721712e-07,0.0001132097967789073,0.18928377739049523,23.257800308713907,61.684666911918534,0.273396415387549,11.394450029273635,2.905303568157998e-05,0.0001440041405568116,0.19347649459954114,87.3737759114291,55.172792373354746,3.4407741936577163,5.211943137265627,1.9907974977412392e-07,0.0,0.21106985801648961,42.61996979531105,78.6720019679767,4.420480917226955,12.17330028988832,0.00012034768392407203,0.0,2698666337285.8823 +0.8208457631848891,0.21807573190549626,0.324187515731175,47.47064198142142,156.62731694282348,276593.0564194152,2.8357569980912363,64.94082259255417,4.178013498539086,74.46347669250673,1.6072293151280128,20.985076859086643,0.32195946899126554,0.9177813848970409,251.9220892334342,33.895493705375415,0.11655104639889788,87666.93049590623,2.360241027042413,51.01252576486741,2832.4895125738612,261.6502932836797,342.1096744553285,41.690678760506486,0.2409276587376314,0.19680771668849134,19.59066190701874,34.01841815990296,2.919851934242333,29.917591503074494,0.0,0.7547949825796096,0.12744688505014815,29.949637390274535,56.5298988017493,0.29494061174135106,14.06288651708626,1.6033010066721712e-07,0.0001132097967789073,0.20676135007406093,21.411944199648755,40.59007758554835,0.2373302125358998,23.884712640646836,0.0,0.00014063033626880034,0.11063309411662166,70.02765626976252,60.56188487792296,3.8150059169087687,16.32598039383709,1.9907974977412392e-07,0.0,0.2056849791729821,36.37449596724276,67.48021694358586,4.31478575602212,16.017215826888812,0.0002760524569916804,0.0,156.25920407308683 +0.9498554013204856,0.12145218834669563,0.40488922391119314,198.04703090738508,190.50782224839446,115738.11653908595,5.764931923849386,84.41381576663245,0.25542184334735374,89.97769074181598,2.906769735410499,27.17328790579265,0.3720425491296311,0.9209372988232982,837.9688460188943,52.920610656354604,0.15847513333953964,66868.50857036503,2.8112588429670327,64.92255059748689,82.13585123214892,138.0213202651025,330.6691502959964,48.15161915094219,0.32191119186048284,0.18901576770770365,12.60919778871254,33.544591305580525,3.1353417252926135,12.136481393689296,0.0,0.9319734663351773,0.11688586383063566,8.04598034148902,25.210405832260328,1.5433213211086942,10.820444368888408,1.6033010066721712e-07,0.0001132097967789073,0.20192942504405328,12.974568254125336,35.43688895257595,0.4693925651289519,5.301660876938222,0.0,0.00014063033626880034,0.3064147730103097,39.32293162905852,32.50077883892441,6.205137879772819,23.70123812205345,1.9907974977412392e-07,0.0,0.157872655837912,16.318398862461095,45.181371960933696,5.914387530969088,8.562883627217312,0.00023220556548718798,0.0,96.60970822795197 +0.9392727390489086,0.1307823058293357,0.44734624872150425,228.24839305267798,113.48917757651358,188952.04582507798,5.894709215423793,50.01875068451597,1.7845010975293323,56.848837824398544,4.363135080961226,10.218972875408689,0.35773553359904264,0.5510639377198188,282.3601279749253,1.2439031930443427,0.2904745193488789,65666.43019657343,0.8008204398135274,31.712291114113107,994.0875953115133,219.75602843055916,231.3636109551332,22.926108991277573,0.15528805627707506,0.199644816247387,8.59632486991789,24.46041587339187,6.581444468522784,16.080112596347522,0.0,1.144973399139793,0.1432517495301988,4.036350688976066,12.05903212587918,0.9695168241418047,3.182568200293124,1.6033010066721712e-07,0.0001132097967789073,0.21329696016662397,6.604052719180234,23.66640357788173,0.3756507874487169,15.457807516251666,0.0,0.00014063033626880034,0.3247427324967425,5.237374638643635,15.153794613414673,15.61872437941115,56.47005854325987,1.9907974977412392e-07,0.0,0.22370813184327784,10.815549320681521,27.863626285695602,10.186653187366407,25.08333768592688,0.0003045928865292116,0.0,85.48347127174394 +0.9192846911816589,0.12344187579479397,0.3206891944079896,200.97092604473488,89.56468332988331,133092.39452331627,6.178533096454574,8.131676098258112,3.318815069050566,89.63369801185465,0.3830509017694397,14.019776803412299,0.4458992938882976,0.8320414371874281,102.81113176370144,44.34772159055182,0.10574794598668122,120685.54977844357,1.4895908095746369,36.980087753692516,3546.8637075036136,254.77115796219562,322.0489784628749,45.80330202566556,0.214607666218186,0.19805803563091584,13.264235522735735,28.58973851180576,3.360221593612443,31.97355557997982,4.859346064428917e-06,1.6984681784287587,0.1393606135898113,5.5417822845668105,22.00176749649645,1.2079163059857358,4.716018640507967,1.6033010066721712e-07,0.0001132097967789073,0.20909034815052452,9.017740528330423,26.588406733287048,0.4164934813003857,23.305059528734322,0.0,0.00014063033626880034,0.12965785094042842,32.47715334945195,36.53492366996894,3.549979480238328,11.406368859628992,1.9907974977412392e-07,0.0,0.21069798016423896,2.626584631576612,22.396756475608154,6.101019508155255,7.221010820459502,0.00018110268288307646,0.0,83.84607880272522 +0.8776627636196987,0.22881205037470714,0.3276070618916292,124.5793360677937,181.92371909881217,263540.17468652717,1.6670144507055653,49.055678574669166,0.6845667561591425,49.55057614694496,1.4823465183986733,21.471443282878578,0.3837907957876354,0.8107745985352461,154.75159758556612,14.579026901229922,0.191432210860197,80888.1229442936,0.9442683654369877,92.37049870803189,1015.8559162032664,197.09158379262905,343.12266843668283,36.691158907653914,0.19741019617335748,0.1963268648379641,8.764905085397258,27.3761644288725,3.134488811023938,52.086422124118855,0.0,1.0529969165373332,0.1364911788739547,14.651679646125695,32.77433173227217,0.31320342053800787,8.176728964798537,1.6033010066721712e-07,0.0001132097967789073,0.20952290868623719,9.574728072103152,27.376179802804508,0.23495893079344415,49.603335756967454,0.0,0.00014063033626880034,0.14676674399670644,46.80260236961812,42.74939782751611,3.616080860566259,21.049902567615604,1.9907974977412392e-07,0.0,0.20202072481388061,8.899719560999877,37.88206563883082,4.035177148041079,18.692348171640806,1.416330070417519e-05,0.0,120.67288151597504 +0.9383173914097755,0.20494281522261992,0.3702200826932058,116.24747181993227,246.65514092153194,342501.45037405594,4.8571614432137125,92.3304818960844,2.074053890314838,58.8146967424711,0.6842142191803342,20.55000787757138,0.4050499118747024,0.9336283992505345,898.4131359635481,99.01239018603692,0.07160466655088557,79103.40357444486,2.7030557374068316,50.30910660722711,4237.166882538397,69.90039894051284,225.00693468486872,58.47783002886876,0.26021687718957315,0.19825646989523463,8.471054744829882,25.16169986552754,2.988670731132747,5.439398858980643,0.0,2.641810682445559,0.1337754380034431,1.4209230225014657,16.328609708675046,0.3902254963557699,7.174575125736126,1.6033010066721712e-07,0.0001132097967789073,0.20783390451843026,2.037039364611705,23.2960759091279,0.26827065792269006,2.179282572763678,0.0,0.00014063033626880034,0.35279145029724857,13.061509667339125,15.887597816058186,9.523772203660176,48.478465949033406,1.9907974977412392e-07,0.0,0.15896315926100743,2.006014670863758,29.521395561525186,4.823403786612315,20.07627176118782,0.0,0.0,76.08092505593761 +0.8249583301015118,0.18448784647620622,0.39119208851345544,116.51592633328319,184.92174890581947,253456.48931097993,1.541883886090017,7.904987330976882,2.5882490580590463,52.13732626962503,0.6793644066996736,29.09098830696022,0.4322712483010612,0.818552648610137,56.472560143845726,31.396979996927364,0.32888090054680325,220484.9338309978,2.632589079937759,80.27282174909443,1085.7281344759308,253.8419728625848,342.90071521853105,56.99014632572593,0.15621691479116506,0.19383695197890716,25.458300597920733,42.906194653711545,2.9587872391130925,15.897937942606672,0.0,1.3683908910973341,0.129162022083452,34.12228625573532,60.128180568918424,0.3322100147207082,9.401945504081883,1.3551647946059043e-05,0.0001132097967789073,0.2077173843542591,29.935781169029735,49.081601009547654,0.23460844967149008,14.715566480629374,0.0,0.00014063033626880034,0.1222727869237806,97.64173731014766,72.03637703603682,3.544551980310742,12.076982669131308,1.9907974977412392e-07,0.0,0.20015055337075194,30.623970725346016,88.13641460938338,3.6076003838761483,11.811528013006274,0.00017773420555665915,0.0,186.76865715941088 +0.9411507767432036,0.14996991148598826,0.3898567698068304,214.17102487454318,150.76467561139754,333391.64691420505,5.180322211089598,91.22192118725901,3.921771263005852,64.35281317409637,2.6222734695092127,24.877913592009662,0.38783493291556603,0.804582253536862,951.7543187773465,88.4936783629371,0.20553448910601493,210010.08883669518,2.7880374240828303,71.50615978491892,641.4636167163178,44.59636090673473,337.5582047464544,54.30157546714845,0.3475001912405125,0.1947931755973302,20.052343911241405,36.142078851688275,3.0599075983021025,11.772561286137632,0.0,0.635983613323615,0.13017397074056683,11.75243147558192,28.524411562180887,0.5069494845129352,4.395086352683644,1.6033010066721712e-07,0.0001132097967789073,0.20499709597911103,20.483625922815154,39.30099852864205,0.28915090673682686,8.301853294161152,0.0,0.00014063033626880034,0.3487322198968824,43.48622855072144,26.214854360291316,4.428463341633317,36.41706858459087,1.9907974977412392e-07,0.0,0.20549032575459206,19.662951262918185,43.04856421174883,5.185182237692487,6.666302992680196,0.00025002265815621586,0.0,105.34076217701559 +0.9871289008469907,0.18808197427278459,0.38478663848583355,166.27919261767403,244.02742325504008,309387.55945337814,2.4128785997522497,97.03703302030269,1.18824901921769,67.21143391272786,1.6800289225685312,15.241674503639805,0.45855039308340106,0.913588891101738,107.60431802732515,29.255591090574768,0.3167414283743909,53191.89678380528,0.9066829135836332,86.96581600635207,3703.947341424425,264.52148337676516,308.0184932267299,58.99076805498956,0.24178555401048626,0.19496575038076874,1.5569774225800515,23.374510482249928,3.3351736105557803,47.42901473162755,0.0,1.175666542286074,0.13548962638158113,2.906428696524227,17.326592256395255,0.22271786110353595,8.939533489629369,1.6033010066721712e-07,0.0001132097967789073,0.20802708576452097,2.536064718962776,25.318056040743055,0.24111205368499866,46.445253788430215,0.0,0.00014063033626880034,0.08899326375288726,17.90111731705375,29.96156692968379,3.588152711866046,8.259869332745266,1.9907974977412392e-07,0.0,0.1962405636995736,1.0798321402947988,25.667295603803804,4.401717615007462,13.204580944007574,4.982371827355501e-05,0.0,90.31717039822276 +0.9114202396339397,0.20841158061338155,0.4043046594883548,235.3270756898092,172.31456450738904,204709.12572952756,3.174298040647672,72.35853250764877,1.3769943754107499,32.05567585076354,0.7714618342109671,29.144791550411924,0.4505336655163464,0.5718141878196458,838.0983400072103,37.87995891695731,0.08739474403029063,234501.72502593126,2.8258467381157364,90.71758459044129,4324.368658952327,224.0424087602489,345.13151929682243,57.880002344232345,0.16155927847803103,0.19977884352311004,31.79893327737246,44.17060249613424,2.659188184545226,16.501409287141612,0.0,1.2714562832380674,0.13395260935118958,27.984878092964205,48.57962751915418,0.5611790539623578,12.139361073729678,1.6033010066721712e-07,0.0001132097967789073,0.2102076672076928,30.245956998976133,46.70916965444226,0.298160717999605,12.066900795806522,0.0,0.00014063033626880034,0.10116972363543006,85.68185537235523,61.24776501463291,3.7925975562699814,5.783389785824066,1.9907974977412392e-07,0.0,0.22081121669331033,45.94374406926073,77.42054308626808,4.84678870954971,13.710970796298575,1.0504359652697382e-05,0.0,170.97715173061303 +0.8992103035433017,0.2132432404719561,0.3660125703632781,215.3003261840603,139.3165255826447,163119.52304123784,6.528659957393661,72.23966168936495,4.227585859675665,72.35055381227659,0.4830976494019088,22.131956663310245,0.7858360013691582,0.9726136572090505,620.9348493709881,1.0184804382139983,0.27018035010584973,298056.71158964926,2.705675946447907,97.60277678273313,2397.755980364831,267.9852057211802,341.8562573242369,54.419497434415845,0.180932705179568,0.19538301370178693,30.206753127104882,52.71754082443673,4.754482434936576,13.539428307214642,2.531751526318736e-05,0.7545453043459174,0.12817395349465108,30.043614532417692,55.65886622835588,1.2549211438009291,11.23373528314442,1.6033010066721712e-07,0.0001132097967789073,0.20623094717503973,33.85606588450734,57.58326517710636,0.4202480690000437,12.303640251283785,5.272248729374707e-05,0.00014063033626880034,0.10221311210807361,99.77791538708686,70.05867796909567,5.489844563853311,5.9082970922490805,1.9907974977412392e-07,0.0,0.19493144208603505,19.540101736698023,80.52705662856862,10.02306576591602,11.148871526339562,0.0,0.0,186.17256381466257 +0.8912896538166646,0.19544531918568156,0.39597720730506836,196.9712700778663,201.15354499643675,195242.6779689605,6.788270780313882,64.27953330753328,1.7145969269166303,30.163167688183204,1.9182552936404127,22.792580041795667,0.39003072313261605,0.9503162409632566,463.3239748599451,29.69764434442928,0.31053266059620543,67424.90345854833,2.7905271369180595,99.57483237170331,1052.5611422570787,233.1754486980657,236.57929360657798,45.734567993465426,0.22300259782754103,0.16827061846306934,2.3062156663784936,28.09444557718876,3.435855422184217,13.071574976218114,0.0,0.8132463528540694,0.11099719952637402,2.019109602013575,20.28300848819219,1.2281984302678548,19.737230124655092,1.6033010066721712e-07,0.0001132097967789073,0.201910792800942,1.6480444593726888,23.930851837943514,0.4132831708195722,5.726493958043166,0.0,0.00014063033626880034,0.3518902109332204,12.259110420770627,15.718628601674212,14.098440096852071,53.41940267683311,1.9907974977412392e-07,0.0,0.0941313925165541,3.69184597808005,35.989925526763365,7.423124188578956,38.247311691319496,0.0,0.0,93.11120295246948 +0.9495233574554585,0.23546563212969604,0.40572851845543656,116.24747181993227,197.0184200987222,274898.13823382044,6.939799746903758,40.00070092082794,0.7949692112292931,82.78486413656015,0.7033538625990161,23.781859261970173,0.3943129565510981,0.9336234573262764,917.8066112899222,43.43944862990584,0.07160466655088557,79590.64524392449,1.1310842016568499,97.26870271189239,4654.641611063412,268.4724132786608,349.5649847587793,43.577369552333295,0.27727989732507613,0.1981614226723243,15.83463369419168,30.68469993632117,3.1490402912190105,59.50272551856802,0.0,3.2339685507103684,0.13092247620403677,14.313049777173836,34.27411535417896,0.7566056231942591,10.648629420257999,1.6033010066721712e-07,0.0001132097967789073,0.2042673059813599,8.441624218768498,29.890869466401103,0.33658812075816846,43.393238915908434,8.701405084007454e-06,0.00014063033626880034,0.08115879590782879,40.99300664188293,43.656580229476205,2.9678618299232373,9.191724525415902,1.9907974977412392e-07,0.0,0.19147755070321568,23.41024346070357,51.0787442902211,5.764919881773428,15.222054033201967,0.0,0.0,127.26498073656289 +0.9311528329168746,0.23624335146988065,0.43130034887319574,186.3641207783495,172.31456450738904,323811.2273804212,6.417248937800585,74.72543600938602,3.910231350312161,44.692001530968916,2.9744198805203554,27.992697604239012,0.7780049351943016,0.9720276335211857,815.4716957469014,59.85020730701639,0.10231393669488255,182228.69766348373,2.8784854051497315,90.94339402201082,4775.414992990414,233.6855000141893,342.54019614101844,57.55019209639824,0.15730758671019107,0.19586818832110037,33.6660327672336,51.92072336447516,3.249033130552165,18.623578102569223,2.8312589296037968e-05,2.0937879578899423,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20091631466063942,29.15075435172388,56.33515062398287,0.31995364027025264,12.091759914943415,0.0,0.00014063033626880034,0.12444588983738841,100.04957579762694,75.47890700115619,3.632935430728919,8.367041037180428,1.9907974977412392e-07,0.0,0.18164840276549635,51.52454609990842,99.1307632138725,6.050236170751201,13.875870411250208,7.336048944945882e-06,0.0,2698666337285.8823 +0.9512612885515592,0.1920982369201399,0.39877217527485337,140.5737114400913,140.56168930849168,131857.60372237387,5.747150476333072,74.64390803722733,1.0801248747579195,38.028733761543165,2.809925112959543,27.419706118400118,0.45207445625378817,0.945881608215171,908.6233984900193,28.80559741169119,0.2196959582222519,195263.88708514703,2.6663191887552573,83.37148784790527,3927.6555910322313,217.50028343153983,349.43680634836784,51.40822191686242,0.16352173867235115,0.19246693932561665,26.168121080530934,45.96073714949925,3.163559492075806,18.306100806056055,0.0,0.695976264261475,0.12246668996692456,29.629359378828454,57.58900146140869,1.2153004524486772,12.180018430817215,1.6033010066721712e-07,0.0001132097967789073,0.20246121497855427,28.546814798186272,50.66200603514249,0.4161308279968527,15.83796466822326,0.0,0.00014063033626880034,0.10523315039563394,81.19574204417978,61.67323981210648,3.9372994595107804,9.557917788581495,1.9907974977412392e-07,0.0,0.18742281116301168,57.787071903059676,101.95634253540227,5.431612965787498,12.945471441008031,2.9502459718611282e-05,0.0,188.55880475374067 +0.975568441962698,0.21768035692368523,0.415263214292821,161.044229153795,227.77098331294135,275741.2363812126,6.66487317762953,34.62219478144203,4.783325590633749,44.6084352246227,3.080475487347999,21.887451015940563,0.37938601175035236,0.9900323916417406,376.8238027321156,54.03922196516613,0.3176800749954032,117544.42171080381,2.7626406654822877,94.25331286943374,4108.061695642016,177.1004029913032,348.7084014530694,32.73589052696215,0.290300443189334,0.19004154216111308,15.345752081653501,39.3235693540696,3.352823381535427,12.61959843355256,0.0,0.7680850156039057,0.09144551745275821,15.44426754381392,39.5217112610764,0.8696228858765118,16.018504504107344,1.6033010066721712e-07,0.0001132097967789073,0.19955402589761315,19.220350096111538,45.245556285793825,0.3509905943770713,11.077463400207824,0.0,0.00014063033626880034,0.33584051566607076,52.14035326799564,36.31998288047439,6.3960075201035735,28.676712341694326,1.9907974977412392e-07,0.0,0.16293898286599223,26.945456947058087,58.11410481981402,7.4183236278525815,8.365975402680116,3.883109644951714e-05,0.0,125.21880104585112 +0.9415757338693233,0.1619457413611266,0.32268955127503335,39.42577445586062,226.16821209122992,204805.65353252523,5.513537626862614,26.93475353513705,4.765453644219151,93.87273593456968,4.66917132481799,24.37362653386644,0.38055460064240476,0.9971388247039474,670.5780983160522,79.60871655213602,0.10560325888785924,123235.87835287231,1.5014572136143123,58.23077280780555,1766.6586641019298,187.42690309847512,348.0269773614509,55.514795470568075,0.16038610729053804,0.19374020921703036,22.667600743201273,39.49066848119858,2.5399163745057294,48.92752511409824,0.0,1.0029304503777208,0.1293436573153647,24.415717768387236,45.06746500944773,0.43029180909944725,8.507699451268024,1.6033010066721712e-07,0.0001132097967789073,0.20108778505286556,20.718399161234313,41.94371534227523,0.28729524241624793,42.84449488418799,0.0,0.00014063033626880034,0.13115159724550815,70.26950680029776,57.397383034807625,4.300872763694404,20.098779640670983,1.9907974977412392e-07,0.0,0.19245210904599677,36.52335486798383,67.2066420980326,4.269193981023079,20.870854674042484,8.024318592840064e-05,0.0,161.73466077864265 +0.9117281857535506,0.28204873029257305,0.32801028193646625,49.234744258685126,190.9627936550537,179133.31449943388,6.07352728336853,60.48941292531509,4.502737250526355,51.07164570362035,1.9292459264748403,28.610101201835263,0.32489721985415854,0.9743269105305087,991.9466498431534,63.68912006105192,0.2135230361202453,242580.86644165695,2.752979049489032,80.24584716268629,2075.6506520398166,117.3150305748992,341.88116490010316,43.42978215724168,0.17615625371132598,0.1915143222832501,28.17404766066871,47.811074183616356,2.6320685205268304,15.041298372448713,0.0,0.7017611777864431,0.12465036249432447,27.513637743523,51.920727104751606,0.6616522486691382,6.562517726518097,1.6033010066721712e-07,0.0001132097967789073,0.20407959925366764,29.15817473789688,50.41776688568691,0.3298818142365475,12.537363816840708,0.0,0.00014063033626880034,0.08321039524501726,99.26524250744626,66.93080565454999,4.411871705652952,12.299075760846714,1.9907974977412392e-07,0.0,0.18457073600279728,37.695015342915845,78.21446463902376,4.169089858813236,7.3939389504660245,9.059093456357912e-05,0.0,180.2046173369998 +0.9731945761567846,0.22494809136850558,0.4152419488317659,194.16982733439963,230.54271037378754,323085.0923542534,3.747237069468707,40.930347377986806,4.9190138759998066,39.859181096183214,3.4476826422626816,22.16633056900816,0.40541070124884887,0.8820245001103528,689.1351434956625,47.14306418708639,0.290486162938226,118357.28174032633,1.5165603230265055,78.62819937126639,3770.9531880222944,227.41800228974648,343.43475913846567,55.3390269927269,0.28983047534199247,0.194720596518213,10.98820400351834,29.297450152712575,3.017799152313773,30.328767055993577,0.0,0.8668045773934115,0.13275282010943393,12.522045072597592,31.587645861126557,0.39567989990728963,8.330827151065309,1.6033010066721712e-07,0.0001132097967789073,0.2072046930334497,12.23082221920787,31.244699303434643,0.26500769429569343,29.006279749014695,0.0,0.00014063033626880034,0.22113759442598954,43.309845476673196,36.99244507925891,2.9544817275515998,6.55256701907186,1.9907974977412392e-07,0.0,0.19898535561296218,19.189103822899103,42.25913337204855,5.1284932665908265,13.919481354171815,0.0,0.0,103.78014257214551 +0.9742420424338746,0.19079156836922806,0.43056159691888823,73.49021727745048,109.31748225275648,220068.45798598358,1.8436669878082201,83.77397157557098,0.6438691661360872,83.39411383550512,0.7352960303021838,3.1421791304363467,0.36589383971115086,0.7221005688892165,240.27396281741161,15.154408155832973,0.303841554887528,55472.25036645841,0.5540473645945241,68.75735548258906,1054.7241791111885,291.9191642942576,349.6677658577879,40.65017253883231,0.1969903579823264,0.20009319163581843,1.3420216792650626,25.1300660912376,2.834808516137478,55.96380614499213,0.0,1.3560466760085512,0.14476551032158352,6.506895453836833,22.41271999164806,0.31861875908109294,8.92373126931613,1.6033010066721712e-07,0.0001132097967789073,0.21423216399611958,1.5586560123403321,25.319201468044273,0.23618938845538714,56.621461758254796,0.0,0.00014063033626880034,0.15984669205927793,18.278811502757215,26.41167175195636,4.155931261419119,23.261610386635823,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8971742114092677,0.13076501717253827,0.3697609047265298,220.33811466911504,16.619329190735215,287339.45486321603,5.2235530768174465,87.71846617437242,2.423505498046637,53.56659629523851,3.102160619003007,20.84873275903092,0.44146272774637413,0.7042101180369917,650.887255662875,28.303178465000414,0.24751755861595628,204561.98150021935,2.2365401050588574,93.47501646631378,3228.049333454508,277.97733412398935,347.6485374502673,56.67427909585585,0.16636975028763656,0.19741505528565986,24.84176589771252,38.87508905509316,3.2672862629516217,22.862625790444877,6.325012764044699e-06,0.6624761801048885,0.13535445714300431,29.010755306565887,53.74637939362645,0.18343387378223475,10.331060897715707,1.6033010066721712e-07,0.0001132097967789073,0.20996037699040762,26.386611572274283,42.282248563667515,0.2653175446856307,20.070134291708406,0.0,0.00014063033626880034,0.12019814961010426,79.29224807714242,64.13339441898155,3.860984603228664,9.541394109736064,1.9907974977412392e-07,0.0,0.2179067967027978,46.97597113498167,80.76745224035889,4.871173257218711,13.876045700939724,0.00018103279565832893,0.0,169.82061575581497 +0.8937084554666445,0.15345097945517372,0.3713701821364932,232.6758946746955,84.43705776710871,289475.8694509206,5.537127944073082,53.75748729659291,2.655922070694008,54.37586446082921,0.29842236926206245,28.691451434515244,0.4288792399470066,0.9842447120043726,648.0277377516884,30.636520467661178,0.24914682094472396,251595.0902090812,2.9831380292248375,91.44169488453824,4355.469068833524,265.23548612338186,344.9627303381889,57.825879064509984,0.2104113205600943,0.18787747585411668,35.488759671048506,62.492856149075216,3.3105859758572573,15.956110338972287,0.0,0.6624186573966244,0.09768275554973786,28.631645345515953,49.49480282889603,0.4959520852522949,13.25147898569655,1.6033010066721712e-07,0.0001132097967789073,0.19858930710329514,37.83479653212409,67.69018758285421,0.29950201818335853,14.100550032375992,0.0,0.00014063033626880034,0.2502114041834662,93.98570108349926,60.64634887907995,3.2146323446852985,9.295502640663218,1.9907974977412392e-07,0.0,0.1394533627936815,66.98530208962453,116.82160033718039,5.533220914014438,16.154473072401046,0.0,0.0,214.76174456130784 +0.8911548358426382,0.23194314099173974,0.32841223263663794,60.916323930275624,129.18044709950593,228634.12338454608,6.364230694098784,78.24816910694943,1.5017994044725453,90.76376913393311,4.140632464254283,28.413861078959325,0.4622820256108435,0.9460408222013443,961.5322233441457,66.6887297146418,0.15189017572427846,169713.42989807803,2.854848209043107,87.16750709941712,2493.1774662728744,291.2219121538972,342.83146709875535,57.09488211560245,0.3381403608475224,0.1904125983186324,34.29040608419578,57.835403261952834,2.7217202919251244,23.649673891570103,0.0,0.810858087138835,0.07946214951663137,23.902499909205442,44.79731895240673,0.5540671874017067,17.56897452336397,1.6033010066721712e-07,0.0001132097967789073,0.19439233769083009,33.90311554730678,59.26742820553147,0.31105498717512575,20.169378742862424,0.0,0.00014063033626880034,0.29790966920248213,64.02097243311478,41.29818620175233,3.7858485786137823,14.324661315510287,1.9907974977412392e-07,0.0,0.1558770005386356,45.862423617031,87.1088469872051,4.655761098811865,25.03677689852161,0.0001646553302127042,0.0,171.48752048068806 +0.9844131844347824,0.10537886699858742,0.34823814936613673,162.6840486121468,143.60903104729783,302658.48167314945,2.6796357189706588,32.081712516945295,0.8414813990647152,39.98171413084497,1.3242937107397594,27.262276289381028,0.3056690963296591,0.6489085719319329,473.9910842576545,6.660757475617771,0.2446674322013674,103657.09170459304,1.391549058785499,57.71344249305749,908.9426733085312,144.93500433388525,340.31543760164624,46.66969440538679,0.337814545648025,0.19305927239242993,7.863355872490675,27.818447543031983,3.4891277326700183,32.678004257454624,0.0,0.999969866840769,0.13023575999887194,8.159166711857964,25.15760009675679,0.21931836489689568,6.3732067944312725,1.6033010066721712e-07,0.0001132097967789073,0.20807692191070024,9.07795801234598,27.499529929246947,0.24234405569634138,31.296099506710213,0.0,0.00014063033626880034,0.12892237334535672,26.940569442398267,26.299550966201053,3.542626710537372,6.946493822770191,1.9907974977412392e-07,0.0,0.19967331950735534,13.720085825828301,35.25725130796177,5.6813402265632025,13.454613511419826,0.000233580651405669,0.0,87.16675108944092 +0.967786990113804,0.15022670061913967,0.4497338500738592,211.88510211021895,232.08234537433557,175837.99066412458,6.856375739956696,88.13384834649416,3.7641389999845716,87.04816435411638,1.3683902844273925,22.961305857893848,0.41505621627805567,0.8743173441698646,233.28820384341807,3.405406495771615,0.06429423266654022,297618.6935591976,2.8107911374167314,75.6261776406374,4542.446952298345,136.95956605269512,295.73047658063945,37.82625666971954,0.25012881478707155,0.19524996247172058,4.357334265099038,25.521208482502246,5.333388825537219,4.197246160077438,5.690373184042041e-05,2.6649814674209438,0.13181256038286568,1.6105955973072303,13.05670439073674,1.4060599576267394,11.884480105115964,1.6033010066721712e-07,0.0001132097967789073,0.20455038511737833,2.0592122607666674,25.770327553196893,0.4450294256612525,3.246928804503303,0.0,0.00014063033626880034,0.3533123963346311,49.94484998573676,30.45221544167575,7.4922520752112325,35.35944144950854,1.9907974977412392e-07,0.0,0.16257364178247366,3.7574433846437083,31.225375295871835,10.414733302684734,18.09641848685959,7.859133228113238e-06,0.0,88.7268286151071 +0.9756624878290099,0.2575292068568831,0.4191813559917616,236.95528136005635,208.91500942554083,315951.57041809993,6.3857989736798775,86.83659267580808,0.9160191056857878,78.63450237989443,4.550764016961764,28.468873726295417,0.4473391760252865,0.9180398840210405,929.2164580828603,64.21650326172646,0.28477389704092476,290685.55147645756,2.8229153720221,98.58528110618087,4235.275408543863,299.13922879668496,348.67465575592746,58.48778599069898,0.23503102799773015,0.19225902921162824,32.65143031965275,55.63759043007638,3.1991640374915447,14.87617201777533,5.936040601345977e-05,0.6758026021942868,0.11351153456097145,22.28584476048881,42.30094521745791,0.8230230391723755,13.667806197062093,1.6033010066721712e-07,0.0001132097967789073,0.2007481070907688,34.033563785248504,59.603408478175574,0.3393865076383983,13.552125321589244,0.0,0.00014063033626880034,0.3516148327246615,75.54463312678106,40.460528131033655,5.387994896337147,26.594784157822765,1.9907974977412392e-07,0.0,0.14707698040365838,46.109229040678535,95.24675594119634,6.529795954315146,16.622161683119753,0.0,0.0,177.08563973978258 +0.8826575599015417,0.21374426261764,0.4283334891611944,205.2889100401093,230.44483439247705,293317.1597732531,4.381643344285419,85.09837519331822,2.670822556739059,93.75434348239766,1.388362603006847,26.079966157521135,0.3834673377268341,0.7765920868831695,988.8313881326353,37.76221875952555,0.3282335731629138,259850.13176323666,2.893493823332266,37.465818829591015,1363.3598650017664,121.71537910257076,348.541806416457,28.369972208928484,0.23251684018588162,0.1957585996116742,16.22254958427566,31.274545280264274,2.9996220718172233,5.820729964252596,0.0,0.9182682288533517,0.134872752987336,15.99097698787596,34.76871649956382,0.5788582996473063,3.7763904117606177,1.6033010066721712e-07,0.0001132097967789073,0.20773171366560955,19.682464930993124,33.4913381318388,0.29615188251043045,4.4636009398597345,0.0,0.00014063033626880034,0.2309955374205995,70.93173953990114,46.09825813304223,2.8437687925833837,6.430827153296723,1.9907974977412392e-07,0.0,0.22174868806986767,24.579023494546863,46.837350220263225,5.295575208999511,4.264863685271986,0.00015293183484417003,0.0,119.76370783724064 +0.8772887340900984,0.15650377752698752,0.36582286547752907,234.0300502344195,241.90504222375537,238575.07514024305,3.662463799709797,82.16083247669685,1.5017994044725453,91.39243186209941,1.2232629979908525,20.070816896188127,0.49420744127319083,0.9836601455293162,671.9353417461567,66.47305830109411,0.08807582954856982,182496.9152710584,2.9590373653775615,71.10879798343328,1405.3198190466383,292.724385119433,348.35933834003566,59.57080848778893,0.2856228654005997,0.19530530313156985,38.53879734044313,59.07902968670036,2.740942735979317,23.76960577692642,0.000229840440347453,1.5612855085042114,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20349407614675352,34.65558399197299,61.498283246312695,0.30743141815092706,18.037753433833817,0.0,0.00014063033626880034,0.3060671111715309,64.90152328115006,42.78609570964101,3.3438250298657946,15.00485757426545,1.9907974977412392e-07,0.0,0.16413771070401703,40.44998923288037,80.79478183012596,5.108461639186089,18.713154772089656,4.854397802515316e-06,0.0,2698666337285.8823 +0.9899353217068698,0.12247940960879677,0.4455212188912477,93.5254113422987,242.79476533965806,213667.12480976654,6.4342882126871626,96.54267023306866,4.4375921576057165,89.05236916750545,4.207854280962467,28.99945547357561,0.5359125151335844,0.8035394712145315,942.9562069831933,81.57762059765787,0.21410664348160124,173268.5522330084,2.815243021429219,87.15944072019754,3279.1900604421708,253.66171420488985,347.33288616857214,48.55079971308446,0.3047017667032836,0.18860345942300544,19.009350906024622,39.816641606766154,2.734145854355055,13.866277365370506,2.1616875191451084e-05,0.6866398518972837,0.0895997363678351,12.232054918064796,27.995272856846448,0.8530801492338282,19.687250558213602,1.6033010066721712e-07,0.0001132097967789073,0.19650004575474764,20.58384574782815,44.71825368159722,0.3548036313876378,12.564109509475545,5.2435195343642475e-05,0.00014063033626880034,0.35162963026228816,41.00953997418105,25.37837037237256,4.973271315310517,35.04805073589913,1.9907974977412392e-07,0.0,0.14811692646333013,24.629017640014855,62.13912379982086,5.059042164962465,22.978004225521087,0.0,0.0,121.03977727916632 +0.9740019873413266,0.14749980231251084,0.41623784366385824,235.29020002904323,248.1920317556483,309454.807502423,6.684009591860365,71.53116550081343,1.9235752202977983,90.26932327278567,4.784984757804891,27.792057453762816,0.7481394678381532,0.9483875865324746,377.1767786490375,72.62639867202833,0.3467334341896444,146456.20999504376,0.7281652240212158,96.86263473153376,2437.623498910427,291.9404083857661,237.12675050514764,12.769634483158102,0.2697780622644372,0.17310308381426137,4.816203090519706,25.164651044508215,3.3308557684289313,6.66766085492558,5.948452489543404e-05,0.8780266375480175,0.12426523512622643,2.87373160465628,13.380945987755588,0.9314268732236194,3.5296185976745633,1.6033010066721712e-07,0.0001132097967789073,0.20080097737807012,4.476167180152764,23.02830149359708,0.35618506003226086,8.606498845562207,0.0,0.00014063033626880034,0.35631154568456536,4.706567849857124,13.705040779642067,18.994927354606816,59.940451145660646,1.9907974977412392e-07,0.0,0.15624112037415738,5.764890229164451,33.361851206439816,8.791597262638598,27.074248886512557,0.00024558530761143046,0.0,87.5122056126677 +0.9859170326043665,0.1489293695417635,0.43018268367142254,164.13534055544628,114.21785694616473,315882.619558136,6.130169952295442,67.61893221943228,3.5099064152232695,47.02738347484041,3.867326273671664,7.934780633751934,0.3797724849173042,0.7312048266438352,947.8132683632573,51.318077472588996,0.26220238504554894,83855.9685636761,2.2626802000330666,68.17359319692474,340.295249770988,226.74338115575415,252.49572339790979,10.746907057492834,0.2964451105222059,0.19946701398269723,6.6819895402780265,24.564514305834326,3.1654730347501068,5.949670891880911,0.0,0.6613588405544775,0.14159786781138162,4.0070625371885,12.322942564610129,0.5328694148095258,14.01885073413498,1.6033010066721712e-07,0.0001132097967789073,0.21227234607667048,5.966465852373266,23.387115554858095,0.30110119096999105,4.287299516624435,0.0,0.00014063033626880034,0.3462027844942579,4.41812962909414,14.12746606466041,16.918624062957583,57.873312566170966,1.9907974977412392e-07,0.0,0.11463779904873996,7.920236759841367,34.8549753353076,6.443199313566401,52.30907013403787,0.0,0.0,97.82600842355073 +0.9896788387225587,0.22876724032705087,0.42291549599072586,231.50888265566306,41.817775859693384,120792.09920520902,1.7385140721865495,43.677644103876915,0.7370981029963182,82.92883911321204,1.868752344438056,18.207728751826437,0.40849049154767825,0.9574084335867729,801.1307675305302,44.77988236012225,0.2135971373677571,57015.86056568893,1.0474026429581669,80.60679743919515,3608.1283098249155,158.51489186131636,346.7257690945547,38.371013510329085,0.24580061138103443,0.1921637595487607,1.8560259528017806,24.972405500965383,2.6160618927796078,45.09071242129316,0.0,1.1890788254563607,0.13538577640205027,7.29147582630139,27.185560576912938,0.18866173115480986,9.586681934478852,1.6033010066721712e-07,0.0001132097967789073,0.20743762618560735,3.206915346169281,26.46635815598896,0.2573505483389573,43.71336754400872,0.0,0.00014063033626880034,0.13418317608904906,20.404861796906342,33.069525146523766,4.877448222482035,18.862412553627017,1.9907974977412392e-07,0.0,0.18124348755965536,3.9575782289587353,34.40170541717679,2.8882609017538408,16.934373821997056,7.870871752285604e-05,0.0,97.76640220047948 +0.8942267488179653,0.1261341453618692,0.3669848585755543,98.25714878346369,200.06598115620972,247610.60580148618,6.67218455731056,64.27953330753328,1.4906338920438331,30.163167688183204,1.8172944319033892,20.871484386385447,0.3487005142349058,0.7536600770182853,301.98962656300915,30.195577748365988,0.30133325986447956,70897.73104266638,2.9853250639004063,99.57483237170331,4453.123601320123,219.04778925187313,236.57929360657798,44.28220267916556,0.22440165193012407,0.18424534987466576,1.734876141180919,25.537995166864068,3.483339188426353,10.779429936572763,0.0,0.8271329019111252,0.11199610533889565,2.1667477232660994,21.154337176382253,0.7513955709298786,21.723126399617932,1.6033010066721712e-07,0.0001132097967789073,0.19423826982648076,1.931857946525148,26.121543020450044,0.33778212614500247,9.435086596167135,0.0,0.00014063033626880034,0.34409712366095624,12.704513835937592,15.650741647192874,12.061948881544781,52.14264858958605,1.9907974977412392e-07,0.0,0.1419030968383884,2.0178955991148158,34.250426067233604,6.47783136501492,37.974491974334256,0.0,0.0,91.73975158508155 +0.885965337624981,0.168277074676967,0.35028233104998246,161.69142545778038,190.42223639775855,211875.1571098604,4.063145242052133,59.92566608050504,3.3177425823495286,94.78687545584332,0.5649705919175818,25.624501546395113,0.3141501757414026,0.7891881306829304,322.76020512707703,85.95373287921012,0.13181179953364103,144831.29219335067,2.041511964178281,84.15829448732764,3730.331541595643,125.90398121427393,348.34998729697577,54.75908614002893,0.18490920877647304,0.1964017586588333,24.03344964681039,35.99428732139315,2.77698568150723,33.36003826571928,6.705267935472721e-06,0.9029882198665611,0.1300956444251765,28.51918241048871,55.36322427900361,0.6478313988060906,8.886089935980445,1.6033010066721712e-07,0.0001132097967789073,0.20667657061620615,22.670902399078226,37.178670447337375,0.3155725070923158,28.297235251498787,0.0,0.00014063033626880034,0.08388213161629962,80.96818914564835,58.43821299863493,3.1402652585744386,12.855141630024493,1.9907974977412392e-07,0.0,0.21172515419148516,42.399892916624246,72.09933544924638,5.0470158976040755,14.930215261524744,0.00017104661724543974,0.0,164.43865394443685 +0.9716366304286382,0.23436171610097367,0.3925994044021371,12.64573078207184,127.55293911207464,304133.71297602484,5.065050023841582,60.845353533591464,3.3168531129190697,96.88231962863856,4.684577856934558,26.12130172760001,0.48466573629532034,0.9148137557337004,327.61454370521494,93.17985210624498,0.3395940118475933,159458.12537956677,2.948141830531954,82.58729636711614,4107.270768276894,260.5153318863492,348.9480982822261,58.43519259598271,0.2499151117699751,0.18676226184604228,26.189781691713925,54.77587464085965,2.799897154902858,18.475955628265236,0.0,1.3346838526957205,0.0917959060503998,23.517719932128657,48.38050778404513,0.3747908188634427,17.77294904328548,1.6033010066721712e-07,0.0001132097967789073,0.19529538864055365,32.15261463980047,58.750591688103185,0.2370116191769998,18.172931972761894,0.0,0.00014063033626880034,0.20565426697081635,60.203260925666626,46.52538267928847,3.7395541250251165,8.122308706185166,1.9907974977412392e-07,0.0,0.14401019904575274,48.39093350143435,91.92206403672385,4.053921992751096,24.756609146076674,0.0,0.0,171.326030675058 +0.973456783003138,0.20261478912384978,0.4258833531050172,180.43628734034584,135.7227503972633,273995.9960350253,6.42181624292722,82.91262791800794,4.986546627245419,74.4631961700244,4.152045033207496,27.099292275971784,0.41847280366995526,0.8275554418154808,955.2946632004496,58.72310416017653,0.31888544257501594,213501.56440622616,2.5072789064653054,99.80891325580306,4159.794673666304,299.01169497221036,346.24391514723897,59.261242397037456,0.26857945390629034,0.19283522324766642,23.4893730129099,45.1180517944201,3.07355701061111,16.461498757701285,0.0,0.7605254148307337,0.11458534050782168,16.171270950753936,34.39346685988022,0.7384292228017623,15.005955121728983,1.6033010066721712e-07,0.0001132097967789073,0.19897020660840511,25.74334839111556,49.37698913484129,0.3344711396789748,15.450733694441384,0.0,0.00014063033626880034,0.34932583122912736,57.73880972867403,32.51807844863049,3.9655387887422955,26.360388161458904,1.9907974977412392e-07,0.0,0.1496259371718413,33.19009730716883,73.17663796646154,5.6893607537982955,18.403913149898727,0.0,0.0,140.7397781719594 +0.9739460171625544,0.23792082085019925,0.40362635802928853,126.54097825152385,139.01120350983362,282159.04469302855,6.592364144515454,50.51530260165278,2.172643885009923,81.14188714446593,4.0557523339408235,26.12580948339198,0.3596351311043877,0.7713146143628631,933.9052435509007,72.7036510012717,0.2784773992966407,69078.59873313605,2.7425326220022233,56.722336582574926,2825.009766427599,211.13310873831728,345.818888725224,49.59467448587466,0.16727866505170888,0.19353090949489787,17.226640352930406,36.47153969729545,3.0209831656519555,20.13890205122783,0.0,0.6976144633527521,0.09297031631962711,25.83578050594157,54.98692749091744,0.6519367362400698,17.32750291589091,1.6033010066721712e-07,0.0001132097967789073,0.20460332654500787,21.201815024608887,43.65864492248669,0.32158313117934545,16.204515470211824,0.0,0.00014063033626880034,0.11308753378224785,70.46867189736422,60.06308359867589,2.937600638146884,14.691992072562178,1.9907974977412392e-07,0.0,0.1862909631285612,42.924623928665845,78.42689347802315,5.363272801970035,15.192995473005706,0.0,0.0,160.32167635069794 +0.9244278464318396,0.1196750928123284,0.37131389711662627,134.0415060619116,239.7676127868046,298738.71901275625,3.556522858928103,43.95635908744523,1.0362382792434428,27.93723209599619,3.8846324097393827,29.52802913098233,0.3842631927728126,0.6865821940460078,427.6428494987733,41.79486577846784,0.05528585025956294,58106.83242010484,1.2953109667781328,95.61777077666117,1933.4657966553193,287.70167592471125,332.8761554589889,58.25065102663062,0.28570486858252436,0.19797573527194157,14.874271407925614,31.397434800600966,3.0862523689513894,66.02499679466139,0.0,2.782212701110882,0.11986674866734373,10.590670470919093,29.01711480724898,0.3228959010723507,14.397016166656996,1.6033010066721712e-07,0.0001132097967789073,0.20721795899318393,6.7157915225538805,26.970122432895117,0.25781041939097793,44.86468997613738,0.0,0.00014063033626880034,0.09617096091475306,34.72438664194407,36.12767361850347,3.044378686393902,10.614735821599739,1.9907974977412392e-07,0.0,0.1878322264810401,20.156770802684896,47.35767009996728,4.968030262787813,20.934351077206536,9.660136211783221e-05,0.0,123.59443746088618 +0.9870089089047731,0.17593712280784407,0.41757848156240995,242.84934966263648,109.46920058436712,301847.6655762228,6.0288530026426725,99.7533480698455,3.553427768478053,57.27576767150805,4.37741846814907,18.964849077578624,0.793048941559814,0.9807259961236289,943.962744296246,86.4264620800029,0.3311290661842428,283528.1540112736,2.683746957120701,96.91813450080133,4826.4682658022675,271.1053077741044,337.3577666966232,57.36092791919366,0.1786030319559588,0.19217616576523525,21.74601565377227,46.067072146904565,3.057612965936329,9.660189540881994,1.0614667038191553e-05,0.7665233140568231,0.13237754236966495,18.350866585183404,39.60731339856826,0.6099609974307668,9.43630031465292,1.6033010066721712e-07,0.0001132097967789073,0.2042471460496496,24.60000679097536,51.87820531825355,0.3137120472214943,8.569482143622924,4.3065205370795404e-05,0.00014063033626880034,0.3078340876143851,89.63270359902576,59.54565354286017,3.0309496685392143,10.786371497072253,1.9907974977412392e-07,0.0,0.19235938147496562,12.582825446918521,61.96430216697427,4.6363481661399915,8.130052299003633,0.0001516779994667036,0.0,154.4481629298614 +0.9177078342289954,0.14905510780862485,0.4019483182216961,136.38647246739265,242.86173397166175,204859.7675111156,2.3477481901389368,65.20753705082782,2.261474051242452,10.069649389667308,3.862666306347472,29.486071427814174,0.5009781428632364,0.9849211081056852,757.3125647092713,93.00039762378891,0.28550575092743585,180475.05592822543,2.679741698868461,97.32127006596438,4893.571457370855,114.08401819678248,348.34275376354793,59.52581225257899,0.16133828370807257,0.1886433223780864,26.16016008962363,49.71933346716469,2.4345083232938096,19.3999648068717,1.6948206020085334e-05,1.1752453514086847,0.11959104857750118,30.12936171254168,55.31393398663915,0.302677749723531,11.314269118643203,1.6033010066721712e-07,0.0001132097967789073,0.20169964524533093,29.02833006264678,52.16423983193222,0.25593181790586994,17.899423640290145,0.0,0.00014063033626880034,0.11396240426325172,84.43175767011175,62.81688669980623,4.3604532635468045,11.314385160708607,1.9907974977412392e-07,0.0,0.21270899388251893,48.58582362257268,84.49131858261013,4.099261708550052,12.193230096724054,0.0002260161751576715,0.0,180.01793835552147 +0.8759306632405355,0.19279544634624296,0.3471643067379197,222.01834188845305,164.2017912316256,142901.73788402253,1.6067394345618187,47.021076560656695,1.7013972348985928,94.20634143460161,3.855987361754836,18.335933721815778,0.529837715345163,0.39213596163689934,40.15860538276327,70.95983329914408,0.31284452419040126,52962.25233016233,0.4626573837794423,82.7626129433318,1537.995242272862,270.28952741143627,284.1070388560273,46.69077124987881,0.20154942381300076,0.20059704401632367,2.7572532713356224,24.08619073085105,2.5078639598630446,51.55369374287458,2.7403964146813746e-05,1.374773598473632,0.14418604292328277,1.7549455365351816,15.31791148423077,0.3148885521271797,5.317467297654936,1.5976507890875546e-05,0.0001132097967789073,0.21461032215657413,1.4551787874393423,23.54355008002769,0.2584719379555739,52.697386236480824,0.0,0.00014063033626880034,0.12933141856747052,3.4192111282321687,20.305313737951014,4.388981966081013,10.37393948591131,2.7615343999459633e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9459104762290742,0.14930233505737464,0.4274497972560623,246.56704659600578,172.2590431884239,194703.117725166,5.532012611405262,68.68741782320458,4.986182650413133,86.65532522415245,3.9466829934998984,21.758497950974267,0.6577620756226172,0.4472884335434204,625.3354458796636,29.07095071283623,0.1918668947307825,169336.39785575794,2.6589082729262223,96.92706653792246,1597.1233614016328,172.7840790818317,349.0473681916229,49.07101779191371,0.293762306183587,0.18425031364457575,11.943157765196874,33.86214202711741,2.7310890489333266,13.841919706615347,0.0,0.7599649690944028,0.1378920634730487,11.458961707403763,26.433237631756455,1.0630152114326017,12.046481203752805,1.6033010066721712e-07,0.0001132097967789073,0.21202629764178685,19.763709473395437,36.748606865227565,0.3847825975431265,12.510567161033274,0.0,0.00014063033626880034,0.3027819613201915,42.9807872262267,26.088880817638646,5.213836145804384,35.37587172158911,1.9907974977412392e-07,0.0,0.22345834096041284,22.810605141230106,51.21645475799975,6.341549892657594,20.3869633080396,0.0001729110616978449,0.0,108.4853133358381 +0.8966609296596668,0.15578560883120143,0.43261638098158306,225.77279245865446,124.8035956325062,300857.6676783301,3.255323305616203,43.42594106277845,2.305409109908011,35.52781318942277,3.785325463321756,24.927618463710804,0.36263441637393123,0.9019769475182222,702.9394806203236,44.33838416730079,0.31727464177857423,119777.72131602213,2.900110739572974,84.38971657796381,3395.697638524244,127.00471564696554,348.82096570473186,54.61424392454303,0.17177004063795895,0.192009337693761,21.222596985447336,41.68633885372697,2.9035352074099445,17.34156381924368,0.0,1.0277768217691974,0.12079863187240189,25.32163479112459,45.89254659942003,0.2575875737258667,12.237143107700408,1.6033010066721712e-07,0.0001132097967789073,0.2017194241573342,27.5670022457332,51.20406951005742,0.25257912209095684,15.082572453893045,0.0,0.00014063033626880034,0.130309903835193,78.6988042783804,58.32950563564186,3.4473204490687066,9.718844638448319,1.9907974977412392e-07,0.0,0.1770545279360974,48.29847392455782,91.23563410718332,4.6769571120292746,12.300197326018633,0.0,0.0,171.86332094247 +0.8317016107023416,0.12288656684284172,0.3262066267528965,86.73767346127127,74.01922616006193,136466.60155971843,2.164738988454041,35.68940522698202,1.2305331764450167,84.80656219029879,0.7857114184396665,22.073843077932473,0.33678752110792487,0.6738044804440334,207.83246993502547,47.78817723994121,0.06568039818835124,154426.4176690823,1.0686568726326904,80.37588763707578,1017.7643339803449,178.6031960791568,349.0333810241046,53.652147312507466,0.3442534297368207,0.1991747287745231,22.05888717725023,33.99720650546874,2.537815041932153,44.87434208199583,0.0,1.1273314659819378,0.13695362427760893,17.451607640686394,36.012652714781396,0.22815176709012192,5.963702510078322,1.6033010066721712e-07,0.0001132097967789073,0.2108235388192703,18.75447817830077,34.03936966784219,0.2582778243313015,39.447241309739134,0.0,0.00014063033626880034,0.12534834939301934,31.52381337085262,32.011864285607516,4.580468581646128,14.22774150397416,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8497452109434631,0.16322712750540969,0.3992301301375281,205.96451741477182,236.66214456693487,225054.84320791697,4.177154224257068,48.003825825293966,1.7273584569641183,77.08508153477285,1.062160436021095,21.716601342471694,0.3224995573368095,0.9375720248564752,704.3418118669248,89.20130424207346,0.27268028433414176,233411.4522891782,2.7473915615981355,88.3903247145566,2402.26889424522,271.7294947899551,341.01689184891717,54.11658573412248,0.1803173305906749,0.19454932704780156,26.047205244710288,45.18829942967273,2.6865407378768027,13.1571065824589,3.310750702427418e-05,0.8050059823706885,0.12804263555515036,27.97451652398014,52.870933963710804,0.7504135504989534,11.021687683460623,1.6033010066721712e-07,0.0001132097967789073,0.20677461541982856,30.01712261108256,55.00188136431213,0.32781995461090485,11.491370180769136,0.0,0.00014063033626880034,0.11262847847483251,92.10649049256268,64.5337567855335,2.993082860441342,7.128449673972843,1.9907974977412392e-07,0.0,0.19018844020838607,44.64959580184394,78.69880808089638,5.164936534504001,12.312287674672456,0.0,0.0,178.13827846614555 +0.9033033418691857,0.12026035513914723,0.37818234580698445,166.5526875658892,198.79687374518167,167043.87869431823,4.230959937011172,68.5373861323107,0.9702266286488729,78.98947199379762,1.4802754936050726,22.062834550103933,0.40525583999283654,0.8860688054212369,987.7441936417479,62.94879930365445,0.304476284478442,181663.96059159006,1.500425622766117,46.74437674112812,3888.5528332008425,238.00615618864285,348.62800288101096,55.60983346189672,0.20860131355305953,0.19232970305512934,19.21585498236143,38.291332129278764,2.6791349965331572,29.932085048641635,0.0,0.9543945920980326,0.13223094788971496,21.091017968215723,43.09720361181051,0.8900212876031423,5.426024019575914,1.6033010066721712e-07,0.0001132097967789073,0.20508094262869792,20.571417944948312,36.145411309071946,0.35783540491937,29.255852579681783,0.0,0.00014063033626880034,0.11346313240928255,54.24343260641417,48.79845641063782,3.651406345608827,12.806522764998695,1.9907974977412392e-07,0.0,0.2073224681287835,30.530739464305462,56.40589337283163,4.76750980821614,14.161335909044583,0.00046213619740086316,0.0,132.27164975469563 +0.8654668916555265,0.12301869010822129,0.3637616591018718,111.6835373423715,122.39111279627868,328688.8129971541,3.0787786019736165,36.98896516335613,3.4390922248720655,80.97745536746743,0.4759669855735338,25.008973145527484,0.4306177192182542,0.9278871947173525,795.9357438343993,53.51701662640069,0.3063245889760268,65102.51918646235,0.7060825269418167,28.52822350324304,4399.81274434797,287.3205868548382,343.16468087007866,47.783660885481765,0.22073297002251574,0.1908962819367741,6.20327975239449,27.441506464164632,2.8531611799584957,66.86135677928397,0.0,1.0645803787374228,0.13054205751407597,11.372235386917911,29.73659100112125,0.23561530458282678,9.250621286411146,1.6033010066721712e-07,0.0001132097967789073,0.2050760926445121,7.867483426278822,28.276303430493634,0.24095067963152736,66.35530699732507,0.0,0.00014063033626880034,0.13741896782743196,35.14197383868209,39.211613409610614,3.640437925569141,23.37568294158562,1.9907974977412392e-07,0.0,0.18179933896855618,7.42470023952627,36.30153269992978,3.547503155806884,20.972230931319743,0.0,0.0,129.5865110979824 +0.9053132232987631,0.11192824231255753,0.34493377585859875,222.55273402336505,228.26387296465214,311073.3438908961,6.366251118691349,44.51551308047084,0.5634122186254558,16.605697939768557,0.9779656493569368,27.50920076111302,0.31714228895981245,0.7895720362235858,359.3377385940822,4.67899059549525,0.28849162635871556,55810.3278803289,1.1550198189334908,92.67064912615363,4082.053080288865,88.92098755340737,329.19354874155385,27.999437289252057,0.2641222667710645,0.19083495623960142,2.4335137849375843,24.076106573866387,4.747870715528993,41.467982758113735,0.0,0.8185338709936215,0.127854875937081,3.5580586658336935,19.073660949470465,0.8418174257348959,7.195527994103616,1.6033010066721712e-07,0.0001132097967789073,0.202848428371158,2.70716487736366,24.580012314251885,0.3421178550754767,35.786180222465774,0.0,0.00014063033626880034,0.23822078865309526,38.63808569249338,35.699698688834545,5.954402090656561,11.916295781736071,1.9907974977412392e-07,0.0,0.19519678493116124,5.003679257568482,29.664758992725023,9.160883765523463,8.433930452087102,0.00010923629033604925,0.0,93.03068572539553 +0.919266226912352,0.12399897105183756,0.3915118032027197,241.30414748879804,34.62065234031378,303298.07428162737,4.549460922754706,84.43004546722204,2.9967083711168425,86.65193712414631,0.7307044036653942,25.019997601326825,0.42974688248328685,0.3503434619507392,275.7528933979828,27.743662010638428,0.12954026795330034,71147.2195527114,2.9716304046586592,96.05737942094497,3031.5828940111433,83.22848170817629,255.83011506033816,18.732612675878745,0.33099141785913133,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.10432744165307462,1.8161571066447209,17.289080660320337,0.191363871907378,26.243522575794277,1.6033010066721712e-07,0.0001132097967789073,0.21372188229470246,4.786070405656885,23.613850789504568,0.2578290702500666,4.692670990964168,0.0,0.00014063033626880034,0.2699540942752722,4.660090672324421,17.755612648743888,11.180984826490919,53.368505969329746,1.9907974977412392e-07,0.0,0.20389487341800452,5.603403053459382,28.797069385538638,4.546876783571258,38.932519188369206,3.6245438354697135e-05,0.0,2698666337285.8823 +0.8993753888083178,0.23598515147130122,0.35975899398877864,212.4232509475986,109.34858534706828,103196.24671492036,6.533334873852425,99.28611740127022,3.430040196912653,53.96965570573394,4.37741846814907,18.964849077578624,0.7616181407136989,0.9858171727699155,938.7865278502956,74.89033233980682,0.21640587770205294,282378.2550539536,2.926164756761002,94.78797370594971,4818.680270587816,271.1053077741044,349.4581869263275,55.18551766773185,0.1786030319559588,0.19560755304916214,41.10184688603278,63.26688519504901,3.169377930594576,18.608870312335267,2.1207438924517024e-05,0.7844906951955364,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20593702226842056,43.76319197159538,70.91528488276944,0.4717677724034432,16.39964296233843,0.0,0.00014063033626880034,0.10206603570979152,106.56883691706982,75.07056407639709,3.676063220188339,6.136966830733359,1.9907974977412392e-07,0.0,0.1903046622418286,34.259901020961884,98.45006704856843,5.009364279557478,12.94404080138285,7.86218217116427e-06,0.0,2698666337285.8823 +0.9413299738828991,0.16084414314284867,0.40115904977663136,14.072950182932402,217.58591217965147,289977.897908178,5.795623615047832,82.73444371389192,3.9488584483465985,12.814221328813687,2.6638342488411624,29.630097196552228,0.375350675277785,0.7142952428466495,725.6846830053861,98.3171139553934,0.1615256783660871,190419.48312443338,2.6362745047893865,80.74836743429064,2937.662876066853,264.11827829768606,348.2344984513044,55.24279393577326,0.17354701382654514,0.19485185983284042,25.231906606228648,40.77654983757265,2.605795829938535,18.3978529719889,0.0,0.8921790622095369,0.12423163902420858,25.071015747088907,49.957005908255084,0.30188346817004447,13.218719167091388,1.6033010066721712e-07,0.0001132097967789073,0.2046234400704203,28.271747276818818,48.300105435672,0.23798609561431375,15.622979698402615,0.0,0.00014063033626880034,0.08185468193954556,65.10433958842873,54.13338039117881,3.8692194881839566,9.005683155807256,1.9907974977412392e-07,0.0,0.19234109405369412,51.724299127326915,86.91455612013733,3.980793759234462,17.115664529657312,0.0001201368608141286,0.0,164.69486684898433 +0.9478137878848039,0.15486352244595653,0.3461076564809959,239.5950743728332,74.28412147984449,296644.9665513912,5.09739895092231,83.24766452413286,2.2303560453603093,42.87910175277296,2.6373268444823386,27.937013171412435,0.7210230278239763,0.9587722441477067,939.9041402645574,47.116848941979384,0.2016293734215804,206956.0170945978,2.935164123759947,73.53410556294025,3687.197328585712,285.8012872488848,345.3586476090438,52.835161604192024,0.20638696509255552,0.18911020366926654,32.47491603224887,58.48226685062683,3.061237245513278,17.535120836747538,0.0,0.6259312913400551,0.1049737418202722,26.38388444048325,49.06111927278452,0.3959711024954673,14.886018661157067,1.6033010066721712e-07,0.0001132097967789073,0.20020262502834232,34.094732841848234,63.833710080227696,0.28385773365801364,14.612202250463353,3.1656280461192434e-05,0.00014063033626880034,0.15362248372870882,82.26400722886675,58.68744120931282,3.346813520559805,7.062715126674033,1.9907974977412392e-07,0.0,0.15633414249416266,26.14121074113907,101.69835339162043,3.940470663327654,14.782957313952258,8.99256692209807e-05,0.0,187.35117936243125 +0.9238139663197091,0.1995587247070814,0.42512648530309405,162.06930486665127,216.42635820130985,123690.69061229433,4.496829069810046,90.2964302484608,4.502415775582822,14.717259240319692,3.461242696293655,16.345467217784773,0.4234341312821669,0.7708209590119695,557.0351722188916,78.79704895615528,0.30161197033388526,93579.10912587578,2.606710088262555,93.45278277762534,655.6437932579413,281.8944169317923,230.43240794227094,14.495225943757132,0.27871192565110964,0.18616602840312735,6.005552192747446,24.55175288640388,2.8255132880037896,10.9740214386361,0.0,0.9483790664138219,0.12515831963188548,2.4010274326717305,16.323783757768705,1.2237343729298915,20.981704168910973,1.6033010066721712e-07,0.0001132097967789073,0.1981684036086438,4.288500479028414,24.96753351265346,0.41441192247373876,9.39645438765852,0.0,0.00014063033626880034,0.3433028963027142,4.6249474274701665,14.081598782995751,16.916576132385792,57.7435307273525,1.9907974977412392e-07,0.0,0.14091092773534233,6.504293952767185,34.16787743223201,5.361138357270006,44.09351182835204,0.0,0.0,96.10143443403065 +0.9423881296515926,0.10380005759444523,0.324187515731175,47.47064198142142,155.60558956938328,196401.8735665326,5.7445166573122926,14.868066850435046,4.178972317116536,76.93070558589854,0.44447899414130143,28.166174855642033,0.33780706006129113,0.6843633024762196,174.699184849,34.96017956192025,0.11655104639889788,57938.03957419726,2.4152656881810315,77.803354413596,2982.586744613719,205.63686376337475,342.5382312970167,41.51922001771853,0.24501531705596863,0.19394158110667234,16.073897723726358,33.68330703401959,3.0545273969517424,29.39721103067513,0.0,0.9720834425992482,0.0863072960302942,21.399551599146175,44.784886729765525,0.526296516466185,17.8948274395989,1.6033010066721712e-07,0.0001132097967789073,0.20320971987129668,16.835632313420977,36.679134044536646,0.306484472672759,21.67698640201213,0.0,0.00014063033626880034,0.19921927859588254,57.55149265049922,48.57062193053443,4.0003788087096535,14.620232302243075,1.9907974977412392e-07,0.0,0.17659166115630304,37.34479218890518,68.21036049053329,5.229591360154761,24.15517154500924,0.0001687114326248342,0.0,140.3909435887371 +0.9750893014896518,0.11962021839939804,0.3994624646276553,241.55190253914847,224.999421510933,247636.2663115439,6.758235027609844,64.33976779410729,3.9332256103183916,13.077666976394209,1.809468688697845,20.879519150884054,0.4243437595170202,0.8435893669536796,659.4338854606235,95.07590666489686,0.344820637241334,244019.9202579279,2.830591076718767,85.3455964250655,1908.3073411965136,262.9057031605235,348.2680036777377,45.246134673928786,0.31279805876859373,0.1928380237393788,21.557665577890848,43.136725200480775,3.039790137586004,11.742616795379135,0.0,0.7729728518714456,0.13078716425349793,11.19469781405019,28.606178316227112,1.1148374600397009,12.287918646767565,1.6033010066721712e-07,0.0001132097967789073,0.20483006591102357,24.274988393979353,47.085344075670115,0.3901478617440785,10.799557892415077,0.0,0.00014063033626880034,0.3531990667264257,47.75095581689979,28.42363715623309,7.4864295634376825,40.45271701612703,1.9907974977412392e-07,0.0,0.1538868013472095,28.43830310228783,64.14798839279403,7.523919643299691,14.817850433755057,5.706283746250368e-06,0.0,128.34658091118277 +0.8952567010920729,0.20582005709543552,0.3426602304111296,163.0941537015594,39.21524265955928,275463.74124954076,4.2845065431861995,79.03302755466707,0.7089743633392347,63.11892002883492,1.8183235342214261,21.694927637421035,0.3493241224018841,0.8149127396543412,870.3316347406774,61.45102289018736,0.11297985068677763,79349.83009369335,2.3989711072134243,50.39755270389569,3057.8151561486106,115.68808689891249,345.50109764618236,42.77168322997558,0.17911220879493792,0.19825410761011994,18.78061195675063,31.38266581278394,2.8131368621943755,30.535194317083775,0.0,1.1385909942374939,0.13486173083658132,24.601682034202174,50.143491036959254,0.20233312583806257,11.616050075258418,1.6033010066721712e-07,0.0001132097967789073,0.20829121771293688,17.41262735346868,32.33968453882213,0.2587125582324872,21.74642857767563,0.0,0.00014063033626880034,0.12263529737512241,68.0804728379568,57.6986293450823,3.902233882812724,16.905327781293447,1.9907974977412392e-07,0.0,0.21516277269154224,32.19211441581927,59.86070604675202,4.441496713621408,12.473096162059376,0.0,0.0,142.88460359338407 +0.9552484193784545,0.19276426833075755,0.34506108622984955,105.1770290392061,78.18581785759797,133600.36799499128,4.393255262789866,23.91385804436071,3.471751813853535,19.889457882289673,0.38781823846691665,18.341195275674515,0.3653522299108758,0.883875600868074,188.6000984335872,83.67611960598438,0.10934826404519285,52702.647527986366,2.2296099160963365,70.87934706919098,4425.7896778921,95.98545792489489,340.65584830800145,54.83014605604616,0.15245618586299406,0.19608448811590776,15.171527679864196,30.74113244816011,2.6994528620879477,38.95634163449479,0.0,1.1186133258466628,0.09977770086919154,25.540850207010298,53.41732511292695,0.7412573932184187,13.436245762165969,1.6033010066721712e-07,0.0001132097967789073,0.2067078732802087,15.10929434004202,33.09041393892711,0.34964582440160297,29.272587834210782,0.0,0.00014063033626880034,0.10934833110048965,65.28931920305219,60.16657674415251,4.6786006190678595,18.351974618358287,1.9907974977412392e-07,0.0,0.18616311978151887,31.306179429413984,65.2704644262004,4.556823318258769,16.236614083996532,0.0,0.0,149.44786703363494 +0.8979748758050552,0.11669264102064539,0.33114235929138164,118.86978308748928,39.25075929047148,257917.45362134647,2.4001554728133607,40.359580309484414,0.3854071261965098,61.63157389935142,0.6769892267163025,11.316441222494058,0.34361311947286854,0.9276227940574291,619.2665195947318,54.49713767746241,0.08023228189755202,74567.9534338208,1.4317482911090924,25.857726600492228,4233.969958408944,67.6406421272351,349.6040927492532,43.577369552333295,0.1616661842682805,0.19765310678772113,14.349015086639161,29.0228122041168,2.608045346168632,59.35360194195631,0.0,1.1427666929816436,0.13851377674196386,13.927091891789335,31.452841944847584,0.3167383546648578,9.6877506599904,1.6033010066721712e-07,0.0001132097967789073,0.20914404277033316,11.89822649442478,30.54275282835702,0.23863492148380847,47.37368539683091,0.0,0.00014063033626880034,0.15349234094002875,41.59126296116482,41.06329093859255,4.088966252851469,26.63346698218616,1.9907974977412392e-07,0.0,0.21465530700483298,15.608674519705382,35.978873375145525,4.128041393736648,25.927627914122258,0.0003512935293639641,0.0,124.6786943034224 +0.9542814327683029,0.1476723136793061,0.3491848361704344,77.01579323441531,123.10715563473109,133406.71064343533,2.2249167796772027,59.286407756854004,2.6238503006931344,37.98518010576163,2.5234177765521,23.912307028320075,0.47397303129261625,0.9969025313001021,675.9378633313585,96.98310224764369,0.28067728603852754,71611.06079057383,1.87112884592228,96.39168441300814,4358.014842829156,200.17686426563816,345.4368120215821,44.824074379987465,0.3330256346814784,0.18849800671662092,9.817224529716789,33.44496999953947,2.522610469085905,33.311860978622114,0.0,1.3115279111063842,0.11102184418467483,13.277909859215866,32.0900391846672,0.2879919470423846,16.12327413844533,1.6033010066721712e-07,0.0001132097967789073,0.20237398322875344,13.634557715312631,36.63562363088406,0.2641827513686225,31.455546247944724,1.6387440578571178e-06,0.00014063033626880034,0.11556901631688764,30.5156841325896,35.784365055358634,4.761573008019284,11.173217037805635,1.9907974977412392e-07,0.0,0.17161077818712633,23.800517339251815,56.927723395477926,3.9017786617415164,19.39309134502294,0.00010999463417621284,0.0,113.4651235691012 +0.9620257252204635,0.18824426484856494,0.42321086854346956,103.03643534539957,199.37502991659636,322733.48831750196,5.095245034201298,73.21370779745924,0.6539225749861797,45.89657376782291,1.9980982679084711,11.117344393818065,0.367572036014177,0.3787090979220948,454.2254905897516,98.68645213392526,0.3235262568810863,262926.9808332524,2.7615599520828806,73.20312540195417,4512.684684592532,216.77941888180433,345.0207289750435,51.84267974096512,0.28460719496564385,0.20069170380096119,18.393385964443947,33.43920176719284,3.0717868210284087,9.473939233693171,1.688245037654329e-05,0.8816878743393748,0.14453905853815063,11.030099569924836,24.912506670161363,0.39349759682987245,10.212043872226452,1.6033010066721712e-07,0.0001132097967789073,0.2145729426184495,20.928900726027237,35.64666301300128,0.2720651617612998,8.335747639075327,0.0,0.00014063033626880034,0.27964761374324903,45.02767188824997,27.987193212600072,3.529456246422707,34.40757682132956,1.9907974977412392e-07,0.0,0.21548743483830196,9.135906302998437,43.09038663655359,4.340500515001591,11.39880624933104,6.7403144687893365e-06,0.0,101.37962311229441 +0.9893964845860839,0.10541146641726248,0.3884726872903379,114.33394982500754,248.22896679693667,318917.58087967243,4.123376932857111,53.856771810126205,2.1959935491836187,81.07544957563647,1.4695710012542185,27.293656157413444,0.3963907724982174,0.9348651152679358,940.0821738273298,98.75654722423681,0.12624892646075886,103657.09170459304,1.3752506856566156,57.92865707589054,4195.478553103173,141.93544335834724,349.6956529182162,56.29524905208511,0.208547868597198,0.18953749447187532,14.541435359387053,32.55396584662085,2.8422794039860175,44.53101504474124,0.0,0.8874693833428402,0.12395516980933462,12.962750594251787,33.61024669451712,0.3320051654435477,8.009809692770542,1.6033010066721712e-07,0.0001132097967789073,0.19878924086434735,12.579310284769237,32.23595565187383,0.2599199643788641,38.279912585919654,0.0,0.00014063033626880034,0.08690970854964425,38.533869192117706,41.4860538437465,3.1266547643188427,13.988643628251879,1.9907974977412392e-07,0.0,0.17327368894483766,26.76924869465088,56.04945486652547,4.550938538533154,16.960893034006595,0.0002248486339481239,0.0,121.92584118039584 +0.9726416210019088,0.20746463605711987,0.4483801846988393,122.1032497700755,241.1601444046267,316362.45220608456,2.388873064362035,96.63371938303095,4.702204184629857,93.35665753014996,3.0394674945456277,23.97682549601346,0.4344862767677616,0.9071231201750755,9.258739134785174,58.9096422785053,0.2961351374040544,299941.95107868884,2.703787876143431,93.26081643306352,4594.446102171074,235.36726857647102,349.45237974427386,57.92592613948203,0.16999011336182335,0.1901860581503308,28.05736620007635,50.743573468189766,3.33056952749345,13.349202403138442,0.0,1.1377575018471613,0.13082044441579693,24.702907363801696,45.76746333712918,0.24909047906756202,11.370657794230203,1.6033010066721712e-07,0.0001132097967789073,0.20447584489122833,31.746494458188216,54.96817403807531,0.2380002483173201,12.359305692401142,0.0,0.00014063033626880034,0.21450214967629883,83.27106912031027,54.453309164899395,4.016402772058392,5.792916918838875,1.9907974977412392e-07,0.0,0.1940561810105581,44.58966223802392,80.28242847275543,4.579427976904136,11.881288463590886,6.59132660678461e-06,0.0,170.62782971168278 +0.9196262587406551,0.1980005221415974,0.34455720790999894,130.90278407484666,199.57110345332043,189728.21794816141,6.223735679026792,68.4427453036618,0.9885802074657035,83.84438206073608,2.0527109407602175,20.41854884624192,0.34395038714315646,0.9489013986618751,984.0324243091809,78.97929971675683,0.3254270127707321,69988.39780026491,2.6959246098363607,88.55999853636,1473.9899175476762,293.2602764828135,232.8396278858529,43.64353333068829,0.22646881573977576,0.16297525973201238,3.8236351494311958,28.084315451965523,2.733799333723716,14.417075377178755,0.0,0.8201722755237225,0.13334949285689285,1.621543692232903,17.121681014545125,1.026166382319773,14.392583499422695,1.6033010066721712e-07,0.0001132097967789073,0.2052585326384749,2.7080652127812144,24.28278629261404,0.38218547036397876,4.6571828763752565,0.0,0.00014063033626880034,0.35292902501535006,13.281684259138537,16.065131551112827,11.769732681835588,50.40692029850576,1.9907974977412392e-07,0.0,0.12362539591605948,2.86847037752192,34.704419419471414,5.318961151325783,28.68809745410875,0.0,0.0,85.55802832152372 +0.9628976660402787,0.23210896713355772,0.4416038713056748,181.4454831931886,202.485870695946,344049.8777153932,6.89408451167967,24.414407831293666,3.9240066629497177,30.22034136909386,0.3599889216474925,21.42231107159123,0.45498504570434384,0.8272297275715211,807.3677202542042,56.14652017316663,0.06169622915060237,54388.848788154224,2.1031655802240263,32.70167830670731,3109.994116126648,110.54858308272144,228.7165998231991,48.869156439168506,0.20173159570892127,0.2008315039971872,5.535617610260934,25.64796045467341,3.4403052140740735,10.761097311030897,2.8610125396738612e-05,4.520272824224508,0.13475724442181128,2.311657883021503,14.352676687074988,0.7265032295080674,5.70854496840772,1.6033010066721712e-07,0.0001132097967789073,0.207248277314346,3.8403274118483055,23.41277695551689,0.32509262354516966,2.4125570813629507,0.0,0.00014063033626880034,0.3475855085040825,6.205327996310981,14.673529429134812,14.498884413147758,55.07720009013751,1.9907974977412392e-07,0.0,0.0842863451829825,2.459313419540095,35.27296581239473,6.684824180021092,47.7312215719833,0.0,0.0,93.38507231047184 +0.9102224729904276,0.12809176191638139,0.4263289807594669,221.54019327132107,102.99109238837151,285985.31246663374,6.778325874336583,29.456119209567746,0.7659179918403123,23.78600768433953,3.569325335764499,5.633182573423739,0.320157493472525,0.5093611734911085,660.9536582854881,37.66911516269749,0.23600314386935328,125719.49254394692,1.8145262191619163,72.64527442145739,1347.6307939635042,273.7418248643997,225.25481938761985,25.81423305932428,0.23642425883132467,0.20133173203888705,6.242854622175676,24.504768210170678,3.3634990599146417,6.125764106538189,0.0,0.6964112374355937,0.14523494217580243,3.817621851638436,11.51724686225984,0.7014202659258317,7.418361144876142,1.6033010066721712e-07,0.0001132097967789073,0.21467351004707477,5.997291215534396,23.39931342059441,0.3316274209533939,4.491543667124679,0.0,0.00014063033626880034,0.3152216876235041,3.6199984387934667,15.704806688540295,16.980428518358533,57.91748275068001,1.9907974977412392e-07,0.0,0.2117658968875534,8.752152195532307,29.792542869433753,6.20869621413235,43.156845569590104,2.620614607707824e-05,0.0,90.90285268813021 +0.9467409561702715,0.15538197066562026,0.3592015287898537,10.88567037760464,235.4048114241296,336993.890302092,3.6975026019434685,73.21832205513047,1.7861855770347526,36.21409850772382,3.980524332441286,26.581339579627436,0.5308625578833346,0.319196886888848,102.62272897961918,94.70091684609905,0.22647468367970586,53118.75518694696,1.9794429850365107,74.63090165139488,973.7254521476731,220.3558753857568,340.9149088843194,56.180192749492306,0.23739456110186874,0.19909767870049666,8.855113822050923,29.313394485974978,3.100562413545201,35.025775650333514,4.7732454903765105e-05,1.1836562676096805,0.13287858490961388,14.621034868515602,32.76679409948639,0.476778724617194,19.032089665687746,1.6033010066721712e-07,0.0001132097967789073,0.21263903053708114,11.868019695289039,31.776781040552066,0.24292353024165753,31.31161282873859,0.0,0.00014063033626880034,0.12962257839750185,37.09240677507273,36.02064822130403,3.583913064955213,15.061560830000222,1.9907974977412392e-07,0.0,0.21464826832524453,6.25341248867417,37.51894906001776,3.1877103637082653,24.498781336191882,0.00024242667017223613,0.0,104.53136044708167 +0.8479285474645029,0.22865837020080992,0.3896535184400921,221.17151647954626,198.97453092003974,198197.96254532575,6.992603143068381,52.09957406041346,3.430755849325546,73.88817048501461,2.7174473340572165,20.940390409485676,0.6084042030962407,0.8117561451278945,557.0682901897646,41.0828948441919,0.27664139431144785,295622.8431670087,2.8714418092475666,5.078995085167378,4605.856758523658,235.27404367043866,276.22620056579837,13.566319130267363,0.21159752565589385,0.1975197702042875,1.8870886543131127,24.40691693622402,3.261488972357481,3.7544584502145053,0.0,0.7779411622806676,0.13958311526366735,1.3796405912020833,14.555836553889186,1.276374444952866,3.631430738472462,1.6033010066721712e-07,0.0001132097967789073,0.19488669837610595,2.253283233994064,23.659243862678736,0.36357305454190253,2.684795619765787,0.0,0.00014414060373783881,0.3396485214627499,30.505202530179446,22.015805215908447,8.065410059724437,47.28740426670752,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9853383987567483,0.19585873079650354,0.44030581262653706,223.315303607981,165.41882426060508,304147.02319294686,5.72354642049452,95.3948293509219,3.3323578551796667,85.81894136803434,3.988772084146702,26.740053611439443,0.7874869856579019,0.9892569183260582,990.8575702032427,80.28950210685716,0.3339505308219982,253964.9604910353,2.9060082698112226,44.54933927069504,2877.877283449462,296.1812534135972,349.5390087580395,56.17816554887853,0.2901492668698187,0.1885947137092805,24.573563010863857,51.08620492565133,3.044686634465146,12.455187890554111,0.0,0.7831472730278625,0.12705741230408596,12.71530654596507,31.609519391479218,0.6794063189039085,8.01958515896989,1.6033010066721712e-07,0.0001132097967789073,0.20177708605285977,27.245994872061498,54.05783251645358,0.31855097589908765,10.506505912118861,0.0,0.00014063033626880034,0.3565866189521825,48.71205159537502,28.76169624220583,3.924371163224208,33.40178033815363,1.9907974977412392e-07,0.0,0.1794415390408054,11.076119489525475,59.20718180611961,4.680511046638629,8.861251440540967,0.00012315484566990232,0.0,128.21623721109952 +0.8681635996529594,0.23196536477675847,0.37869491293824464,12.64573078207184,127.07276203818114,182034.1728936084,4.306400204357302,16.556476050602324,4.901209114843155,49.06191579139001,4.7318293580753705,29.054805202140304,0.5988900654577491,0.7506454652215656,677.0675827532048,7.673251074076838,0.3069754338181126,269127.56343349227,2.9512918449063372,81.94641278303165,4390.623657927779,226.60408036554355,348.8937514660156,55.412220132278875,0.23272417844033413,0.19550161568487315,30.910987237646314,49.03555974368563,2.5994706796005205,14.536434863013108,7.430135325328593e-06,1.4251624282005189,0.13344261271202532,28.69966719348485,52.17052371477421,0.27446288071302777,10.719039748864846,1.6033010066721712e-07,0.0001132097967789073,0.20856814802756019,36.7614172149644,56.26830207128041,0.23954579122248254,14.141530323877129,0.0,0.00014063033626880034,0.1053915115705323,73.03297572165933,55.511539078288166,4.496446350186695,6.464550820568666,1.9907974977412392e-07,0.0,0.20546163444682441,26.879818299004615,79.66765422954053,3.527748173660333,14.426978819726065,6.334610331471532e-05,0.0,166.5100395905031 +0.8926072023925868,0.18292369179069126,0.32084987746017896,22.302876917383585,119.58160295410815,219734.5243091486,2.0940527400411746,81.58471168907865,0.5323789630997782,62.60845938457725,2.970010094190698,24.055639015685166,0.42399579909504537,0.9570146536199662,681.6199905424436,8.16417014754176,0.06611241875789296,78618.86579614365,2.0763157442436277,84.0698965037673,767.1986509075463,295.5055024835549,345.7154699410881,53.745931814722084,0.261441650349607,0.190433280133491,23.501436484279672,43.88497640348211,2.5626354207443303,44.95467037675148,0.0,1.2715137803277008,0.10632814563100686,30.688246824426955,59.968051190651295,0.4234706884824549,17.262384827537996,1.6033010066721712e-07,0.0001132097967789073,0.20019778176144165,23.185039235924112,46.41669601967923,0.23780220196927862,37.23773819762853,0.0,0.00014063033626880034,0.09627067048231262,57.714115617549076,53.42496352556523,4.377856051478809,17.15816227173738,1.9907974977412392e-07,0.0,0.17939251463542363,44.32181893266233,81.10271269626706,4.338835631896088,29.80766143569707,1.892588714819033e-05,0.0,171.37800375414 +0.9772244225279755,0.13892619529774555,0.3383913904667913,160.8683662032649,247.98221766989428,257960.69360360564,4.243077030389227,14.089470689179542,2.76701923621577,8.680826582865425,1.0566348397106498,18.603627557488444,0.6910400897773221,0.661307489420918,809.6726706375525,11.30586210335974,0.23322966549980112,298694.84335336665,2.9025970035148343,96.61188457617357,715.1171283848703,220.34234840263778,349.25421418769514,59.90411304313813,0.15005875852320033,0.19672404803187205,36.833196798366835,53.20332479501498,3.24950991917216,17.40732675778692,0.0,0.7281214727123161,0.13650372827661714,31.651507685392424,57.271579450605934,0.5905254386342876,12.441618497884047,1.6033010066721712e-07,0.0001132097967789073,0.21000554658306012,39.758644245213944,59.31347769533905,0.30082639303438014,15.413489986399954,0.0,0.00014063033626880034,0.0913816219077737,103.13548339981911,71.43989024225314,3.174136547802514,5.473379420375314,1.9907974977412392e-07,0.0,0.20237875644551673,22.522696308673545,79.90676166593869,4.9296587908552825,12.296326400921233,0.00010346976176922612,0.0,192.67463457304063 +0.9342693428848502,0.22537055432324193,0.34569242189737087,128.8660405914276,217.80972511360636,131245.49739035944,5.259953570710258,45.00567079880535,2.1235559986998167,96.83095903579589,4.949534833723588,28.07894554727743,0.4837505293984408,0.9153811095839797,999.8675757860154,48.9481787761892,0.24373742937429907,281723.5213169501,2.9145585968835426,81.91680118078743,2784.7033102230116,258.5572776474137,348.7698422858566,51.36918484221875,0.19374302646859923,0.1932458126811433,35.869147302507166,56.688518470663055,2.907559967927447,16.523244590676285,0.0,0.7280078466945721,0.1283173387457286,31.42929808418464,53.475805686635894,1.222434369336787,11.850550944595183,1.6033010066721712e-07,0.0001132097967789073,0.2054638540989958,38.95202004133607,64.08735757304841,0.41552691167898465,14.752136563652623,0.0,0.00014063033626880034,0.10690337739650801,95.84021261665852,66.532116190125,3.657374333482937,6.137384578154292,1.9907974977412392e-07,0.0,0.1896790840498856,64.93626655647857,105.68563412948123,5.126988284118839,14.418854097242479,0.0001308187313740861,0.0,209.51668856872652 +0.9869480747234624,0.14546450589742602,0.4160644564843497,173.80318213700758,72.63656236066944,321616.91021121386,6.9217544172162455,75.76677711265232,4.336504112179914,78.6630476341046,3.8292302928818684,16.762618593985337,0.42254571173307903,0.6387237136371554,982.0821362392937,82.20465377837722,0.05738014492519074,97330.34908434123,2.730935394121983,84.84971184573428,3093.0953159169467,275.4351525557368,348.7989721769081,35.97932817446237,0.15487822249489483,0.18606099336518536,18.389218222253675,46.34368912043431,3.263410177720642,22.80506613243745,9.75575422118921e-05,4.784973401919409,0.11275108474544104,20.764365892989762,41.06441096060925,0.49404517117865115,16.847701199754606,1.6033010066721712e-07,0.0001132097967789073,0.2054446724981847,20.695774297389846,40.276510353737805,0.3026074740412032,13.43205497414045,0.0,0.00014063033626880034,0.11909708232565638,72.4824232971232,61.331858531322965,3.2175131665953267,7.7715296870781625,1.9907974977412392e-07,0.0,0.2088418211454186,29.697079675400563,61.435558748034026,5.320855188859803,9.389409972960735,0.00012503213917823861,0.0,146.7344114822331 +0.9548049855981054,0.23394577153301652,0.4450175241558639,166.63609337560786,121.01553389155778,133525.63380947168,3.04395607207901,73.03348068894775,3.6728006667392794,88.00832270087244,0.28353553567808154,28.96867558562206,0.4856215375878974,0.8086115294653083,831.900148104578,8.057992031532555,0.33843760543901247,293343.4778263325,2.902413997566,92.39045615960481,4969.969400710708,259.9741219979303,347.854118764274,54.926525057536196,0.15974151051306143,0.19435692287436548,28.204292618548735,48.09703817060633,2.9946252097531656,11.240167191254924,0.0,1.2617982656626692,0.1270811244602596,28.441005358013292,50.444597916219415,0.6677853296532209,13.821317254099688,1.6033010066721712e-07,0.0001132097967789073,0.20382610478069135,33.735379996882735,57.417386930004234,0.32830245894283727,10.777638385659198,0.0,0.00014063033626880034,0.11538439622394418,88.43337957826013,60.534706782439386,4.966235770613346,4.986014754225084,1.9907974977412392e-07,0.0,0.18707301076376517,54.884018372692175,95.14353468103931,5.514701362124103,13.83484812246625,0.0,0.0,187.51739256138876 +0.958189312596507,0.2165554190136067,0.34978792544675585,105.1770290392061,237.2791126905268,303047.60360487347,5.955689541933294,36.84568901097961,2.9937408691063006,91.05276245938059,2.7958520727500846,18.341195275674515,0.353971465270488,0.9234022023527491,188.6000984335872,83.65929607398981,0.2473701694481075,100946.00292032665,2.8552016823835507,98.54073889936356,1730.7251920040885,102.46003639408791,340.0726518219009,58.30993309657704,0.2173754556530053,0.19399089712911707,22.397605098499255,42.69849645494795,3.4063152039640485,21.93634107129428,0.0,0.7677130613933411,0.12728326607270216,22.955594435262363,45.99427626635266,0.5665286748486239,14.936651107270933,1.6033010066721712e-07,0.0001132097967789073,0.20479378183549682,25.960064292019347,49.289951470553824,0.3014940181545097,16.795054165776087,0.0,0.00014063033626880034,0.19830508978537334,80.89508530167556,63.943005747044715,3.840015681884072,10.640915196414902,1.9907974977412392e-07,0.0,0.17958005596191717,38.226196947478584,73.56749972671697,5.88586131004907,11.26401296564525,1.0045438687734305e-05,0.0,163.90686824601605 +0.9334288006033231,0.19227352670032524,0.3756719558456571,143.14913247343782,173.65529464023064,205771.5892960128,1.6897780820633928,31.628531122605736,3.335989676630999,92.06768369948708,4.9368235362353845,26.73146155278985,0.3293663872731777,0.6884299348389828,902.5453418259149,31.1444088584496,0.26791767571560016,105783.41218100062,2.3687865631901954,77.10279338505595,972.396793406466,247.92151867499248,347.02430630001277,56.489177413739284,0.19161178137262191,0.1939737937395439,18.031322390763783,36.32896106885059,2.446215289270019,25.464409040786308,0.0,1.2631790029596164,0.10587976337374004,25.676232995466112,50.0042072121881,0.2363285572898034,15.136107510677853,1.6033010066721712e-07,0.0001132097967789073,0.20685822309145366,22.45205302624458,40.396681023530796,0.23988931001659095,23.57611052922661,0.0,0.00014063033626880034,0.09140821029445308,67.27183097074087,52.28995366072885,4.326988735669344,12.050440268247932,1.9907974977412392e-07,0.0,0.18200189420251783,22.182692137586823,68.18100975764463,3.1353217378874185,15.46388761891834,8.612528419126974e-05,0.0,145.58555418175655 +0.9166853918517299,0.14905510780862485,0.37632026411610486,136.02729404852042,40.880256188755126,267574.71388810826,4.039652036045037,50.203302996788246,0.4167961618967315,91.15171598575246,3.5339629321430617,12.772505669885787,0.43876861971010495,0.7746208110946452,633.5467038086896,86.39816646208564,0.28960404428982917,212177.3406852656,2.079743638601216,78.67723552384084,1982.3310688769632,227.8782640014018,348.3501926611067,59.05709877728434,0.15330784835777458,0.1979151040642972,24.039877791179855,39.93030232986909,2.7553877877144335,23.80605435449077,0.0,0.9078356984778402,0.1384318651112109,28.066595586041363,52.930667536718374,0.19236048463183092,7.823712261143279,1.6033010066721712e-07,0.0001132097967789073,0.2109946175926911,26.75996302159972,43.74544249833368,0.255434472264149,22.266681342760766,0.0,0.00014063033626880034,0.12634346317542292,79.11404800401984,62.69197782427639,3.8949633442084646,10.931700120646482,1.9907974977412392e-07,0.0,0.21719110256242008,17.328377642859323,54.66722252146564,3.389238685540334,13.423278079754608,0.0,0.0,152.73624503420598 +0.9511925686026709,0.17718038184982973,0.3743818513504785,134.82284618772158,146.3741770334341,262337.18884483946,6.556571000434738,54.34748649209638,4.121089696383467,81.35991859996273,4.727614440077649,23.625351227475463,0.42114624401637757,0.8773838671655293,399.60728022440736,63.02653543452822,0.2985372323038521,283913.5079916799,2.743882469501888,95.78184339630644,3798.29053610863,219.97347103254214,348.7249538571605,53.6249389654746,0.16056220566489457,0.19274544137411362,31.33499075583631,52.825217482700495,3.2173249194921207,15.714274328723876,0.0,0.7913498434082513,0.1295881040911818,29.95782375194335,52.279630517913276,0.7328456341068494,10.698478280016593,1.6033010066721712e-07,0.0001132097967789073,0.2039892078092555,35.05019021568385,59.004870533647335,0.3348651297037797,14.530063467475287,0.0,0.00014063033626880034,0.12106668768312942,102.15412672572893,70.27343800948944,3.114231809790603,6.225320123358714,1.9907974977412392e-07,0.0,0.1958085073782786,56.757126918937715,95.56577865310216,6.021838576134992,11.716326283643236,0.0,0.0,201.61200276443387 +0.9713284907393367,0.18137945418520784,0.4161051533285877,212.2061292296204,15.251927444182508,326155.7509236755,6.814661674765129,88.14572713689766,3.4718082105992027,92.75403684305563,4.495485090861785,20.161135539233896,0.7312685928324087,0.9865579504326084,989.8074017854278,75.9546022364273,0.29072415063430046,264658.7825814485,2.9238412189609044,87.53961688428068,1939.8265056042344,230.9340399758584,349.6870038861685,55.09675655880545,0.3198636145969644,0.1919194712814155,26.30465479333222,52.070359441611004,3.151727444283618,12.563558096267524,0.0,0.665105336054359,0.12858378513776353,12.421772083474059,31.33055235576704,0.21919389690394608,10.311442075438862,1.6033010066721712e-07,0.0001132097967789073,0.2027269948934938,28.17415149032991,56.17544877655924,0.27592157915148835,11.240370730109365,0.0,0.00014063033626880034,0.3564953001702163,45.558561872662686,27.427346939598564,3.5683927728064027,32.749176681737886,1.9907974977412392e-07,0.0,0.18565703525434302,24.45325875307815,56.97209356379645,4.762146718413469,11.870291880994465,0.00010585231818070015,0.0,129.65470605463642 +0.975191008977871,0.2620357225106116,0.41081766255205054,184.0776973345842,240.32647290965835,320891.7145037569,5.254973338280077,79.43404796555787,3.7221242492341777,65.87413998569477,3.8364554657769068,29.69242781790596,0.37863025877820555,0.9913208582481129,971.7000168705465,24.684283242953907,0.32186538932961456,184271.93945786907,2.8429918990672904,69.5600301388377,2629.0850312592133,260.15507133394345,347.6368069073788,41.71089874892693,0.18752321529187033,0.18929944866215995,22.703381414037278,49.30572104487099,3.2569877344523066,12.96856076248185,0.0,0.8189946237763343,0.1132094803589868,23.54995645616295,45.847299632876684,0.6223479342897007,11.613598922663238,1.6033010066721712e-07,0.0001132097967789073,0.2002975875403851,26.977738860686173,53.93898250696822,0.30425098730258504,11.05018727599413,0.0,0.00014063033626880034,0.16208865870676062,84.92936049793687,61.67242328350996,3.2403587752258467,7.763579539831953,1.9907974977412392e-07,0.0,0.158522172515087,52.50531019402816,95.468183536473,5.857017912283774,11.890079833506114,1.8943351705192498e-05,0.0,181.13880690205528 +0.9780627010099014,0.20846887204425776,0.34978792544675585,115.50250846918578,244.08040946613335,280438.11597309913,5.864245664260332,48.29816870738146,4.633908810007484,72.27965466060847,4.106213049557262,26.00743826611081,0.3541645311720468,0.9722678243956387,701.2747438231107,96.45223490367606,0.2589358669763017,291326.6382214342,2.955638207850077,92.94058395850925,3231.480064180908,224.8813411553582,342.8315853766038,54.84254408482848,0.29206433933696746,0.18884604697346272,31.313655412195036,57.01755421760539,2.9214249852306504,13.096067952248804,0.0,0.6869595173252702,0.12461326075711744,18.354977043769633,40.052613388737235,0.6490397307476936,11.887091477466765,1.6033010066721712e-07,0.0001132097967789073,0.20168937290009925,31.66527022803865,57.323269975031366,0.3153282132312686,11.309612562952955,0.0,0.00014063033626880034,0.35543306751265447,69.02715743922919,37.71994449066311,3.5127033606643008,26.049428683479796,1.9907974977412392e-07,0.0,0.14285072793974066,40.358760811208604,85.05830437333896,5.222309892590675,12.533389560560787,8.822256036235183e-05,0.0,163.8241463868775 +0.90164515934132,0.15432393724389504,0.3937076976544755,212.78183806041153,231.9265839261917,303774.3605479789,6.852224942399919,64.44756778320087,3.800448317250922,86.26056820941646,1.3788046199020316,27.422665643414955,0.41612553804440283,0.8756184294038095,646.4181823324611,2.650451885903248,0.06429423266654022,224334.0902077565,2.66455044839095,99.66037293997057,4974.882004624346,219.21687689843057,340.72840413973273,45.72398944905559,0.33223055596094225,0.19727060096805152,29.16187796586713,43.20096524089164,5.1171795826886095,16.007980111589657,0.0,3.167313422114287,0.12689077201296659,13.035950347777195,30.309241398037422,0.9133667388085508,13.910220737706942,1.6033010066721712e-07,0.0001132097967789073,0.20403766816691404,21.753149226099158,43.29212937318705,0.3549641712558012,10.03243238037112,0.0,0.00014063033626880034,0.3505801117481543,48.155337683652085,28.26930128945739,7.870035657376762,40.023525480691674,1.9907974977412392e-07,0.0,0.15529195787071967,27.58510437871204,62.11045227496441,8.976562046692132,12.923133510312914,0.0,0.0,128.0183408407986 +0.8873109668440946,0.2160939691505156,0.41828890702557947,213.67968463114292,86.86428911341926,265930.56736945023,3.5149993317959245,16.73979415413131,3.011999486353444,37.39795594444168,0.32047263846694496,29.54877524949911,0.37464335337247384,0.7466962921704929,238.54976683074455,94.03462107265472,0.23938183245342212,70898.70295795251,2.9860385705108405,81.07765578109783,4565.561646423828,173.66896375407234,231.5033785492411,35.74857905177314,0.3246608514004163,0.18722270985978653,3.983933526201207,25.523299112839016,2.972986095745767,9.610458396097725,0.0,0.7865848891005989,0.11511975146412172,1.7510206389095073,18.983469752527007,0.27461766103318175,20.592685411186213,1.6033010066721712e-07,0.0001132097967789073,0.1984189800406648,2.8428900253449383,25.92164825285449,0.2603514556792081,8.362898094753195,0.0,0.00014063033626880034,0.33785956023159985,4.2082984712302585,15.001805376243256,11.350942256669605,52.85616922866979,1.9907974977412392e-07,0.0,0.14169195597267328,3.4645704845806105,34.69233558679156,4.244338846597624,37.32945725251415,0.0,0.0,89.99660752153201 +0.9039989873358977,0.15345065489742052,0.37411618433686317,188.45163052967996,72.49287961336309,332913.61724888184,6.624901229786957,17.945923776305776,2.358159797436633,99.10990884501655,2.9836933040939395,9.85833402201213,0.4260247770752335,0.9596151650255214,618.5049293925846,50.71746709007711,0.2857462929469467,68282.96566664975,2.6707170369572912,91.63541387996193,4698.974007273082,228.8960251171489,221.2053432367456,57.747797081476435,0.17614536011323761,0.18985682379622112,2.07449788993093,26.390213279804534,3.377248692035618,8.191721298747565,0.0,0.7059729613159664,0.1348078758188712,1.3580139379059912,15.975856769219885,0.45293783666608384,17.157521438516216,1.6033010066721712e-07,0.0001132097967789073,0.20451838903248373,2.2606205840338025,25.913043040329832,0.29481065088871,5.867668957041085,0.0,0.00014063033626880034,0.3542842221113504,11.358691766440364,15.467492700525852,11.923062021825846,51.44328495094469,1.9907974977412392e-07,0.0,0.09799712816770564,3.8020269959991393,35.779182189783114,5.553182978193803,30.035230620506898,0.0,0.0,86.1809115416016 +0.8161617385154255,0.21146238890235083,0.3700967384316947,161.75270735241634,34.606480405610114,261551.88996951384,4.27754694950597,79.66597138193511,1.0155670107886647,14.640687524776432,2.941867536277032,26.806631475456264,0.37540994375178693,0.8676515021319768,43.854155766321924,61.8577696177652,0.10239105147307061,51216.949093881674,2.846079816807288,55.79341475833318,3063.497855565572,118.94959516213692,343.41986522612063,55.571963296827356,0.17878655793804293,0.19697579484945993,24.258160274740302,40.862838662895996,3.330298585803726,28.74378860988199,0.0,1.2975719380820778,0.1271163021070005,31.658142516915614,56.47647793661487,0.20458051719683168,14.045088820004205,1.6033010066721712e-07,0.0001132097967789073,0.2059268972708256,25.303650547860435,45.22064849817602,0.26118221974637784,20.150429477383753,0.0,0.00014063033626880034,0.11400071399299815,95.70203979200589,77.72059576492906,3.725446721134837,18.920661108165213,1.9907974977412392e-07,0.0,0.1915364027794454,26.34229625921822,85.63953394424192,4.176197761537648,16.332272082195026,0.0,0.0,185.637430341573 +0.8496674679861592,0.18407039513490017,0.35611400024974477,240.29999376320526,142.31911684786135,304054.1906466028,4.231489766254946,84.89202634529587,3.317563970113167,90.89344767343238,4.690980313914629,26.311054083164414,0.7783546891452908,0.9740718301897782,822.4578866122986,94.57450787800516,0.20587497016625586,252970.8315117007,2.5558439645122006,80.03739200481324,3939.6150260819795,260.4389003250533,348.9950100812435,56.84203226473909,0.2244587331118769,0.1928596526944655,36.99717573873477,57.723574536748,2.892880619754711,22.40775509633375,0.0,0.5956040725978518,0.12880934339074293,30.998197776372084,58.96228878232912,0.44092388370727964,11.230562300117056,1.6033010066721712e-07,0.0001132097967789073,0.2040117239915979,36.5062394590554,61.06149379166357,0.27809225742796523,19.891643234975877,0.00011668677031381232,0.00014063033626880034,0.09796931208925172,85.4969462864158,62.120715162495785,2.9256691392933574,6.459326741584525,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9756459369266643,0.2370885471586375,0.4001447105428376,241.33054099439562,235.52759472480943,329021.3980455452,3.962641568175904,49.58958354406849,4.32785942758117,92.60488572826314,4.9687901859958785,24.264258478902132,0.7750288013181993,0.9983762631197708,997.4472685636285,66.34493930102374,0.09036788759763233,258106.863940824,2.983024379843464,85.8393067263943,757.3893777606517,206.51404001443,347.0368027756215,58.129421652824796,0.1552965295477491,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.12907626232499805,30.07287646956963,53.796272947258245,0.47866832610634114,10.912613035321566,1.6033010066721712e-07,0.0001132097967789073,0.2028271517615519,35.47542293876652,59.45938232062679,0.2759235150345311,12.986865212921565,0.0,0.00014063033626880034,0.14042749933793364,103.69204297179863,70.70190103745685,2.921025466938619,6.644217438940803,1.9907974977412392e-07,0.0,0.20257999639730695,50.102254554243956,93.96373744776243,5.088057412795495,10.91138393116723,6.330844313664027e-05,0.0,2698666337285.8823 +0.9419258854537482,0.2084813642238963,0.3724379369189263,116.24747181993227,234.02414962148322,240353.75173197372,3.0505850994773187,38.94432637190041,2.161295413753081,55.10291690988828,3.014938815632983,8.751046639393238,0.4493304433551953,0.9281005210959801,883.7810032905089,52.12142550239253,0.08812606935339443,171787.7571467386,2.7393089130929495,82.22632266983477,4085.500983338612,292.32611105661556,349.58758341480745,26.837089941454465,0.2654015681319154,0.19787348983215566,22.652066642129398,40.662712725450646,2.586172336779751,13.380166698626686,0.0,1.141411221033105,0.11913496958295254,18.117454335366645,37.07520654285848,0.3174805936087037,18.313771838043643,1.6033010066721712e-07,0.0001132097967789073,0.20616590537015617,22.192881741337207,46.40817654607178,0.25900371008173917,10.72090197650427,0.0,0.00014063033626880034,0.20422906000336094,63.10968068703437,47.605776358774584,3.985886583370053,7.631065776470897,1.9907974977412392e-07,0.0,0.19109200077906413,27.727427916429093,61.187482813337034,4.369345503759325,14.378158987643326,0.0,0.0,134.963422137854 +0.9036496655278915,0.16260796353983695,0.44076581442595153,213.31414614331325,99.88842788654702,129571.53767286454,5.899035041095923,16.485951233732813,3.4215102602664365,15.51267269450912,3.2415855994919722,14.919474707035526,0.37735438273394173,0.575316871407152,361.1366553347434,57.22188923303486,0.08191124807918439,52171.182623626824,2.268292763566941,50.80573561622339,733.6488094743218,118.89852400338019,223.70501344973485,16.953932031204975,0.2172142202939312,0.20181767568646453,2.54424993021919,23.64002740072691,3.0845352866919757,3.6285094504367272,2.029042850841766e-05,2.395508908108236,0.14225998354916528,3.3938669300081483,12.275714526896005,1.2442706560883154,10.358341350435987,1.6033010066721712e-07,0.0001132097967789073,0.2128697364725113,5.753708337407521,24.036632354732756,0.4211468168865379,2.7326943420974508,0.0,0.00014063033626880034,0.32270476058578973,6.208720961329996,15.07774037841475,16.450886736282637,57.26290585266855,1.9907974977412392e-07,0.0,0.19812314803230488,8.436172175440934,31.669388355486642,7.756213077771367,55.39460634028364,0.0004566912253088878,0.0,97.4779790786642 +0.8745630190682487,0.20352214588988296,0.3674079860194993,239.44701652087124,195.4355322317326,228556.35156652884,6.1607800233809,30.945228179734794,2.5606583282870066,37.09698324340505,3.7696581901769495,25.126148854874536,0.4270446576266098,0.9548101644612665,7.4213816036309765,42.062469712990904,0.058801815874335334,201296.01610520907,2.776616770235052,56.72619949255625,4043.1179658289875,215.44201357365046,230.32724782057136,40.42834837729816,0.29762784530175085,0.19989002604563869,10.61325544002052,28.579558439444387,3.704289774580147,4.882835816784564,0.0,4.0609083732552,0.1316649168122528,1.6327670870335949,14.320892823163796,1.052556305143806,6.957625037092249,1.6033010066721712e-07,0.0001132097967789073,0.20497589998277674,2.1821839254367417,24.03405099811337,0.38116972396661164,3.084757623651512,0.0,0.00014063033626880034,0.3510028511141666,11.323515758351093,15.327640102859718,14.166474604079614,54.05921824017036,1.9907974977412392e-07,0.0,0.1847348662185427,2.9767916838654047,30.037470860480592,9.884360790742774,18.005278015296476,1.4905096643165684e-05,0.0,81.56176124218155 +0.9001781851988903,0.23067038169272958,0.43984231145993785,180.61699357461697,182.97748962472966,309914.19903814833,6.650939273606634,83.05041714511779,4.671907927546772,43.66482603462622,3.0914026997353714,21.060185560973746,0.4643253123905891,0.9368080500363374,946.5175156292048,51.52711045643687,0.29863439574340167,200690.37555333975,2.995155401741826,92.28078570522719,477.7174487348127,211.3099748868722,332.00015970671586,52.28235769959427,0.1615784973239854,0.19351265775702323,19.61109182526114,41.90614695669342,3.237443772353591,7.496961255340286,0.0,0.7000675824912044,0.1283872697200306,17.297366971532558,38.746849355537826,0.7528970783772309,12.183411452105833,1.6033010066721712e-07,0.0001132097967789073,0.20654582200318025,22.016746301578646,46.52943235701267,0.33176342461887626,5.7945956415076,0.0,0.00014063033626880034,0.17000643566040605,104.57176064681715,74.1583043586916,3.827355819998201,6.434402249384461,1.9907974977412392e-07,0.0,0.2045447261749181,10.130764103235853,49.694237096555426,5.357161182660545,6.8960345511145436,0.00013601816787546463,0.0,161.18361158797805 +0.9437809794671215,0.1701390899656666,0.44615619416828756,180.15284231958043,217.75946654723788,300243.45916921034,5.176118514618656,60.68200234844746,2.748012192887518,70.87242797276367,2.6405068635153595,25.62870590232355,0.7812509006455544,0.9404240768660125,188.9667633923769,18.400773487023628,0.09244225131463386,66447.12953746808,2.88499739284769,66.59982156250231,1453.7803599024421,61.722422354565595,223.0851794062274,10.381873255194389,0.22055336817501164,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11723067958792223,2.407109896422043,17.00628046914585,0.6310122661192279,21.078483219853858,1.6033010066721712e-07,0.0001132097967789073,0.20269111098820575,4.822980567568556,23.228328652515394,0.30775066981904714,3.7500989227713495,2.736222894771342e-05,0.00014063033626880034,0.3544169178176673,7.039512050405024,13.81363407913651,18.985511408208104,59.97097481578339,1.9907974977412392e-07,0.0,0.13232073713125198,5.180253858695199,33.85314504343335,7.896972434368729,51.109661980456785,0.0,0.0,2698666337285.8823 +0.8819301993407059,0.1432455044375296,0.3472061513847639,122.76784817941919,244.82875036835668,292638.0206669709,4.090152047285183,97.660854101332,4.583200048602046,87.53268539266908,4.844078605898227,23.692821081480332,0.44646379402685765,0.9357832793390619,882.4846333126322,87.39975369267009,0.11033432310119379,123500.35822403638,2.731042163963964,98.5366458386003,1323.9510898837864,277.8686449435937,347.0859004740654,59.13435105332323,0.29866945293421865,0.18743558330199728,32.88548879483161,55.6811514585521,2.7893537108084008,30.547777902750042,2.4696720575570002e-05,1.1041521524882076,0.09492484016949107,23.05298642635062,41.91219467237339,0.39670057020522775,16.82363302820916,1.6033010066721712e-07,0.0001132097967789073,0.18951466703676764,31.701488364549814,59.05040757550246,0.26942865683767836,25.628364737158606,0.0,0.00014063033626880034,0.2428156659621202,65.3712906070884,49.06580776351126,3.3289286999308625,13.272362130523423,1.9907974977412392e-07,0.0,0.1504007313375649,41.74436260154478,83.78836030748599,4.97641572237382,30.400367712908086,0.0,0.0,171.53537136170658 +0.9661859093173948,0.15004255343078904,0.3418534587579728,215.3003261840603,45.8520838275158,302672.2095852697,6.085210648814592,70.87365971747069,4.234101431620253,72.35055381227659,0.502937914435237,21.833754292289598,0.4341262900362498,0.9791781722768944,614.694010039549,8.280190870850731,0.23972617932815177,255922.8572447027,2.938607524485853,97.2917912854183,1555.0383037483705,178.9442470230398,338.2751988357346,25.140457638640186,0.17520543036275804,0.1921449465407732,14.305465906939423,36.32558421992249,3.9334936764713824,5.38359334091614,0.0,0.6652548427029848,0.12865865088831896,10.128530639880367,28.423926581248896,0.36134720106621504,8.806285318584726,1.6033010066721712e-07,0.0001132097967789073,0.2006618068101341,16.06712175272461,43.0471135271774,0.28830328657613186,3.9558129279127603,0.0,0.00014063033626880034,0.1532349766487477,98.11189230692435,68.09038652669446,3.7187448438404,7.302521974454718,1.9907974977412392e-07,0.0,0.19378258295515918,15.885035129270284,39.81516800377404,6.319767644901299,5.641320508824179,0.00015048593760712107,0.0,144.64825985668492 +0.8830635939318977,0.14788814769723294,0.37040295710370447,96.8507257352421,204.42417636140928,122212.21606535332,4.978511655967243,74.22682976509678,2.602532319137482,49.05444244073832,3.0542124762657528,27.661729269929555,0.33872329185148914,0.9564053927030667,875.0212591101099,53.12262859864265,0.24736061119195796,136543.41210348537,2.196578233076126,62.70196140981549,2160.328317469971,254.83143986009486,343.6752732614689,36.49018005514294,0.325321285432036,0.19020168923450745,13.083557492113465,32.39928932614889,2.8752584378527257,17.90572926663429,0.0,0.8255547925032655,0.12271248957923946,14.649266206900352,34.31906660607195,1.1057838317656443,11.065684494835997,1.6033010066721712e-07,0.0001132097967789073,0.20181266789545335,16.04213772162071,35.54087737657313,0.39889453593091423,15.683672162371945,0.0,0.00014063033626880034,0.1986353633764692,46.422497508748684,38.40818927507138,4.34076283601678,7.958268190974719,1.9907974977412392e-07,0.0,0.17916865829316717,27.166435305212048,50.254621638760014,4.903729403542065,10.623649354074674,0.0,0.0,109.298660849994 +0.9707578223128073,0.20841158061338155,0.4043046594883548,235.4138983249116,172.31456450738904,203620.9220034342,3.115683784709394,72.35853250764877,1.3789976073733885,33.79701406899665,0.7714618342109671,28.309026441546468,0.34901667499397526,0.5718141878196458,840.8843795115747,40.027710371633695,0.12128120560445146,234501.72502593126,2.8248500945177595,90.51174785244466,3638.494563099818,179.15377033209808,339.50280263703115,57.880002344232345,0.16155927847803103,0.19923403880557633,23.699728528244442,35.71517815632938,2.6480725052828578,11.75594798186802,0.0,0.841794717926431,0.13546117052079604,20.655012840940095,40.81345322598303,0.551734032566521,9.733018335489755,2.377583759196993e-06,0.0001132097967789073,0.21071316165323192,23.82512937370258,38.055425510833004,0.296465382536691,8.824319743193577,0.0,0.00014063033626880034,0.09973119589014927,83.78566855459913,57.20412945604557,3.868517672408003,5.043440956014838,1.9907974977412392e-07,0.0,0.213972828369305,32.86676558332159,62.411517043774026,4.779362239320163,10.459871297856626,0.00023539107770599146,0.0,147.32606735567904 +0.8466885528346823,0.18206308508299468,0.33496855019778904,241.54861652597583,133.89080212917244,236619.24884668953,3.594342863495844,72.59511874014092,3.2963683769468193,47.08375192389789,4.754888204222657,5.486466022544981,0.30074297020804264,0.70290927531263,902.9492163817412,55.6499567860443,0.05760651402157907,212529.43005007418,2.9557466567781567,99.8037732287677,3981.9434663624484,220.53378674167482,348.4625731652014,57.771176915048585,0.21057158401312237,0.18646633521972752,32.74065059869193,66.36363529239037,2.420105500487361,25.09754605939214,0.0,2.8801895545306397,0.1363040950185762,29.839262736852078,50.62081187160414,0.48136173092476725,16.37776238047445,1.6033010066721712e-07,0.0001132097967789073,0.21268204794410445,37.983734568046756,59.46784964629876,0.2877811300222123,17.357721764200818,0.0,0.00014063033626880034,0.11698376175976012,92.38200609404643,64.95722571118048,3.6001528132982386,4.672321313865146,1.9907974977412392e-07,0.0,0.2089076669165472,24.950194287696625,80.338432087638,3.8952109479120787,16.51209801776581,5.9825993115589206e-05,0.0,187.81750931625317 +0.8985311398836672,0.1835654510458224,0.3307998540431799,118.86978308748928,39.25075929047148,258142.5538004103,2.4001543469692286,83.52975049208062,0.39843650327220925,91.19617981448893,2.6558164849799226,12.171452010457898,0.3260071898079345,0.927655044872146,657.9786122772659,91.23144043285862,0.07162692283245141,81728.83846755691,2.9717961244519095,26.491807375381967,1226.2200270770225,67.6406421272351,349.8231235727952,43.87248781173332,0.1642988984393877,0.19843312853267928,26.62283167924741,41.73718410115769,2.5555702084557095,26.0791996785831,3.58202793284459e-05,1.3317609531369843,0.13827714309696704,21.985204943829597,45.757087314514564,0.316996012567278,7.698710885419626,1.6033010066721712e-07,0.0001132097967789073,0.21082866134039627,25.744297250570607,46.86361607309776,0.23861583418031487,17.668174495723758,0.0,0.00014063033626880034,0.14284310577966602,69.25688542938249,58.344853520778365,4.08860900414815,19.770847582816184,1.9907974977412392e-07,0.0,0.21400987566023755,34.22490138786282,62.22281754891144,4.028423686649492,12.143642943179161,0.0,0.0,150.87062681670724 +0.9191976887731106,0.11464922928999051,0.35740451670286605,140.23938293692527,32.323834910313806,273294.6345832023,3.896593514077938,24.09893491075252,3.621196020461734,27.93723209599619,3.0506770746262006,29.385208143945327,0.38011932154121886,0.6865821940460078,463.0658417084666,42.12582041332014,0.05530425951787356,67416.58607502098,1.2633494794714732,80.76201898604846,1992.827677748067,34.59791482569854,332.1022872323567,48.363453938251986,0.2854284073439211,0.1990160534617742,13.541826970107271,28.102268660609273,2.9993860577985525,59.99001663578623,0.0,2.874723804212938,0.12945755566875095,6.8232078632938045,21.48623777413949,0.19688847913862265,6.4516679713409895,1.6033010066721712e-07,0.0001132097967789073,0.20721004860180997,5.866088161961016,26.032028323907763,0.2511439851187767,39.44947881569598,0.0,0.00014063033626880034,0.1142289816558809,24.131399626118338,29.15087623815324,3.910725584354468,16.64730376689101,1.9907974977412392e-07,0.0,0.18637937980830338,4.544872702344585,32.03811782628314,3.6905195600424188,12.930237163814981,0.0002645911746096169,0.0,101.78428063632391 +0.9206375415924105,0.1988690545969027,0.3321058006567205,212.29024979078807,222.3595817722618,338097.67611306405,5.336772277562291,91.75211766796778,3.5464908310192325,82.07653451634988,1.3587681588281786,29.099470012479642,0.41005980285143206,0.941132799439963,760.0317966792833,22.630166954681126,0.27384203147196745,280685.7886273982,2.862755293435261,97.94054901092463,3922.1912882845168,286.9996688462481,331.23739636483026,23.81256100131936,0.15189167244150847,0.18802336173185213,14.634904049809741,37.366837897426855,3.4506246434896957,6.016413618090115,0.0,0.6529873190285835,0.12764600026918504,6.850440525784198,22.598090509957817,0.6184909436261867,7.047352185821023,1.6033010066721712e-07,0.0001132097967789073,0.20134040688998167,14.23524258783375,38.35022584545102,0.30275371347864954,4.533802603349368,0.0,0.00014063033626880034,0.21243627343041357,108.34602356007937,70.88922003550313,3.744404900806524,7.887001050388296,1.9907974977412392e-07,0.0,0.1969137997368615,15.572891787170267,42.28159258305947,6.270790409082022,8.26054717939045,0.0,0.0,151.45633563219374 +0.9781996578149544,0.2348601049747132,0.3433734020670631,149.04003502094247,237.70798770825388,348829.66165423725,2.834921830796555,97.08677595903445,4.300358424092612,72.35055381227659,3.7586140417002207,28.154899943174712,0.4983430913429511,0.9319310945020769,614.694010039549,1.0184804382139983,0.3462864988644482,291350.6064772845,2.811199073664241,94.24612639517828,4851.0685353882245,143.1820450131384,340.619228836987,54.81244435269727,0.1812973540347197,0.18987704916008596,27.922111794255525,52.20546858294219,4.949597196700114,11.972080983112448,1.0387666556319706e-05,1.2789393021184008,0.12779668265057062,25.814983830274894,50.3878200293231,0.2220165472735145,7.331749176644705,1.6033010066721712e-07,0.0001132097967789073,0.2030015006004015,30.246211367555052,52.749878182453706,0.24130449847859303,11.07600481120831,0.0,0.00014063033626880034,0.09545749014609106,94.20795128131788,65.017120015015,3.599357142337991,6.050470511850952,1.9907974977412392e-07,0.0,0.21277682549848678,44.59445423260801,86.90594945375628,7.38679468359995,9.527765648137866,0.0004380295531300642,0.0,183.28261475842027 +0.9849328285770105,0.21906626886799035,0.4407351904542877,225.74058616086688,155.8696088958754,303600.6476038389,6.8833618743674805,82.91028218961391,4.204978145035169,99.10675362778822,3.00061268135672,27.699376389953887,0.6740023902464006,0.8027835021331537,926.0403902923579,83.93111984076,0.16751040944308612,290649.6923951068,2.703619865040934,96.04739880267196,4670.5137322685105,278.87348476415144,343.0675344785172,33.46405183677011,0.31255109813150356,0.19605212011716988,17.992787478145484,34.08503663992199,3.1517270972716394,7.352797411726594,4.3756541108008355e-05,1.0366522808891847,0.1312688176123907,10.422957206673344,27.926456565600574,0.8075041994183949,9.768913060370334,6.356485268555738e-05,0.0001132097967789073,0.20163109152134195,16.677498192205736,36.669180302100145,0.3419122118596872,7.130488157795846,0.0,0.00014063033626880034,0.34777072984811513,42.687853776097306,25.81391427455493,7.4730850268316855,45.033823029494584,1.9907974977412392e-07,0.0,0.2145872241407846,17.95047902696517,44.999196775275195,6.399340477671597,12.416062286594116,0.0001239563841265951,0.0,106.41411161230772 +0.9783772439152401,0.2073476309818245,0.3210416445040541,125.46704713853109,130.14449455673886,293917.4841051117,3.8544788718437144,50.05382874275118,4.425137126363943,93.37337736264803,4.500094253590472,24.08162235987617,0.44646379402685765,0.9071231201750755,919.6806792427589,87.02963150348515,0.23386107030063985,125781.49743732414,2.2518192020294805,86.48257947223189,1326.5661989171128,235.25670820019988,344.69574313112633,47.961370127304576,0.2575534060225417,0.1917725853805727,19.861358114992083,40.37559504418285,2.7626480802100177,27.48768776867777,0.0,0.7148682212041031,0.11586966906577639,21.294948676751396,42.84968572351245,0.272834154802792,14.367814721309657,1.6033010066721712e-07,0.0001132097967789073,0.20398002968245596,22.583498318180304,44.435053628626314,0.25670803809845966,23.830823760784526,0.0,0.00014063033626880034,0.0993694942736552,56.32048053685384,48.34608826718408,3.5201005655479745,8.45349764868892,1.9907974977412392e-07,0.0,0.1829655078598578,41.67956548648531,79.199632439613,4.382248978706806,17.30160456435424,0.0,0.0,149.19304979525356 +0.8225001946042398,0.20243236339868825,0.44782814452286795,161.78184129638288,221.45731565466514,317237.25097936863,3.70671810933192,74.39257230043125,4.364341579380297,60.8020833925338,4.274562927951402,29.248675161837937,0.3788955949879909,0.985702524876349,971.6142503612026,70.7419457875993,0.2714756505167428,284360.0528956274,2.8303776149628836,83.86320629827671,907.6179390137656,248.05684476483287,349.8664897860671,49.60412450174423,0.20257183368280512,0.1925674225001402,30.920460310370316,50.881955635291135,2.8585249999304607,13.40851681678922,0.0,0.823905976600964,0.12644616062319708,29.392676970892616,54.272169502743196,0.347764773844993,12.234820811083964,1.6033010066721712e-07,0.0001132097967789073,0.20486820188454075,34.562791670543874,55.124201090080845,0.2600660936944908,12.296474370653211,0.0,0.00014063033626880034,0.20947438812397537,93.14892699733086,58.31920753769667,3.0629551254039407,6.73552616372818,1.9907974977412392e-07,0.0,0.19342629047617121,53.21659984539223,88.55949478804203,4.558930554237304,12.04706109373338,0.0,0.0,187.21889673028554 +0.8080782546860883,0.15716794095575592,0.3515341594020133,60.73380265953277,65.4707797045868,116052.16341591095,2.385802588306306,74.90081062478426,2.825371163896736,35.00218941983427,0.4095767964540008,20.24661876045754,0.3290943605653264,0.9142938295728501,342.97343434448794,35.938227310124226,0.27213816810859,70392.55638750708,1.3682957039159636,91.76468487311516,4124.461626004692,261.6255533372604,304.2137350232864,33.677182773427646,0.24639367642597756,0.19428458068914903,2.5438636985659526,22.686656607740826,2.623802119582253,24.71501131224979,0.0,1.3355339077924815,0.13109919860646593,4.494277194415199,18.20678514250662,0.28320619610851056,9.675177069135307,1.6033010066721712e-07,0.0001132097967789073,0.20728675624780202,4.322816980449794,24.868626356621338,0.2702408205138809,24.368568850017212,0.0,0.00014063033626880034,0.11187582106521365,14.306472293156478,23.605947663952847,4.846646569039468,10.820686812635941,1.9907974977412392e-07,0.0,0.18788007836416556,1.2776482674233418,29.285132309344842,3.1106879139613013,11.465568755377788,0.0,0.0,68.70292276943475 +0.8966245295129123,0.1764326377860112,0.35347339297654146,219.48288370936348,216.62925999442223,287054.0700873982,6.343487126266393,87.71846617437242,2.876545625590984,5.297281705989942,3.124958371863244,20.746069123723803,0.4959218220398854,0.8883697606222762,649.2851012082753,97.64584119847487,0.2624221042316775,180741.2647034136,2.30846097940809,93.51277031083079,3184.106439646306,252.08487088196605,312.8866890285819,56.67427909585585,0.30030806501814966,0.1951268406449301,13.594450119300435,30.982439274221875,3.1017350259333445,11.84389638606615,0.0,0.7077692720715555,0.1257823945783112,10.226831496365238,28.439297722477658,0.8861932721539914,12.667332109749953,1.6033010066721712e-07,0.0001132097967789073,0.20539142813569217,14.620547922228036,33.76190795460798,0.3510601003341008,9.55436601260134,0.0,0.00014063033626880034,0.33739661270402405,59.75158182447414,37.262302424683256,5.33828954012024,21.8702988054628,1.9907974977412392e-07,0.0,0.20085263569651976,16.402643943684925,39.79087161827875,6.875920351449455,9.40451248881133,0.0,0.0,106.15392684271566 +0.9693579342942213,0.19885791848904139,0.3248600953633885,117.6565147986126,239.97815347417134,322849.9233354181,2.0653459007561135,48.16154049009129,1.922808268601813,43.30916117442077,0.8679960698601229,17.396743230919505,0.40322030293382916,0.92771301858788,519.6372908381302,11.288000810419103,0.31731806315954403,80192.51563359809,2.7930777597564393,46.68436499155107,2582.1718183112116,193.3177869326568,328.40421530090026,35.681135293704074,0.21038873043918105,0.19152500745549988,10.45735767784474,33.62852316510971,3.1086201045152895,9.45122648727493,0.0,1.241008174346802,0.13145131712656663,9.843188030838617,27.77078231452335,0.2964606742795291,10.330152682981812,1.6033010066721712e-07,0.0001132097967789073,0.20541956793440908,14.703741009700048,38.68284338773368,0.2352793299763227,6.079816881209519,0.0,0.00014063033626880034,0.1118929246060585,41.60246375473477,43.276291749131964,3.6778266076231323,10.750341885536308,1.9907974977412392e-07,0.0,0.19173498286421495,13.120782265970654,38.04381924154241,4.797874382476454,6.466622303706227,1.81338306493759e-05,0.0,97.3777067861429 +0.9332088595898537,0.20438930244691397,0.34680690507649126,171.41299021577822,241.1795863718316,345256.3063453778,6.190697120933147,78.84087744740526,2.6718975753907244,38.578858387938325,3.2132547323564418,24.59027802096726,0.4080155283953091,0.8494323026971695,938.2655057408041,92.2546384077864,0.26830431730161486,155452.04801983671,2.6972532218254535,98.73607443679637,2570.3484510413737,274.1180332082569,349.25093566200525,58.86946106590574,0.3470961760738776,0.1895392136566803,28.351093912375095,51.89152564686623,3.1646736028688225,24.31388506988768,0.0,0.6283852546729068,0.09518165322419958,18.64125309139772,36.07041724764156,0.6665481768673209,17.226903299523116,1.6033010066721712e-07,0.0001132097967789073,0.19247891961760608,30.429486307201653,54.796517318146826,0.31267491109781037,22.386744026901713,0.0,0.00014063033626880034,0.3431965998715704,55.656470632361575,33.04829095139325,5.852076266882019,29.57740904198556,1.9907974977412392e-07,0.0,0.15774561787325847,34.782252108957984,75.01056053500152,6.392444088097005,26.41560501372995,0.0,0.0,152.14437708970513 +0.8864716036925048,0.11472425754646624,0.32841223263663794,165.13136040620978,186.04741938671407,316839.34048594016,4.637215800367577,82.35524007914685,1.5338496873864362,90.89510879097958,2.8925460330140664,29.087586578400924,0.343755345237863,0.8315208061577661,960.6737712592236,66.08673610423554,0.15294758824777377,174440.95979646422,2.833539324012591,84.67145691933803,1766.6928138093938,293.2279268796487,348.4920975128772,48.173271647968924,0.27663837215335035,0.19137945633013015,32.7542440653415,54.223384694423984,2.9768542039111137,22.07193907838535,0.0,0.7923434125980328,0.09553498010820538,25.08833830911737,48.93773345733922,0.4593270560354435,18.10745567243166,1.6033010066721712e-07,0.0001132097967789073,0.19473159910383847,32.84693966964708,55.95370630894114,0.2797515609844352,18.751007297675955,0.0,0.00014063033626880034,0.2701976790443566,72.02533752083508,50.47993056234046,3.1511730764858408,12.416251739079174,1.9907974977412392e-07,0.0,0.14629786939984185,53.63820023046043,88.95097914404742,4.924160787706231,24.29468579755401,0.0,0.0,178.12205591400885 +0.8662505762399358,0.15474619422126745,0.4408281550570814,231.5456231213113,75.91377363613063,317686.44068881305,6.402835909686242,43.6833297665848,3.567170738548932,90.68792627368474,3.071463132594232,18.09149616791719,0.38914143080405283,0.7864906426608492,635.3017376566885,55.47430790082425,0.0974382695139066,286186.85951446486,2.422331950493901,45.05546237332705,2011.901531585911,216.73413681118322,330.0547068248924,50.14580264230489,0.26461232233923127,0.20094557569931062,18.99476160121277,30.397850136926877,3.2971327547932052,8.898072207498652,2.549658156166453e-05,2.2904512722330534,0.1376217015855571,7.8216264239376,22.706735785167343,0.4976200467991009,3.9504809197043853,1.6033010066721712e-07,0.0001132097967789073,0.20954544686896748,12.627130199037328,28.737469848675932,0.3016657897828854,4.752825326431813,0.0,0.00014063033626880034,0.34336982231108243,59.13143513773799,32.88237567094082,3.277030632571406,15.758364446516241,1.9907974977412392e-07,0.0,0.20935892125430686,5.617608326043972,26.95358321178232,5.020318577835965,4.296781292153444,1.1073320147214698e-05,0.0,92.84149961390759 +0.9810842280134661,0.22205082576264185,0.40958140553887623,56.518729755106634,89.68666674932493,326280.3423363292,2.674813944218713,45.23730676620729,1.6659890614221708,33.55355387175397,3.820423144873171,18.63089750723704,0.39647488792103225,0.8488586615372581,892.2291886363422,96.53822920308528,0.1343179722548937,279746.4253072064,2.841802927102682,83.42623936180229,3281.0443079502197,175.78928272458893,349.4660077250105,32.967172026848104,0.20919509256057586,0.1956104571496565,22.425399950172643,39.12486885073902,2.705798414816367,8.751107679062462,0.0,0.8110634881401829,0.1344546516092865,19.92296929601726,41.26616635822013,0.35724964996506015,8.277225527707591,1.6033010066721712e-07,0.0001132097967789073,0.2076317370226482,24.024995440456504,43.56481363772688,0.23556488939984543,7.059931300188622,0.0,0.00014063033626880034,0.25698730310746737,73.30201811771285,47.49020251411008,3.643153645754996,7.09524748909325,1.9907974977412392e-07,0.0,0.2009027437359487,29.220815014628677,59.204646011864995,4.012895987955318,8.652986104584508,0.0003238509946440414,0.0,137.67359069540208 +0.8922543294978448,0.18292369179069126,0.3515617288523097,14.92909470432177,119.71225275126857,220024.55617609623,2.5831746176848567,69.78483001106844,0.8004777097977491,52.84924432109527,2.6187443777003994,28.53903303425094,0.7983834129755348,0.732639494501746,713.2541685220618,15.154408155832973,0.23468545577614458,55472.25036645841,0.5531945588216438,94.07772546227396,1054.7241791111885,287.24095043974637,332.0596656505277,39.907635509144754,0.3394144059234227,0.19484129655554655,2.429104430112988,24.52821085998366,2.4350433802727047,63.38037478827732,0.0,1.3465043674890664,0.134949941282707,6.423216205567347,21.717340122628205,0.4295905101558486,7.591538152790898,1.6033010066721712e-07,0.0001132097967789073,0.20801984977328597,4.126134965608501,26.603614589366792,0.23872689007201214,63.99938670529365,4.054485915282867e-05,0.00014063033626880034,0.1457517260819573,15.659191937460813,22.95946832445724,4.360471350862197,21.34285226776456,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8640919957304505,0.16055965159186036,0.4392195069767484,127.04213852332022,46.292957375487745,207952.68204262553,6.650939273606634,42.802973952311945,4.671918265098346,43.877154621336,3.103379700529378,21.98407223799665,0.45216704379558953,0.8363088368935504,946.5175156292048,53.99020785476083,0.21405171689757857,65054.490788443145,2.994475456931732,89.33656252647839,409.9350470140212,119.42695098739438,348.749276967342,39.25027560216438,0.16306788767930505,0.19472286325404922,18.29803349991859,37.31195213820303,2.8802156258778373,14.471628749454528,1.8470392111639122e-05,0.6567941971208544,0.11283697282981343,31.673455679494584,55.19322305470131,0.619152503399125,16.117900523701,1.6033010066721712e-07,0.0001132097967789073,0.20453521080699683,23.29929264244429,43.34449265492972,0.3355913631366002,11.348984445751938,0.0,0.00014063033626880034,0.13624991514305673,92.97142392533917,68.38584383201368,4.246041040490469,13.341632770228891,1.9907974977412392e-07,0.0,0.19267907801308312,41.733680318686716,76.97300204177701,4.658566784034969,14.742365441582146,0.0,0.0,173.86030872740125 +0.9236353198841775,0.12957178418746407,0.32556055908377873,114.20171238574048,240.32536792048847,348613.83657253906,2.7685400121787023,47.02490933649345,0.9108552768064293,98.63100476594347,3.8539105340903532,7.8982352259827575,0.3957733466402711,0.27551395061679934,973.6675294126704,86.71965607459144,0.18335559350833713,55650.76225414234,1.0142111762582782,80.55475132539573,181.60183950534474,270.7281666785957,345.62309243942394,39.04891435755938,0.181400053611519,0.20148926681028834,5.11895562581314,25.556609997808845,2.8285111480563936,62.01147209313996,0.0,0.6797001102298209,0.14616487234869988,10.519442780233046,27.396528618584473,0.2435377645391287,11.497730203591685,1.6033010066721712e-07,0.0001132097967789073,0.21527394939461442,5.089505422953347,26.319581556672617,0.2387075208229576,55.54944183038654,0.0,0.00014063033626880034,0.1521088939283404,38.43623491754283,33.437676320174376,3.509824479845405,16.106965125812724,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9385163444356597,0.24515111706786827,0.3284182783789097,196.9830846184443,143.2841082808652,308394.2599162751,3.291040475440974,78.37216655442509,4.499924423689261,73.04906420947044,1.865670857392806,18.451866192871,0.31965477631627975,0.9909338789631024,457.45117360017747,49.857778240004855,0.3113482100957237,192780.42030467308,1.878082628599719,97.6528030435777,3052.3055734926543,30.038808568717148,339.8492351628857,58.12511439160585,0.16322965424463626,0.19346889325703298,23.25014015663118,43.41569982710512,3.0171234834999257,27.82695859035924,0.0,1.0118683567698894,0.1309719102941568,21.205720868308703,43.118827132615486,0.2596781217431273,4.913669058014526,1.6033010066721712e-07,0.0001132097967789073,0.2052540384317745,24.60375957143596,43.72462651236608,0.2518743756389982,26.03625836862756,0.0,0.00014063033626880034,0.1187646912333419,77.3221666865375,58.48178043795909,3.212151538594235,17.46553316884583,1.9907974977412392e-07,0.0,0.201630255735792,30.87892556266817,54.792112195501524,4.812894726602631,12.74562778997547,0.0,0.0,150.3125844399489 +0.9295682132540765,0.13626596453803066,0.38319772700399746,139.5223844578254,201.56146849728657,260413.3413747838,3.4772903975027956,42.71146848009674,3.988794756435257,15.278475932604328,3.862387674934096,29.423319716933058,0.3159526980601023,0.8559873225715526,126.85511680754887,86.05077395232709,0.14536025040972672,235770.08432442334,0.9140882000580659,65.38340449462919,2787.297472292951,264.11827829768606,343.45082598141386,55.619788320780785,0.1829515324091684,0.1901882643014529,20.480400111835767,36.09755981547021,3.034350394474774,27.094460272726607,0.0,0.7124837875095413,0.11877274489997777,17.914475644339227,38.12824049611823,0.3741255719086825,4.1545188661826815,1.6033010066721712e-07,0.0001132097967789073,0.20328593392191163,17.863043117196085,33.38020188588757,0.26689923556091116,24.964647517909995,0.0,0.00014063033626880034,0.1091732276691369,54.019912004127896,44.17239763824872,3.025071427927969,14.299398482611613,1.9907974977412392e-07,0.0,0.1915682621363607,26.169336539448498,47.901218972865706,4.706134060134641,12.261888112487078,0.00010046657115529894,0.0,120.62340463369195 +0.9887649058169228,0.25925786382877675,0.4229159932062125,231.50888265566306,119.50657865971148,251455.70775617857,2.9920815024186327,80.11306284380892,0.7370981029963182,83.59395801990559,1.6055070327219312,28.42310172023014,0.44293972099011386,0.9317966557507181,785.2729484905167,45.326689100777564,0.21320736090063352,54748.290968504574,0.8257383911152913,91.33954111758757,3608.1283098249155,180.77827269259365,346.7257690945547,54.64713598043779,0.24580061138103443,0.18962895850416964,4.566056560331977,27.328120549434516,2.700746895163121,65.55776274525394,0.0,0.7445864985531039,0.12743147388013615,11.800351749575736,30.44206461164895,0.29671101866431543,10.668360352291886,1.6033010066721712e-07,0.0001132097967789073,0.20430200213052085,5.265607159748111,28.266996198746668,0.2588024268304324,63.22437246423519,0.0,0.00014063033626880034,0.11681992866433367,31.55046842475454,38.84683443915347,3.8758445629456677,17.85046872710134,1.9907974977412392e-07,0.0,0.19918715675444723,14.449261057445653,42.57949802403577,4.556261481437803,25.88822538868083,0.0,0.0,128.95124286510122 +0.8392327331281699,0.18875895797127307,0.33008872412995277,47.39992651978041,180.3706784550307,294679.5521347791,5.329684811725011,56.25253758494617,2.384907732031797,95.66893395527158,4.391078998720983,25.905013682158685,0.39333891998050174,0.7511653885492589,250.43807269249618,40.6637999015863,0.08312798290689663,157541.13610841587,2.9371967441249365,94.64567519715928,1134.3064637503005,193.5963109470976,335.9964851307989,53.61940876505414,0.15941173393865293,0.19908318737987632,32.70785729200803,49.13691747840443,3.2091849770176815,20.075092678762665,0.0,1.5470091264370525,0.12983501162298175,31.576917790962636,57.629549064799335,0.25253959573534024,11.449586457953858,1.6033010066721712e-07,0.0001132097967789073,0.20952349669225456,30.069571201381734,50.71929045933279,0.2563328908203288,12.9818453613744,0.0,0.00014063033626880034,0.12621354454656963,102.02868039418402,77.5025238298961,3.564188173563025,13.32797700947503,1.9907974977412392e-07,0.0,0.2189888272347646,48.238104023664555,87.02773826739914,4.8862686342510715,13.414179584265598,6.335146449021586e-05,0.0,196.73875650832835 +0.8956177709285893,0.16167965410879395,0.4367585810840909,235.28889488329,151.419638251228,335375.7135577123,5.44478896075713,47.3342419359584,0.6309402288624826,23.782611487577544,4.451190650260623,28.671945749489886,0.7986823296229901,0.9025582147709235,840.5517272685225,75.14296274926228,0.20520998154554407,72026.25019393605,2.8868016031063526,73.04358192002553,1914.7126621114517,271.25222771180455,333.3157482147756,39.43996895475308,0.3395977692305173,0.18953191203042172,12.48957757872803,34.094409262503966,3.146312616215539,12.281012201124454,0.0,0.6584805670456739,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20354048983023657,12.467307640308736,34.22779030038308,0.2973220242201453,4.615314614640695,3.3817880189449746e-05,0.00014063033626880034,0.33858910168918027,38.37124155991504,27.056471695649318,6.1589212105922435,32.686962200372356,1.9907974977412392e-07,0.0,0.20032448913595852,14.635382078602452,41.541242548914745,5.6379642462289725,11.5771623893971,0.0,0.0,2698666337285.8823 +0.8125130616605496,0.14468746701722407,0.3744149845117333,209.72930281080318,46.107806101155184,128019.57761739404,5.267530111963453,16.53567356164024,1.5202288628530205,92.92482762020757,3.3082570796086754,9.862522708701613,0.31306370442491455,0.8919628552628097,554.0813418605268,70.44849178200424,0.30535721708859387,214496.31345255807,1.9306418498545916,24.654325329272865,2577.2816430237476,281.5198547974535,328.7030485733775,46.60707259202981,0.21168229887737103,0.19821790474186107,12.314784842160583,29.377882650620517,2.9093319625112857,13.229311678976535,0.0,0.8892727939707624,0.14183302697162775,8.414114603615126,23.60444966427837,0.8746547705662909,3.4316505573849443,1.6033010066721712e-07,0.0001132097967789073,0.2116763529819294,13.20955347458272,29.149351152292308,0.3766698992637697,11.776582198143164,0.0,0.00014063033626880034,0.1394066933566803,44.70916625803722,35.34642315359364,4.8543918026203805,12.78572824934721,1.9907974977412392e-07,0.0,0.2232949663360202,5.194895119802336,22.542253210361025,3.580104907068193,3.675978234262479,0.0,0.0,83.66278572196778 +0.9870032409298276,0.24644458463872282,0.37133044596265113,172.3548796567118,242.81946286387645,203474.16874739903,5.982087958507034,94.76736259797703,2.349232485803316,12.817729296970711,2.64550007682576,27.6145642886257,0.423282230253531,0.7866595629655,822.4313608522107,75.58013466060609,0.25739183756370154,90539.71282760963,1.7571130310478573,99.88906232022637,4851.083866048192,296.5882010918342,347.1192471224984,36.972565231476196,0.2319676048335876,0.1938342035362017,10.991716924677865,31.789107710568675,2.8263201226121057,29.35040544846941,0.0,0.7319461990268272,0.11542090328273333,19.088389211821347,44.65774053465862,1.0842706321533293,14.608112122746833,1.6033010066721712e-07,0.0001132097967789073,0.20475882644048865,12.597890603631617,34.40432053786154,0.3876093168875685,25.837265026943168,0.0,0.00014063033626880034,0.1015025403229779,55.41644908992552,51.41785478636945,3.665301815859886,10.097483679001346,1.9907974977412392e-07,0.0,0.18857969059415303,32.3767301952988,63.8854375267283,5.853074124751874,16.449926272817276,0.0,0.0,133.60178964663092 +0.9781506583707764,0.13186341086316516,0.42583028294901837,236.94058788831924,71.91223435115404,242018.53659925936,4.274200519761546,79.93917428700234,4.140661742506873,30.97740982416163,4.161772826969032,26.437836261971583,0.5323320516778085,0.9435629540344985,836.9131148243022,55.71275482161934,0.3438662094162375,276742.30029604177,2.641750708348259,99.14137723099981,4723.975988680351,50.401594504817915,348.9124022681492,58.30004199187562,0.219226753478925,0.18841183628208588,25.06686395630101,50.6319963073102,2.7895708238394175,13.831145842601373,8.448297154945197e-05,0.9824350699015896,0.12512070959946867,18.557437976302207,38.99771273786761,0.40407769291353857,5.426498624997139,1.6033010066721712e-07,0.0001132097967789073,0.20223441994181332,27.855823487716407,51.41641126774911,0.28736782787557935,12.842056402659773,0.0,0.00014063033626880034,0.34904895167908867,69.76155699554702,42.87484829527716,3.739200747680303,13.664935798840519,1.9907974977412392e-07,0.0,0.2149961122844167,30.714305968048812,63.832171506784334,4.556602555601755,8.475661792979816,0.00029684996539045,0.0,144.52616906628367 +0.9789143807797035,0.22166831987224386,0.374767349913173,160.9629498122977,47.20394754775595,270761.3484142133,4.069530786661819,48.147706057671755,4.778354901129974,75.99719504372862,0.45009313425168296,8.01181074987208,0.3388572439317247,0.7195078137608326,376.9930035095514,49.3779390332339,0.3191503473117385,220504.06866364263,2.6559465101485573,92.04413811948771,3732.0244613651093,175.62664000939165,348.30605489747313,58.92430008446626,0.29339058619135205,0.19924864313416213,23.75046747823161,42.0901937220136,3.0484382879335183,17.036344366230686,0.0,0.9965555196457879,0.14182760352579535,14.496156637941027,31.70543823781201,0.2116933789329011,12.929182702364365,1.6033010066721712e-07,0.0001132097967789073,0.2125850840185681,27.118124787292416,45.67752509354761,0.2581968434974646,14.994098048176408,0.0,0.00014063033626880034,0.32076894777167986,57.88333657522752,37.93945425828431,3.6454174798461807,13.239245471758057,1.9907974977412392e-07,0.0,0.2213408094330338,26.74328747386937,51.90247801979449,4.684723645799189,13.340967469084454,5.867019954843807e-05,0.0,125.11274094306866 +0.870107496001714,0.22034994335462676,0.4374753322033164,228.4658659580151,72.27377896757528,258844.92025208785,5.7439410656621,51.010094276604505,2.4642711208056185,71.0639123396377,4.319868678979079,5.976417527112119,0.3170489889282168,0.5847678690712625,377.54152873924556,88.22901260314181,0.2359853430027012,212486.51158873335,2.717606682196485,93.5071253539889,4159.208830422274,289.4427241271165,349.966758227158,37.00622885258859,0.3475180833866973,0.20014149311659385,17.617713457913524,33.85301656010652,3.1078320234091414,11.674207007735081,4.615783579612682e-05,0.7444758595427367,0.14616977192934824,9.071522481638466,22.208601637501644,0.5493092028386881,11.2823769713694,1.6033010066721712e-07,0.0001132097967789073,0.20980794802435962,19.25217675671948,35.39235737357279,0.31313643273177505,11.721393234122853,0.0,0.00014063033626880034,0.31534354806187703,39.81029545957144,24.444580036374006,3.9733785421346983,38.08293493963988,1.9907974977412392e-07,0.0,0.21716523588916004,9.065019311377927,41.49031422637271,4.985693566128693,14.173483926339374,0.0,0.0,98.71618692893199 +0.8670143838771922,0.23665389728124742,0.35987514862074116,157.16960787084034,126.21357359801782,276624.08900331263,6.528219247127191,37.744629858183,1.219302674822541,44.87893894918024,4.37741846814907,22.364565521956273,0.786449467546356,0.9981862058791307,232.1811361722514,75.25617441399258,0.21022481369665785,273605.22180226113,2.8767313280328497,94.59189175231327,3552.098279670547,261.6145794297675,348.7452856959568,32.61686894295114,0.18417083996718508,0.19506917861656606,29.943511694380074,51.096309265931524,3.353874148359237,11.900707150312664,0.0,0.7893123034437917,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20691358746780192,33.936716080131944,59.13520932190908,0.3283159059977685,10.204592618985808,0.0,0.00014063033626880034,0.10341026357949804,108.19169538148678,78.80382311622753,3.7453210570027453,6.804748137337501,1.9907974977412392e-07,0.0,0.19760942454834743,34.880203069144656,87.59918233446226,6.707715111929028,10.212888860441156,0.0001034842068038409,0.0,2698666337285.8823 +0.8668651033778045,0.13047216196174782,0.37705038677808406,169.34278716156672,174.45127955182593,232740.61059072218,5.574074884742778,52.58924313464867,2.215071962231706,31.72193505690842,1.2287121684862996,13.745323957329664,0.3896412719935165,0.6332255682166369,618.8592845427482,6.052618795426959,0.1381786279334006,57328.29333002311,2.7975019179201848,95.55637835997489,4076.861178571904,22.342383619968352,241.57921005857744,13.282892071966646,0.17589449325317064,0.20039723122113598,2.301294854713716,24.45481463850341,3.9657809181356924,3.647323279320254,5.513659389751398e-05,0.917688339843723,0.1169118482982004,1.8362897261390079,19.118200834225455,0.8117266218837774,22.51218613883496,1.6033010066721712e-07,0.0001132097967789073,0.21262331957917846,2.8986942964656364,24.21639042620593,0.3446270369822788,2.850214333663979,0.0,0.00014063033626880034,0.329593534398912,1.2786620119170526,15.279168061498405,16.47298372430376,57.42960927162387,1.9907974977412392e-07,0.0,0.18915996402853094,4.953959991806605,32.1254429268078,7.987384325636951,51.75870645107759,5.153505488252101e-05,0.0,98.57392326061141 +0.828667241043924,0.11891591149163683,0.3753733298734162,163.4786929089983,32.12890407402415,330446.3539991974,4.620657252839781,70.5336923631146,1.1761852494435043,18.96911064160688,0.6112412216339385,21.10635181477363,0.45003879393828206,0.9339158723015053,271.2225999794635,35.83237870392729,0.3102125472833943,55460.51844576515,0.5588322405609359,82.47450695218942,4820.888350287976,280.85087644409884,345.7033345317369,42.744443553177604,0.3483999125657676,0.19345225396178076,5.06104259713152,25.41923443926297,3.493269225792159,73.36205820847958,0.0,0.8805293664846466,0.13321928441711636,12.216433943226107,31.327695485390084,0.19790644567628127,9.072477033072635,1.6033010066721712e-07,0.0001132097967789073,0.20792422123543206,5.864423191457275,27.31735853511631,0.2507181680847547,72.99403110554768,0.0,0.00014063033626880034,0.12691119049268587,25.71760738723493,32.06591713608232,3.6957385378818777,18.04000618400569,1.9907974977412392e-07,0.0,0.20792841517501887,4.99408731523544,28.907941021551682,4.344065688421931,19.502829472262565,0.0,0.0,129.1405237300302 +0.9830350287746676,0.14506346886343155,0.39610095173881094,237.40705516852893,115.0583717312791,280601.69209802145,4.323301706192569,81.82868784041813,2.0322950040890313,18.711368049662834,1.2868949760883415,26.339114816153792,0.5360571875950519,0.9896478731393873,752.9553911746572,94.54597126559048,0.14341073300885498,252195.40003060727,2.948423891636309,80.72614307149638,2244.7529406159138,96.36471168365199,348.0538706487594,58.834766381790416,0.3397859210360666,0.1904768341377418,29.042380442854064,52.2186453680651,2.8381408827154906,14.40999937824501,3.329280981828595e-05,0.8764763280080011,0.12863360157144593,10.59792298786619,28.532113671406314,0.44601410767730615,8.407820165295655,2.385906946184111e-05,0.0001132097967789073,0.19996034595993836,26.781889536313003,53.14520651859044,0.2836941447757847,10.042043897389084,0.0,0.00014063033626880034,0.35798938983905043,43.375283342664105,26.604396556079227,3.8031095034488116,36.5279702530847,1.9907974977412392e-07,0.0,0.20045733536858149,22.203618950142406,55.03652593633904,4.724443240369373,9.162305051769316,0.00023140314669123824,0.0,126.46393276044117 +0.8083115821227098,0.13524004456709632,0.3871538686333072,17.07327758273359,222.18728482050176,281558.10048812657,2.81072032135547,69.47320279833582,2.3304627017327224,41.02349035445188,2.526311765569553,26.10788263420434,0.3115595727973824,0.790046455544398,55.92892137677061,2.170104606803316,0.1265427415049051,104599.07988420998,2.183062607009364,82.77085436488719,639.8726587833119,276.30444113983754,347.41333745494956,40.092674376928684,0.18145568944736473,0.19404067981711548,16.111211858335484,36.75456168599162,4.526433183743517,23.363826275243017,0.0,1.2829418019608572,0.10260924988954832,34.47545916669798,59.31282695388735,0.44041307666919605,14.330533171781527,1.6033010066721712e-07,0.0001132097967789073,0.20576263412366377,18.996305411331026,37.6893370549379,0.23937305720818894,20.93527333774242,0.0,0.00014063033626880034,0.0936396158194119,72.41577612966665,59.241399142137176,4.027522675627048,15.351485202411043,1.9907974977412392e-07,0.0,0.19626258077297856,21.091330891360542,69.86885571173377,5.714070737847853,18.26672942440989,4.4093814135830975e-05,0.0,154.94749932649913 +0.9039898119247383,0.13745619964662825,0.42204849051228843,180.80997462231934,209.82780005011801,133817.31792760923,6.030291349088777,89.02810288285798,3.3836654670697524,9.381343313930914,0.7091706217987299,13.316377696382833,0.30580902766359463,0.9908945243330335,6.674970084756893,1.8984870662543898,0.3201428497030497,115128.3642941106,2.677529663768311,72.98124796549929,685.5844597719533,190.38838332160813,224.47683658978596,57.94178890871352,0.22744906786869748,0.1933663420341209,4.532392846066137,23.936310921823253,6.868822620998598,5.45175428753214,0.0,1.1980209367588086,0.1346470223710307,1.8490302038645259,14.745611848003918,1.4506512557010514,14.179264582823174,1.6033010066721712e-07,0.0001132097967789073,0.20697521198771685,2.0738213694902683,23.561865660808678,0.45379961974752964,3.8518408507775237,0.0,0.00014063033626880034,0.35582575976753666,7.426753533005594,14.804584253460556,13.539340135129013,52.00565973332021,1.9907974977412392e-07,0.0,0.12469694714561913,4.697643804472124,31.284237095898956,11.678356986897224,19.634819069262612,3.6079257297243825e-05,0.0,79.72136923414932 +0.8151193871571353,0.11533397144430843,0.35802637869577847,123.65498015578396,153.17017473687076,260052.64831982576,2.5872835913811296,58.04462846122219,0.6298224402490685,54.52557339372006,2.888523323417931,29.019191323528453,0.4324090131166925,0.8108452751836256,333.91583153695245,24.01418249525781,0.1301549022825918,50171.281469268695,1.0362132674003366,73.04154872963986,89.23903880285059,211.84254498174073,348.0891248128489,31.916492077793805,0.19557100911837713,0.19511983494322804,6.038267110683295,26.28246434195718,2.9712110509336442,64.47733175294962,3.4049333353513906e-05,0.7266667172200877,0.13264264280417792,12.920768485115337,31.7412664729078,0.21221096949144413,10.744841712121998,1.6033010066721712e-07,0.0001132097967789073,0.20620660124978216,5.969005892552609,28.38530885805338,0.24419026741663474,57.290215600769336,0.0,0.00014063033626880034,0.12916595083793184,50.064213703012086,46.80063133965713,3.93503290485826,20.230978089637958,1.9907974977412392e-07,0.0,0.21981379025323053,17.315626121084374,43.34071049048982,4.742945368342436,25.97790206188531,0.0003438281285179471,0.0,135.29488143136163 +0.9305367859030146,0.19006475090264638,0.37536781383938844,194.61808419348193,248.57280543333485,152282.77888373486,4.869559516634523,13.449022602185856,2.1752363912216186,85.58630036477862,0.449619174141757,24.927808506175474,0.4300830130434698,0.9276662325100814,902.5453418259149,86.3973707829291,0.10966576537383345,106442.71142148171,2.3695211701484364,92.9543346436171,2317.9675818819933,284.43378788066894,343.2784210513504,56.12128690041377,0.28089835143122815,0.1919860068369319,24.40588440714371,43.64400523688006,2.743438014797896,29.883770076347172,5.822524240387222e-06,1.3423699563456053,0.0945124351177696,18.757694621404106,37.65743420521606,1.2160841922536854,16.11349342256213,1.6033010066721712e-07,0.0001132097967789073,0.1992026687865741,22.683767553759825,46.378678748626704,0.4104477570487321,23.81686883379278,0.0,0.00014063033626880034,0.22099234017331143,59.294311342480036,47.312423167185074,3.8917240940876954,12.289249451040074,1.9907974977412392e-07,0.0,0.14646274733654052,39.30089706569196,75.95197876837499,5.545579076733759,24.033623691963236,0.0,0.0,150.03019075775953 +0.9202878059655832,0.11458927319209876,0.3249561804642937,77.95477931009262,93.42468042356384,105745.89786874181,5.62045026712483,44.26356813485074,1.8689604182205246,29.130732950746847,2.9881818844908308,10.07777622392151,0.38886724037909026,0.8718703726644299,669.3508267223787,52.03368287126598,0.20691086114848573,90835.5120053322,1.2818824034223004,72.79343310231557,503.0650290978988,296.09635650503753,331.8350456837506,47.9245437389187,0.3172621443421246,0.19718220188581165,9.345484920526363,28.15222369337001,3.002545246309095,40.58095298304892,0.0,0.7556350368553308,0.1400941478087721,9.131326940413253,24.853278764763253,1.1053877810732076,8.74018462854852,1.6033010066721712e-07,0.0001132097967789073,0.2102502972254629,9.476291603758568,28.15293898171741,0.405010231290428,37.184074971888286,0.0,0.00014063033626880034,0.1259163325736653,29.34547043908205,37.203416598299924,4.855264708751458,10.978856612892494,1.9907974977412392e-07,0.0,0.22242494315208894,12.197353065351528,33.77631967407129,4.868574094732352,16.143824296095225,0.00016007693665588454,0.0,97.6915640212832 +0.9544088116388236,0.11458927319209876,0.38228595967069817,216.57160800423878,235.90538639961338,276365.2661858646,5.421415619729877,42.11440384516489,3.3786142188573836,81.41313140229309,1.9702087430104975,27.08973595326655,0.5006807263432939,0.9844251244440259,880.2708089127701,72.36539223655349,0.3163962761807666,109311.57815874876,2.9813919555200403,85.10363125631108,1812.5771359500447,265.90091719094085,328.060380293722,57.57720617574323,0.3103993351111534,0.1807112088535395,17.240658600592827,45.785618724005225,2.9767911094373645,14.593851234066628,0.0,0.7859112723702398,0.08832172935725921,16.601445474029642,34.607476611248046,0.8092947569614826,18.215165875376506,1.6033010066721712e-07,0.0001132097967789073,0.19264891485002225,19.463307996984675,45.22946468953842,0.3367887925880701,10.832204143871804,0.0,0.00014063033626880034,0.3442969210253141,49.31403472680058,34.65703546285289,5.674186943611818,30.10262135071482,1.9907974977412392e-07,0.0,0.14692429513354335,27.236700178647492,67.89780114305128,5.956157128678548,17.41023025970883,8.547018373078916e-05,0.0,131.24723763648504 +0.9648918687269774,0.20679921924406588,0.43631864284317634,246.70744941543288,237.23643338485869,281275.29320364364,6.353431898369047,48.156541062044354,2.925156938232363,87.4750483884523,2.0471875623606914,27.589268282326984,0.39705846874490236,0.9952911177246373,724.9795413204262,35.97525096883245,0.30417548913680564,67424.90345854833,2.8281546607571677,72.30734145143681,3377.3491578002786,225.36912118395315,336.0525319673982,35.650793541741,0.24694027760737192,0.18668521440920563,10.853328329097632,36.848318249524915,3.321834376583643,9.14482734146235,0.0,0.7320414805231039,0.1185652620014667,9.158766130739048,28.490581473943116,0.9723174931153533,10.890188895189537,1.6033010066721712e-07,0.0001132097967789073,0.19862912277077543,11.955896683668218,36.211711770898596,0.3638654676189344,4.520608426977482,0.0,0.00014063033626880034,0.2758321866987011,54.494489904186146,40.79041670909773,6.655443831305473,21.695627504177747,1.9907974977412392e-07,0.0,0.14660044403836542,18.73671917171868,53.26796795535234,7.169419989512429,8.798116909569554,0.00012025883013517517,0.0,111.9230380921265 +0.9491206027767068,0.2110183154622105,0.36423941120225783,196.2645971827405,245.6918529338084,347319.1236673377,5.437928723516213,72.53783369791596,4.541155138766799,53.412223443056966,3.7024655175937533,6.864343512546088,0.4507382484959387,0.5884356160069064,458.9350089035627,57.20342036584027,0.24412365106250772,212589.7006252843,2.864763568336716,94.9892788050928,3984.022520123409,217.6418788579641,345.8900275802513,55.47490284724367,0.26534572326840916,0.20110273471276213,26.835274625201173,42.3360105987107,3.38200387175313,15.947373326830036,1.6166378250155134e-06,0.6753805857493218,0.14105826984571604,17.539782677123643,33.37938103994397,0.6139594580321163,12.508815111967866,1.6033010066721712e-07,0.0001132097967789073,0.21252512338067622,28.588528598986205,46.27264476129093,0.3012643144925476,13.610855510812495,0.0,0.00014063033626880034,0.3070878780205822,69.98994199317451,41.884506496295344,4.8410620306523535,22.414131593773796,1.9907974977412392e-07,0.0,0.2144648346396403,34.75012123886902,66.0155465066742,6.492961076142072,18.820735025841444,6.751636666492911e-05,0.0,143.67374691071208 +0.9433937590896051,0.14376424709560237,0.4218665088592939,181.34555086526422,163.5297907350028,285288.3491817941,6.1556633451791365,60.847296692216744,3.887070917741693,20.647675572585065,2.7982279778394124,13.316377696382833,0.3232741186458742,0.5552323242523943,6.674970084756893,1.3288034458772913,0.14158794302720187,147142.84047406522,2.0590687873880165,87.1252025664519,984.1642215858774,35.74712293261611,253.68435804169525,59.039532852150934,0.183122518316794,0.1996998301490202,3.7267884529436106,24.617001578546873,7.880113925026973,3.4519120938230796,0.0,1.3989891137267159,0.1416133173212157,2.169727044658292,13.00046916037352,0.7285679138200373,7.838429052771453,1.6033010066721712e-07,0.0001132097967789073,0.21267923448220777,2.7063340949104715,23.765235460575262,0.32955166378276923,2.369481915095662,0.0,0.00014063033626880034,0.324813878545843,18.68564818774669,18.682964834036472,10.00987546135761,43.8883686686497,1.9907974977412392e-07,0.0,0.22974096247355688,6.628474652133253,25.25893143495059,13.013445621393712,13.240614356846953,9.329364116108493e-05,0.0,72.53172203751788 +0.9841405310779048,0.22893925573717722,0.36898436920663025,82.56641639111214,201.4208631699717,179224.5103842304,5.996814470223843,73.4582194446481,3.347406850332449,84.8967266533115,4.096620591341987,19.383620161126114,0.48229547322285266,0.5490959363249943,666.5653831259856,86.8687856762069,0.32889282577395973,100203.21004060902,2.6686478547006143,93.7516918253078,3581.2545618530507,296.42407294898663,349.6270730160657,43.30983563573694,0.22169466899286813,0.19460640331583556,19.583149962388738,40.05811831517489,2.678629046084062,22.855916748042215,0.0,0.9328211017432592,0.0903224391295952,23.456483197241585,45.51573574791408,0.8634607998813172,26.62092165442907,1.6033010066721712e-07,0.0001132097967789073,0.2053592043868956,23.803507367347212,43.53306717752892,0.3598703347034278,21.912544512026592,0.0,0.00014063033626880034,0.17115774296068026,65.85181735012536,52.86591177091493,3.578067597401927,6.235837167238274,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8930708689790863,0.13983328635521047,0.37742321372606563,52.50995445971803,117.9137432992721,191275.75304576426,2.4801534341123945,46.15837501533336,0.4226434469832613,27.634383298270677,0.37290767622431154,22.72297370469097,0.3282202498202843,0.8520946955085161,216.10886592862366,64.8747758871443,0.14118274546078752,75030.19854737731,2.351432203161798,39.06899272188039,2532.598656399635,211.2025167364001,236.6695749996,32.75507761050616,0.2250732740566753,0.19269621716751367,2.1925195845836285,24.8690234055528,2.525919370888492,5.1440495939081785,0.0,0.9024866234775368,0.12967561959905255,1.3435282847448902,15.364125725821806,0.22660687733218077,6.554128836649521,1.6033010066721712e-07,0.0001132097967789073,0.2054251980545528,1.6438538466031123,24.03883030336668,0.2434287569335378,3.766003243767199,0.0,0.00014063033626880034,0.34959863265403524,4.19393104294119,14.231796128810247,3.785817412173742,37.87089625426504,1.9907974977412392e-07,0.0,0.18035113632011085,4.811070946169793,25.894748179763333,3.1173276773319127,8.663771150413204,0.00012515381165138317,0.0,63.08719934027468 +0.9696829074238679,0.17589890932881364,0.36780382421926006,64.79976255927338,64.02766947392536,332636.2544694231,6.873497170481915,78.34638126981359,3.879537098778677,98.74487195382552,3.22105206619838,15.316925115982166,0.7628001410662923,0.8397086419903006,49.760348969883616,51.34696169165326,0.2115362191463246,75444.85613327927,2.4499704715348924,87.39110143676297,702.0208251287687,169.04636532014024,267.21933327460255,24.837281945552597,0.2815572449710666,0.19220928155301428,2.040279010740351,25.68636975841631,3.8412176081093032,7.237233742028845,6.631223931538604e-05,0.8192163699816114,0.1337728054942486,1.7791791836258528,14.5963779610553,0.29522092974128056,14.933747543611549,1.6033010066721712e-07,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.3507990464749122,14.869024582275904,17.020599711139628,7.584262256544951,44.48298457716269,1.9907974977412392e-07,0.0,0.12576713962850286,3.1126947910666223,34.276487544165946,5.365219532128144,27.52808604593462,6.162072951856461e-05,0.0,2698666337285.8823 +0.9644082369985718,0.15918799329583833,0.44083777394812507,54.94435722730702,212.6109036466177,324349.99255168875,6.218134310801888,72.82860146598247,4.5726786596484885,11.317091607482274,1.1169152965419855,23.370673959538994,0.6054609273199919,0.7013084893611329,82.10425747610145,42.67279390629138,0.3335756765134753,69002.17236741728,2.5994321434953287,85.09342072860467,4886.45599699517,279.97989249729613,241.02097759456726,10.088419990251001,0.2474922212319042,0.17425782908025525,7.28581499812875,25.497879000501158,3.6732328469710356,12.916829828105348,7.998778626414822e-05,0.9836516726875194,0.11771479203445612,2.512542501579105,17.779269460587717,0.3294479008506308,21.621773066414377,1.6033010066721712e-07,0.0001132097967789073,0.19030523617668846,5.588774112010031,25.915504155935718,0.26613043280991594,10.94976596782316,5.738571718999736e-05,0.00014063033626880034,0.34223597198190037,6.985593402689273,14.112399168108078,17.319092318080504,58.47185265775089,1.9907974977412392e-07,0.0,0.13741163119366606,8.305976069294127,34.306615523888176,6.195993932519534,50.77965083296845,0.0,0.0,101.62357087615702 +0.8983553201384097,0.1808715169613967,0.3282672366498827,246.95657584239487,210.63886817334992,300102.21036484774,3.7849740162212946,20.80722674129355,1.0796479040457656,86.53810650971361,3.8841643104518297,23.876165859946497,0.30121542466358947,0.9401517372499795,601.042279612676,61.14903566453349,0.18781939035004253,51504.25398653265,1.111752685163375,92.97398224379697,874.5410524014683,294.7960216362917,282.5346546283133,59.11247933450791,0.1937463119658891,0.1916204554328495,6.343099344622067,26.43478292093485,2.9424276863391094,57.53706279952307,0.0,0.6155237397871527,0.12012739956204845,4.9941014685277265,21.04059971886916,0.486374944268738,13.201776438420834,1.6033010066721712e-07,0.0001132097967789073,0.19985479200731815,6.3662867995318875,27.280367639068302,0.2790538948946922,47.934515978945186,0.0,0.00014063033626880034,0.3010130141907128,30.130131286952633,28.85860183162973,2.8531058141498473,13.479847715760851,1.9907974977412392e-07,0.0,0.18939985804439266,4.975282125047808,29.177724941630903,5.237253736789869,13.841049125266132,0.0,0.0,103.96683333238995 +0.9387903768109375,0.21292692042861958,0.4419192170792239,34.32458368086954,150.13033557143004,287060.46852282784,1.7646247789350546,33.98821652120942,2.102759060323675,11.754956020859737,3.1262747347752664,24.7682670715942,0.35729278595746194,0.8168788172703955,370.240331993783,48.91501308557413,0.3392312712286975,61442.63507647176,0.6837081703171324,94.27450297958926,3194.3027522184952,209.9897621536944,344.73825089590673,50.77418634136143,0.33569242285127454,0.1931118841154182,1.7784898883907538,25.24674513953449,2.7012390869230156,52.9890196448144,0.0,1.4166877860365286,0.13486467183207004,8.001828004865438,24.354507363242778,0.46033888066357004,8.133387823977653,1.6033010066721712e-07,0.0001132097967789073,0.2062970303779725,3.8256189603752158,26.195384549971084,0.2397031371499746,54.5847703346233,0.0,0.00014063033626880034,0.1164314500434221,13.885309023291251,24.23700424812411,3.913617480167643,16.527450952307962,1.9907974977412392e-07,0.0,0.2124584257521483,6.127484426915321,30.60858903697852,4.004270910494782,25.658063751362718,0.0,0.0,102.8556783060359 +0.8905964501514811,0.16204877012636953,0.32154891085240156,234.85315033416984,121.50248911018654,325028.90765890875,1.8109468153174058,56.25253758494617,4.599999087850867,85.05740834433254,4.280869460334351,24.609999838786376,0.6125893806629021,0.9555400227669218,805.8164288097641,41.78398657803866,0.2640714697098035,188154.88449087026,2.838097189665935,98.82037987855269,3496.70152725371,259.74239404309213,346.73427731173405,39.36572633454804,0.268265913820534,0.18814560762271434,27.676528813437333,55.00151729676626,2.760562866550365,16.58108047814298,1.1763538030303152e-05,1.095984644431797,0.08045922192799773,27.182681709448314,48.1095236001211,0.32747802163036005,17.243649907699748,1.6033010066721712e-07,0.0001132097967789073,0.18400875277671414,20.626272620794033,60.162870367668766,0.294165978152763,14.720604745352073,0.0,0.00014410350517884027,0.16008420611869445,75.82630385117923,55.90917586771146,3.6247765419464355,7.306725863467186,1.9907974977412392e-07,0.0,0.16986685459361156,43.81610253154349,88.01375229906489,4.26648035292807,18.70279315261253,0.0,0.0,175.11131824256572 +0.8755835630851936,0.10975882736507442,0.4028902320008656,14.569202606292421,12.026368531561985,164047.58331806588,2.0279824877787083,11.120019243811345,4.720409110621637,56.72772462761691,0.6675885717712673,14.716319034807832,0.36316609683318246,0.6180175260154641,325.30370479572264,90.54011483496345,0.10942971076278185,53723.424399850046,0.6470490694369465,52.27151437262048,1286.7046674561407,113.05224329058566,329.72630410580297,53.82039341159712,0.18770896596975312,0.19897805782779265,0.7587651295764144,23.888140323189933,2.368304822804557,66.31311358271135,0.0,1.3213482865377175,0.14085037155390737,4.532799109678397,17.97306337850999,0.45611501949652833,8.000546052680432,1.6033010066721712e-07,0.0001132097967789073,0.21261490809912797,1.7949089626126526,24.612564142504944,0.23932504038461433,60.546393516406965,0.0,0.00014063033626880034,0.15629797136152643,10.652032397696395,19.694530451871753,4.652156051950612,26.34006478392062,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9488561088452738,0.16900117223584873,0.3411182241646096,27.05026348523974,115.46479150844952,327256.9435863618,2.1889554230196246,53.51513212302866,3.0573926643052234,47.32948771621975,3.773974227925051,25.32033312281456,0.6379361903063137,0.9793199254344536,243.33448146014211,46.7614748100916,0.24286982526770728,207841.47407256818,2.882581669273155,94.93473123656908,4814.063990737457,216.9531281748735,348.0754512851993,43.900934820358025,0.24303054104426688,0.1732679961769037,17.885033303377842,54.30356344251842,2.832808731277419,15.301721682019387,0.0,1.2074787294216593,0.09910527678391413,24.926116387370026,47.91619976557097,0.4690586211299764,15.427553854486781,7.533990820643124e-05,0.0001132097967789073,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.18719744209406658,70.760839630652,51.1926655851287,3.5851749704499283,7.417491766850219,1.9907974977412392e-07,0.0,0.1608657021927783,19.23514620056111,83.92924480751759,3.1994851114088974,12.92400761883486,9.770136808100412e-05,0.0,2698666337285.8823 +0.9589799695435509,0.10909237059314264,0.40569299261246244,174.77784273102503,246.08772618873863,339328.6310760799,4.279014670193991,88.64306967253195,1.2219995047708292,5.093063977817781,4.449395060003546,9.622114684612873,0.7089705650183944,0.516459150628587,637.8111254684492,69.90114413788409,0.26269247076866,54354.28706911666,2.2051101962550135,81.11792416893888,4190.7299719307575,77.73285733010387,225.34950471138055,20.0467771242767,0.23259803473004825,0.2001149242863993,6.407552602689117,24.216959837345183,3.0642963604634326,4.1029614454438255,8.456959401292798e-05,0.7119099357299634,0.14058017070787251,3.7956523109331752,12.768060321620595,0.4333736629664915,16.807889540588807,1.6033010066721712e-07,0.0001132097967789073,0.21343077059595134,5.516832762708475,23.485361994147436,0.27103895896612873,2.9165173323185067,0.0,0.00014063033626880034,0.32278095032075993,5.147827891189113,15.26754004101846,16.7344833582346,57.70858217857435,1.9907974977412392e-07,0.0,0.18625733941110797,8.212965274766708,31.895859065444952,6.285149075848542,56.05818744675136,0.00045015189126229523,0.0,99.2065373419556 +0.9788821393019603,0.22684692589614197,0.37632051293384583,193.6934756354156,244.62649519923917,271856.7325813107,6.0188334228994185,64.83944202880473,2.2208330216340726,89.40874889285992,3.7551843314202493,29.486071427814174,0.4940318075591422,0.9712358073916707,756.9605403065318,93.00039762378891,0.3209373471432492,218899.09724114448,2.7153500299389237,99.23307210031882,4666.8949413144,286.21321414276525,348.3501926611067,59.52581225257899,0.3482969285909251,0.18774009529995764,27.54853807791236,54.12591646909297,2.980559660079932,17.637355180329468,0.0,0.7501756601856557,0.09428144653916702,15.771116071696412,32.14174000191505,0.8816593492175006,18.371612283727462,1.6033010066721712e-07,0.0001132097967789073,0.19598637902036503,29.22620434217564,56.186270869702334,0.35028776032715936,16.354464927088816,0.0,0.00014063033626880034,0.3548579937500493,47.85759261295038,28.302020421971847,6.511709495436608,38.45728973484666,1.9907974977412392e-07,0.0,0.146202540829105,33.35875845216534,76.88572537827943,6.332726252759314,21.09378117791045,4.655885847678827e-05,0.0,148.42524482936645 +0.9163344768924634,0.1736815485477369,0.40336420768214803,230.86306097863036,177.8787834094644,179437.87702895436,6.568969967219454,67.34843322046746,3.973038785450657,95.80081067350301,2.654544286489839,26.60391079836978,0.7940746641552465,0.9101717900277229,992.9621752614662,96.45279366994784,0.25879311717217984,231852.94912258117,2.7721069209122278,98.24642827633036,4638.484256321069,294.7001529193013,348.3853988704535,57.6907289836917,0.1866638602468986,0.19096541323678565,33.012702199420666,56.856594216477745,2.794757363866319,17.76353175558241,0.0,0.7316469663333743,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.19963242834527453,35.40803155941045,61.81060872691778,0.4233740663641661,16.132302850151216,0.0,0.00014063033626880034,0.24812385731657532,93.86203493641324,63.29868664667984,4.20392207433696,9.669908719276672,1.9907974977412392e-07,0.0,0.1720769566277948,50.63121398417828,97.62346893999215,6.333372311899766,15.898551807413423,0.00011975513744256674,0.0,2698666337285.8823 +0.9789143807797035,0.1907419212130902,0.407293997725137,192.02947718596732,47.20394754775595,272000.3077291027,6.089422448268303,62.827837167370504,4.704226320137415,75.99719504372862,0.4183794753605906,25.26219302242996,0.3388572439317247,0.8559937986428442,549.3898480059421,74.22629797593524,0.3191503473117385,207918.09140871122,2.637816510048415,99.27549530193127,3753.6337149028027,120.4245708294126,346.3195020967965,58.92430008446626,0.20922730402016743,0.19150178104058552,24.575356487342127,44.43814428637682,3.067407153834438,16.92895101681837,0.0,0.7902628551550691,0.13299517429288385,19.52205150515431,37.71505390414402,0.4252265107681592,8.624452796662206,1.6033010066721712e-07,0.0001132097967789073,0.20532307626537372,25.87757927327443,44.76616909758812,0.30017135193541716,14.460815225215246,0.0,0.00014063033626880034,0.2754542432348486,73.64011290408156,50.54879764820394,3.5492360395381093,9.894230735689407,1.9907974977412392e-07,0.0,0.1905226553833397,37.825447550022346,66.63272725740494,4.988585983593355,9.095163192010542,0.0,0.0,147.32047828864268 +0.9564420197658728,0.2073763637822965,0.4060222796494523,238.86266656320706,247.92758694530988,334904.41817961633,3.3330294863517325,73.0055684288325,4.008871275110685,31.34200831511945,4.642368875625577,29.38599856257863,0.45274230344733596,0.9781357079996713,663.4935111233705,97.2996579178114,0.08865338249125039,283871.9972487923,2.6869961994748564,82.06470661140301,4164.845478926018,295.09688897237936,348.09089098050697,59.601854162486674,0.3453277335386456,0.194071688940276,34.603908132746454,53.19696067594415,2.933470231493378,16.90696455525708,8.221408223420977e-06,1.5473662781784934,0.12089649926892529,12.633603516834853,30.8470908138276,0.3671074657021493,11.478362912083588,1.6033010066721712e-07,0.0001132097967789073,0.20182663560003872,27.630318812146943,52.95029947186683,0.25824127615909237,11.88921075339439,0.0,0.00014063033626880034,0.35495521336487085,42.959097750404446,26.26035108980934,3.9301633401186704,38.81207097402485,1.9907974977412392e-07,0.0,0.14414847787235008,29.133170010356157,69.17667277105343,4.784541867424385,12.511604090586012,7.789184350140313e-05,0.0,138.37108830649365 +0.9581717497988481,0.14039288146215506,0.4067800036138761,131.99636170487184,33.54147760859343,126820.23627985806,6.179212762192564,15.194520094676825,4.267088590348723,17.729054620989906,2.7308709166050313,8.887587065995767,0.3146656259709593,0.6663770581620491,829.4240516098699,96.59982682001603,0.27078602084071274,136308.77903970215,2.627085809736898,86.99953265208215,1460.615505023371,299.3070552616267,268.7506168397365,11.538576318181178,0.2863156011047181,0.19842718045292618,6.076830782013511,24.312341425692843,2.858684935367775,8.903767751248255,0.0,0.7992683834520198,0.13307232774393857,3.2481405335454996,14.243645446602361,0.8723575640154294,18.792256461696773,1.6033010066721712e-07,0.0001132097967789073,0.21277149191585643,5.138188175536293,23.6823147271986,0.3804635324512611,6.974219903309922,0.0,0.00014063033626880034,0.33967093498269085,5.802165466210237,15.447199315359988,10.28417679112796,50.302957561262886,1.9907974977412392e-07,0.0,0.15592613244976553,7.751264755396018,32.32841807951583,4.469511183572894,35.628615364671994,0.0001982389161643156,0.0,84.98672557597328 +0.8970691770718177,0.19182918585436592,0.4375399917532093,221.63736629483793,238.02243853932123,329377.7957865323,4.5743886658743484,60.37966157671439,1.7967686740800994,31.321595523110304,1.1567821811737102,8.25542517208526,0.4348601189008681,0.8813238852749407,112.09974040117339,46.48173701130547,0.29726759942792863,158469.89021654928,2.87070087260118,97.14516877159036,3488.376208765365,113.87958596656838,220.3898350435889,13.917534994645145,0.29535500765360156,0.1985182456523959,5.917621076984066,24.3024805991664,3.712525601103816,5.412006532524317,0.0,0.8704578885082461,0.13509846931253586,2.556657113745503,17.59759269596668,0.5563511396657173,21.13757482351781,1.6033010066721712e-07,0.0001132097967789073,0.21210187698703528,4.521088236214312,23.616463891430698,0.29016481136158734,3.878823734680671,0.0,0.00014063033626880034,0.34914985594573916,5.416435028759544,13.969110822439418,19.30054181492612,60.30092494004602,1.9907974977412392e-07,0.0,0.11439747971949468,6.502889694672945,33.636138700065324,6.6742604795226255,41.16569633740723,0.0,0.0,95.77236675444108 +0.959302454426917,0.23463442290505543,0.38319399218720995,182.2524136444424,223.3121537183302,155840.6756876007,6.698946138466953,74.06458739774322,4.860768816753285,88.85997259315947,4.481947714762023,29.351332694379636,0.4402285698242821,0.7998831970889748,868.8156065981158,58.047502665875285,0.2350118552018212,152237.96281955353,2.9336880562487955,89.79421454588413,133.579450018623,265.0256463255801,346.0111549224457,55.70558961434786,0.31901735193636305,0.18746931042822754,26.16422654496957,48.022411914213734,3.0006026335046645,19.65995340981859,0.0,0.7556420654690569,0.09745745017705205,18.274506545659307,35.57701711808046,1.4277336888316352,19.17511772663672,1.6033010066721712e-07,0.0001132097967789073,0.19443758474199738,27.765090765124874,51.509431840913386,0.44958139515023277,17.96928382764969,0.0,0.00014063033626880034,0.3407388024398316,53.821270575529766,33.18122161962132,6.15431571656245,29.581487196873812,1.9907974977412392e-07,0.0,0.1570592288429355,33.659220419454556,72.45325911857336,7.08369513314278,28.79661906838442,0.0,0.0,145.8634954927943 +0.9173759840662254,0.19845436817144482,0.36710003755267123,226.76217385260588,60.235167293234326,309063.749270568,5.553275492704104,11.458366706038074,2.3302887148401887,12.622553410464066,2.715980410571022,18.657075558842532,0.33260679373015484,0.8743025761562713,834.5316723735021,28.840335084901678,0.25983185175008894,67870.09202786064,0.7028839864283556,94.8476964576713,4935.795499593118,294.1756651362215,339.6363205371829,36.592837705365156,0.1603149400807427,0.19529607856408282,4.856004125404636,25.237460182332665,3.3101185510650195,54.57169040380808,0.0,0.6383820177114501,0.13268075453456135,8.489823896336462,25.242534356425697,0.364104863007218,8.320404962058694,1.6033010066721712e-07,0.0001132097967789073,0.2087623743170166,4.817524664448281,26.39963514689378,0.2825283432871283,51.07651360419245,0.0,0.00014063033626880034,0.1326164779346951,35.45941673712083,37.17537280056176,3.5037955602082076,19.16674760159419,1.9907974977412392e-07,0.0,0.2146377149286183,8.861025601972418,29.911214121977885,5.134572063574697,16.72222736448843,0.0002852350158661851,0.0,109.79975077191548 +0.9581877903077645,0.10804949128569293,0.42378244577995394,179.32555465732014,189.8287655401567,190888.6947439874,4.32948616140065,69.0361079616548,2.0590534324001455,19.554243538167043,1.4478816507258103,24.750572763954555,0.3879932255795203,0.5499436279183768,6.674970084756893,1.9669224118523385,0.061817249532757634,155214.7317080933,1.9290349391254016,27.495672332786558,2178.0458615266675,106.55215820517688,230.2530152520149,59.06242301350675,0.1818270582041749,0.1987017399342613,2.3326794988823787,24.369820358565384,6.3281273439950825,4.762812782443976,0.0,2.1355616464000184,0.13734944900118945,2.8149354098786197,13.264888046538049,0.8089804822438713,3.6533511213068146,1.6033010066721712e-07,0.0001132097967789073,0.211554900878858,4.325475658059173,23.69427968744297,0.34337810710476124,2.3059667581407863,0.0,0.00014063033626880034,0.32767602781254945,7.235864707576125,16.24974123827894,8.975287837735547,48.96549207245249,1.9907974977412392e-07,0.0,0.20319921168203464,6.410100289118986,25.055206194464517,10.190393449172072,4.9205929142220866,9.373598551598567e-05,0.0,71.00573356011297 +0.9898147976886609,0.2364876087093191,0.4144655231280216,243.00482091273528,216.48301561772686,310916.879221793,6.983274113033053,76.36123026409292,3.8707338096263864,99.99197405789522,4.717435195434432,26.71749879276831,0.7725893739147309,0.9725963438645112,920.0160918572087,96.44659247883993,0.3159174969670957,204504.6554314081,2.701785721095508,99.53347486945196,4626.016267265329,275.29282426589253,341.9573963317653,59.52766160345219,0.3376939519600848,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.09228708596103159,13.564199960937236,31.100194245250325,0.9305490746638178,18.654025011022192,1.6033010066721712e-07,0.0001132097967789073,0.19145766378227724,23.687093426584127,50.474261325875,0.3574522117485984,13.958499227650131,0.0,0.00014063033626880034,0.3549600703762764,42.840820215661175,26.217673987949958,9.055934034973435,43.09281588624271,1.9907974977412392e-07,0.0,0.15869391503753405,26.5391418536036,62.67472395354019,7.375564159910481,20.205907657337214,5.3808637689650695e-05,0.0,2698666337285.8823 +0.9581877903077645,0.10761213098434048,0.3369625630112161,181.34555086526422,237.27653975423195,270055.8469459848,3.9108644149917424,37.24831786905164,3.867025782171274,19.944684474695304,2.813764792320798,12.814241895652994,0.3181498616864836,0.5552323242523943,6.674970084756893,1.3288034458772913,0.3184354673220879,147421.24193401172,1.9290349391254016,27.495672332786558,1301.0197538495245,188.1487579747892,251.4667958874916,40.00405825205712,0.2130022678811782,0.19854777968646925,3.5106882452975676,24.335634890980312,7.186703559702545,4.746237824465398,0.0,1.3682526427524777,0.141996179155976,2.1113956658342494,12.80730400595451,0.5281301738560824,3.5649086723632775,1.6033010066721712e-07,0.0001132097967789073,0.21224169112406174,1.5333188799660415,23.276638075604303,0.2884151432077955,3.499526480484297,0.0,0.00014063033626880034,0.328433200937061,13.96206273864991,17.185568180315205,6.725502610749558,41.930557138917635,1.9907974977412392e-07,0.0,0.2184333112056843,5.343385932266821,21.06076012234672,11.265957395502193,3.9918539374808395,9.459104526299462e-05,0.0,65.78344963725748 +0.8987577114920235,0.1676175514911997,0.3457440949185594,115.68959801914203,167.00536043343197,229983.53424807213,5.117373327734925,34.78707688615688,3.7731893158360004,82.96602453680772,4.190253657783467,19.576858942042442,0.7547058706972031,0.9762984635464527,937.9319013632818,40.646371919684015,0.17427538338351384,120213.83405123916,2.5674827094783605,95.33609375182957,2412.100678309951,268.1264619390953,345.37810935436596,28.246149428852018,0.18483047096829774,0.19224024671006118,19.723261124047934,42.12244215667549,2.804690211629721,16.473662554445216,5.069982772740024e-05,0.6818918673838277,0.1141132230330984,26.647004135693777,54.80962923528157,0.631046441298316,13.984427430046981,1.6033010066721712e-07,0.0001132097967789073,0.20141327918192167,22.462044478602056,47.06340450495452,0.31723395607552723,13.359633568310972,0.0,0.00014063033626880034,0.13807249658450402,92.84704688038437,69.62138908203065,3.534892934184881,12.11503450761738,1.9907974977412392e-07,0.0,0.20737006953855197,11.5010767927759,58.19541308601815,3.9901610780255616,9.762325899545822,4.365327085146262e-05,0.0,162.81452014531098 +0.9815051446849835,0.20033860425696115,0.4390116360343959,219.18808221804568,94.93398073725562,233236.5270624766,5.569486989771388,68.84748667604393,1.985518622314557,10.548655934476084,3.558787797125622,23.11497358914319,0.4397611531668965,0.7857895149285793,686.1685812201456,86.98818181885862,0.2932091510777849,102314.36021586246,2.930418082105441,92.71988182104066,4002.9812936485646,265.45747165430106,228.69100254248787,58.713464810727174,0.18461900478861937,0.16637469135441316,3.5373883961502526,27.798514220566474,2.861220089370878,13.894946986568666,0.0,0.7523509517752711,0.11944991828156223,2.1122475598207457,19.615476186851847,0.6820645405514112,21.65287332312774,1.6033010066721712e-07,0.0001132097967789073,0.2079742701319241,3.6107511423469645,24.19857926952381,0.33105186498265143,5.765058238696101,0.0,0.00014063033626880034,0.3473791820060666,8.793531672511065,14.912803471958485,12.623983339214817,53.158638660101765,1.9907974977412392e-07,0.0,0.08876891393620714,2.4319685121531602,35.32855484479398,5.0362737569408385,40.443932362017975,0.0,0.0,93.15482819498861 +0.9356285589116592,0.2474696096073839,0.44012641442608885,144.72436305643814,214.77801012401443,267723.26984605135,6.255398425613256,58.51682817760277,2.742769487159809,65.44602982698856,0.3951763711023284,16.802122371102215,0.46133967368978474,0.7753787302270254,99.38226968371214,63.91551697403018,0.1783756157678489,56480.623471757746,2.3870840902340045,79.3092886683815,1635.3364133261905,266.90742182178616,242.7607450759143,10.676342441083069,0.16339833575800522,0.1929240881371992,4.626782876174906,25.167839072409183,3.562198082825485,9.12882691507587,1.5431461105451126e-05,0.8936384010276212,0.13680403594632137,2.476011521973269,15.137669372351407,0.7906577094567377,17.261850780070212,1.6033010066721712e-07,0.0001132097967789073,0.2033546556629566,4.620802802137504,23.98201991183055,0.3393209082877802,7.306997518604561,0.0,0.00014063033626880034,0.34172041418482846,4.90638298320105,14.09709780824492,18.222026386162188,59.170459133799945,1.9907974977412392e-07,0.0,0.1464881839678575,6.847750474470438,34.207681966394155,9.160364899525645,54.56888896220137,7.146820695688082e-05,0.0,101.34336779934658 +0.9765183740423733,0.2636176027101211,0.4226956516214911,232.2389344719685,128.22489109947662,215333.2122861324,5.3684728646969955,78.69637974107917,4.313115326796264,54.12955702528244,2.9504773269297253,28.852259620603345,0.5989125666502871,0.6394086469292464,725.7855764487158,46.75699654063132,0.12033219445250823,58678.77521820672,1.3177346170594044,92.02112456178551,4924.146911033913,74.75994890337775,269.9332524826397,16.12000992165077,0.2210821636170034,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.20979091674481887,4.743223216888373,24.5266183223816,0.3501814152931862,9.254351568096846,0.0,0.00014063033626880034,0.33044535551373005,11.053352775380429,16.974604579506725,8.657855222701334,48.47870406622748,1.9907974977412392e-07,0.0,0.17855202650508364,6.140937377705976,32.85365800383721,5.424901970461092,44.829071389996386,3.998554148995069e-05,0.0,3816490534509.4204 +0.979735607702518,0.16845937961681012,0.3253748716123912,245.38322124395737,18.93458327550904,306417.25362333504,4.84970856481777,94.89572922446848,4.959423241350508,84.82751307786394,4.413789853302988,28.724040606079917,0.5159169429624145,0.9505802377906886,752.6660091750447,89.59398020776761,0.25039442621097047,274104.7023061554,2.5472542152682207,81.15322987460145,695.0466733197754,295.12819242595936,349.70205673651185,46.552342274939626,0.1931858995780643,0.1904855857618057,31.74002960241773,55.28646762388629,2.95484756003665,18.998535796864843,0.0,0.6832107809748001,0.12308025050806451,27.657747335896488,54.1412550549734,0.1849685565753245,10.44545861068202,3.5958107459084034e-05,0.0001132097967789073,0.2026652686401229,33.76622088198151,57.91382741323113,0.2567167980057985,16.75812490461234,4.154353091089373e-05,0.00014063033626880034,0.08461122486029662,77.67180440741076,59.38833910980231,3.6978406433512356,7.366209635447783,1.9907974977412392e-07,0.0,0.193425128509061,60.555009704382115,105.98394236808346,4.460113086980183,13.569203350073058,0.00035199453178937323,0.0,194.28350568779922 +0.970252727884503,0.20680527862138423,0.34978792544675585,138.2601657459769,214.35490747352935,273065.71324102284,6.32339373611989,76.89635356722721,3.488170315282393,71.15891125836845,4.3453702332273565,25.011996173605844,0.3541645311720468,0.8076000213422498,701.1685120118254,83.67611960598438,0.2818643063201633,294803.07470310654,2.8684504294527247,94.47005934641818,1072.7565389485912,232.60218013808066,342.9354223553333,54.48983847694087,0.15509230609564034,0.19420869692658668,31.00282167031495,50.419468517420114,3.010450041845076,13.181710293517082,0.0,0.7368015584907343,0.12670717134918566,29.107659182573975,52.74092155325172,0.7669587245129851,10.406902622725221,1.6033010066721712e-07,0.0001132097967789073,0.20622406314160494,33.583485650311545,56.7180749537919,0.3356168578645294,11.48942495581696,0.0,0.00014063033626880034,0.09626615002665007,110.38614259436132,74.3516490386435,3.0146419095485495,5.85645086358955,1.9907974977412392e-07,0.0,0.1955383631938557,53.10068970973645,95.08878954752431,5.888942036630001,10.602378165001229,0.0,0.0,204.12440507948475 +0.8966609296596668,0.11661675070564001,0.43261638098158306,23.72145581581904,135.16353260475782,205743.03812172424,3.255323305616203,42.135927540364825,2.3351732797983384,29.72640557988352,3.2952667094691193,13.501766229240982,0.3588862452470103,0.8423216359950034,577.2659953577167,45.16129137631177,0.29805657144343045,119777.72131602213,1.002079625580477,84.32555981019179,1845.9344889763884,131.5046354356051,343.8499739623181,54.51237990855143,0.17177004063795895,0.19541302504116786,7.591822043466848,27.75351279423376,2.4255391106866164,34.14229163649797,0.0,1.350642110915606,0.13745277185560573,11.86746481622768,29.676245842836387,0.2768568085876102,5.676684148407423,1.6033010066721712e-07,0.0001132097967789073,0.20934009798051587,9.415743090154981,28.57217641002282,0.23931071182858843,34.422398790014334,0.0,0.00014063033626880034,0.14962867768368773,34.255843618657764,35.357834357008024,4.378061526779879,19.810665883255325,1.9907974977412392e-07,0.0,0.21963083890099633,12.316596384815929,33.67505749514641,3.9684292287327683,18.358947101881615,0.0002635965645819729,0.0,98.07673974423393 +0.939127244858567,0.1396315028040193,0.3679560725100416,242.31842237906127,154.54915353552573,277822.0673498499,6.568802992528906,63.659547312571696,1.8403650633652893,48.23543048644122,2.5261843903638423,23.881242930971272,0.708012278702364,0.4075448980998064,168.59697155812438,66.21334411296961,0.19638196010099673,56893.34894212171,0.6838112743788738,53.58188720573695,3395.445822669869,123.54864152790299,236.8677522885175,45.86876885106127,0.2508854552786682,0.20011086274627315,2.468984001309502,23.93847457382546,3.6096145955446333,41.712602930399285,2.2277777849259993e-05,0.9142219450203974,0.14050668431875465,1.9356909061897865,13.907296541496777,0.8571725675173284,3.9355076205513,5.244937449394761e-05,0.0001132097967789073,0.21332544623182695,3.0878109645484453,24.10511651224562,0.3504143988121803,33.990014694556685,0.0,0.00014063033626880034,0.2924411603421851,10.477476168612073,18.111723624256662,10.981238351256685,51.6313748726748,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.921785380307157,0.23327298411938338,0.4365027535629183,214.33869619205075,111.72204043859139,289564.87352168193,6.8517378378747775,87.78339213013157,3.7656034440490807,30.804704933644537,1.416202854108975,24.3022287153335,0.5276141435977881,0.8140432473597219,203.86197784829648,51.845437999283774,0.28438385755291096,93062.15317029136,2.820145764938276,92.80411577685,1116.3041895042852,80.43294777894589,294.17137298232524,22.420345045937385,0.18778732102391366,0.19638759745092882,4.370237750197117,24.304258680284494,3.7018477290450122,5.214860869340325,0.0,0.7610169823967343,0.11572194343257017,1.79635414325102,17.765354126671223,0.7206954751567397,20.287697532445705,1.6033010066721712e-07,0.0001132097967789073,0.20824849620738647,3.319366772155803,24.343588064317355,0.333477170449244,3.245402122933508,0.0,0.00014063033626880034,0.34453195516152074,39.300979625101604,27.66452528920924,6.057166083376249,34.75376913530652,1.9907974977412392e-07,0.0,0.1376928823164785,3.0418671808136337,36.35460798359109,7.991208339015141,31.75165411445622,0.0,0.0,89.18558042964952 +0.957337887750943,0.13972150894417806,0.3487169813583524,122.53903003325925,237.52606544244634,282843.90801221016,2.867684912903597,35.320014047651114,3.867025782171274,89.87585445831479,2.813764792320798,28.191963221068374,0.4021743007706087,0.5630044307017023,36.771932681357214,4.077673069582943,0.31811594433717083,99638.83037004455,2.8644707724440437,27.495672332786558,2153.4087581188755,188.15721045991214,347.64563716595086,55.293639165303944,0.18903234744021383,0.19624414747782665,19.230655504722712,34.54733895943302,4.584514965714234,20.77572596360183,0.0,1.268562441417802,0.13436391520282084,21.442850650963877,43.372482061085364,0.23166811227416662,10.009333941496227,1.6033010066721712e-07,0.0001132097967789073,0.21017085066894564,23.842733793257263,37.750603079008414,0.24690124886263387,17.518010838425134,0.0,0.00014063033626880034,0.12531496321847438,55.791398492044024,50.44703472090202,4.11910446324844,14.222797667016387,1.9907974977412392e-07,0.0,0.21482555836336176,36.65418860854234,64.20975988325208,7.087209819300717,11.79913968989225,0.00014212423382313163,0.0,135.248662769055 +0.8621029480777668,0.20855903530688769,0.35487883733688136,121.58677161783545,241.05431833866163,343408.3116646293,5.8361096076534995,10.793327590572915,0.6601323755436657,81.26649407431772,1.902204522736705,24.704114563355592,0.3920061722225836,0.7762541010490209,596.0982147961084,84.74055676514867,0.10783818157895622,214674.3446846294,2.8798110340501895,83.28596514484539,4429.598929523866,23.957871661673494,333.158490925884,55.58392138763433,0.31979991885895515,0.19911111699677675,28.618181691502727,40.76201773509551,3.1841276596385883,15.459535735094349,0.0,1.6245473979592446,0.1349247064505857,17.394529847653512,34.669768545777984,0.5164129323773571,4.391857899026161,1.6033010066721712e-07,0.0001132097967789073,0.208392146190682,24.1862067840273,40.99382202300178,0.28980827264666914,9.016974337697976,0.0,0.00014063033626880034,0.32912450905426693,67.07074100310786,38.77417495306671,4.00561203116479,23.180440400990985,1.9907974977412392e-07,0.0,0.22813404842722934,25.715713395260472,47.64102297151616,5.667262582355235,5.676264239876516,7.58359957582653e-05,0.0,127.09899336860725 +0.8871440697241965,0.1869307965152767,0.413619362265007,208.6330122183448,216.09054446576997,258156.97126209846,5.045908778638095,45.69856044245319,3.6645342933561458,64.94340515730018,3.840123560273339,24.836808904130876,0.4591868709070046,0.8428361204804462,669.323132890059,25.887223023639756,0.227644243183735,210098.82352397917,0.9074594418064661,85.46282132238497,2652.263090397558,257.4714043110968,346.0504250006782,55.82864928032533,0.17174525686791198,0.19594678437577334,18.686941939139626,33.48522578222081,3.215554256361174,29.555371832884944,0.0,0.6611941761770965,0.13415312000866178,20.948240647247097,43.64005172432396,0.7701874372978798,5.1649680063788255,1.6033010066721712e-07,0.0001132097967789073,0.2065894018742738,17.95454945525148,33.166579706227644,0.33182097031305025,28.520323350766155,8.559849956355617e-06,0.00014063033626880034,0.13007653989326307,50.5232592726945,54.89131668541845,2.2468011224600617,12.411472322648475,2.7615343999459633e-07,0.0,0.20714203918210536,14.02013829414543,47.820248130774424,5.27730318565471,10.434770026708076,3.0140459186301815e-05,0.0,123.71823512566685 +0.8804098992502357,0.14623784365560352,0.3805494042466733,139.39345344095446,249.78782128319926,221803.47522017633,4.56657295863955,88.92160929070428,4.331205830662135,87.51559090289004,2.873333278527111,28.21283926172188,0.3843844937482839,0.9934294638546486,968.2575046026791,99.83313558802833,0.23961697259283857,61565.45562575558,2.951897028619663,92.99317113887258,1666.8207109005348,148.03725111736975,340.9738038250478,22.016865210323395,0.1640048646241882,0.19002732468522945,11.503836166441962,33.47037743471621,2.6095397465815227,5.981574214407186,0.0,0.7044059489961512,0.09830215737340542,16.47262783346918,40.88422292112878,0.7108868578110051,12.357619205401681,1.6033010066721712e-07,0.0001132097967789073,0.19969307627399122,12.190112281051002,35.76787259081291,0.32491234800839014,2.948937219735825,0.0,0.00014063033626880034,0.21370681065872826,73.90632873178531,60.70829095352275,3.360654830696819,16.42029764043539,1.9907974977412392e-07,0.0,0.16787266272444343,19.30492033999714,50.94366968783523,4.654418988837527,5.827555212118402,1.7377907954328045e-05,0.0,131.4564463221544 +0.9134116968273958,0.18710854645615424,0.39247873436328085,194.3180195672329,249.7132140455875,339523.4855702842,3.4949388007592312,61.45163824891976,4.6392121940763715,40.200337827511326,4.979461146380736,23.827091119821304,0.351338244219351,0.8269091569311081,900.8492317676315,34.222106055745925,0.3335742929301451,274904.224076708,2.730757842476126,84.63118185569158,3236.878745198531,258.6782412882849,349.174527112583,55.26255622277554,0.17842659425712848,0.1962180920670341,30.24792208291837,49.34845639290937,3.033970079541786,15.665940614014843,0.0,0.9957220806103122,0.1340631659177952,29.772943799245827,53.694057658327544,0.3396276622874638,10.823158090317616,1.6033010066721712e-07,0.0001132097967789073,0.20841797037961304,34.348412706943584,53.17674244820707,0.25631616919871825,14.658321341137787,0.0,0.00014063033626880034,0.13579388143627327,91.84231696349367,59.833335042975335,3.04608529928219,4.747594288742453,1.9907974977412392e-07,0.0,0.20425646954787904,49.707428818697444,82.4250243299654,5.037349295558428,12.672444387722862,0.0,0.0,182.24370780049568 +0.9458190539739005,0.22533753665522605,0.38215499687786947,123.73025846270849,133.82278162563387,310360.4866589204,2.755181922770907,58.119104734799706,3.959014989082161,11.986305528026364,2.139736367241651,28.003648884847035,0.3493984501098382,0.9272923769341909,932.1684919488712,19.227167250386838,0.2528064456482601,199801.5359400627,0.9568312325908216,77.1979332996756,3635.9297131048816,206.77710313259908,343.22590059415785,57.803096703711155,0.1586934971102239,0.1905401511957295,18.603444200467923,36.09579025185269,2.8684128837949947,31.12071293404578,0.0,0.96665481896284,0.12883342337567524,18.823806407293034,36.89860777785031,0.2367749145712033,5.099393747953055,1.6033010066721712e-07,0.0001132097967789073,0.20340017131569754,17.93058683445692,34.88868156210871,0.24049901444732805,29.471394247215493,0.0,0.00014063033626880034,0.12672673090337314,56.052345388105,42.77343950691063,3.70653595916181,20.436674690007564,1.9907974977412392e-07,0.0,0.1953480149973612,27.613621359054793,54.10320599780863,4.62911591813956,14.311059824766419,0.0,0.0,126.86522866084725 +0.921211374559101,0.12987995653653486,0.3821988430278571,127.21449433807496,224.70957216855632,288466.70122112334,3.913541607999966,86.62553594806022,1.4077981280564187,62.38042191388942,4.291406724121417,26.09732314009566,0.38040796816138356,0.9882825393892576,971.5449023226288,97.0622751670909,0.30937493468734767,118095.00626151741,2.9188341989666644,72.20453491444687,4366.988407460548,246.73925283804934,345.4718110843675,59.4308242348111,0.15447324635694212,0.18549050395819472,26.750987066264138,55.68225289974681,2.726952457520678,20.721347387674903,0.0,0.9497540146479574,0.10710731677674774,30.309556268687803,55.95910525356893,0.37656645209430734,13.059174133496679,1.6033010066721712e-07,0.0001132097967789073,0.1969040273395427,31.00757955177715,59.66330260275285,0.26670131229356697,17.636695634521395,0.0,0.00014063033626880034,0.1604616556858151,97.06961186413744,70.38838786019734,3.289084247199731,14.428095637645066,1.9907974977412392e-07,0.0,0.16371703089919445,59.48489435230426,105.23186529224891,4.519945781999435,16.587626707853055,4.054042649655712e-05,0.0,206.90784608527076 +0.9690055196912792,0.2330551495340977,0.44201190468733514,230.6475888176529,206.3828348617795,306944.3818224871,6.284225250065055,77.81180608017493,2.156264506285445,26.16575527728549,2.71395104224374,27.039342838138356,0.7860842751657117,0.961433254183691,206.45566969122646,72.33142039319158,0.2986919563771194,293877.12256457435,2.97964229202522,95.53033658763414,4777.093462288953,255.223574906626,344.59348935856417,57.04144183942436,0.32768158139604325,0.19049639753741665,24.259857146502565,49.03886643988851,3.612068024874156,10.383335268705942,0.0,0.7860536559756626,0.12752648829861263,11.900596389660368,30.358705676605766,0.8221009631144456,11.601507541105496,1.6033010066721712e-07,0.0001132097967789073,0.19957319964141546,26.113263135563244,53.90225100008962,0.33981103708378535,9.894506353852611,0.0,0.00014063033626880034,0.353994898248225,41.16614016713533,25.48442552336843,9.43650556744501,45.73973862068845,1.9907974977412392e-07,0.0,0.1626000613355658,24.573586733378555,58.939411420961676,8.73184820989744,14.34977609386161,0.00013689818670871307,0.0,129.93901154671246 +0.8602251047022135,0.16060174632650176,0.4392195069767484,127.04213852332022,127.49627708696549,207952.68204262553,6.650939273606634,86.58070369307352,4.671918265098346,43.877154621336,3.103379700529378,22.007434641200042,0.44935577196091003,0.8363088368935504,946.5175156292048,53.99020785476083,0.21405171689757857,65054.490788443145,2.9945238579984657,89.33656252647839,409.9350470140212,116.39953111539488,348.749276967342,39.75614902339556,0.1615784973239854,0.19437432338139257,18.547071177566107,37.51365182688751,2.8954707691070904,14.72785938388216,0.0,0.6721337800696332,0.09589861407985681,33.55773848377466,59.57597267333943,0.8819708700402931,16.850518292299803,7.710093284469512e-06,0.0001132097967789073,0.2075309734415113,23.164216582931708,44.14994111427357,0.36311098226118027,11.288724098598589,0.0,0.00014063033626880034,0.17736286029186482,92.78514818939945,71.55391690572432,3.2834347091104408,13.866334721480309,1.9907974977412392e-07,0.0,0.2122487866128906,39.3313129435053,75.13186020534293,5.17928764424955,11.655628741903776,0.00010389383079547479,0.0,175.6052721464062 +0.9069262786815258,0.1202064751138531,0.37287273395479775,120.11325487123318,124.34394015925812,110680.03125820233,5.120001441700628,39.990885112599265,1.121072999742558,90.70576931710399,3.903615284217751,13.526573683320073,0.30404376130851624,0.7856102948467226,37.917672645140186,60.90325842284299,0.0541279634561138,51200.24864981345,0.52991433491376,95.424012584838,413.93812008525356,292.33327138612225,278.26398518981046,16.33994099143159,0.1918653477058317,0.2008626138922003,4.268047498603967,24.444260591852487,2.9928804972692165,62.3757632916885,0.0,3.2182556384081495,0.13785736098476972,2.28060766186154,12.181265515273582,1.1868429330361967,4.571759964646181,1.6033010066721712e-07,0.0001132097967789073,0.2101407963794435,2.7223121689425804,22.959051213657283,0.41357417819314923,39.86280704286278,0.0,0.00014063033626880034,0.3472123556082628,9.410539745949409,17.130710237240052,3.7322807924631474,35.40879147815867,1.9907974977412392e-07,0.0,0.20928281059844192,7.062576883855755,26.299864549804813,5.638422964640017,11.752709675603073,0.0005630919820285307,0.0,96.88604926799971 +0.958283440780913,0.14142385005902142,0.42387320154581976,212.7879009777505,212.0683432119372,278759.6009059424,5.329740801709226,7.753409439646198,1.882186079938395,93.52061436184276,3.899768791664515,24.213915924733897,0.5167260734191583,0.9130116728046587,610.7644662421827,22.935595965991393,0.306986710126627,74069.3644394384,2.589936815342114,85.53586730882446,4285.007465576071,224.46537412886045,252.33397447246927,34.42317094021086,0.291630964518908,0.1734738266825632,4.52425437702628,26.021027893477328,3.3706741237968747,10.726803548963847,0.0,0.832255260756608,0.11399737486593868,2.278997937234791,15.614534013046667,0.7527971245471824,19.509909390817207,4.492446130317093e-05,0.0001132097967789073,0.2021553000530963,3.8540644585075325,23.65102844639334,0.3284533558738048,5.262421797362111,2.5250286128642546e-05,0.00014063033626880034,0.3547635622282628,10.410011125636835,15.534861680341505,12.834254623035918,52.53961598296632,1.9907974977412392e-07,0.0,0.13129287754976526,1.7161669643595763,32.655258487338735,6.458536786941712,40.58706426536357,0.0,0.0,89.94614022613551 +0.8107740335179805,0.17999055413707513,0.39378505147939813,235.06960889746554,178.48231816714483,266747.6308992426,5.309206960463714,16.70657687896503,3.5772916278426936,34.7189550894811,0.3895286134833835,25.924360900827153,0.3085968719388887,0.9784289614603571,942.5946785317628,83.09944333586648,0.2926750566249268,155339.1726251432,2.9697393005849944,42.98917546173126,3618.5913353883097,91.29914098732532,348.37395199115497,57.66412924897842,0.20651726649404809,0.1920701836611413,29.898084556426387,51.13425810243291,2.8879696605490355,20.61225660472053,0.0,0.7104707842731732,0.12602766358850148,31.169459363043604,57.38712573895582,0.7599313963193951,7.315723213812061,1.6033010066721712e-07,0.0001132097967789073,0.20302890579117952,32.705806720880275,54.838459543453915,0.33168906412492577,17.61357021708,0.0,0.00014063033626880034,0.08988925306633903,82.19265619370977,58.30453995592334,2.8372672779223578,12.084809073414037,1.9907974977412392e-07,0.0,0.20670264405267588,47.69796717133483,81.53641318673841,5.4178928197441945,9.275166405818519,4.12908919953011e-05,0.0,178.87554811471273 +0.9595695384667614,0.2021849809515337,0.42487520176364174,105.31186856075789,76.34233016241474,338335.05958217,4.957847770956822,71.02025763229668,4.955214265354773,41.53285445599171,4.961235130416407,29.45727846120731,0.535511715025195,0.9468521621483897,653.4036442290738,25.41129540008101,0.3359061333959173,198029.5323698647,2.4213775325533566,89.93907635491398,4456.350230195709,252.42601469242808,334.6748198104472,56.37646915588317,0.1913105519835539,0.18839755858951893,16.249198389672,37.26360234407858,3.26043805160127,12.246358377579938,0.0,0.9594673495576981,0.12224442242018962,16.44823633618817,36.7770593230875,0.2290622568158998,9.710656342142165,8.45380811250397e-06,0.0001132097967789073,0.202389612851497,19.330728488173,43.536474564259926,0.2552070078356429,10.192342315950814,0.0,0.00014063033626880034,0.13980401378016497,71.98507235523176,52.656656346709006,3.7753257930589195,6.312359130714096,1.9907974977412392e-07,0.0,0.17769276294139802,31.538511940127645,66.20853854137734,5.0000564032197525,9.961535295964445,5.9102244677265764e-05,0.0,139.34105646969772 +0.9699351798719943,0.15028708682715103,0.3462242634263468,198.61067296539295,164.13181086574377,276074.3389222566,2.8018326940493763,8.893543692351628,3.1773102759993077,84.5917178513725,4.413695498156045,25.57823933389367,0.43904743651918887,0.4893853406974856,635.4178329880978,10.36369480221115,0.2783982485803751,96550.918299407,2.0921114782053607,99.39953026647015,425.4259591876738,260.087888546922,342.77226358291784,57.914329542157475,0.241867247324285,0.19647979462071433,15.336682568000898,34.051598978781726,3.155433947252067,30.060982805022736,0.0,1.0602976285982244,0.11715058576165967,17.85850320007251,40.559413809515625,0.2603697693929329,20.052020544467773,1.6033010066721712e-07,0.0001132097967789073,0.20956950971927776,18.21624077491612,37.242277143011115,0.25079053236921806,27.07189936585593,0.0,0.00014063033626880034,0.10426942477323095,46.868350480498506,41.893937573447424,3.9264183284408465,6.89525024306894,1.9907974977412392e-07,0.0,0.20732597319831017,28.953666394862765,56.591930909178174,5.315124490862268,26.559481342217243,0.00011168156877506237,0.0,126.16202019880684 +0.89922781832973,0.1433878265905304,0.34825202590421406,215.73760294616503,136.45142224608455,302241.2089526214,2.1112558354789495,71.21653596556689,1.1681253297233418,7.525145261755576,2.864208478671272,26.00145699453515,0.42070835432123266,0.7902932790456123,319.54800201282103,36.36942149650416,0.2282081602307153,258438.60279935758,2.533889278939348,66.0046980950604,4802.16285866199,262.37796110235416,348.53709464842757,55.74215671651872,0.16363477165641596,0.1938347692948547,31.993412497995845,50.298708474597674,2.994833343857027,19.46192728188577,0.0,0.9718149789034284,0.13092405706571497,34.58457000338899,61.38981931554002,0.25655079124076335,8.579735199909742,1.6033010066721712e-07,0.0001132097967789073,0.20616212222145502,33.13987385554101,52.2262645468061,0.23748988024929635,18.44149611754398,0.0,0.00014063033626880034,0.1135547141374649,88.09798650260291,67.9488357680054,3.6175842555029813,10.50291471227351,1.9907974977412392e-07,0.0,0.20721723461887123,58.00428691601243,97.67877205764098,4.539202231178711,12.473312138455444,0.0,0.0,196.80029511514005 +0.9830513815639568,0.21035705255268994,0.3744085393003625,26.037917468864528,152.282809285345,310928.6295467075,4.89118921398278,36.98509076268674,4.331345216069006,93.49689166075851,3.8255787194392354,27.27637586832664,0.4091650385545688,0.985665727728822,420.60647297170317,90.75027464989225,0.29910094331331094,122285.32688084395,0.935251136122447,89.82954278680965,4237.039385478286,171.86466865672938,348.13563566169285,45.196252743278244,0.1652706738557182,0.1898536876032526,10.520622765201669,35.16539301110568,2.834571710859952,39.967294957801144,0.0,1.131607939922092,0.12367842617254328,15.931051131816044,35.63459407423359,0.2603736700870302,7.042315079759151,1.6033010066721712e-07,0.0001132097967789073,0.20204834497687438,11.73069617778497,29.98176906613391,0.2401620869803664,38.94068866241091,0.0,0.00014063033626880034,0.13380693974091876,44.686281965529275,42.09521809393274,3.6924905268075903,21.39189435988117,1.9907974977412392e-07,0.0,0.18459271525058843,23.32227120683135,49.97967746477196,4.183732342996607,17.868431838447606,0.000302492898272686,0.0,121.24012369116139 +0.8795885946746455,0.1988690545969027,0.3333775595230939,138.05516935459187,150.97805744856333,220326.3584374003,5.336772277562291,79.06376287579205,3.5288181707347155,71.50952484251839,1.3988460676596612,22.554473834698413,0.38397444275113,0.940982938566487,737.0672033837475,22.436439917904778,0.2432997915041507,280685.7886273982,2.8609454757643444,92.91663688152282,4474.789915349105,148.7530708278254,330.4632725096508,21.83707698201082,0.15189167244150847,0.194463850176223,10.03014184926098,26.481654551398048,3.0934906970850844,4.2604881664264935,0.0,0.6887757429587411,0.13378090070855864,6.269754015693468,21.99224305291159,0.7252356943353033,6.009391923477009,1.6033010066721712e-07,0.0001132097967789073,0.20546190738844053,10.725695181740553,27.777049049203796,0.333771813991251,3.8340237346645787,0.0,0.00014063033626880034,0.1518892326134434,100.58190995041075,68.09569321007599,3.5490350186034316,5.955934740556439,1.9907974977412392e-07,0.0,0.21062008365205895,11.251247056941718,32.21496366275678,5.371713252633883,7.218350245567455,0.0004519742041240953,0.0,135.4194728555954 +0.8900946172814935,0.18195836303687535,0.42306846912065493,150.79685830072717,178.08009133528327,309788.6307121558,4.141555295057809,46.7912065108483,0.7162076950558485,87.30679270704552,3.2038808054041246,13.03094191808027,0.49269016948600414,0.7993293468255992,993.2074915452456,76.35124466593818,0.09503853625924309,286210.6470527239,2.41262996679743,97.9647514254317,1945.155087268438,235.12047043912096,335.2369097247044,18.9826475027165,0.19541237635637093,0.20044105410686514,7.78733513557798,24.89080428142132,2.855337219280057,4.796245481835563,3.789352606304767e-05,1.476983346193957,0.13879901610260273,3.211395080002986,16.241014934428136,0.37285606069734056,6.341028035305629,1.6033010066721712e-07,0.0001132097967789073,0.21099118062501143,3.888677037223387,25.26862723665558,0.2667439352978299,4.092624735454468,0.0,0.00014063033626880034,0.20450338870828283,84.33912560425024,54.4646607504222,3.0962932930558402,6.186011325236108,1.9907974977412392e-07,0.0,0.22548712382622293,0.8054982527400439,18.85647374264824,3.743007833411417,7.2239788692759115,0.00010761033759978935,0.0,110.67230751534073 +0.9241363564433471,0.14730138474089463,0.40844089115208976,238.94568010084208,119.49447975461939,346463.26258714066,4.098171104573063,90.82357875074143,0.6448808172188255,12.671494699651893,0.8073156290614304,15.218591262311923,0.37151545394039776,0.6554094717032274,325.30370479572264,98.59439854996263,0.18135592787904634,58023.031291657535,0.7574138749619549,79.51423484495254,4677.651759016568,140.59173299440084,345.56209829831556,57.91093160390275,0.28720450155667154,0.1990896582137399,5.029427842969725,24.813373025490097,3.261800821188984,67.64602367300466,0.0,0.6684494477342399,0.1388047118523905,9.653250093257812,27.717702903824254,0.29936499326873517,9.36430484769009,1.6033010066721712e-07,0.0001132097967789073,0.2114162739454883,4.586455794863438,25.540426951060322,0.2580211997629917,62.198470452428836,0.0,0.00014063033626880034,0.1072016457922333,25.338510738052477,32.908037282585774,3.278873573197408,11.171667567414081,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.8649328190075433,0.22984186771626086,0.38331116810238053,214.53420042903352,201.31769366963968,191506.86340061622,3.507213991672109,58.340082024891316,2.628982372255878,60.978471476470574,4.003834957531795,29.816131265693485,0.5269632713016672,0.92459958420172,797.0791592819565,28.31179316802472,0.21590789451772724,101939.74695964696,2.889849973981429,62.237576858455476,1639.2804215743017,251.91092419912442,344.52633263809963,55.15365604986537,0.19581340042932877,0.19205263887958135,25.711984384326392,48.05205898029673,2.7655990909453245,21.793831159987487,0.0,0.7384551747155602,0.1034315505396132,38.81517276996288,64.62998540362354,0.7066425407189796,14.600564737833954,1.6033010066721712e-07,0.0001132097967789073,0.20351248070298314,30.080661832273723,54.644214347341666,0.3227564786832497,18.609492629650028,6.57943223834883e-05,0.00014063033626880034,0.11696427614416058,93.8435157910188,67.41713755292464,3.7462847379169184,13.782726650133245,1.9907974977412392e-07,0.0,0.19544188121917713,49.20972611155969,89.34925255733154,5.090599854936553,18.56707606588888,3.965786961012626e-05,0.0,194.72854250104874 +0.9819902997867871,0.20264017524848033,0.3480024676015279,236.38746513595322,179.07029204337738,226096.9040796185,4.388204973421549,60.91897643419374,2.536410376935039,89.5615427066594,4.754888204222657,29.89217900228629,0.3541483720679309,0.9609044728191816,893.1326183269982,16.910496778282962,0.29739111610759683,213109.93832939988,1.465636388438013,80.7404699884627,3688.8502965477264,117.21590174833021,348.3481145630262,58.41867414992342,0.186002779677227,0.1858493850960468,24.517258672943306,48.14066511812026,3.062447954746189,31.663603556832744,0.0,0.8981856671684384,0.12383906373246358,23.234334710929673,44.03260435728835,0.7432812979700543,5.9982267470712225,1.6033010066721712e-07,0.0001132097967789073,0.2007207572594858,24.941470845068775,46.20151540840265,0.3294711244910524,30.857136825987464,0.0,0.00014063033626880034,0.09071291258106318,65.61794142703644,53.02767952388871,3.295901051295194,14.204998910295314,1.9907974977412392e-07,0.0,0.17803596483221829,42.8859502394027,78.58972118210973,5.530176720998227,13.70829086293621,7.89271608949549e-05,0.0,160.37464291152133 +0.8864716036925048,0.11841107642276143,0.32841223263663794,234.0300502344195,184.37438478817313,344141.68643614254,6.215428710414775,82.81988336698996,2.767102827339156,96.95918063392708,4.140632464254283,7.9923146688498194,0.4762729655539061,0.9748282716002157,960.7159780783343,66.07759910582928,0.15175680856368234,174440.95979646422,2.8323785214564228,87.10585306609327,1720.526998436177,293.2279268796487,344.49752352155764,47.38997762745925,0.23134703640560042,0.1975744656116946,33.42985369591107,56.62920302038029,3.259010191560404,21.281845746178906,0.0,1.1364710422692037,0.1056428979492674,26.23899559435564,50.364436694434694,0.6913850272498757,19.051580624966366,1.6033010066721712e-07,0.0001132097967789073,0.20594023765524064,32.38876386864002,60.88922438489576,0.3177733029932147,16.513068981565965,0.0,0.00014063033626880034,0.20087500425582316,90.38862329973215,67.63657825731902,4.225828773866775,7.297812696371075,1.9907974977412392e-07,0.0,0.1838770982882309,44.47838474132975,89.74436039890833,6.383034569112574,18.01478821668413,2.821774414803473e-05,0.0,191.3656466035942 +0.9706257864201376,0.23497001238314802,0.4154531736456709,197.61197676301197,199.9206072943271,273562.7080714755,6.968214037499733,34.350954712905505,0.8816602879523578,31.606631714795625,4.160092358186659,20.383935194261554,0.46248253851631815,0.3411911100491258,984.1702460323621,30.843533879139816,0.24236126531937952,76681.59824722883,2.8861399491375015,99.04935961089194,1115.9204744428123,116.92920849111454,228.27327594729448,36.26216812144414,0.30156054673643146,0.20106060844453016,5.537020220941271,25.132080842170776,3.335341572158018,6.437894436557156,0.0,0.6741525340256511,0.1069931284610528,1.9944075307838882,16.528853274385664,0.948427893979703,26.085844533317903,1.6033010066721712e-07,0.0001132097967789073,0.2142841539539957,5.331026578343463,23.62906991530757,0.36397134094436906,4.9785242645399945,0.0,0.00014063033626880034,0.2594419810285955,4.362133375201723,18.223891372873283,17.56418967006672,58.47420845232594,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.927563202873768,0.2294437469606614,0.3657371647108355,144.08874319217833,125.48477662613706,306227.5184923517,5.868231544022236,52.466832893860456,2.245736309953562,90.3342606354108,3.8401870424772793,29.06694993533866,0.5037222956339197,0.9477535893443292,781.960026588511,94.61697569579029,0.20746186123611413,92744.08212626776,2.7297682392714386,93.40435268847745,4784.630601708488,94.09656293380444,334.14561544846674,59.76622158758286,0.23627893591940505,0.1922019696578328,20.289115500072345,39.35947122915966,3.007202897586332,22.092178581491645,9.849720197867721e-06,0.6576229767228159,0.11620234500283193,19.829545734243318,44.19337471570328,0.5204615516989929,12.47066935176124,1.6033010066721712e-07,0.0001132097967789073,0.2005924320298426,22.12631937341176,46.991262094713825,0.2982504103826234,14.973845064530128,0.0,0.00014063033626880034,0.19576353697587576,74.5045185637933,57.174036941725035,3.1330440818939405,14.26719040393627,1.9907974977412392e-07,0.0,0.17945302256213227,37.44663564678804,71.56938999768192,5.101414567799777,10.442962255426282,0.0,0.0,153.54250028365718 +0.971442282604727,0.20728882912420765,0.3419535678957401,135.16879312414443,55.495785256557795,331733.5012912394,5.913531197811062,55.17934149282551,2.357332862615368,91.03478825237248,0.4672485425201609,21.880023070626006,0.38614015200594065,0.8358952466549642,258.38220827056307,27.560503938223796,0.08099263246598354,297480.1687445929,2.7366674152903716,69.37184156089573,4504.776239057252,193.343121336888,349.1770198864731,20.060712140622403,0.3462349376926551,0.19855906951611862,24.52958081862853,37.49707060873378,3.7819459762281027,9.091864133680938,0.0,2.3534004482557114,0.1334044936720205,13.272684874565096,32.45607036899557,0.29610962370758537,6.229770122974925,1.6033010066721712e-07,0.0001132097967789073,0.2078386067294268,18.556876679993508,36.75766998117555,0.2709072147981414,5.152628465360534,0.0,0.00014063033626880034,0.34949324943304944,55.07955735983009,31.295341814038967,3.783278872692172,24.034794419672284,1.9907974977412392e-07,0.0,0.20862296972201508,20.353519518518766,42.39047150746213,5.515191614454917,5.999788775608246,0.0,0.0,109.47072163503549 +0.9608267108051229,0.25198926976851704,0.43847535597651077,179.77658908812137,88.97010002082358,140470.42040992223,6.242929355045609,81.6622410837063,0.9922425085703963,90.08434109298841,4.94249363649833,8.701314423545423,0.4893161860465938,0.7710195073630027,37.46331241180371,33.9905048265053,0.2802955385517462,56505.788682808925,2.8720806273957913,82.26948782830162,1052.8848948873397,290.86182607033516,277.09683177662873,28.202191985775567,0.33833571643767424,0.19728640736418512,5.377874154032268,25.369921846296464,3.557244959340312,6.848384028797054,1.8483229980587673e-05,0.879112268616454,0.11695305124460854,1.8864746583225944,18.032270051822245,1.144529658712162,21.94360222754784,1.6033010066721712e-07,0.0001132097967789073,0.2110158958786045,4.204459404008256,24.61242198838661,0.40730860383355943,5.180649451004021,0.0,0.00014063033626880034,0.3427223200814774,18.436704601783326,18.395164235873892,7.120613293526676,42.795189360410795,1.9907974977412392e-07,0.0,0.13941874258736678,2.59435535817672,35.45113824249116,7.238226246050024,36.311012835507974,0.0,0.0,85.9647814402246 +0.9864704024383982,0.2074182739011155,0.3861113717277565,208.90326459348864,213.32530092940732,255258.32410981195,6.160191254475616,89.13918160507043,3.848553980683412,89.6954333938462,2.346751741820304,11.024106223196679,0.5436509680426725,0.7431500631951083,976.4382616519767,86.510035475905,0.3065755446657582,216572.00746880448,2.691507848997644,99.20458437325223,3223.336139876233,278.3075948791302,347.67472110489246,52.583317176491256,0.1785684805721455,0.19802876437224157,27.14472336681826,47.675206702273435,2.925117712549985,16.412040064307988,8.953651800590586e-06,0.7089543134054828,0.12330965840426615,24.49771163758564,47.042320232815264,0.9414751584865085,17.87230077197218,1.7967445764513324e-05,0.0001132097967789073,0.20869455522086974,30.28155430435398,53.195109547460596,0.3617715075428893,14.745966886629308,0.0,0.00014063033626880034,0.20273678062672604,92.02321209559611,64.6459026868423,3.9461908723191925,6.743358037889937,1.9907974977412392e-07,0.0,0.20049187324026635,42.2411422947238,82.30167106885834,6.164803732813419,16.273059179008357,0.00011570611684867045,0.0,178.76003617264234 +0.9378067407862589,0.2297351092412587,0.400717369982018,244.95125715615188,145.7830708264426,215327.70284045118,5.770885760801782,27.881031613479895,1.7273584569641183,77.53913618377143,4.805532461156791,22.616830771068013,0.3224995573368095,0.9567552582371885,678.9004738495225,60.90089448439963,0.20593806241846957,299280.2344888165,2.8132024839729888,88.7726879717314,4748.669690332878,247.60007773483878,348.4152472972782,53.82147427181596,0.29699624430970606,0.19354139423179206,31.34711517929047,52.63860641802012,2.9523114247006466,13.964662802931665,0.0,0.7180622657958621,0.12633697448983666,17.07463162217599,36.13292136443243,0.9471671784022715,10.176966641524679,1.6033010066721712e-07,0.0001132097967789073,0.20353943223914847,31.359318029396512,53.99891119821202,0.3674125976186402,11.991365315610633,0.0,0.00014063033626880034,0.3527652951259298,58.140120264097725,32.602398671834905,4.14226900469759,33.13410186646365,1.9907974977412392e-07,0.0,0.14488465025710942,37.688858282972504,70.78875920146339,5.954160097528488,11.828491082177829,9.876843419687019e-05,0.0,147.87780440238419 +0.9812959286601306,0.14507659752959484,0.38939801604406865,43.09909770964772,249.0188735391601,131973.8245854734,6.423542349589419,19.257352139645636,0.4452085754738563,11.625282379822801,0.31404278290921095,20.7649781160903,0.351338244219351,0.8112593274201378,449.70039215972827,23.84276879302897,0.33082079937406395,61471.77180340994,1.9486802184354717,43.7002483429272,4425.484497697578,253.78582268415408,345.1508571588492,53.83601933779985,0.17534985333474457,0.19323450022700844,7.630396410748888,27.15495349313388,3.0532117392090368,32.767876625237975,0.0,1.1186836711176271,0.11729406394696106,15.810088192483763,38.16060743263185,0.9120840770900162,11.015116327072132,1.6033010066721712e-07,0.0001132097967789073,0.2070360344729171,10.991938232861743,27.472924962599286,0.3730285746729582,29.573122077517176,0.0,0.00014063033626880034,0.11271574851563797,41.86295718724588,48.53091187264338,4.669585968310767,16.69033274531082,1.9907974977412392e-07,0.0,0.1712985730988705,31.39210989408333,68.39733593979766,5.120425515792344,16.754714421182097,0.0,0.0,125.84686912607945 +0.8869947766686048,0.16545807895280384,0.3387704011803045,79.13404619937613,222.43211348645087,123108.88144058458,5.996269179192214,74.36601491249279,3.880714291510153,65.16052220438404,3.333919787956112,29.737467243147137,0.4004747860670397,0.7918151426633298,652.1698437256889,5.393405915356795,0.2988328365090211,106209.82171888933,2.720131176253635,74.20092774459765,1194.5167391300138,285.6705358931642,341.5938046524124,55.342910956931,0.20016741997705398,0.18925563540688747,24.204700380525633,47.489288899036424,3.721329706520262,23.762994400364605,0.0,1.032536386156719,0.10942930413705078,28.789368315664134,53.52569286175905,1.1896029351977768,15.005098358975227,1.6033010066721712e-07,0.0001132097967789073,0.2045664143521408,28.49224054090526,49.97262809279584,0.4135172445590603,20.941356991253155,0.0,0.00014063033626880034,0.12285065186893525,90.47871388873521,65.31268170911926,4.856913525016632,12.754482684862671,1.9907974977412392e-07,0.0,0.1807734787244456,55.88423831691754,97.31728959465917,7.235510198756158,23.883298292217823,0.0003098804329071877,0.0,192.2079296594947 +0.9598615126089727,0.12191488643023073,0.4271667486881473,245.45180793665037,134.345379091371,273766.1330258026,4.017988576085203,83.1438821784875,4.506206470925203,59.63735942333284,4.978898383290753,27.098051192329617,0.6712330972135753,0.4630680766991945,916.2111454783292,58.78378178350619,0.2993933037445959,122069.62090365932,2.7392733018468007,99.33926679708257,479.3843195232832,298.59225923119527,344.485620205803,57.86012936164902,0.3335622492835046,0.19175227932543365,16.056914791921088,34.159423057072374,2.830061804622183,22.272708363583963,3.5716885164180046e-05,0.8571654391721396,0.08897190834970767,14.153280642088282,29.67762027274297,0.4628722275557662,27.529948957465123,5.244188309353285e-05,0.0001132097967789073,0.19884624776234067,19.340926431494395,36.07221571006467,0.28347680913099577,23.654356843938306,0.0,0.00014063033626880034,0.3118849522287025,33.6181055669915,22.817212258524528,4.546505574054044,36.159257499035576,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9724743663307174,0.23600650265905507,0.3416566475913497,196.60775327907348,76.51427867204167,256129.79370946373,5.1709480681302855,92.5540056713662,1.3672338095938505,96.48138747662504,2.452290256495813,22.20872724176185,0.46877293588094,0.9769381787087965,280.2393232634219,92.36525020379567,0.32113848126703504,192524.1839431405,2.9779492505181238,94.01967328399184,2139.7351652021034,224.2159378106256,335.76737795418836,53.29954584752025,0.17848787270995523,0.1892526330126705,26.257311285898428,55.416308677710994,3.0842851490775254,13.087031288936338,0.0,0.8653336607150011,0.11850314750321274,25.696535103004503,49.41868798157421,0.4850110707102798,12.8929139269306,1.6033010066721712e-07,0.0001132097967789073,0.20128340024526328,29.802922432593157,59.187501644579655,0.30087600136020093,10.99522333624686,0.0,0.00014063033626880034,0.11144579848739333,93.74354467203895,71.27873822811154,3.1388376584966386,8.133557854764076,1.9907974977412392e-07,0.0,0.18803462005597096,41.47269992905226,87.01442227891185,5.096516801086866,10.839301783817364,5.937126762130675e-05,0.0,187.357685056439 +0.884369102395785,0.18886948267016979,0.37741678045052046,242.5794913112561,190.6416476858473,205010.27421147632,2.336580303237535,98.33560148552897,3.2991860200014416,98.23683466025298,1.4077461562242148,20.675232478036,0.39626844434322706,0.8606391798661626,878.2622656489816,50.11413020973545,0.3292327120339195,57437.3762965648,0.589023744261477,86.57407188948665,4643.430909820394,247.3396829996156,335.73062221256595,54.297641932317006,0.2052584491200312,0.19531624154763944,3.9258501378302024,24.66027371959241,2.504547515301442,67.90279641885871,0.0,1.222662910033201,0.13462832537338482,10.407851904689842,27.81351409940853,0.38650399317979933,8.820408066617853,1.6033010066721712e-07,0.0001132097967789073,0.2077515898459754,6.128404508507396,26.932579148605818,0.2656328763695417,69.27351926201744,0.0,0.00014063033626880034,0.1373961560968856,31.972915842819653,34.374602798513145,4.167387353020851,22.577081413745145,1.9907974977412392e-07,0.0,0.21571870537206395,9.153386333076005,32.17507900711953,4.292906093035158,30.160002325822354,7.774362971473995e-05,0.0,128.61565672845336 +0.9501443952262146,0.14652850798646896,0.4068330951697057,140.40623535074423,57.92265368860849,187474.6745809306,3.823024157729228,39.75524241718044,1.0530206087767062,21.573208076028077,2.804902031051225,7.805919892529982,0.32296898245290145,0.812769467490633,387.26900087293797,97.73338226797661,0.15727416064048005,296943.3850095513,1.8223374946991386,46.227839186180425,1457.160930127031,221.12856699063536,306.87259578653885,51.580523109653114,0.300681320041316,0.19936830156628332,5.052816203377846,23.78293934919252,2.5948872804127676,5.369891740262585,0.0,0.7443603143295293,0.14094692387009575,1.699594800061402,14.39015638711807,0.3869576546905058,3.5621902270440478,1.6033010066721712e-07,0.0001132097967789073,0.21221878392861604,3.9948207311090815,24.10387422063311,0.290797738104021,4.558196120140834,0.0,0.00014063033626880034,0.32678993310798354,43.86322429110929,26.175924436228513,4.200474234988035,8.59266868219814,1.9907974977412392e-07,0.0,0.2126958385155267,1.940216591983602,20.114065986916344,3.3123209521840504,4.412048850031256,0.0,0.0,67.87913852128452 +0.8804039047536611,0.1369003387667561,0.36370706588010804,149.656708972561,137.6601815269389,302094.4607234545,6.261199887460618,10.292421666846039,4.435220963276153,62.55237506458554,1.7188507609017836,26.416375411193297,0.3300743471371955,0.8565133112089661,99.30237030940253,66.44606049562518,0.06895468823759786,85950.65225604987,2.812014487961207,43.79279508268043,3038.0635044125133,252.9616295839007,342.29761495168196,54.44572403480345,0.15143619917933127,0.19642650444992915,30.32087554623676,46.85742345634866,3.691623606517511,29.921031350735014,0.0,3.364600348013879,0.10376325603600975,33.410636769512095,59.68042811144379,0.604989309281662,15.441487721597237,1.6033010066721712e-07,0.0001132097967789073,0.20389408931336217,25.115945153634893,48.99991994761999,0.3117190829254336,16.693960795840823,0.0,0.00014063033626880034,0.09871504111091435,80.73703376377156,62.07764179217235,4.786656125173736,15.968604808397423,1.9907974977412392e-07,0.0,0.1848173461349404,49.775782929659606,86.41507225687597,7.182103822629785,12.351938907995658,1.348865301467435e-05,0.0,181.82986603553294 +0.9325064631502663,0.1486823466414265,0.3377619681704341,64.06112704211142,151.5275591052945,128736.78340251859,5.807484356731716,58.535324723147866,1.4319116957825626,17.425533810219953,3.7511130649157085,4.707127824674268,0.5121602038779471,0.4762774736149278,868.319796127109,11.578130110224173,0.06948508280293124,111600.0319571334,1.2753805737791313,98.08976028566308,994.1458695353007,235.52592313919257,254.71077119462686,54.5485214360001,0.33151010898772704,0.1871587900476872,3.14574207708545,21.79257697315129,2.712972245463599,17.841618132030494,0.0,1.8915538324346894,0.14585019555876538,1.3973325189014028,12.731417294018561,0.9754225424884307,7.81362493965397,1.6033010066721712e-07,0.0001132097967789073,0.21496170932411293,1.814941519103321,23.72782306345082,0.3827934634686608,13.286714091361098,0.0,0.00014063033626880034,0.30861256831209266,19.601740105945286,18.295820307268936,4.41198442243888,25.44366238733093,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9284872061603636,0.14121514048399922,0.37535760470025054,145.8906475057663,61.03025984582331,280577.4177991556,2.5557394935643982,14.76875870675159,3.278324073242282,83.78127744119948,0.8996988793961296,24.0549710872444,0.4148886457153634,0.7602548634123081,64.96376518389923,72.73265578210852,0.1821590512049827,61114.00130210725,1.5029815588973703,74.00406647416702,3249.8503732533845,223.20309224276014,342.94120407911083,48.93971466283983,0.29467136385495457,0.1946504340621959,7.304714916013145,28.54616162237735,3.099245999873124,43.78556023344588,1.922780544697666e-06,0.7818171357552665,0.12522758567549747,12.357244798752538,31.954780385887407,0.2731892472179693,12.108826623185063,1.6033010066721712e-07,0.0001132097967789073,0.20732433984159637,8.553002331543002,26.692343031841926,0.23978401770087135,38.9470914580477,0.0,0.00014063033626880034,0.1113477027695885,28.837422893044547,36.90543900815776,3.574323814944301,11.735137830097285,1.9907974977412392e-07,0.0,0.20106693385871707,17.054549477689104,41.7995715837282,4.393002577327335,21.429027108597793,0.0,0.0,106.20508860445348 +0.9396713252643301,0.12518149334984194,0.35952471235881683,168.48538316717463,151.1268692713322,250424.38621829575,6.030669965331596,79.40192139117649,1.3193866501379599,22.128855267614362,2.792803842305504,13.316377696382833,0.4361838201306606,0.5684151392053267,30.651246175050318,1.9981807612680171,0.3188244776116197,238448.286782544,2.08123293729035,86.85230023179018,1951.2944278022628,263.7980207635343,250.89359539461262,59.039532852150934,0.21797023914983002,0.19886269413297392,1.981385804367194,24.157485732871496,7.0057065541663155,5.2242999455448,0.0,1.2024669582399554,0.14133650886175583,1.3071470011419677,12.918759066960192,0.7742607328555351,6.3815985496421535,1.6033010066721712e-07,0.0001132097967789073,0.21245290872372985,2.1111446938065224,24.35854812771311,0.33994487358176984,5.644056832122042,0.0,0.00014063033626880034,0.3276160549971567,25.93473874265787,19.90266156952429,7.490230823500307,43.56877599362681,1.9907974977412392e-07,0.0,0.23199521250325328,4.5557992796855995,23.35665490293115,11.08979829430811,10.426623044502643,0.00048196500771187936,0.0,72.98180669543171 +0.9802542366390846,0.1211444497095211,0.4381886221569675,246.56704659600578,180.90536565130424,130907.82998289689,6.474884077559187,26.669634126069738,3.8852278452463676,58.207012193425726,2.5086545332932406,29.767909216009848,0.4404933192006129,0.4368215909845102,93.83804414911702,1.8930420893299598,0.19303992195485314,151898.24698972833,2.743619219944929,47.35272534488023,2117.385776274117,297.8074966756036,348.77158504075305,49.50083119818414,0.293762306183587,0.19794882303715375,15.043564643784679,32.32331811165919,6.681523746562063,13.495847385427213,0.0,0.9597985514227644,0.1337599416446971,9.781642740690264,24.74382765875723,1.5849154810903614,13.635000696064937,3.6153128579434986e-05,0.0001132097967789073,0.2105020565548861,18.972393329703447,35.02301134712947,0.4762648713412783,11.795244097213107,0.0,0.00014063033626880034,0.29602288613729766,35.61289332228633,25.234361573464902,8.521428890505787,23.90278306507796,1.9907974977412392e-07,0.0,0.20457458819543284,20.130576518217925,48.20422619597132,11.831715571236865,18.4525022002327,6.103795299666164e-05,0.0,99.39667842869389 +0.9865755613311638,0.18152537846307787,0.42365973307050264,210.42885493102818,188.03877946621216,202102.3550801448,3.1799315387246203,71.98867814754531,1.7683571041670283,80.50240425029594,3.005230645214125,28.516214243457426,0.601710707234953,0.8197381632164502,390.65720220989385,79.67967665019766,0.20664471121201267,77368.18807086651,2.3981063459998455,81.08226566034338,4267.08946348423,254.2688663244691,326.9370380201443,57.25697946972133,0.16271331828929037,0.18854638037527624,11.073026653133638,35.20721509151092,2.6454789674510204,16.360865433093696,0.0,0.7735338365546174,0.09715389498417734,14.46331431798792,35.407261313957996,0.5695056268161326,15.625064076706053,1.6033010066721712e-07,0.0001132097967789073,0.20402444659674604,13.42412996330338,37.49275911201669,0.29920598118320435,12.05186206284381,0.0,0.00014063033626880034,0.15792532758402203,50.34942161706219,47.8726799863926,3.516439865676315,10.236836129988207,1.9907974977412392e-07,0.0,0.1830320468242488,20.30184993424852,54.32361207468061,4.628666100734316,12.243319615883927,0.0,0.0,116.42473452150703 +0.8829708858383314,0.21374426261764,0.36810415666260776,193.5446372261551,125.72494509168882,118555.89196677101,4.311205159208072,85.09837519331822,2.6819052747942926,86.32706843667953,1.388362603006847,21.42503066394252,0.382583855345388,0.767860511062089,709.9426201697486,2.4532661584283924,0.27343278424763506,264211.43125727004,2.4820984265905066,45.805022595011096,1353.9607419949007,122.26565896737893,348.70725880744874,28.05576847803825,0.2308237007350828,0.19646870974803318,17.60689239586476,32.34021255640994,3.5080528389888586,10.0642603369517,0.0,0.9842153641488005,0.1366446174802761,18.41128368350956,37.432924290468,1.1077104151031283,3.81839218822594,1.6033010066721712e-07,0.0001132097967789073,0.2102517421290179,19.63223172057926,33.48929829354228,0.3985766505417138,8.512859905849973,0.0,0.00014063033626880034,0.09542923723543259,62.29486172784503,48.84335771543524,5.174431429705537,8.690381228495292,1.9907974977412392e-07,0.0,0.2043736471794674,13.185816702854659,42.88577577168331,6.761100847014973,5.40029805607054,5.3552818393078185e-05,0.0,115.16402431705833 +0.9584450108620485,0.10804949128569293,0.42378244577995394,90.7358500696595,100.97472988996394,274221.70634619053,6.156098359093122,26.43318283620389,3.2839819114735866,19.944684474695304,0.6870222128387988,13.288074301424718,0.308080797046326,0.5836513597425717,6.674970084756893,1.926608329137352,0.3184354673220879,84211.63646172243,1.9290349391254016,27.495672332786558,241.5580702133276,68.65457741602197,248.54308573343707,57.788227190081386,0.1750091038631547,0.19806056952740148,5.8339682069466665,24.661298982843586,6.943637246369641,4.188984017727653,0.0,1.2527383495447302,0.1393064976502697,2.84584079574928,12.480359520886818,0.48032303280858785,3.639045486534519,2.2894350857835567e-05,0.0001132097967789073,0.21213047674074909,3.520753029124898,23.78886184916018,0.2975306226312503,2.286348013320443,0.0,0.00014063033626880034,0.33227178797111023,10.325184436304228,16.810008597257024,6.2475540633356434,40.61437426028265,1.9907974977412392e-07,0.0,0.22551180053286365,7.8506201405050025,25.25825301862837,9.33964248084118,11.548227072642444,0.00036308829595768806,0.0,66.84841879993314 +0.8921247974610113,0.19711592095168162,0.43292152701651565,203.66194317217335,245.6931027252867,191884.3947594194,5.541852948188168,32.95586813830087,2.6988012560005386,14.300598029737522,0.326495388043432,29.0921618138922,0.32935512941502576,0.8884880170026659,307.1616184323011,27.89946764566564,0.15260631128491528,75009.0898299408,2.8756763286622657,52.17235233176581,839.3961227569544,253.65024076806196,347.7352004463217,56.09674921951987,0.24360371079319817,0.1920996423132586,22.260342243895757,41.30933088739165,3.412286800798087,22.538592773014862,0.0,0.9689559862835168,0.09280521655263269,24.480822514799726,45.730204590497586,1.136423273540193,16.924534053088696,1.6033010066721712e-07,0.0001132097967789073,0.2004549484267939,24.84685912834213,47.04500011526019,0.3953403453975845,18.015220811390595,0.0,0.00014063033626880034,0.2048327196096525,62.05508535201895,48.925631576872576,4.655539248010477,12.074882824979209,1.9907974977412392e-07,0.0,0.16111605648464583,45.6772872705358,80.47406035081876,7.452833210878309,22.77013780955222,0.0,0.0,156.22050206671125 +0.9320337199941378,0.14593477247725833,0.43871421594401633,124.5565673037443,70.610073141506,348993.1489654819,5.6343183937569306,84.78101758486335,3.9140921235649446,11.887547377124886,1.9723247451231507,14.416919469841648,0.3261571922153702,0.31208515083082555,112.38927250435955,29.082787720452743,0.12126495519327153,57143.046929103846,0.9870560492439024,88.91817794873988,3216.3141246606647,80.89587212645392,335.7487171843642,36.49308898648817,0.2410703843531874,0.201661422614836,1.2011532549547306,24.027278948881044,4.023291919664683,40.50555878084968,1.973840216322079e-05,1.2063332470252235,0.14496071839485025,2.1826101984854627,15.60671847889721,0.27842767674287616,5.602537286883881,1.6033010066721712e-07,0.0001132097967789073,0.21465393716822853,1.668327359802085,23.69821150529781,0.2638624713418306,32.070877955531785,0.0,0.00014063033626880034,0.13259140894250238,22.644626097861536,23.80803869218548,4.173580094863906,9.32250513906529,1.9907974977412392e-07,0.0,0.22606697064183687,0.9193564854026175,22.868620449545425,5.39921555542937,9.86294804995567,0.00021256477772233775,0.0,77.09895261033199 +0.8777297544821462,0.20603481673115723,0.32504224480834515,238.53215211000398,37.14744665438478,265335.0718204215,6.952213332927967,88.09068164800097,2.3582922842343086,79.52537813999979,4.194804006363788,21.44905639969367,0.7648802450476913,0.9361765956551252,815.2296245861992,4.668404273977614,0.2581719357527217,248028.05215488537,2.929312398351871,89.23123453662795,1126.9017626453945,118.70475688090924,330.0932727408732,54.21415902596075,0.158145500989826,0.1948071080853776,25.633419929978235,45.16398974560662,4.373606340306752,11.503097611693049,3.5574214850912406e-05,0.6021745059503391,0.13300210064590953,20.583415169292834,41.83664527778076,0.4806328441520622,6.8761997566187265,1.6033010066721712e-07,0.0001132097967789073,0.20863333432995312,26.438267942871413,47.846996894066486,0.31560033780919516,8.498118768754471,0.0,0.00014063033626880034,0.133146404099033,103.21049785990357,73.02535578320862,4.654979139390122,11.069447366780867,2.8605507110931695e-05,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9863494865935056,0.23190565113357675,0.3917201438961155,144.12040868095164,247.87603727457105,274193.3093380302,6.758718811786334,73.02189446432101,3.881742249489837,86.0750665976247,2.53447989815356,29.813892434218477,0.6688037514517406,0.9417057881062688,833.5679679647035,56.95889327878184,0.3197960078599712,252074.23007198673,2.9691794324438328,96.29850822122643,3637.5031750177254,258.2000411084424,348.7703672833812,53.79324647194205,0.2153717815102953,0.18994351870807483,32.177838793589615,59.22642347432631,3.1119984504926586,14.895791545226473,0.0,0.7685033549192823,0.09859895460630949,25.288460577992264,46.09749531881589,0.8635507602040898,15.82862509163631,8.4098571678545e-05,0.0001132097967789073,0.2014212919987106,35.0869309710022,61.86597512688316,0.3503522209420914,13.800261657988004,0.0,0.00014063033626880034,0.3315257055485339,83.93722787488578,50.71181978699657,4.183698194897118,19.76401606181365,1.9907974977412392e-07,0.0,0.14903031749215945,21.588083696505077,102.28304975602255,5.1920925317699504,14.099197007090082,5.996764836349288e-05,0.0,184.9845347831893 +0.8657801326736307,0.1369003387667561,0.3581490588286639,209.63827468755647,139.55663867254086,302164.9159674101,2.7983057544563175,12.9547111053925,3.108656506537429,57.27750120485168,1.0313280474052584,25.091101501672597,0.47020525455951684,0.8261194113461293,428.7051217948827,57.16938818812033,0.05547591643351451,299051.7984502278,2.8625535409611276,85.95734303267913,833.2598804352888,218.57071176633656,349.5815966324406,53.8577334474834,0.19210496182607173,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.13209681580687796,32.607364784035624,56.83307784902241,0.21875913860219096,9.447982853941362,1.6033010066721712e-07,0.0001132097967789073,0.20644856155184524,38.66995915411939,58.78948719702708,0.2454193546340517,14.916546787701437,0.0,0.00014063033626880034,0.11071421474934749,92.03817202418317,61.224434970395606,3.4560100664512277,4.865773100460986,1.9907974977412392e-07,0.0,0.2163134710316891,57.75156024031615,97.68215205317387,4.541594841033876,12.584016656386503,5.7969590718660483e-05,0.0,2698666337285.8823 +0.9544872019891876,0.2691155123781004,0.4243357124384156,178.73248120814682,202.84999933427054,222727.11335343696,6.6973525640043325,60.39799513015211,3.6625601555187735,44.47864863367442,4.786788522397164,22.114560266918165,0.7337980555858926,0.8903967271056076,959.0262050732053,58.94083173827064,0.2960054250286908,62773.69658149002,2.9366762339973675,96.43459518797023,538.5650370889532,282.0582199615878,245.83442982359162,14.881648311752958,0.21282695913920435,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.13107695641944098,2.494016260787733,22.20744667305257,1.0658151468673742,23.71453109266,1.6033010066721712e-07,0.0001132097967789073,0.18272792566308774,2.9833067165668954,26.888837928467712,0.3816554335793576,13.118324391467318,0.0,0.0001365474966627336,0.34895124904290686,1.1897194573702639,14.205277867604611,18.05049611780303,58.905193490024814,1.9907974977412392e-07,0.0,0.08007917443016092,3.5850303310795932,35.686110134815145,9.01002985838355,60.570728331174195,0.0,0.0,2698666337285.8823 +0.8830236287085482,0.16083053443656603,0.4054049144802338,136.95812243607153,30.285977181676486,133525.63380947168,4.13146969938243,58.5701079278929,2.7619627376685334,39.01034299237832,0.28353553567808154,9.17809684784127,0.3412186004890224,0.8086115294653083,847.5985777945363,68.88614515619211,0.27368645529762287,296349.52364694653,2.904171073712581,43.429357867276266,4993.8983196264435,290.6852760248499,284.870195018674,11.417831611420262,0.16032524750234511,0.19873859779677713,5.022312505732947,24.0347186852085,2.7403709486642307,5.08745095936133,0.0,0.956530088087782,0.14100254959853448,2.250102415486193,13.066781452421578,0.5159983612234196,8.995855956820256,1.6033010066721712e-07,0.0001132097967789073,0.21216296570205556,3.693252365223415,23.73480800433417,0.32821100228629746,3.3017442405959123,0.0,0.00014063033626880034,0.34567366308694936,24.061871085018844,19.199618585225377,4.16585305507658,37.030191916760124,1.9907974977412392e-07,0.0,0.23408852676562886,9.113227441703856,23.1150232710992,4.302221027397454,15.05131703862775,0.0,0.0,68.41825434815028 +0.9275351020949087,0.203818576069123,0.3873233258274345,132.2348657544688,201.56146849728657,157644.46334244302,4.980073771614885,45.11770809280389,4.78817814266462,84.93358482081175,3.8905449142338893,12.624617396295452,0.363909584793921,0.6825806696382801,126.85511680754887,82.77139785954381,0.06358730306471773,222926.80714878373,2.84544830251011,81.45582045591502,460.2709409001559,287.6777823936947,343.4078982087651,55.88573378281024,0.17712147871454115,0.20142798439402596,36.004193202462154,49.870087876488896,2.871902800414103,18.83795469831654,1.929334162503511e-05,2.767365670075811,0.13274619802757975,24.77946728223562,45.90021820115032,1.0016558339796695,15.335528745353876,1.6033010066721712e-07,0.0001132097967789073,0.21038194677181576,30.076680638880354,50.091206475425594,0.3786339401793064,12.162691628102191,0.0,0.00014063033626880034,0.10130236401416026,79.9160620612926,59.373630957217536,3.1810846793483374,5.024870082134199,1.9907974977412392e-07,0.0,0.2139511694291056,40.13744015680995,75.0306395666001,5.5870711681519705,14.44934761450812,0.0001481183787106195,0.0,167.63319569042696 +0.9567073369571282,0.25241749315470735,0.3919759364510537,231.7715138084024,189.93129063949056,344929.056956073,6.935157279109323,66.5004193740044,3.9343269725285697,38.27022111546381,3.9988716533112045,26.640830227982917,0.5415063475251642,0.8209620626420542,979.310165997989,91.83984346765982,0.3060507653654885,210010.08883669518,2.667356440952594,71.83108773070374,2495.178125700165,269.5493045714505,349.09348331681326,54.548393741530774,0.16985903236570568,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.12451831899446061,29.205793225141495,56.53349808880973,0.7810130241207803,10.240425444618264,1.6033010066721712e-07,0.0001132097967789073,0.20681972724168926,30.703381711177748,51.8250717415092,0.3332480384577812,16.559934904811694,0.0,0.00014063033626880034,0.085905673707591,87.79337297237852,65.37310339312798,5.327412260773313,6.75166965994271,1.9907974977412392e-07,0.0,0.2013989243036727,57.64902859796474,99.9046049028888,6.880080173914618,14.039938255730442,4.834232513225464e-05,0.0,2698666337285.8823 +0.8839553913778203,0.14445404764319197,0.3201306373167561,139.33299490749124,205.28877696862338,296901.9620450193,3.3163422566822125,59.10200764030592,4.371524779881718,92.72404577041989,4.489965952273319,29.094211754346624,0.47118289427527504,0.7992967894837315,847.5985777945363,28.31179316802472,0.14965922750668884,239329.16079459834,2.886231041126931,85.31220730088381,1599.8214961681072,252.81458667333345,342.93630514802555,53.90354152117724,0.20305460375734768,0.19525638647308743,34.74983299208718,52.187664340665,2.892308639325415,18.179049224184517,0.0,0.6729955807881721,0.12852017042023406,29.92108065584602,54.1450113453044,0.2767957066478224,9.38445530241185,1.6033010066721712e-07,0.0001132097967789073,0.20342596358832668,36.38783474794307,60.44483982095219,0.25301505158711385,14.567267197583295,0.0,0.00014063033626880034,0.10334673967484255,90.34656753652462,64.48934219311924,3.582130826798548,7.143749659617088,1.9907974977412392e-07,0.0,0.19292940433036918,59.76635276902706,99.93259601758834,4.786284771424818,14.888816628586776,5.238134608687411e-05,0.0,198.90684285548707 +0.9204031654526817,0.21149484951773156,0.38695496997618195,229.0366236636205,230.77578572393398,343029.90273087926,6.019349712207654,38.74076263543758,3.5051017546048797,87.51962199718189,1.2581492678130735,22.7719264645985,0.4102444781083372,0.9911580197136038,541.2769311314416,7.400015077372991,0.18883540596955786,59841.17883900147,2.508920207315565,54.87013278145836,3235.593033674231,281.1487828229688,346.07887287312144,23.686679670545537,0.32709417200500945,0.19087414967334784,11.025420791956368,34.81258548186477,4.338545475204906,15.6936947333116,0.0,0.7329481712114585,0.09466436898060805,14.684062065948341,36.72964966958263,0.7300016489451351,16.922147229259576,1.6033010066721712e-07,0.0001132097967789073,0.19888329527117973,13.711502893262224,36.01656115936085,0.3213462530808104,11.770004880371072,0.0,0.00014063033626880034,0.23951679238524398,50.65780379429233,40.98206495720232,5.711885660263958,19.007730117350114,1.9907974977412392e-07,0.0,0.16849974870712722,21.640856067051672,51.58413615691047,7.937448919030254,12.713075415909355,1.543534749370504e-05,0.0,114.31645269744071 +0.8364486268430434,0.19270711484092232,0.345067025103792,239.6396320272254,79.34988317157061,308475.0943837208,6.284384220946885,50.12458350559777,4.448220499551457,93.2667496331961,4.547408017890351,29.850260898291154,0.7661858967996995,0.9607878065673763,895.6484601899667,93.62251404963314,0.1733685840001829,147728.60721353482,2.9484792986370834,70.8948430583366,4410.494419632883,236.4978309271022,344.9494228462194,48.79157645488508,0.24369461382265098,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.11492033823709907,34.00213487697089,58.12819049897243,0.5219282026395158,13.717037734001904,0.00012546272377973727,0.0001132097967789073,0.20179830274057842,33.550019780107064,58.73200037570383,0.305084211539308,17.05157806565344,0.0,0.00014063033626880034,0.17581232797884885,90.60524668964808,65.01049592941192,3.086802391699277,9.230876117185494,1.9907974977412392e-07,0.0,0.17741786143373964,25.87577564052182,95.86666557973764,4.598472059094411,15.794096987959401,0.00013216548662929202,0.0,2698666337285.8823 +0.8423603614846237,0.11367646697519022,0.41531876138162976,212.33990942277003,188.08337227794482,250072.10242965564,5.760409253879904,36.51900906893781,3.335833475211112,48.12255965557528,3.2741089079495187,22.322216022384143,0.39910774187457404,0.9798534641209258,820.7104800766585,29.623769648833353,0.3167268438131663,221576.09480330462,2.923684246484972,94.07300642789876,4589.818354428463,278.58565996427063,341.1951997971274,56.45753064194174,0.19573744495653678,0.1914365366280198,28.465497910554596,53.68667236058871,3.1461314255948207,13.198690751194457,0.0,0.777649827907158,0.0906119817282674,27.31562404997791,46.99063625258277,0.8680746080864128,15.490526919047007,1.6033010066721712e-07,0.0001132097967789073,0.1993422497394101,32.06193542999274,57.61209013840959,0.3508110559197089,11.993369903661742,0.0,0.00014063033626880034,0.2624346009164578,90.81040001645171,61.59374696493016,3.2293006945632374,11.934716867125623,1.9907974977412392e-07,0.0,0.16339550229252,46.55867815285861,89.70831187231569,6.170626830128588,13.714307949744828,0.0,0.0,184.92734934153296 +0.849665067765827,0.20195145109679216,0.4110135926054426,209.6487144274987,240.60363835263303,143138.32527840033,6.537802414360925,7.647544794215044,3.274360422043741,71.62234049842287,4.210029172645389,28.30087741897799,0.35895023275393906,0.8797270736356216,857.1436000089293,83.86664892928195,0.33358389155389884,211524.61835855024,2.871054510316667,85.85567604422575,2948.3280428582907,69.60041958747368,230.8815856778837,15.292840748663806,0.33231520253827074,0.19439132695844324,3.370907354278182,25.4616959006914,2.922167549220463,4.176963313687816,0.0,0.8030569298957992,0.13256658124451898,1.4094394944305892,13.762281683056798,1.559056879112581,15.802531536495438,1.6033010066721712e-07,0.0001132097967789073,0.20541892301270248,1.98802669866071,26.100741617256737,0.47298745031556194,2.9348817041348383,2.0836631232705705e-05,0.00014063033626880034,0.34615167956606474,1.8714272032744685,14.183459710021298,19.01683393536241,59.85014624524305,1.9907974977412392e-07,0.0,0.14819333186421563,4.630048934605256,33.7985132158062,6.681955100213521,35.74528618027488,0.0,0.0,91.97070563611139 +0.9697685367035487,0.23768900069092813,0.40972097106749955,213.5427906108623,235.03873814785712,282051.56819612795,5.632269559853698,78.97893639526961,4.76939724128683,87.46232410763547,4.253115395546243,26.80987761380493,0.5652638241016797,0.9989927800316075,850.0018212777961,28.478884462361588,0.274371303453497,269617.0248344778,2.638231065339893,96.36084455007025,3052.18296029608,266.7287278457488,345.5655271687769,59.04246766729399,0.29395460926795325,0.1911325289120446,27.68454163845531,51.00420842039244,3.265420554503712,14.641532105728169,0.0,0.6838955964818485,0.12157675944289767,16.319157869274584,36.44811881768874,0.8179921642034937,12.45414596755693,1.6033010066721712e-07,0.0001132097967789073,0.20256682167288664,27.899932205157164,53.30101070130577,0.33843022745878387,12.944470461794493,0.0,0.00014063033626880034,0.35510768122067266,55.615666306442286,31.598834415048252,5.1912947779674,35.09211152553027,1.9907974977412392e-07,0.0,0.14668432548647087,34.94386693075516,78.84458190743788,6.357633806366384,13.333664103704644,0.00010693775266768145,0.0,148.78502522233578 +0.9227337031849432,0.2391171098052984,0.35454508150200464,167.54841850165369,243.1821771817051,332398.3782944398,3.7743623207240677,92.80293311977701,4.5858639617853525,68.20048281214349,3.9583982854500883,25.615816774956752,0.520079840044789,0.5231979611479315,895.0620062935178,38.82160509389627,0.25750022188562693,236092.3241454964,2.645970539705828,74.60010788927774,1998.7168195965598,263.39556025631657,343.40465338161243,48.91613887914229,0.17300727386442147,0.19949735907738478,23.578117056930225,37.38313449790472,3.0151070638824065,14.031700960353298,2.245368537011377e-05,0.7645441383810948,0.1395730757803477,26.761241454186134,49.47384004604189,0.35560531956001207,9.547584002312128,1.6033010066721712e-07,0.0001132097967789073,0.2131077858357841,25.990406736842818,41.31491604986861,0.25984947271603986,11.894518448192267,0.00011030570015722049,0.00014063033626880034,0.11103676558059922,85.37855569237608,61.01434024647041,3.0571896568098276,9.006811672613571,1.9907974977412392e-07,0.0,0.2199069477192618,17.476317198425058,54.673661837262365,4.243335566629527,11.675582607342603,3.432359491271401e-05,0.0,149.96968604481538 +0.894057127556827,0.15082363838650492,0.4497338500738592,213.39204967279156,233.07549599223603,176396.37085077382,4.884536030167661,88.68968991596954,1.6666482361526636,88.12230477157985,0.2978840965968431,20.721372573531404,0.3420794138097872,0.8652309624707655,637.8111254684492,23.512512531370344,0.07414396797097174,94003.57535386882,2.82015647142096,45.740041180315856,4766.885531559255,136.95956605269512,294.17137298232524,12.918963716010342,0.201285980899082,0.19856298528307262,1.3371377960181126,22.26123780079215,3.119223558915381,3.997193189101473,0.0,2.3003882556528894,0.13519147390369052,2.692568361504943,13.188428906453085,1.100021185326445,11.654098615187564,1.6033010066721712e-07,0.0001132097967789073,0.20589936195002376,4.565599215088396,23.002980400864885,0.38927900761298556,3.203448945933017,0.0,0.00014063033626880034,0.3498761488512484,28.49851385324868,23.23663059426452,5.050866169424664,37.08549491493196,1.9907974977412392e-07,0.0,0.0895004725654856,4.181315002837243,34.646360955491836,6.013220976501766,33.66404246539497,0.0,0.0,80.91612887563412 +0.9061654805827709,0.25583156585759825,0.4318804979074616,129.61097867116735,123.51084330983338,304735.8833761598,6.3175525758707884,37.74315102961269,3.4224684880016203,73.14161967628068,4.879109107892526,28.23156368585035,0.7147986036899262,0.8329389044123066,329.7418190552597,69.33437710381104,0.34565720846116976,159743.7807368466,2.8619699818855215,90.39287825727959,4101.412845065901,298.7739285839799,345.32544592570537,45.10006936944466,0.3374682855146183,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.16712375702925217,15.849725437684166,46.55044540177336,0.28284522915753696,17.539912484729157,0.0,0.00014294577017401794,0.34355527019120413,43.97170202892192,25.957519084716882,5.239200437705999,34.114585973305836,1.9907974977412392e-07,0.0,0.18766595210001996,26.47525185030403,58.29186109437034,5.8902619684316475,22.470669590741544,9.807000927071736e-05,0.0,3816490534509.4204 +0.9313862532509375,0.10910109855334599,0.40221511109189134,193.88964841785406,37.8565136066956,185740.65906899513,4.559218244453023,68.44949192943787,1.4372324697298278,13.486489704335389,2.8411691383374116,3.526326295301157,0.4675210951374717,0.7561864949486479,474.66457098274896,23.114686904130238,0.29758990655024886,52503.436221352866,2.0623796213160936,98.10720155427668,1207.3504006625537,74.52242120333325,232.63879635458187,58.289476678624666,0.22355064312724485,0.2000404886055013,4.418235940289373,23.808996019717657,3.0666852648218303,6.087546487424359,2.3720243359541425e-05,0.9436556437884893,0.14373512645355602,2.571141530625608,12.331242455747601,0.4372110720068,12.818748479853598,1.6033010066721712e-07,0.0001132097967789073,0.21386290033017236,2.972693596788545,23.488311353298123,0.30925044221275205,3.2040134481866263,0.0,0.00014063033626880034,0.34694004519480104,9.109405094576045,14.953182807576933,5.475117417576275,43.41937324378748,1.9907974977412392e-07,0.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,2698666337285.8823 +0.9812328874452046,0.15173611647099625,0.3820200121849968,129.10932242191487,200.68759568979632,222727.11335343696,6.870679368630629,58.54890611150647,3.6625601555187735,44.84480442667268,0.3951266547935085,17.614861460005606,0.45981761562403733,0.7460456495084731,959.0262050732053,58.94083173827064,0.15230578588286844,63194.616375149664,2.882760820673453,96.43459518797023,1605.479286508535,251.84305215540712,248.60230629923964,14.881648311752958,0.21282695913920435,0.18475154660149823,2.012463922434477,25.26041266023503,2.9337057541480234,11.183863233448083,6.329319577809806e-05,1.0589669819169796,0.12596103066836445,2.1539456328374413,20.66419016948801,0.9666098989784131,23.613771721670513,1.6033010066721712e-07,0.0001132097967789073,0.19246498166132964,3.485179654698234,24.92512969466766,0.37180694397356817,9.533234419492898,0.0,0.00014063033626880034,0.3468545669922916,1.2051429816832457,14.365787771694919,16.711944802101524,57.52483447492318,1.9907974977412392e-07,0.0,0.09453562151651486,4.3337861514860565,35.2963342866352,7.852819406069457,57.27768401641219,0.0,0.0,104.37921450303011 +0.8611038535035322,0.14814749144604858,0.44898761144962956,167.6957584762133,237.22629355373323,345328.83890917996,6.506307899518952,50.38471664004285,1.6590188659846117,7.256787716516744,4.261970576370217,4.873269659817349,0.7456304178898172,0.4747096708672046,890.7688384073807,2.2572345636962865,0.2605240494419496,109950.67551797573,2.9653837476135805,98.9540547469422,1928.4886046908407,192.2904307638911,239.49484518932923,25.75693820265406,0.18512919429971697,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,1020000000000.0,0.297991094005912,2.3157691139439147,16.590696716732253,17.99057487785099,58.95580035114671,1.9907974977412392e-07,0.0,0.22225403657292406,6.552334656764326,30.34001567921863,8.179178553046567,36.61719790880247,0.00027800941092497933,0.0,4674227208854.957 +0.8478450944074591,0.1549191891870133,0.34456059408688405,129.55220593996808,227.26851871825497,230933.7288566546,4.540827883868594,59.92566608050504,1.4433077395020024,16.35710326236057,3.1132967454444733,24.965912389717197,0.39813708224751804,0.6758156214479387,902.9492163817412,18.661007810544938,0.2863342248928882,105164.51672334605,2.407207091502802,99.72071109855952,3557.20157744493,228.95851454729683,349.5647410401756,58.17094393642843,0.24220319993888467,0.19665826407199447,23.097675744370548,39.778662801464186,2.9969442785031934,30.973155991098295,0.0,0.9010091596110781,0.11030953606505758,27.011311482308866,52.15447363081336,0.6331492619317475,19.722633820747117,1.6033010066721712e-07,0.0001132097967789073,0.20918387306802602,26.965152182474633,43.44850616813192,0.3127597651044926,28.61205619905422,0.0,0.00014063033626880034,0.1562721470510189,78.4946186542069,57.65410399805495,3.6065816566080002,9.860055476063478,1.9907974977412392e-07,0.0,0.2098964762226672,47.5407466144757,83.02008203824532,5.252649939466403,29.335524856995008,5.279689615629164e-05,0.0,173.18807546241158 +0.9710709368190568,0.21370192298152565,0.3646962610298065,94.54343258219097,157.44671038577056,332878.17825580406,2.4839905610929396,12.72219425328991,1.1493132132650778,89.97769074181598,2.9593363140132185,16.03436613972843,0.3875413351711631,0.8294667329870176,842.6643953546062,66.80310335763932,0.2011951479044441,223217.28202320484,2.848932571296643,50.31695765548546,122.53227639752934,225.9766458841239,346.74683259682536,47.56623902369283,0.24123187623392395,0.195907298431075,24.96388731499872,43.699336841328304,2.7730140660328124,14.055517152843011,0.0,0.8311614771398198,0.13583445943937494,19.785740045180564,40.565903780323936,0.29971026220305574,8.553250517413183,1.6033010066721712e-07,0.0001132097967789073,0.2086802630233946,27.138539885938677,45.850463703976544,0.23600945094328837,11.717857985626408,0.0,0.00014063033626880034,0.14197863054860044,58.154536671707916,43.0723091510882,3.5735695557294807,4.929350998619145,1.9907974977412392e-07,0.0,0.21675125618212324,29.451280631232947,56.32424779756017,4.13557580131067,10.126794737672613,0.00018133198940662644,0.0,131.37379914678547 +0.9724422401807711,0.2091942580972566,0.3446912346619818,85.63154012958252,107.1772277081973,127091.55328191312,5.78513348058682,41.88458238520764,2.197749769505908,19.004117183662796,2.2568433742667713,21.059648240508224,0.4432130323131739,0.6077202157759907,769.4521167739134,5.05468184192852,0.25456700344067107,61618.32372844998,1.3416132148848212,54.5406283264024,1187.7697018389663,130.44240798119955,325.11678803623266,42.10697140952579,0.24983614754740266,0.19776962482006621,3.1433325488049704,24.036754972429843,3.5675757753850585,37.934289614457,6.0680229232594036e-05,0.8968211727399256,0.1368717667270205,4.922170058622199,19.98372484593771,1.0274267530182368,6.9359840351979525,1.6033010066721712e-07,0.0001132097967789073,0.2114965559694012,3.967589497083221,24.578523832644233,0.39153276457680636,33.48663659456016,0.0,0.00014063033626880034,0.13036950195889468,22.97025347575816,29.607124243305535,4.910546609293036,13.361546683726854,1.9907974977412392e-07,0.0,0.2121088635926143,0.8508513132808435,25.2072776875221,5.764089070378621,10.783917813471442,9.534539347254906e-05,0.0,81.5288555261228 +0.9049569769521175,0.23722489403654523,0.4441007499293806,203.20794850195688,232.85602539038612,313856.8115739049,3.949588004291388,11.833981546949605,3.345187121865007,76.65873187188919,2.910958092718893,22.679495385862097,0.401936580489795,0.9612077192253374,750.3512311395455,75.08288484380631,0.24505732341223535,229133.83616613375,2.118150965203726,75.41219801340297,4932.663090167333,182.04926036662005,346.9568971049569,37.08079453827894,0.33017259231634627,0.19618138227293058,15.362134318535015,33.05411430684845,2.9309831478589707,12.79452293738155,0.0,0.6936019583593755,0.1343391567565676,13.061862827722113,32.489363209103466,0.4611480525104081,5.909935996204836,1.6033010066721712e-07,0.0001132097967789073,0.20570108520390673,17.001167311457802,33.56227449049994,0.2750697175418158,11.111682439596544,0.0,0.00014063033626880034,0.35121385636690305,43.12232406488048,26.018024094308366,3.3569793420701366,31.61594311439978,1.9907974977412392e-07,0.0,0.21296202525685892,17.28345402547259,38.51316743435648,5.047708011094188,6.901588968336197,0.0,0.0,98.5105759042424 +0.9544421920478228,0.12484543694957295,0.3687201950912672,204.5546259586909,138.27619500836155,155992.81691769592,5.891876377898783,73.48272367341278,1.1986842282200356,39.10529019774294,0.7456039473643485,26.628503171611406,0.4576767052732229,0.9855401937860642,540.0980602119374,95.55193889201081,0.23224868206844365,106855.90992682977,2.352402596653393,74.96954675776807,4146.741761969357,201.17543971604474,341.68717088648236,59.48372541871061,0.1905241318401122,0.1883979718206203,18.46643704345355,41.20334116501292,2.8064006908551864,26.884066887485904,0.0,0.7696166419719298,0.10878527768310631,21.796489430283692,42.117873091821465,1.1877205456218074,13.190174740843352,1.6033010066721712e-07,0.0001132097967789073,0.19905992349559354,20.955549480092554,47.65973598725677,0.4095412780297664,21.97179709813027,0.0,0.00014063033626880034,0.14902884425581486,71.56601420773235,59.46910246197084,3.453344455987457,13.257278213571492,1.9907974977412392e-07,0.0,0.14837718540951922,46.36614491171549,96.20346290032839,5.840146593959071,13.792398494230698,0.00014109289974486008,0.0,169.89171989251346 +0.8425991550846138,0.2000877039429654,0.34572824999310486,245.6801751779588,75.09834146016594,164711.47298065946,6.069843445024003,45.47377114724483,4.3610374539322185,90.73140181370366,2.658045370915775,28.10600371947701,0.512836287356111,0.9958204339528379,760.1430043904118,31.57451732547567,0.21406521805081025,121615.8596345902,2.437966068474802,93.47677766445695,720.8436415120578,288.81230601878383,342.7027145446837,58.60330604316887,0.2699181125946558,0.19251659961204565,28.685532813911557,50.77751135107007,3.133625215928341,31.281150340156465,0.0,0.6761997058065633,0.09356931927682752,32.851852901133825,53.891045501430504,0.9681783594595683,17.381267557085884,1.6033010066721712e-07,0.0001132097967789073,0.20067153644928398,30.390751458346905,55.673166401717566,0.3817467625200988,27.014686410416765,0.0,0.00014063033626880034,0.20023732309042888,83.25978894477072,59.13861515463827,3.9968278601732545,12.913730988856685,1.9907974977412392e-07,0.0,0.14826055838681787,60.183385046062156,102.1965074019336,5.916079736676815,27.875752890759333,0.0,0.0,197.28217058799055 +0.8798599074550715,0.11377513794248549,0.32753172209788645,56.86358920796046,62.788385901961895,305722.16268229694,3.5128908379226593,68.12779738415367,2.7261242560614236,97.42607223090933,1.7010215112813936,13.489921324002978,0.3493984501098382,0.9692255136398571,290.6563592809337,28.810249521627558,0.25189358500698805,56538.03321526832,0.9507287634119211,71.89281224355219,4020.903954125655,137.6681779879294,329.63405675525917,51.414596442990636,0.15845448171944904,0.19521255348114253,6.844523278580187,27.341907298328554,3.117144940491215,66.57136200374819,0.0,1.0009202211273822,0.137520693460677,7.7761091096580115,25.430119657855887,0.27435514583199094,8.740661482721507,1.6033010066721712e-07,0.0001132097967789073,0.20922222879789962,7.821215249845802,28.67932301087319,0.24005619880635834,64.5593232056726,0.0,0.00014063033626880034,0.14580423694070443,26.65087610606285,34.62931751610877,3.6719977304571625,21.42886649268636,1.9907974977412392e-07,0.0,0.193405746365481,4.15557132925544,29.080280650918166,3.7965632051045852,20.07903041879672,2.8487128174577187e-05,0.0,121.38770613049225 +0.8388510458306313,0.11812123774093075,0.3262031102642472,66.6837886745285,27.39185765994897,104230.57618731665,2.7282967747645728,6.934746584345961,0.4840873446877447,20.252852829904192,0.2780414832994843,23.271793792051298,0.30222225827132787,0.7134743248220505,428.7051217948827,48.39132503889305,0.055565315931124626,278228.9365259028,2.5151865827738344,86.32816561466188,852.6982717806932,219.36184967063318,347.60627915961254,54.07958715815789,0.18938458935670974,0.19834940262540052,39.831764051351094,52.701621121955085,2.6846487713066027,22.367123987302584,0.0,1.3037596641310933,0.13525210528671536,33.1067246001171,56.88325292762443,0.32008767977560487,8.097558598439576,1.6033010066721712e-07,0.0001132097967789073,0.20931657564436632,33.94310352235742,47.75748424535613,0.2905481954010303,17.992070309661706,0.0,0.00014063033626880034,0.09908962943459004,87.05982318857794,63.36497518177207,4.922726105353609,9.361706354445916,1.9907974977412392e-07,0.0,0.22462219133211503,55.583979185908035,89.7684288132328,4.120410596156108,12.013419751225463,0.00010313148334098926,0.0,189.85043540951628 +0.935409452605475,0.1801563464883293,0.3353697680786378,17.61250723780728,213.73517837498628,107221.09822114049,4.645943365468499,31.78745510438232,0.8558068348086182,74.20051041564622,1.4093628013002366,15.43418059122402,0.42958370757920683,0.9019288352715162,893.9948786146523,28.674646928414237,0.22110533943218766,66149.23293235645,0.9654179636300785,57.00820385765701,3910.674354978384,208.40885861843407,344.51641500845034,45.76112773039135,0.3051217554923945,0.1950027627065031,6.671806657674943,26.156283940998804,2.68126925950968,59.56304951245131,0.0,1.2645068437761386,0.13588273251264416,12.088194876878596,30.703691362356103,0.42597887989711997,9.25431595467212,1.6033010066721712e-07,0.0001132097967789073,0.20814613935649862,8.670346354594814,28.539209682978726,0.2895700210889113,59.377639266735926,0.0,0.00014063033626880034,0.1445604573869285,25.505586587561496,34.6563947984395,4.9421536453858534,20.5691176033203,1.9907974977412392e-07,0.0,0.19737215161200125,5.368531306241194,33.4549129816186,2.951319170044495,23.68640109366999,0.0001771697020099777,0.0,117.86604890759195 +0.8140870063999098,0.1238381191853258,0.3245396640590792,27.272437888407485,160.16102020377656,109132.60522371109,2.791168739030852,84.08997553631637,0.39819274848797537,50.806670010981705,2.0120744148140317,18.786972915089272,0.321607797533534,0.9724119897166643,756.7035425876455,61.047497252343476,0.06963749761837869,249519.16983404846,2.583803353854319,65.74515030768686,1940.7935391137685,171.13839358294396,346.9589035362001,47.79647230579623,0.1602640607725651,0.1946874564974273,34.424435647634816,51.85352106836502,2.592503357351043,20.741877577675197,0.0,0.8996352828454651,0.13232212234740404,35.15907829856879,61.35838289072279,0.2689821943804692,7.209727335008997,1.6033010066721712e-07,0.0001132097967789073,0.2071082925030231,34.600696134939604,56.534708893475454,0.26231037160000037,18.064028843871586,0.0,0.00014063033626880034,0.12349372158249224,102.82527299728716,75.74994555483443,4.91116897113797,15.07464523874844,1.9907974977412392e-07,0.0,0.2116999677836494,50.287017142572594,83.70973955056526,3.879766891485492,11.170542737623224,0.0002963139979603641,0.0,200.80578007513887 +0.8193300405171143,0.13551984365548878,0.4446436201168288,190.28337735895292,176.310254358262,187917.76621160592,4.627818120649123,71.10240825662561,1.7664223589252608,5.445208362702843,4.231037679411183,20.2703214021933,0.6482289141281916,0.6268230342991418,298.58966361998245,62.92594430813499,0.257893686104171,140330.3669478083,2.893972953426824,83.05493728918034,4849.235250733834,248.05684476483287,232.0297018550711,27.32189512844816,0.1594636049895527,0.19916029634338975,6.18898353835798,24.42519434169392,2.8897755360344846,8.216925270566943,0.0,0.8030679863614011,0.1312675742210937,2.027824789791635,16.15933466489529,0.8739210750155065,19.367397050043255,1.6033010066721712e-07,0.0001132097967789073,0.21198332588629049,5.066918975096031,23.45771429687436,0.35492816928313164,6.934416480331713,0.0,0.00014063033626880034,0.32374508030977195,1.2527512164039518,15.44430802079532,16.09307320037982,56.98703518444513,1.9907974977412392e-07,0.0,0.22063522884714998,7.3706524910999685,30.875074184537034,5.685577391015404,39.68975240084091,8.79575632491976e-06,0.0,91.31655289100956 +0.9874004201431474,0.18336923161079083,0.40064180556814344,235.96895116113478,97.24759515685577,309747.1980934649,5.963642349866034,75.03856761667441,3.617176892650779,59.257399029969264,1.3057420054508677,28.527085676582104,0.3444283388413701,0.92444180141563,560.6691325820078,97.09575044067205,0.34553232152672353,299603.85153914616,1.8301897095739865,79.3700131981451,4740.1669694326,221.6417212135421,271.87435442903313,48.68608931376532,0.21996674421989915,0.18854719537827444,1.5186356497535798,25.96866682572037,3.1422628621973674,3.6072260215697467,0.0,0.7652522986923294,0.12328134841299081,1.3256596397057383,15.284770242884647,0.5429754551394121,5.235626993987442,1.6033010066721712e-07,0.0001132097967789073,0.200947218829542,1.5851987604747093,22.06413683124579,0.30435527821899494,3.25647254484049,0.0,0.00014063033626880034,0.3548520737135269,40.40281019629122,25.61612905462936,3.3132730361422085,38.289521293035996,1.9907974977412392e-07,0.0,0.1818366855296755,3.6862188868653365,27.97266479284475,5.610246738842279,15.486655449905713,6.495553708398277e-05,0.0,79.35068910592123 +0.9392534432243632,0.1545862585572517,0.42268203395963405,181.50749917342998,173.36073927764792,287329.577919182,6.053194371844754,88.71074983598727,3.3098790897444683,9.381343313930914,0.4794760012772121,13.316377696382833,0.3101465611853607,0.951879586031713,68.39754841543481,2.8469198489060865,0.32903941209970183,118184.32944046536,1.7551631478803493,87.1252025664519,4484.825950903685,192.19845538967675,337.2849739361364,58.50209108610732,0.21797023914983002,0.1940943493395095,9.578278681264587,30.2263979371262,6.153612670635053,23.586834669233095,0.0,1.0542348173258165,0.1344434686986367,12.609300637282313,33.65662539778742,0.726364839311651,7.906614413583991,1.6033010066721712e-07,0.0001132097967789073,0.2077872599396277,12.504903458506913,31.577214565595,0.3282295006085924,22.74170531969255,0.0,0.00014063033626880034,0.0801618475829829,46.67486059640111,45.360208916252255,6.56754721687707,8.298846563151116,1.9907974977412392e-07,0.0,0.20648219198410048,17.971042596660787,42.10709444484954,10.347320171334246,11.206365438314274,0.0002124034593613782,0.0,106.31624917339182 +0.8297086577027136,0.21687413805352532,0.36621218832619035,30.321484300225645,114.85893473776275,300300.30492968997,5.491759815407503,74.13285176479997,2.000980031609173,93.12174366854212,4.676495954082495,6.744137874159909,0.4391490169153547,0.9602242470544752,258.11234897012287,25.389179438174388,0.24412365106250772,213785.58459715729,2.8313003414405187,98.76923331434821,3554.4297130660925,287.7808534919418,342.1992706963993,37.29558383214481,0.26843124144081,0.19753831173886577,24.099677405142653,47.48483024793711,3.228840102984977,11.872384284739072,0.0,0.9267735063396682,0.12426044636066276,24.577157914436995,45.86122434926239,0.2080329322523104,18.016335303570703,1.6033010066721712e-07,0.0001132097967789073,0.20772212020433875,27.383296706299966,51.38272600012138,0.24598561132904623,11.137072071822294,0.0,0.00014063033626880034,0.13326903249063388,79.9086102028585,56.16617765005776,3.6397700755572524,5.029324255717184,1.9907974977412392e-07,0.0,0.20384034703379553,35.487871973339566,69.83490600442167,4.827508300434318,18.00920656633703,5.483525325808254e-06,0.0,159.98921806720332 +0.9718849615066265,0.13985879212045277,0.38987454804728466,149.62265821615668,219.86618937433738,136509.56466672278,5.7404479654399765,91.041894588087,4.715915108568785,90.30675900234435,2.7359161585954563,20.74263294358104,0.7993441893147184,0.5596420727964619,262.16846862791385,94.06042605969878,0.293326287011252,53226.945268961674,2.8868089128875822,94.140504718907,581.5578386167825,278.5638243773503,255.10101800123778,53.89730161561462,0.31352288920724514,0.19150947279461394,2.074051970851397,26.442553326959917,2.822463242804476,10.988469259851238,0.0,0.8567241972030364,0.11403051494471235,1.6989517879673948,18.337680914763528,1.3284375596097926,21.197554007773274,1.6033010066721712e-07,0.0001132097967789073,0.20161480358379572,1.833661601729814,26.019643233685866,0.43294372081081683,9.609876939341575,7.920533724525681e-05,0.00014063033626880034,0.328111292697037,20.215551581467665,19.120624584177264,8.414420766745396,45.15914162017623,1.9907974977412392e-07,0.0,0.2006033215326182,1.9646043395098916,32.089646156330154,6.3465215843191025,32.33328855455875,0.00018608925704895543,0.0,86.02393228183638 +0.9519163894285275,0.16848772067704668,0.392594186174717,126.6705486534101,213.92759913446068,241287.49105467022,3.665185458706974,60.0080587997418,2.372560112962041,90.43497080479784,4.015018138369251,24.355901545497375,0.44980171767027616,0.996557396682823,887.7770088278348,62.62188064916854,0.2417992689514921,51406.83329644181,2.6837540446859434,81.16291931559864,4084.728892331135,284.518169500691,243.39768185057486,25.629480863128208,0.331419539949212,0.17257483005804375,3.2779268237380093,26.17595728918863,2.6361661436506942,10.213022087911018,0.0,0.810518280841118,0.11072532068075557,1.64756995064917,17.946682418253772,0.4378215881380368,18.24739146726151,1.6033010066721712e-07,0.0001132097967789073,0.20101128382292818,2.3709366365149083,25.17857511419405,0.2782037085033773,4.414564038328278,0.0,0.00014063033626880034,0.35659011945679664,3.597269191456129,14.116475289397094,11.886713639449981,52.34430575404136,1.9907974977412392e-07,0.0,0.11523615383847859,3.0618023028188515,36.14912621640836,4.527893158852079,31.11585413701247,0.0,0.0,86.73772465742701 +0.9439388334207658,0.23015556541597645,0.3975743197353501,118.1231000487683,139.35770464870387,316821.15172185405,6.702534467751976,87.93454367481549,4.891308563874031,78.81589284882018,2.1396182456145105,13.030111089495637,0.5750574620538367,0.9255733598230127,524.310748831465,40.618800515910536,0.3435515730058505,224759.3153143139,2.807877473253634,83.01269081528336,3305.762128374021,285.9072846559794,347.23325797652893,48.2327746029425,0.27757797094261544,0.19569461781339684,25.04806100790132,49.0610721811798,3.384328966181151,13.893640475739472,0.0,0.8212555976130146,0.1140162694793702,18.466205189020904,39.11011769027253,0.5619135825567747,17.078965912914782,1.6033010066721712e-07,0.0001132097967789073,0.20588948562893514,28.300721712381424,53.10323726070588,0.30544930185056574,13.007319575332357,4.3943479318757126e-05,0.00014063033626880034,0.351182139779695,63.35785306878015,35.65038827335124,3.9310288377075815,22.97402536965364,1.9907974977412392e-07,0.0,0.17659346293813666,34.29397687543187,69.50516656265965,5.75376906879181,16.581170650014553,0.0,0.0,146.0687974966722 +0.9743730034340843,0.1417114017643305,0.32296349178078165,236.9402985951212,172.31456450738904,254002.38438848712,2.089045107308041,72.44411579459268,3.400851196954962,92.4804359813493,3.9999382970357216,27.915349801363345,0.31169125140357834,0.8924941255872325,825.5018256243568,60.63299217148116,0.13489145424587395,141876.752717853,2.6686483645921473,90.71133289974627,3578.894273205623,270.95370149572204,342.54019614101844,58.01969340546833,0.15230018416786653,0.1858492174730099,30.46666720214448,59.360660096794184,2.55585862615809,24.432753666747857,0.0,0.7719597734337216,0.10061300574687736,34.323710582016915,60.214368339954596,0.22139068225943928,17.021024760998117,1.6033010066721712e-07,0.0001132097967789073,0.1963301988553534,31.025506301735724,58.69307458481654,0.24337992640786218,20.162015297205674,0.0,0.00014063033626880034,0.18744427595426744,106.90091978288137,73.36193210055099,4.093546985113064,14.183877067355743,1.9907974977412392e-07,0.0,0.1532463109718589,62.121391329405526,107.80103391421817,4.249610628665671,17.3725780624771,1.0898633605152507e-05,0.0,218.61273328325865 +0.972567582606904,0.23545334825333447,0.36690206707706274,239.3211277231352,243.01094643070184,348567.83391255204,6.6915256114272035,47.85510713948502,3.8414295655462785,84.47094533512694,2.7019623024839317,19.359760978536706,0.3416413993066427,0.8369038489433559,772.5404829702534,52.27317917244948,0.2712228472151875,297007.81541167444,2.3592361698895483,85.50837205873242,4250.927026435635,164.05713055460552,331.4755709477112,53.02808453935175,0.15060263641802357,0.19529719361857972,19.370908412787713,36.429859633279214,3.418150824741399,10.380288764828498,0.0,0.6977565687005683,0.13554850240259994,12.590110697647864,30.586834333133126,0.8302426983065389,5.55817028137152,1.6033010066721712e-07,0.0001132097967789073,0.20721641649209857,18.526615680879534,35.46988471926471,0.337924785836903,8.14608331150621,0.0,0.00014063033626880034,0.08456449752988662,96.25098881005641,66.19829907493988,6.246761857263275,5.678628657733379,1.9907974977412392e-07,0.0,0.2107075789475326,23.118407437852397,47.575438565725605,7.528384611354944,6.349504062309531,0.0,0.0,145.70010342752883 +0.918719239855949,0.2297483778806334,0.34099095439968025,142.33161901700174,222.31794674637172,279018.7362767783,5.998680040420893,16.164283248637005,4.154370616020369,52.41078581387716,4.260785994815307,29.578680039578142,0.6628074133421906,0.9918216157477477,684.4122423992047,66.11949720371092,0.32892444119280256,205000.23497503618,2.8779305830217017,86.34236613100583,2284.8805503745584,292.08078801624765,343.32590233159715,55.346030756416425,0.2513915790584974,0.19062724058358568,32.38221912420987,58.388761647675835,3.0454117746319955,18.490630397134986,4.912764784994587e-05,0.811194442154048,0.08269209893577928,29.460027244586563,55.57070454406149,0.7266351961627233,16.47634757967068,1.6033010066721712e-07,0.0001132097967789073,0.20137361804620113,35.364529050523274,63.38427051449039,0.32766390834571596,16.5711713480158,0.0,0.00014063033626880034,0.26017018070061665,86.083029666079,58.35734274755615,2.990404810647995,11.312363162952309,1.9907974977412392e-07,0.0,0.1610308342444906,25.03248446645254,102.61529547297009,4.840748490226226,17.459765141162524,1.2561834111770399e-05,0.0,192.40158532155868 diff --git a/cal_and_val/thermal/val_hev.py b/cal_and_val/thermal/val_hev.py index 3a030cf4..b0116673 100644 --- a/cal_and_val/thermal/val_hev.py +++ b/cal_and_val/thermal/val_hev.py @@ -19,15 +19,13 @@ best_row_fuel_energy, :len(cal_mod_obj.param_fns)].to_numpy() -# res_df['euclidean'] = ( -# res_df.iloc[:, len(cal_mod_obj.param_fns):] ** 2).sum(1).pow(1/2) best_row = res_df["euclidean"].argmin() best_df = res_df.iloc[best_row, :] param_vals_euclidean = res_df.iloc[ best_row, :len(cal_mod_obj.param_fns)].to_numpy() -param_vals_best = param_vals_euclidean +param_vals_best = param_vals_fuel_energy # getting the solved models (errors_cal, cvs_cal, sds_cal_solved, sds_cal) = cal_mod_obj.get_errors( From 96cfcf44533cd3a7f955e05025f59b872142cd8c Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Mon, 3 Feb 2025 16:44:19 -0700 Subject: [PATCH 127/129] turned `skip_init` to False by default --- python/fastsim/__init__.py | 2 +- python/fastsim/fastsim.pyi | 2 +- python/fastsim/tests/test_serde.py | 6 +++--- 3 files changed, 5 insertions(+), 5 deletions(-) diff --git a/python/fastsim/__init__.py b/python/fastsim/__init__.py index 286de21f..75bd8f35 100644 --- a/python/fastsim/__init__.py +++ b/python/fastsim/__init__.py @@ -164,7 +164,7 @@ def to_pydict(self, data_fmt: str = "msg_pack", flatten: bool = False) -> Dict: @classmethod -def from_pydict(cls, pydict: Dict, data_fmt: str = "msg_pack", skip_init: bool = True) -> Self: +def from_pydict(cls, pydict: Dict, data_fmt: str = "msg_pack", skip_init: bool = False) -> Self: """ Instantiates Self from pure python dictionary # Arguments diff --git a/python/fastsim/fastsim.pyi b/python/fastsim/fastsim.pyi index af43310a..61589233 100644 --- a/python/fastsim/fastsim.pyi +++ b/python/fastsim/fastsim.pyi @@ -15,7 +15,7 @@ class SerdeAPI(object): def to_pydict(self, data_fmt: str = "msg_pack", flatten: bool = False) -> Dict: ... @classmethod - def from_pydict(cls, pydict: Dict, data_fmt: str = "msg_pack", skip_init: bool = True) -> Self: + def from_pydict(cls, pydict: Dict, data_fmt: str = "msg_pack", skip_init: bool = False) -> Self: ... class SimDrive(SerdeAPI): ... # TODO: flesh out more diff --git a/python/fastsim/tests/test_serde.py b/python/fastsim/tests/test_serde.py index 175f3020..dddcf685 100644 --- a/python/fastsim/tests/test_serde.py +++ b/python/fastsim/tests/test_serde.py @@ -24,14 +24,14 @@ def test_pydict(): t0 = time.perf_counter_ns() sd_dict_msg = sd.to_pydict(flatten=False, data_fmt="msg_pack") - sd_msg = fsim.SimDrive.from_pydict(sd_dict_msg, data_fmt="msg_pack") + sd_msg = fsim.SimDrive.from_pydict(sd_dict_msg, data_fmt="msg_pack", skip_init=True) t1 = time.perf_counter_ns() t_msg = t1 - t0 print(f"\nElapsed time for MessagePack: {t_msg:.3e} ns ") t0 = time.perf_counter_ns() sd_dict_yaml = sd.to_pydict(flatten=False, data_fmt="yaml") - sd_yaml = fsim.SimDrive.from_pydict(sd_dict_yaml, data_fmt="yaml") + sd_yaml = fsim.SimDrive.from_pydict(sd_dict_yaml, data_fmt="yaml", skip_init=True) t1 = time.perf_counter_ns() t_yaml = t1 - t0 print(f"Elapsed time for YAML: {t_yaml:.3e} ns ") @@ -39,7 +39,7 @@ def test_pydict(): t0 = time.perf_counter_ns() sd_dict_json = sd.to_pydict(flatten=False, data_fmt="json") - _sd_json = fsim.SimDrive.from_pydict(sd_dict_json, data_fmt="json") + _sd_json = fsim.SimDrive.from_pydict(sd_dict_json, data_fmt="json", skip_init=True) t1 = time.perf_counter_ns() t_json = t1 - t0 print(f"Elapsed time for json: {t_json:.3e} ns ") From 4d1d082e1743b27b83b8a09122c8f4cd0560c1b7 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Mon, 3 Feb 2025 17:04:43 -0700 Subject: [PATCH 128/129] updated from calibration results --- .../2021_Hyundai_Sonata_Hybrid_Blue.yaml | 127 +++++++++++------- python/fastsim/demos/demo_hev_thrml_cs_ca.py | 5 +- 2 files changed, 78 insertions(+), 54 deletions(-) diff --git a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml index 36ad0c46..31264f81 100644 --- a/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml +++ b/cal_and_val/thermal/f3-vehicles/2021_Hyundai_Sonata_Hybrid_Blue.yaml @@ -83,6 +83,8 @@ pt_type: min_soc: 0.35 max_soc: 0.9 save_interval: 1 + state: + soc: 0.50003 fs: pwr_out_max_watts: 2000000.0 pwr_ramp_lag_seconds: 1.1 @@ -92,29 +94,29 @@ pt_type: fc: thrml: FuelConverterThermal: - heat_capacitance_joules_per_kelvin: 200000.0 - length_for_convection_meters: 1.0 - htc_to_amb_stop_watts_per_square_meter_kelvin: 50.0 - conductance_from_comb_watts_per_kelvin: 5.0 + heat_capacitance_joules_per_kelvin: 72132.17831078888 + length_for_convection_meters: 0.5427107485587468 + htc_to_amb_stop_watts_per_square_meter_kelvin: 60.7820169953251 + conductance_from_comb_watts_per_kelvin: 2178.965385428629 max_frac_from_comb: 0.5 tstat_te_sto_kelvin: 358.15 tstat_te_delta_kelvin: 5.0 tstat_interp: Interp1D: x: - - 358.15 - - 363.15 + - 85.0 + - 90.0 f_x: - 0.0 - 1.0 strategy: Linear extrapolate: Clamp - radiator_effectiveness: 25.0 + radiator_effectiveness: 168.06311964877182 fc_eff_model: Exponential: - offset: 273.15 - lag: 25.0 - minimum: 0.2 + offset: 320.1873803210462 + lag: 24.998774179607892 + minimum: 0.1927168135089094 mass_kilograms: ~ specific_pwr_watts_per_kilogram: ~ pwr_out_max_watts: 112000.0 @@ -136,18 +138,18 @@ pt_type: - 0.8 - 1.0 f_x: - - 0.1 - - 0.12 - - 0.28 - - 0.35 - - 0.375 - - 0.39 - - 0.4 - - 0.4 - - 0.38 - - 0.37 - - 0.36 - - 0.35 + - 0.0900547945263104 + - 0.10806575343157247 + - 0.25215342467366914 + - 0.3151917808420864 + - 0.337705479473664 + - 0.35121369865261054 + - 0.3602191781052416 + - 0.3602191781052416 + - 0.3422082191999795 + - 0.3332027397473485 + - 0.32419726029471746 + - 0.3151917808420864 strategy: Linear extrapolate: Error pwr_idle_fuel_watts: 0.0 @@ -168,17 +170,45 @@ pt_type: - 0.8 - 1.0 f_x: - - 0.83 - - 0.85 - - 0.87 - - 0.89 - - 0.9 - - 0.91 - - 0.93 - - 0.94 - - 0.94 - - 0.93 - - 0.92 + - 0.8210591042476243 + - 0.844018240527504 + - 0.8669773768073834 + - 0.889936513087263 + - 0.9014160812272026 + - 0.9128956493671425 + - 0.935854785647022 + - 0.9473343537869616 + - 0.9473343537869616 + - 0.935854785647022 + - 0.9243752175070823 + strategy: Linear + extrapolate: Error + eff_interp_at_max_input: + Interp1D: + x: + - 0.0 + - 0.023696170342835454 + - 0.0461373053900192 + - 0.06742053968755037 + - 0.08874924872772037 + - 0.10954154515833676 + - 0.21370836914802546 + - 0.42223740583354036 + - 0.6333561087503105 + - 0.8548334765921018 + - 1.0818117806066543 + f_x: + - 0.8210591042476243 + - 0.844018240527504 + - 0.8669773768073834 + - 0.889936513087263 + - 0.9014160812272026 + - 0.9128956493671425 + - 0.935854785647022 + - 0.9473343537869616 + - 0.9473343537869616 + - 0.935854785647022 + - 0.9243752175070823 strategy: Linear extrapolate: Error pwr_out_max_watts: 39000.0 @@ -187,16 +217,16 @@ pt_type: save_interval: 1 pt_cntrl: RGWDB: - speed_soc_disch_buffer_meters_per_second: 17.8816 - speed_soc_disch_buffer_coeff: 1.0 - speed_soc_fc_on_buffer_meters_per_second: 19.66976 - speed_soc_fc_on_buffer_coeff: 1.0 + speed_soc_disch_buffer_meters_per_second: 59.54927794431647 + speed_soc_disch_buffer_coeff: 1.4370740568117162 + speed_soc_fc_on_buffer_meters_per_second: 5.115023553506799 + speed_soc_fc_on_buffer_coeff: 3.7567020585006974 speed_soc_regen_buffer_meters_per_second: 13.4112 speed_soc_regen_buffer_coeff: 1.0 - fc_min_time_on_seconds: 5.0 + fc_min_time_on_seconds: 12.722580080119371 speed_fc_forced_on_meters_per_second: 33.528 - frac_pwr_demand_fc_forced_on: 0.46357615894039733 - frac_of_most_eff_pwr_to_run_fc: 1.0 + frac_pwr_demand_fc_forced_on: 0.4216108997716131 + frac_of_most_eff_pwr_to_run_fc: 0.9464819140013936 frac_res_chrg_for_fc: 0.0 frac_res_dschrg_for_fc: 1.0 temp_fc_forced_on_kelvin: 335.15 @@ -226,25 +256,22 @@ chassis: cargo_mass_kilograms: ~ cabin: LumpedCabin: - cab_shell_htc_to_amb_watts_per_square_meter_kelvin: 0.05 - cab_htc_to_amb_stop_watts_per_square_meter_kelvin: 0.05 - heat_capacitance_joules_per_kelvin: 200000.0 - length_meters: 2.5 - # 1.86 meters (73.2 in). Source: https://www.edmunds.com/hyundai/sonata-hybrid/2021/st-401867551/features-specs/ + cab_shell_htc_to_amb_watts_per_square_meter_kelvin: 10.111988385072632 + cab_htc_to_amb_stop_watts_per_square_meter_kelvin: 153.22457193685642 + heat_capacitance_joules_per_kelvin: 133887.55278894224 + length_meters: 3.261651382829292 width_meters: 1.86 hvac: LumpedCabin: te_set_kelvin: 295.15 te_deadband_kelvin: 0.5 - p_watts_per_kelvin: 100.0 - i: 50.0 - # TODO: bump this up + p_watts_per_kelvin: 489.34499608760177 + i: 36.77964270414921 pwr_i_max_watts: 10000.0 d: 5.0 pwr_thrml_max_watts: 15000.0 - frac_of_ideal_cop: 0.15 + frac_of_ideal_cop: 0.0778419513178728 heat_source: FuelConverter - # TODO: bump this up pwr_aux_for_hvac_max_watts: 8000.0 mass_kilograms: 1508.195 pwr_aux_base_watts: 500.0 diff --git a/python/fastsim/demos/demo_hev_thrml_cs_ca.py b/python/fastsim/demos/demo_hev_thrml_cs_ca.py index 33c77c44..961ed809 100644 --- a/python/fastsim/demos/demo_hev_thrml_cs_ca.py +++ b/python/fastsim/demos/demo_hev_thrml_cs_ca.py @@ -50,10 +50,7 @@ # simulation start time t0 = time.perf_counter() # run simulation -try: - sd.walk() -except Exception: - pass +sd.walk() # simulation end time t1 = time.perf_counter() t_fsim3_si1 = t1 - t0 From 4911a61b0b797d901b2f0834f5d5642e0760d234 Mon Sep 17 00:00:00 2001 From: Chad Baker Date: Mon, 3 Feb 2025 17:08:03 -0700 Subject: [PATCH 129/129] shifted some comments around --- cal_and_val/thermal/cal_hev.py | 3 +-- 1 file changed, 1 insertion(+), 2 deletions(-) diff --git a/cal_and_val/thermal/cal_hev.py b/cal_and_val/thermal/cal_hev.py index fab33bd2..26b7c336 100644 --- a/cal_and_val/thermal/cal_hev.py +++ b/cal_and_val/thermal/cal_hev.py @@ -477,12 +477,11 @@ def get_fc_temp_too_hot(sd_dict): new_fc_thrml_fc_eff_model_Exponential_lag, new_fc_thrml_fc_eff_model_Exponential_minimum, # TODO: make sure this has functions for modifying + # - aux power # - battery thermal -- not necessary for HEV because battery temperature has no real effect # - thermal mass # - convection to ambient # - convection to cabin - # ## HEV specific stuff - # - aux power ), # must match order and length of `params_fns` bounds=(