diff --git a/.coveragerc b/.coveragerc index bad43d6e..19cab4b3 100644 --- a/.coveragerc +++ b/.coveragerc @@ -15,4 +15,5 @@ exclude_lines = if __name__ == '__main__': raise ImportError except Exception as error: - except ImportError \ No newline at end of file + except ImportError + plt.show() \ No newline at end of file diff --git a/.gitignore b/.gitignore index 4bb8c33c..ca80b181 100644 --- a/.gitignore +++ b/.gitignore @@ -5,7 +5,8 @@ *.bak .project .pydevproject -aixcalibuha/examples/testzone +examples/testzone +examples/results # pip install # ##################### diff --git a/.gitlab-ci.yml b/.gitlab-ci.yml index fb02bb78..dfb58347 100644 --- a/.gitlab-ci.yml +++ b/.gitlab-ci.yml @@ -9,9 +9,10 @@ stages: variables: COVERAGE_TYPE: "FMU" PAGES_BRANCH: master - EXLUDE_PYTHON: 37 + EXCLUDE_PYTHON: 37 GIT_REPO: RWTH-EBC/AixCaliBuHA PYTHON_PACKAGE_NAME: "aixcalibuha" + PYLINT_INPUT: "aixcalibuha" PYTHON_VERSION: "registry.git.rwth-aachen.de/ebc/ebc_all/gitlab_ci/templates:python_3.9" TEST_ENGINE: "unittest" diff --git a/CHANGELOG.md b/CHANGELOG.md index 701f077b..83414bde 100644 --- a/CHANGELOG.md +++ b/CHANGELOG.md @@ -51,3 +51,12 @@ - **v0.3.1** - Issue 41: Fix logging and add kwarg + +- **v1.0.0** + - Issue 43: Improvement of sensitivity analysis + - Enables verbose sensitivity analysis and the reuse of simulations + - It is now possible to use verbose sensitivity analysis for an automatic selection of tuner parameters + - Enables multiprocessing for the entire sensitivity process + - Sensitivity analysis is now usable for large models and data + - Add time dependent sensitivity analysis + - Ends support for python 3.7 diff --git a/README.md b/README.md index d3f3aa44..452a9627 100644 --- a/README.md +++ b/README.md @@ -1,11 +1,11 @@ ![E.ON EBC RWTH Aachen University](./docs/EBC_Logo.png) [![DOI](https://joss.theoj.org/papers/10.21105/joss.03861/status.svg)](https://doi.org/10.21105/joss.03861) -[![pylint](https://ebc.pages.rwth-aachen.de/EBC_all/github_ci/AixCaliBuHA/master/pylint/pylint.svg)](https://ebc.pages.rwth-aachen.de/EBC_all/github_ci/AixCaliBuHA/master/pylint/pylint.html) -[![documentation](https://ebc.pages.rwth-aachen.de/EBC_all/github_ci/AixCaliBuHA/master/docs/doc.svg)](https://ebc.pages.rwth-aachen.de/EBC_all/github_ci/AixCaliBuHA/master/docs/index.html) -[![coverage](https://ebc.pages.rwth-aachen.de/EBC_all/github_ci/AixCaliBuHA/master/coverage/badge.svg)](https://ebc.pages.rwth-aachen.de/EBC_all/github_ci/AixCaliBuHA/master/coverage) +[![pylint](https://rwth-ebc.github.io/AixCaliBuHA/master/pylint/pylint.svg)](https://rwth-ebc.github.io/AixCaliBuHA/master/pylint/pylint.html) +[![documentation](https://rwth-ebc.github.io/AixCaliBuHA/master/docs/doc.svg)](https://rwth-ebc.github.io/AixCaliBuHA/master/docs/index.html) +[![coverage](https://rwth-ebc.github.io/AixCaliBuHA/master/coverage/badge.svg)](https://rwth-ebc.github.io/AixCaliBuHA/master/coverage) [![License: MIT](https://img.shields.io/badge/License-MIT-yellow.svg)](https://opensource.org/licenses/MIT) -[![build](https://ebc.pages.rwth-aachen.de/EBC_all/github_ci/AixCaliBuHA/master/build/build.svg)](https://ebc.pages.rwth-aachen.de/EBC_all/github_ci/AixCaliBuHA/master/build/build.svg) +[![build](https://rwth-ebc.github.io/AixCaliBuHA/master/build/build.svg)](https://rwth-ebc.github.io/AixCaliBuHA/master/build/build.svg) # AixCaliBuHA @@ -16,7 +16,7 @@ This framework automates the process of calibrating models used in Building and HVAC Simulations. # Key features -- Performing a **Sensitivity Analysis** to discover tuner parameters for the calibration +- Performing a **Sensitivity Analysis** to analyze your model and discover tuner parameters for the calibration - **Calibration** of a given model based on the tuner parameters, the calibration classes and specified goals to evaluate the objective function of the underlying optimization # Installation @@ -143,7 +143,7 @@ Please use the following metadata to cite `AixCaliBuHA` in your research: ``` # Documentation -Visit our official [Documentation](https://ebc.pages.rwth-aachen.de/EBC_all/github_ci/AixCaliBuHA/master/docs). +Visit our official [Documentation](https://rwth-ebc.github.io/AixCaliBuHA/master/docs). # Problems? Please [raise an issue here](https://github.com/RWTH-EBC/AixCaliBuHA/issues/new). diff --git a/aixcalibuha/__init__.py b/aixcalibuha/__init__.py index 7c51b46e..db00633f 100644 --- a/aixcalibuha/__init__.py +++ b/aixcalibuha/__init__.py @@ -4,5 +4,7 @@ """ from .data_types import CalibrationClass, TunerParas, Goals from .calibration import Calibrator, MultipleClassCalibrator -from .sensitivity_analysis import SobolAnalyzer, MorrisAnalyzer -__version__ = "0.3.1" +from .sensitivity_analysis import SobolAnalyzer, MorrisAnalyzer, FASTAnalyzer, PAWNAnalyzer, \ + plotting + +__version__ = "1.0.0" diff --git a/aixcalibuha/calibration/calibrator.py b/aixcalibuha/calibration/calibrator.py index 8b6c0dbb..69bad510 100644 --- a/aixcalibuha/calibration/calibrator.py +++ b/aixcalibuha/calibration/calibrator.py @@ -10,6 +10,7 @@ from typing import Dict from copy import copy import numpy as np +import pandas as pd from ebcpy import data_types, Optimizer from ebcpy.simulationapi import SimulationAPI from aixcalibuha.utils import visualizer, MaxIterationsReached @@ -95,7 +96,7 @@ def __init__(self, calibration_class: CalibrationClass, **kwargs): """Instantiate instance attributes""" - #%% Kwargs + # %% Kwargs # Initialize supported keywords with default value # Pop the items so they wont be added when calling the # __init__ of the parent class. Always pop with a default value in case @@ -131,7 +132,7 @@ def __init__(self, raise TypeError(f"Given {bool_keyword} is of type " f"{type(keyword_value).__name__} but should be type bool") - #%% Initialize all public parameters + # %% Initialize all public parameters super().__init__(cd, **kwargs) # Set sim_api self.sim_api = sim_api @@ -153,7 +154,7 @@ def __init__(self, "stop_time": self.calibration_class.stop_time} ) - #%% Setup the logger + # %% Setup the logger # De-register the logger setup in the optimization class: if self.verbose_logging: self.logger = visualizer.CalibrationVisualizer( @@ -243,13 +244,13 @@ def obj(self, xk, *args): ) return self.ret_val_on_error - total_res = self._kpi_and_logging_calculation( + total_res, unweighted_objective = self._kpi_and_logging_calculation( xk_descaled=xk_descaled, counter=self._counter, results=sim_target_data ) - return total_res + return total_res, unweighted_objective def mp_obj(self, x, *args): # Initialize list for results @@ -268,12 +269,14 @@ def mp_obj(self, x, *args): xk_descaled_list.append(xk_descaled) # Update Parameters parameter_copy = parameters.copy() - parameter_copy.update({name: value for name, value in zip(initial_names, xk_descaled.values)}) + parameter_copy.update( + {name: value for name, value in zip(initial_names, xk_descaled.values)}) parameter_list.append(parameter_copy) # Simulate if self.save_files: - result_file_names = [f"simulation_{self._counter + idx}" for idx in range(len(parameter_list))] + result_file_names = [f"simulation_{self._counter + idx}" for idx in + range(len(parameter_list))] _filepaths = self.sim_api.simulate( parameters=parameter_list, return_option="savepath", @@ -304,7 +307,7 @@ def mp_obj(self, x, *args): if result is None: total_res_list[idx] = self.ret_val_on_error continue - total_res = self._kpi_and_logging_calculation( + total_res, unweighted_objective = self._kpi_and_logging_calculation( xk_descaled=xk_descaled_list[idx], counter=self._counter, results=result @@ -370,7 +373,7 @@ def _kpi_and_logging_calculation(self, *, xk_descaled, counter, results): f"of iterations {self.max_itercount} has been reached." ) - return total_res + return total_res, unweighted_objective def calibrate(self, framework, method=None, **kwargs) -> dict: """ @@ -380,7 +383,7 @@ def calibrate(self, framework, method=None, **kwargs) -> dict: arguments in Optimizer.optimize(). Look at the docstring in ebcpy to know which options are available. """ - #%% Start Calibration: + # %% Start Calibration: self.at_calibration = True self.logger.log(f"Start calibration of model: {self.sim_api.model_name}" f" with framework-class {self.__class__.__name__}") @@ -417,7 +420,7 @@ def calibrate(self, framework, method=None, **kwargs) -> dict: "Can't save or return any results." ) - #%% Save the relevant results. + # %% Save the relevant results. self.logger.save_calibration_result(self._current_best_iterate, self.sim_api.model_name, duration=t_cal, @@ -486,7 +489,7 @@ def save_results(self, parameter_values: dict, filename: str): with open(s_path, 'w') as json_file: json.dump(parameter_values, json_file, indent=4) - def validate(self, validation_class: CalibrationClass, calibration_result: Dict): + def validate(self, validation_class: CalibrationClass, calibration_result: Dict, verbose=False): """ Validate the given calibration class based on the given values for tuner_parameters. @@ -501,10 +504,10 @@ def validate(self, validation_class: CalibrationClass, calibration_result: Dict) self.logger.log(f"Start validation of model: {self.sim_api.model_name} with " f"framework-class {self.__class__.__name__}") # Use start-time of calibration class + self.calibration_class = validation_class start_time = self._apply_start_time_method( start_time=self.calibration_class.start_time ) - self.calibration_class = validation_class old_tuner_paras = copy(self.calibration_class.tuner_paras) tuner_values = list(calibration_result.values()) self.calibration_class.tuner_paras = TunerParas( @@ -526,12 +529,29 @@ def validate(self, validation_class: CalibrationClass, calibration_result: Dict) # Scale the tuner parameters xk = self.tuner_paras.scale(tuner_values) # Evaluate objective - obj = self.obj(xk=xk) + obj, unweighted_objective = self.obj(xk=xk) self.logger.validation_callback_func( obj=obj ) # Reset tuner_parameters to avoid unwanted behaviour self.calibration_class.tuner_paras = old_tuner_paras + if verbose: + weights = [1] + objectives = [obj] + goals = ['all'] + for goal, val in unweighted_objective.items(): + weights.append(val[0]) + objectives.append(val[1]) + goals.append(goal) + index = pd.MultiIndex.from_product( + [[validation_class.name], goals], + names=['Class', 'Goal'] + ) + obj_verbos = pd.DataFrame( + {'weight': weights, validation_class.goals.statistical_measure: objectives}, + index=index + ) + return obj_verbos return obj def _handle_error(self, error): diff --git a/aixcalibuha/calibration/multi_class_calibrator.py b/aixcalibuha/calibration/multi_class_calibrator.py index f7cb5af1..8ff888ab 100644 --- a/aixcalibuha/calibration/multi_class_calibrator.py +++ b/aixcalibuha/calibration/multi_class_calibrator.py @@ -176,6 +176,8 @@ def calibrate(self, framework, method=None, **kwargs) -> dict: for cal_run in self._cal_history: for p_name in cal_run['res']['Parameters'].index: parameter_values[p_name] = cal_run['res']['Parameters'][p_name] + for p_name, res_intersection in res_tuner.items(): + parameter_values[p_name] = res_intersection self.save_results(parameter_values=parameter_values, filename='MultiClassCalibrationResult') diff --git a/aixcalibuha/data_types.py b/aixcalibuha/data_types.py index a522a83b..7e96a66e 100644 --- a/aixcalibuha/data_types.py +++ b/aixcalibuha/data_types.py @@ -11,6 +11,7 @@ from ebcpy import TimeSeriesData from ebcpy.utils.statistics_analyzer import StatisticsAnalyzer from ebcpy.preprocessing import convert_datetime_index_to_float_index + # pylint: disable=I1101 logger = logging.getLogger(__name__) @@ -146,8 +147,8 @@ def __init__(self, # Set the weightings, if not specified. self._num_goals = len(_columns) if weightings is None: - self._weightings = np.array([1/self._num_goals - for i in range(self._num_goals)]) + self.weightings = np.array([1 / self._num_goals + for i in range(self._num_goals)]) else: if not isinstance(weightings, (list, np.ndarray)): raise TypeError(f"weightings is of type {type(weightings).__name__} " @@ -156,7 +157,7 @@ def __init__(self, raise IndexError(f"The given number of weightings ({len(weightings)}) " f"does not match the number of " f"goals ({self._num_goals})") - self._weightings = np.array(weightings) / sum(weightings) + self.weightings = np.array(weightings) / sum(weightings) def __str__(self): """Overwrite string method to present the Goals-Object more @@ -213,10 +214,8 @@ def eval_difference(self, verbose=False, penaltyfactor=1): ) # Apply penalty function _diff = _diff * penaltyfactor - - _verbose_calculation[self._weightings[i]] = _diff - total_difference += self._weightings[i] * _diff - + _verbose_calculation[goal_name] = (self.weightings[i], _diff) + total_difference += self.weightings[i] * _diff if verbose: return total_difference, _verbose_calculation return total_difference @@ -368,6 +367,7 @@ class TunerParas: m_flow_2 0.02 0.01 0.1 0.09 heatConv_a 200.00 10.00 300.0 290.00 """ + def __init__(self, names, initial_values, bounds=None): """Initialize class-objects and check correct input.""" # Check if the given input-parameters are of correct format. If not, raise an error. @@ -426,7 +426,7 @@ def scale(self, descaled): # If no bounds are given, scaling is not possible--> descaled = scaled if self._bounds is None: return descaled - _scaled = (descaled - self._df["min"])/self._df["scale"] + _scaled = (descaled - self._df["min"]) / self._df["scale"] if not all((_scaled >= 0) & (_scaled <= 1)): warnings.warn("Given descaled values are outside " "of bounds. Automatically limiting " @@ -446,12 +446,12 @@ def descale(self, scaled): if not self._bounds: return scaled _scaled = np.array(scaled) - if not all((_scaled >= 0-1e4) & (_scaled <= 1+1e4)): + if not all((_scaled >= 0 - 1e4) & (_scaled <= 1 + 1e4)): warnings.warn("Given scaled values are outside of bounds. " "Automatically limiting the values with " "respect to the bounds.") _scaled = np.clip(_scaled, a_min=0, a_max=1) - return _scaled*self._df["scale"] + self._df["min"] + return _scaled * self._df["scale"] + self._df["min"] @property def bounds(self): @@ -706,7 +706,7 @@ def merge_calibration_classes(calibration_classes): "inputs": deepcopy(cal_class.inputs), "input_kwargs": deepcopy(cal_class.input_kwargs) } - + # Convert dict to actual calibration-classes cal_classes_merged = [] for _name, values in temp_merged.items(): diff --git a/aixcalibuha/sensitivity_analysis/__init__.py b/aixcalibuha/sensitivity_analysis/__init__.py index 2b881b47..64eabaf2 100644 --- a/aixcalibuha/sensitivity_analysis/__init__.py +++ b/aixcalibuha/sensitivity_analysis/__init__.py @@ -2,6 +2,10 @@ This package contains classes to perform sensitivity analysis with. """ + +from aixcalibuha.sensitivity_analysis import plotting from .sensitivity_analyzer import SenAnalyzer from .sobol import SobolAnalyzer from .morris import MorrisAnalyzer +from .fast import FASTAnalyzer +from .pawn import PAWNAnalyzer diff --git a/aixcalibuha/sensitivity_analysis/fast.py b/aixcalibuha/sensitivity_analysis/fast.py new file mode 100644 index 00000000..ffc3462a --- /dev/null +++ b/aixcalibuha/sensitivity_analysis/fast.py @@ -0,0 +1,89 @@ +""" +Adds the FASTAnalyzer to the available +classes of sensitivity analysis. +""" +import numpy as np +from SALib.sample import fast_sampler as fast +from SALib.analyze import fast as analyze_fast +from aixcalibuha.sensitivity_analysis import SenAnalyzer +from aixcalibuha import CalibrationClass + + +class FASTAnalyzer(SenAnalyzer): + """ + FAST method from SALib + https://salib.readthedocs.io/en/latest/api.html#fast-fourier-amplitude-sensitivity-test + A variance-based method which can compute the sensitivity measures + 'S1' and 'ST'. + + Additional arguments: + + :keyword int M: + Default 4, used for the fast-method + :keyword seed: + Used for the fast-method + """ + + def __init__(self, sim_api, **kwargs): + super().__init__( + sim_api=sim_api, + **kwargs) + # Set additional kwargs + self.M = kwargs.pop("M", 4) + self.seed = kwargs.pop("seed", None) + + @property + def analysis_variables(self): + """The analysis variables of the FAST method""" + return ['S1', 'ST'] + + def analysis_function(self, x, y): + """ + Use the SALib.analyze.fast method to analyze the simulation results. + + :param np.array x: + placeholder for the `X` parameter of the morris method not used for sobol + :param np.array y: + The NumPy array containing the model outputs + :return: + returns the result of the SALib.analyze.fast method (from the documentation: + Returns a dictionary with keys 'S1' and 'ST', where each entry is a list of + size D (the number of parameters) containing the indices in the same order + as the parameter file.) + """ + return analyze_fast.analyze(self.problem, y, + M=self.M) + + def create_sampler_demand(self): + """ + Function to create the sampler parameters for the fast method + """ + return {'M': self.M} + + def generate_samples(self): + """ + Run the sampler for fast and return the results. + + :return: + The list of samples generated as a NumPy array with one row per sample + and each row containing one value for each variable name in `problem['names']`. + :rtype: np.ndarray + """ + return fast.sample(self.problem, + N=self.num_samples, + **self.create_sampler_demand()) + + def _get_res_dict(self, result: dict, cal_class: CalibrationClass, analysis_variable: str): + """ + Convert the result object to a dict with the key + being the variable name and the value being the result + associated to self.analysis_variable. + """ + names = self.create_problem(cal_class.tuner_paras)['names'] + if result is None: + return {var_name: np.abs(res_val) + for var_name, res_val in zip(names, + np.zeros(len(names)))} + return {var_name: np.abs(res_val) + for var_name, res_val in zip(names, + result[analysis_variable])} diff --git a/aixcalibuha/sensitivity_analysis/morris.py b/aixcalibuha/sensitivity_analysis/morris.py index 95ecec7f..a6067026 100644 --- a/aixcalibuha/sensitivity_analysis/morris.py +++ b/aixcalibuha/sensitivity_analysis/morris.py @@ -2,6 +2,7 @@ Adds the MorrisAnalyzer to the available classes of sensitivity analysis. """ +import numpy as np from SALib.sample import morris from SALib.analyze import morris as analyze_morris from aixcalibuha.sensitivity_analysis import SenAnalyzer @@ -10,10 +11,14 @@ class MorrisAnalyzer(SenAnalyzer): """ + Moris method from SALib https://salib.readthedocs.io/en/latest/api.html#method-of-morris + An elementary effects (One-At-A-Time) method which computes the sensitivity + measures 'mu', 'mu_star' and 'sigma' with a confidence interval for mu_star. + Additional arguments: :keyword int num_levels: - Default 4, used for the morris-method + Default num_samples, used for the morris-method :keyword optimal_trajectories: Used for the morris-method :keyword bool local_optimization: @@ -24,14 +29,14 @@ def __init__(self, sim_api, **kwargs): sim_api=sim_api, **kwargs) # Set additional kwargs - self.num_levels = kwargs.pop("num_levels", 4) + self.num_levels = kwargs.pop("num_levels", self.num_samples) self.optimal_trajectories = kwargs.pop("optimal_trajectories", None) self.local_optimization = kwargs.pop("local_optimization", True) @property def analysis_variables(self): """The analysis variables of the sobol method""" - return ['mu_star', 'sigma', 'mu_star_conf'] + return ['mu_star', 'mu', 'sigma', 'mu_star_conf'] def analysis_function(self, x, y): """ @@ -71,10 +76,13 @@ def generate_samples(self): N=self.num_samples, **self.create_sampler_demand()) - def _get_res_dict(self, result: dict, cal_class: CalibrationClass): + def _get_res_dict(self, result: dict, cal_class: CalibrationClass, analysis_variable: str): """ Convert the result object to a dict with the key being the variable name and the value being the result associated to self.analysis_variable. """ - return dict(zip(result['names'], result[self.analysis_variable])) + if result is None: + names = cal_class.tuner_paras.get_names() + return dict(zip(names, np.zeros(len(names)))) + return dict(zip(result['names'], result[analysis_variable])) diff --git a/aixcalibuha/sensitivity_analysis/pawn.py b/aixcalibuha/sensitivity_analysis/pawn.py new file mode 100644 index 00000000..0c7e441f --- /dev/null +++ b/aixcalibuha/sensitivity_analysis/pawn.py @@ -0,0 +1,124 @@ +""" +Adds the PAWNAnalyzer to the available +classes of sensitivity analysis. +""" + +from SALib.sample import sobol +from SALib.sample import morris +from SALib.sample import fast_sampler as fast +from SALib.analyze import pawn as analyze_pawn +import numpy as np +from aixcalibuha.sensitivity_analysis import SenAnalyzer +from aixcalibuha import CalibrationClass + + +class PAWNAnalyzer(SenAnalyzer): + """ + PAWN method from SALib https://salib.readthedocs.io/en/latest/api.html#pawn-sensitivity-analysis + Density-based method which computes the PAWN index at 'min', 'max', 'mean', + 'median' and coefficient of variation 'cv'. + + Additional arguments: + + :keyword bool calc_second_order: + Default True, used for the sampler of the sobol-method + :keyword int s: + Default 10, used for the pawn-method. + :keyword str sampler: + Which sampler should be used. Default sobol. + Choose between 'sobol', 'morris' and 'fast'. + :keyword int num_levels: + Default num_samples, used for the sampler of the morris-method. + :keyword optimal_trajectories: + Used for the sampler of the morris-method. + :keyword bool local_optimization: + Default True, used for the sampler of the morris-method. + :keyword int M: + Default 4, used for the sampler of the fast-method. + """ + + def __init__(self, sim_api, **kwargs): + super().__init__( + sim_api=sim_api, + **kwargs) + # Set additional kwargs + self.calc_second_order = kwargs.pop("calc_second_order", True) + self.s = kwargs.pop("s", 10) + self.sampler = kwargs.pop("sampler", 'sobol') + self.num_levels = kwargs.pop("num_levels", self.num_samples) + self.optimal_trajectories = kwargs.pop("optimal_trajectories", None) + self.local_optimization = kwargs.pop("local_optimization", True) + self.M = kwargs.pop("M", 4) + + @property + def analysis_variables(self): + """The analysis variables of the PAWN method""" + return ['minimum', 'mean', 'median', 'maximum', 'CV'] + + def analysis_function(self, x, y): + """ + Use the SALib.analyze.pawn method to analyze the simulation results. + + :param np.array x: + placeholder for the `X` parameter of the morris method not used for sobol + :param np.array y: + The NumPy array containing the model outputs + :return: + returns the result of the SALib.analyze.pawn method (from the documentation: + This implementation reports the PAWN index at the min, mean, median, and + max across the slides/conditioning intervals as well as the coefficient of + variation (``CV``). The median value is the typically reported value. As + the ``CV`` is (standard deviation / mean), it indicates the level of + variability across the slides, with values closer to zero indicating lower + variation.) + """ + return analyze_pawn.analyze(self.problem, x, y, + S=self.s) + + def create_sampler_demand(self): + """ + Function to create the sampler parameters for the sampler method + """ + if self.sampler == 'sobol': + return {'calc_second_order': self.calc_second_order} + if self.sampler == 'morris': + return {'num_levels': self.num_levels, + 'optimal_trajectories': self.optimal_trajectories, + 'local_optimization': self.local_optimization} + if self.sampler == 'fast': + return {'M': self.M} + raise NotImplementedError(f'{self.sampler} is not implemented yet') + + def generate_samples(self): + """ + Run the sampler for the selected sampler and return the results. + + :return: + The list of samples generated as a NumPy array with one row per sample + and each row containing one value for each variable name in `problem['names']`. + :rtype: np.ndarray + """ + if self.sampler == 'sobol': + return sobol.sample(self.problem, + N=self.num_samples, + **self.create_sampler_demand()) + if self.sampler == 'morris': + return morris.sample(self.problem, + N=self.num_samples, + **self.create_sampler_demand()) + if self.sampler == 'fast': + return fast.sample(self.problem, + N=self.num_samples, + **self.create_sampler_demand()) + raise NotImplementedError(f'{self.sampler} is not implemented yet') + + def _get_res_dict(self, result: dict, cal_class: CalibrationClass, analysis_variable: str): + """ + Convert the result object to a dict with the key + being the variable name and the value being the result + associated to self.analysis_variable. + """ + if result is None: + names = cal_class.tuner_paras.get_names() + return dict(zip(names, np.zeros(len(names)))) + return dict(zip(result['names'], result[analysis_variable])) diff --git a/aixcalibuha/sensitivity_analysis/plotting.py b/aixcalibuha/sensitivity_analysis/plotting.py new file mode 100644 index 00000000..cb0cf91c --- /dev/null +++ b/aixcalibuha/sensitivity_analysis/plotting.py @@ -0,0 +1,552 @@ +""" +Module containing functions for plotting sensitivity results +""" +import sys +import pandas as pd +import numpy as np +import matplotlib +import matplotlib.pyplot as plt +from SALib.plotting.bar import plot as barplot +from aixcalibuha.utils.visualizer import short_name + + +def plot_single(result: pd.DataFrame, + cal_classes: [str] = None, + goals: [str] = None, + max_name_len: int = 15, + **kwargs): + """ + Plot sensitivity results of first and total order analysis variables. + For each calibration class one figure is created, which shows for each goal an axis + with a barplot of the values of the analysis variables. + + :param pd.DataFrame result: + A result from run + :param int max_name_len: + Default is 15. Shortens the parameter names to max_name_len characters. + :param [str] cal_classes: + Default are all possible calibration classes. If a list of + names of calibration classes is given only plots for these + classes are created. + :param [str] goals: + Default are all possible goal names. If a list of specific + goal names is given only these will be plotted. + :keyword bool show_plot: + Default is True. If False, all created plots are not shown. + :keyword ([fig], [ax]) figs_axes: + Default None. Set own figures of subfigures with corresponding axes for customization. + :keyword bool use_suffix: + Default is True: If True, the last part after the last point + of Modelica variables is used for the x ticks. + :return: + Returns all created figures and axes in lists like [fig], [ax] + with shapes (len(cal_classes)), (len(cal_classes), len(goals)) + """ + use_suffix = kwargs.pop('use_suffix', False) + show_plot = kwargs.pop('show_plot', True) + figs_axes = kwargs.pop('figs_axes', None) + _func_name = kwargs.pop('_func_name', 'plot_single') + + # get lists of the calibration classes and their goals in the result dataframe + if cal_classes is None: + cal_classes = _del_duplicates(list(result.index.get_level_values(0))) + if goals is None: + goals = _del_duplicates(list(result.index.get_level_values(1))) + + result = _rename_tuner_names(result, use_suffix, max_name_len, _func_name) + + # plotting with simple plot function of the SALib + figs = [] + axes = [] + for col, cal_class in enumerate(cal_classes): + fig, ax = _create_figs_axes(figs_axes, col, goals, f"Class: {cal_class}") + figs.append(fig) + axes.append(ax) + for row, goal in enumerate(goals): + result_df = result.loc[cal_class, goal] + axes[col][row].grid(True, which='both', axis='y') + barplot(result_df.T, ax=axes[col][row]) + axes[col][row].set_title(f"Goal: {goal}") + axes[col][row].legend() + + if show_plot: + plt.show() + + return figs, axes + + +def plot_second_order(result: pd.DataFrame, + cal_classes: [str] = None, + goals: [str] = None, + max_name_len: int = 15, + **kwargs): + """ + Plot sensitivity results of second order analysis variables. + For each calibration class and goal one figure of a 3d plot is created + with the barplots of the interactions for each parameter. + Only working for more than 2 parameter. + + :param pd.DataFrame result: + A result from run + :param int max_name_len: + Default is 15. Shortens the parameter names to max_name_len characters. + :param [str] cal_classes: + Default are all possible calibration classes. If a list of + names of calibration classes is given only plots for these + classes are created. + :param [str] goals: + Default are all possible goal names. If a list of specific + goal names is given only these will be plotted. + :keyword bool show_plot: + Default is True. If False, all created plots are not shown. + :keyword bool use_suffix: + Default is True: If True, the last part after the last point + of Modelica variables is used for the x ticks. + :keyword [[fig]] figs: + Default None. Set own figures of subfigures for customization. + Shape (len(cal_classes), len(goals)) + :return: + Returns all created figures and axes in lists like [fig], [ax] + """ + use_suffix = kwargs.pop('use_suffix', False) + show_plot = kwargs.pop('show_plot', True) + figs = kwargs.pop('figs', None) + result = result.fillna(0) + if cal_classes is None: + cal_classes = _del_duplicates(list(result.index.get_level_values(0))) + if goals is None: + goals = _del_duplicates(list(result.index.get_level_values(1))) + + result = _rename_tuner_names(result, use_suffix, max_name_len, "plot_second_order") + + tuner_names = result.columns + if len(tuner_names) < 2: + return None + xticks = np.arange(len(tuner_names)) + + # when the index is not sorted pandas throws a performance warning + result = result.sort_index() + + # plot of S2 without S2_conf + all_figs = [] + all_axes = [] + for class_idx, cal_class in enumerate(cal_classes): + class_figs = [] + class_axes = [] + for goal_idx, goal in enumerate(goals): + if figs is None: + fig = plt.figure() + else: + fig = figs[class_idx][goal_idx] + ax = fig.add_subplot(projection='3d') + for idx, name in enumerate(tuner_names): + ax.bar(tuner_names, + result.loc[cal_class, goal, 'S2', name].to_numpy(), + zs=idx, zdir='y', alpha=0.8) + ax.set_title(f"Class: {cal_class} Goal: {goal}") + ax.set_zlabel('S2 [-]') + ax.set_yticks(xticks) + ax.set_yticklabels(tuner_names) + # rotate tick labels for better readability + plt.setp(ax.get_xticklabels(), rotation=90, ha="right", rotation_mode="anchor") + plt.setp(ax.get_yticklabels(), rotation=90, ha="right", rotation_mode="anchor") + class_figs.append(fig) + class_axes.append(ax) + all_figs.append(class_figs) + all_axes.append(class_axes) + if show_plot: + plt.show() + return all_figs, all_axes + + +def plot_single_second_order(result: pd.DataFrame, + para_name: str, + cal_classes: [str] = None, + goals: [str] = None, + max_name_len: int = 15, + **kwargs): + """ + Plot the value of S2 from one parameter with all other parameters. + + :param pd.DataFrame result: + Second order result from run. + :param str para_name: + Name of the parameter of which the results should be plotted. + :param [str] cal_classes: + Default are all possible calibration classes. If a list of + names of calibration classes is given only plots for these + classes are created. + :param [str] goals: + Default are all possible goal names. If a list of specific + goal names is given only these will be plotted. + :param int max_name_len: + Default is 15. Shortens the parameter names to max_name_len characters. + :keyword bool show_plot: + Default is True. If False, all created plots are not shown. + :keyword bool use_suffix: + Default is True: If True, the last part after the last point + of Modelica variables is used for the x ticks. + :keyword ([fig], [ax]) figs_axes: + Default None. Set own figures of subfigures with corresponding axes for customization. + :return: + Returns all created figures and axes in lists like [fig], [ax] + with shapes (len(cal_classes)), (len(cal_classes), len(goals)) + """ + use_suffix = kwargs.pop('use_suffix', False) + show_plot = kwargs.pop('show_plot', True) + figs_axes = kwargs.pop('figs_axes', None) + + result = result.loc[:, :, :, para_name][:].fillna(0) + figs, axes = plot_single( + result=result, + show_plot=False, + cal_classes=cal_classes, + goals=goals, + figs_axes=figs_axes, + use_suffix=use_suffix, + max_name_len=max_name_len, + _func_name="plot_single_second_order" + ) + # set new title for the figures of each calibration class + for fig in figs: + fig.suptitle(f"Interaction of {para_name} in class {fig._suptitle.get_text()}") + if show_plot: + plt.show() + return figs, axes + + +def heatmap(result: pd.DataFrame, + cal_class: str, + goal: str, + ax: matplotlib.axes.Axes = None, + max_name_len: int = 15, + **kwargs): + """ + Plot S2 sensitivity results from one calibration class and goal as a heatmap. + + :param pd.DataFrame result: + A second order result from run + :param str cal_class: + Name of the class to plot S2 from. + :param str goal: + Name of the goal to plot S2 from. + :param matplotlib.axes ax: + Default is None. If an axes is given the heatmap will be plotted on it, else + a new figure and axes is created. + :param int max_name_len: + Default is 15. Shortens the parameter names to max_name_len characters. + :keyword bool show_plot: + Default is True. If False, all created plots are not shown. + :keyword bool use_suffix: + Default is False. If True, only the last suffix of a Modelica variable is displayed. + :return: + Returns axes + """ + use_suffix = kwargs.pop('use_suffix', False) + show_plot = kwargs.pop('show_plot', True) + _func_name = kwargs.pop('_func_name', "heatmap") + + result = _rename_tuner_names(result, use_suffix, max_name_len, _func_name) + if ax is None: + _, ax = plt.subplots(layout="constrained") + data = result.sort_index().loc[cal_class, goal, 'S2'].fillna(0).reindex( + index=result.columns) + image = ax.imshow(data, cmap='Reds') + ax.set_title(f'Class: {cal_class} Goal: {goal}') + ax.set_xticks(np.arange(len(data.columns))) + ax.set_yticks(np.arange(len(data.index))) + ax.set_xticklabels(data.columns) + ax.set_yticklabels(data.index) + ax.spines[:].set_color('black') + plt.setp(ax.get_xticklabels(), rotation=90, ha="right", rotation_mode="anchor") + cbar = ax.figure.colorbar(image, ax=ax) + cbar.ax.set_ylabel("S2", rotation=90) + if show_plot: + plt.show() + return ax + + +def heatmaps(result: pd.DataFrame, + cal_classes: [str] = None, + goals: [str] = None, + max_name_len: int = 15, + **kwargs): + """ + Plot S2 sensitivity results as a heatmap for multiple + calibration classes and goals in one figure. + + :param pd.DataFrame result: + A second order result from run + :param [str] cal_classes: + Default is a list of all calibration classes in the result. + If a list of classes is given only these classes are plotted. + :param [str] goals: + Default is a list of all goals in the result. + If a list of goals is given only these goals are plotted. + :param int max_name_len: + Default is 15. Shortens the parameter names to max_name_len characters. + :keyword bool show_plot: + Default is True. If False, all created plots are not shown. + :keyword bool use_suffix: + Default is False. If True, only the last suffix of a Modelica variable is displayed. + """ + use_suffix = kwargs.pop('use_suffix', False) + show_plot = kwargs.pop('show_plot', True) + + if cal_classes is None: + cal_classes = result.index.get_level_values("Class").unique() + if goals is None: + goals = result.index.get_level_values("Goal").unique() + + _, axes = plt.subplots(ncols=len(cal_classes), nrows=len(goals), sharex='all', sharey='all', + layout="constrained") + if len(goals) == 1: + axes = [axes] + if len(cal_classes) == 1: + for idx, ax in enumerate(axes): + axes[idx] = [ax] + _func_name = "heatmaps" + for col, class_name in enumerate(cal_classes): + for row, goal_name in enumerate(goals): + heatmap(result, + class_name, + goal_name, + ax=axes[row][col], + show_plot=False, + use_suffix=use_suffix, + max_name_len=max_name_len, + _func_name=_func_name) + _func_name = None + if show_plot: + plt.show() + + +def plot_time_dependent(result: pd.DataFrame, + parameters: [str] = None, + goals: [str] = None, + analysis_variables: [str] = None, + plot_conf: bool = True, + **kwargs): + """ + Plot time dependent sensitivity results without interactions from run_time_dependent(). + + For each goal one figure is created with one axes for each analysis variable. + In these plots the time dependent sensitivity of the parameters is plotted. + The confidence interval can also be plotted. + + :param pd.DataFrame result: + A result from run_time_dependent without second order results. + :param [str] parameters: + Default all parameters. List of parameters to plot the sensitivity. + :param [str] analysis_variables: + Default all analysis_variables. List of analysis variables to plot. + :param bool plot_conf: + Default True. If true, the confidence intervals for each parameter are plotted. + :param [str] goals: + Default are all possible goal names. If a list of specific + goal names is given only these will be plotted. + :keyword ([fig], [ax]) figs_axes: + Default None. Optional custom figures and axes + (see example for verbose sensitivity analysis). + :return: + Returns all created figures and axes in lists like [fig], [ax] + with shapes (len(goals)), (len(goals), len(analysis_variables)) + :keyword bool show_plot: + Default is True. If False, all created plots are not shown. + :keyword bool use_suffix: + Default is True: If True, the last part after the last point + of Modelica variables is used for the x ticks. + :keyword int max_name_len: + Default is 50. Shortens the parameter names to max_name_len characters. + """ + use_suffix = kwargs.pop('use_suffix', False) + max_name_len = kwargs.pop('max_name_len', 50) + show_plot = kwargs.pop('show_plot', True) + figs_axes = kwargs.pop('figs_axes', None) + + if goals is None: + goals = _del_duplicates(list(result.index.get_level_values(0))) + all_analysis_variables = _del_duplicates(list(result.index.get_level_values(1))) + if analysis_variables is None: + analysis_variables = [av for av in all_analysis_variables if '_conf' not in av] + if parameters is None: + parameters = result.columns.values + + result = _rename_tuner_names(result, use_suffix, max_name_len, "plot_time_dependent") + + renamed_parameters = [_format_name(para, use_suffix, max_name_len) for para in parameters] + + figs = [] + axes = [] + for idx_goal, goal in enumerate(goals): + fig, ax = _create_figs_axes(figs_axes, idx_goal, analysis_variables, f"Goal: {goal}") + figs.append(fig) + axes.append(ax) + for idx_av, analysis_var in enumerate(analysis_variables): + axes[idx_goal][idx_av].plot(result.loc[goal, analysis_var][renamed_parameters]) + axes[idx_goal][idx_av].set_ylabel(analysis_var) + axes[idx_goal][idx_av].legend(renamed_parameters) + if plot_conf and analysis_var + '_conf' in all_analysis_variables: + for para in renamed_parameters: + y = result.loc[goal, analysis_var][para] + x = y.index.to_numpy() + conv_int = result.loc[goal, analysis_var + '_conf'][para] + large_values_indices = conv_int[conv_int > 1].index + if list(large_values_indices): + sys.stderr.write( + f"plot_time_dependent INFO:" + f"Confidence interval for {goal}, {analysis_var}, {para} was at the " + f"following times {list(large_values_indices)} lager than 1 " + f"and is smoothed out in the plot.\n") + for idx in large_values_indices: + prev_idx = conv_int.index.get_loc(idx) - 1 + if prev_idx >= 0: + conv_int.iloc[conv_int.index.get_loc(idx)] = conv_int.iloc[prev_idx] + else: + conv_int.iloc[conv_int.index.get_loc(idx)] = 1 + axes[idx_goal][idx_av].fill_between(x, (y - conv_int), (y + conv_int), alpha=.1) + axes[idx_goal][-1].set_xlabel('time') + if show_plot: + plt.show() + return figs, axes + + +def plot_parameter_verbose(parameter: str, + single_result: pd.DataFrame, + second_order_result: pd.DataFrame = None, + goals: [str] = None, + **kwargs): + """ + Plot all time dependent sensitivity measure for one parameter. + For each goal an axes is created within one figure. + + If second_order_results form SobolAnalyzer.run_time_dependent are given + the S2 results of the interaction with each other parameter are added on top + of each other and the first order result. + + :param str parameter: + Parameter to plot all sensitivity results for. If use_suffix=True, then + the name must also be only the suffix. + :param pd.DataFrame single_result: + First and total order result form run_time_dependent. + :param pd.DataFrame second_order_result: + Default None. Second order result of SobolAnalyzer.run_time_dependent. + :param [str] goals: + Default are all possible goal names. If a list of specific + goal names is given only these will be plotted. + :keyword (fig, [ax]) fig_axes: + Default None. Optional custom figures and axes + (see example for verbose sensitivity analysis). + :return: + Returns all created figures and axes in lists like fig, [ax] + with shape (len(goals)) for the axes list + :keyword bool show_plot: + Default is True. If False, all created plots are not shown. + :keyword bool use_suffix: + Default is True: If True, the last part after the last point + of Modelica variables is used for the x ticks. + :keyword int max_name_len: + Default is 15. Shortens the parameter names to max_name_len characters. + """ + use_suffix = kwargs.pop('use_suffix', False) + max_name_len = kwargs.pop('max_name_len', 50) + show_plot = kwargs.pop('show_plot', True) + fig_axes = kwargs.pop('fig_axes', None) + + if goals is None: + goals = _del_duplicates(list(single_result.index.get_level_values(0))) + all_analysis_variables = _del_duplicates(list(single_result.index.get_level_values(1))) + analysis_variables = [av for av in all_analysis_variables if '_conf' not in av] + + renamed_parameter = _format_name(parameter, use_suffix, max_name_len) + + single_result = _rename_tuner_names(single_result, use_suffix, max_name_len, + "plot_parameter_verbose") + if second_order_result is not None: + second_order_result = _rename_tuner_names(second_order_result, use_suffix, max_name_len) + + if fig_axes is None: + fig, ax = plt.subplots(len(goals), sharex='all', layout="constrained") + else: + fig = fig_axes[0] + ax = fig_axes[1] + fig.suptitle(f"Parameter: {parameter}") + if not isinstance(ax, np.ndarray): + ax = [ax] + for g_i, goal in enumerate(goals): + if second_order_result is not None: + result_2_goal = second_order_result.loc[goal, 'S2', renamed_parameter] + mean = result_2_goal.mean().drop([renamed_parameter]) + mean.sort_values(ascending=False, inplace=True) + sorted_interactions = list(mean.index) + time_ar = _del_duplicates(list(result_2_goal.index.get_level_values(0))) + value = single_result.loc[goal, 'S1'][renamed_parameter].to_numpy() + ax[g_i].plot(single_result.loc[goal, 'S1'][renamed_parameter], label='S1') + ax[g_i].fill_between(time_ar, np.zeros_like(value), value, alpha=0.1) + for para in sorted_interactions: + value_2 = value + result_2_goal[para].to_numpy() + ax[g_i].plot(time_ar, value_2, label='S2 ' + para) + ax[g_i].fill_between(time_ar, value, value_2, alpha=0.1) + value = value_2 + ax[g_i].plot(single_result.loc[goal, 'ST'][renamed_parameter], label='ST') + legend = ['S1'] + legend.extend(analysis_variables) + legend.append('ST') + ax[g_i].set_title(f"Goal: {goal}") + ax[g_i].legend() + else: + for analysis_var in analysis_variables: + ax[g_i].plot(single_result.loc[goal, analysis_var][renamed_parameter]) + ax[g_i].legend(analysis_variables) + if show_plot: + plt.show() + return fig, ax + + +def _del_duplicates(x): + """Helper function""" + return list(dict.fromkeys(x)) + + +def _rename_tuner_names(result, use_suffix, max_len, func_name=None): + """Helper function""" + tuner_names = list(result.columns) + renamed_names = {name: _format_name(name, use_suffix, max_len) for name in tuner_names} + result = result.rename(columns=renamed_names, index=renamed_names) + result = result.sort_index() + for old, new in renamed_names.items(): + if old != new and func_name is not None: + sys.stderr.write(f"{func_name} INFO: parameter name {old} changed to {new}\n") + return result + + +def _format_name(name, use_suffix, max_len): + """ + Format tuner names. + """ + if use_suffix: + name = _get_suffix(name) + name = short_name(name, max_len) + return name + + +def _get_suffix(modelica_var_name): + """Helper function""" + index_last_dot = modelica_var_name.rfind('.') + suffix = modelica_var_name[index_last_dot + 1:] + return suffix + + +def _create_figs_axes(figs_axes, fig_index, ax_len_list, fig_title): + """ + Check if figs and axes are already given, if not create them. + """ + if figs_axes is None: + fig, ax = plt.subplots(len(ax_len_list), sharex='all', layout="constrained") + else: + fig = figs_axes[0][fig_index] + ax = figs_axes[1][fig_index] + fig.suptitle(fig_title) + if not isinstance(ax, np.ndarray): + ax = [ax] + return fig, ax diff --git a/aixcalibuha/sensitivity_analysis/sensitivity_analyzer.py b/aixcalibuha/sensitivity_analysis/sensitivity_analyzer.py index afeec06b..6b4d288b 100644 --- a/aixcalibuha/sensitivity_analysis/sensitivity_analyzer.py +++ b/aixcalibuha/sensitivity_analysis/sensitivity_analyzer.py @@ -3,15 +3,84 @@ import abc import copy import os -import time +import pathlib +import multiprocessing as mp from typing import List +from collections import Counter import numpy as np import pandas as pd from ebcpy.utils import setup_logger -from ebcpy import data_types +from ebcpy.utils.reproduction import CopyFile from ebcpy.simulationapi import SimulationAPI from aixcalibuha import CalibrationClass, data_types from aixcalibuha import utils +from aixcalibuha.sensitivity_analysis.plotting import plot_single, plot_time_dependent + + +def _load_single_file(_filepath, parquet_engine='pyarrow'): + """Helper function""" + if _filepath is None: + return None + return data_types.TimeSeriesData(_filepath, default_tag='sim', key='simulation', + engine=parquet_engine) + + +def _load_files(_filepaths, parquet_engine='pyarrow'): + """Helper function""" + results = [] + for _filepath in _filepaths: + results.append(_load_single_file(_filepath, parquet_engine=parquet_engine)) + return results + + +def _restruct_verbose(list_output_verbose): + """Helper function""" + output_verbose = {} + for key, val in list_output_verbose[0].items(): + output_verbose[key] = np.array([]) + for i in list_output_verbose: + for key, val in i.items(): + output_verbose[key] = np.append(output_verbose[key], np.array([val[1]])) + return output_verbose + + +def _concat_all_sims(sim_results_list): + """Helper function that concat all results in a list to one DataFrame.""" + sim_results_list = [r.to_df() for r in sim_results_list] + sim_results_list = pd.concat(sim_results_list, keys=range(len(sim_results_list)), + axis='columns') + sim_results_list = sim_results_list.swaplevel(axis=1).sort_index(axis=1) + return sim_results_list + + +def _restruct_time_dependent(sen_time_dependent_list, time_index): + """Helper function that restructures the time dependent sensitivity results.""" + + def _restruct_single(sen_time_dependent_list_s, second_order=False): + sen_time_dependent_df = pd.concat(sen_time_dependent_list_s, keys=time_index, axis=0) + sen_time_dependent_df = sen_time_dependent_df.droplevel('Class', axis='index') + sen_time_dependent_df = sen_time_dependent_df.swaplevel(0, 1) + sen_time_dependent_df = sen_time_dependent_df.swaplevel(1, 2).sort_index(axis=0) + if second_order: + sen_time_dependent_df = sen_time_dependent_df.swaplevel(2, 3).sort_index(axis=0) + sen_time_dependent_df.index.set_names( + ['Goal', 'Analysis variable', 'Interaction', 'time'], inplace=True) + else: + sen_time_dependent_df.index.set_names(['Goal', 'Analysis variable', 'time'], + inplace=True) + return sen_time_dependent_df + + if isinstance(sen_time_dependent_list[0], tuple): + sen_time_dependent_list1, sen_time_dependent_list2 = zip(*sen_time_dependent_list) + return _restruct_single(sen_time_dependent_list1), _restruct_single( + sen_time_dependent_list2, True) + return _restruct_single(sen_time_dependent_list) + + +def _divide_chunks(long_list, chunk_length): + """Helper function that divides all list into multiple list with a specific chunk length.""" + for i in range(0, len(long_list), chunk_length): + yield long_list[i:i + chunk_length] class SenAnalyzer(abc.ABC): @@ -22,13 +91,12 @@ class SenAnalyzer(abc.ABC): Simulation-API used to simulate the samples :param int num_samples: The parameter `N` to the sampler methods of sobol and morris. NOTE: This is not the - the number of samples produced, but relates to the total number of samples produced in - a manner dependent on the sampler method used. See the documentation of sobol and - morris in the SALib for more information. - :keyword str analysis_function: - Used to automatically select result values. + number of samples produced, but relates to the total number of samples produced in + a manner dependent on the sampler method used. See the documentation of the specific + method in the SALib for more information. :keyword str,os.path.normpath cd: The path for the current working directory. + Logger and results will be stored here. :keyword boolean fail_on_error: Default is False. If True, the calibration will stop with an error if the simulation fails. See also: ``ret_val_on_error`` @@ -38,7 +106,19 @@ class SenAnalyzer(abc.ABC): options are np.NaN, np.inf or some other high numbers. be aware that this max influence the solver. :keyword boolean save_files: - If true, all simulation files for each iteration will be saved! + Default False. If true, all simulation files for each iteration will be saved! + :keyword str suffix_files: + Default 'csv'. Specifies the data format to store the simulation files in. + Options are 'csv', 'hdf', 'parquet'. + :keyword str parquet_engine: + The engine to use for the data format parquet. + Supported options can be extracted + from the ebcpy.TimeSeriesData.save() function. + Default is 'pyarrow'. + :keyword str,os.path.normpath savepath_sim: + Default is cd. Own directory for the time series data sets of all simulations + during the sensitivity analysis. The own dir can be necessary for large data sets, + because they can crash IDE during indexing when they are in the project folder. """ @@ -54,20 +134,23 @@ def __init__(self, # Update kwargs self.fail_on_error = kwargs.pop("fail_on_error", True) self.save_files = kwargs.pop("save_files", False) + self.suffix_files = kwargs.pop('suffix_files', 'csv') + self.parquet_engine = kwargs.pop('parquet_engine', 'pyarrow') self.ret_val_on_error = kwargs.pop("ret_val_on_error", np.NAN) self.cd = kwargs.pop("cd", os.getcwd()) - self.analysis_variable = kwargs.pop('analysis_variable', - self.analysis_variables[0]) - if self.analysis_variable not in self.analysis_variables: - raise TypeError(f'Given analysis_variable "{self.analysis_variable}" not ' - f'supported for class {self.__class__.__name__}. ' - f'Supported options are: {", ".join(self.analysis_variables)}.') + self.savepath_sim = kwargs.pop('savepath_sim', self.cd) + + if isinstance(self.cd, str): + self.cd = pathlib.Path(self.cd) + if isinstance(self.savepath_sim, str): + self.savepath_sim = pathlib.Path(self.savepath_sim) # Setup the logger self.logger = setup_logger(cd=self.cd, name=self.__class__.__name__) # Setup default values self.problem: dict = None + self.reproduction_files = [] @property @abc.abstractmethod @@ -120,19 +203,23 @@ def generate_samples(self): raise NotImplementedError(f'{self.__class__.__name__}.generate_samples ' f'function is not defined yet') - def simulate_samples(self, samples, cal_class): + def simulate_samples(self, cal_class, **kwargs): """ - Put the parameters in the model and simulate it. + Creates the samples for the calibration class and simulates them. - :param Union[list, np.ndarray] samples: - Output variables in dymola :param cal_class: One class for calibration. Goals and tuner_paras have to be set + :keyword scale: + Default is False. If True the bounds of the tuner-parameters + will be scaled between 0 and 1. - :returns: np.array - An array containing the evaluated differences for each sample + :return: + Returns two lists. First a list with the simulation results for each sample. + If save_files the list contains the filepaths to the results + Second a list of the samples. + :rtype: list """ - output = [] + scale = kwargs.pop('scale', False) # Set the output interval according the given Goals mean_freq = cal_class.goals.get_meas_frequency() self.logger.info("Setting output_interval of simulation according " @@ -142,31 +229,42 @@ def simulate_samples(self, samples, cal_class): self.sim_api.set_sim_setup({"start_time": cal_class.start_time, "stop_time": cal_class.stop_time}) self.sim_api.result_names = cal_class.goals.get_sim_var_names() - self.logger.info('Starting %s parameter variations on %s cores', - len(samples), self.sim_api.n_cpu) + + self.problem = self.create_problem(cal_class.tuner_paras, scale=scale) + samples = self.generate_samples() + + # creat df of samples with the result_file_names as the index + result_file_names = [f"simulation_{idx}" for idx in range(len(samples))] + samples_df = pd.DataFrame(samples, columns=initial_names, index=result_file_names) + samples_df.to_csv(self.cd.joinpath(f'samples_{cal_class.name}.csv')) + # Simulate the current values parameters = [] - for i, initial_values in enumerate(samples): - parameters.append({name: value for name, value in zip(initial_names, initial_values)}) + for initial_values in samples: + if scale: + initial_values = cal_class.tuner_paras.descale(initial_values) + parameters.append(dict(zip(initial_names, initial_values))) + self.logger.info('Starting %s parameter variations on %s cores', + len(samples), self.sim_api.n_cpu) if self.save_files: - result_file_names = [f"simulation_{idx + 1}" for idx in range(len(parameters))] + sim_dir = self.savepath_sim.joinpath(f'simulations_{cal_class.name}') + os.makedirs(sim_dir, exist_ok=True) + samples_df.to_csv(self.savepath_sim.joinpath(f'samples_{cal_class.name}.csv')) + self.logger.info(f'Saving simulation files in: {sim_dir}') _filepaths = self.sim_api.simulate( parameters=parameters, return_option="savepath", - savepath=self.sim_api.cd, + savepath=sim_dir, result_file_name=result_file_names, + result_file_suffix=self.suffix_files, + parquet_engine=self.parquet_engine, fail_on_error=self.fail_on_error, inputs=cal_class.inputs, **cal_class.input_kwargs ) - # Load results - results = [] - for _filepath in _filepaths: - if _filepath is None: - results.append(None) - else: - results.append(data_types.TimeSeriesData(_filepath)) + self.reproduction_files.extend(_filepaths) + results = _filepaths else: results = self.sim_api.simulate( parameters=parameters, @@ -175,95 +273,324 @@ def simulate_samples(self, samples, cal_class): **cal_class.input_kwargs ) self.logger.info('Finished %s simulations', len(samples)) - for i, result in enumerate(results): - if result is None: - output.append(self.ret_val_on_error) - else: - cal_class.goals.set_sim_target_data(result) - cal_class.goals.set_relevant_time_intervals(cal_class.relevant_intervals) - # Evaluate the current objective - total_res = cal_class.goals.eval_difference() - output.append(total_res) + return results, samples + + def _check_index(self, tsd: data_types.TimeSeriesData, sim_num=None): + freq = tsd.frequency + if sim_num is None: + sim_num = tsd.filepath.name + if freq[0] != self.sim_api.sim_setup.output_interval: + self.logger.info( + f'The mean value of the frequency from {sim_num} does not match output ' + 'interval index will be cleaned and spaced equally') + tsd.to_datetime_index() + tsd.clean_and_space_equally(f'{str(self.sim_api.sim_setup.output_interval * 1000)}ms') + tsd.to_float_index() + freq = tsd.frequency + if freq[1] > 0.0: + self.logger.info(f'The standard deviation of the frequency from {sim_num} is to high ' + f'and will be rounded to the accuracy of the output interval') + tsd.index = np.round(tsd.index.astype("float64"), + str(self.sim_api.sim_setup.output_interval)[::-1].find('.')) + return tsd + def _single_eval_statistical_measure(self, kwargs_eval): + """Evaluates statistical measure of one result""" + cal_class = kwargs_eval.pop('cal_class') + result = kwargs_eval.pop('result') + num_sim = kwargs_eval.pop('sim_num', None) + if result is None: + verbose_error = {} + for goal, weight in zip(cal_class.goals.get_goals_list(), cal_class.goals.weightings): + verbose_error[goal] = (weight, self.ret_val_on_error) + return self.ret_val_on_error, verbose_error + result = self._check_index(result, num_sim) + cal_class.goals.set_sim_target_data(result) + cal_class.goals.set_relevant_time_intervals(cal_class.relevant_intervals) + # Evaluate the current objective + total_res, verbose_calculation = cal_class.goals.eval_difference(verbose=True) + return total_res, verbose_calculation + + def eval_statistical_measure(self, cal_class, results, verbose=True): + """Evaluates statistical measures of results on single core""" + self.logger.info('Starting evaluation of statistical measure') + output = [] + list_output_verbose = [] + for i, result in enumerate(results): + total_res, verbose_calculation = self._single_eval_statistical_measure( + {'cal_class': cal_class, 'result': result, 'sim_num': f'simulation_{i}'} + ) + output.append(total_res) + list_output_verbose.append(verbose_calculation) + if verbose: + # restructure output_verbose + output_verbose = _restruct_verbose(list_output_verbose) + return np.asarray(output), output_verbose return np.asarray(output) - def run(self, calibration_classes, merge_multiple_classes=True): + def _single_load_eval_file(self, kwargs_load_eval): + """For multiprocessing""" + filepath = kwargs_load_eval.pop('filepath') + _result = _load_single_file(filepath, self.parquet_engine) + kwargs_load_eval.update({'result': _result}) + total_res, verbose_calculation = self._single_eval_statistical_measure(kwargs_load_eval) + return total_res, verbose_calculation + + def _mp_load_eval(self, _filepaths, cal_class, n_cpu): + """ + Loading and evaluating the statistical measure of saved simulation files on multiple cores + """ + self.logger.info(f'Load files and evaluate statistical measure on {n_cpu} processes.') + kwargs_load_eval = [] + for filepath in _filepaths: + kwargs_load_eval.append({'filepath': filepath, 'cal_class': cal_class}) + output_array = [] + list_output_verbose = [] + with mp.Pool(processes=n_cpu) as pool: + for total, verbose in pool.imap(self._single_load_eval_file, kwargs_load_eval): + output_array.append(total) + list_output_verbose.append(verbose) + output_array = np.asarray(output_array) + output_verbose = _restruct_verbose(list_output_verbose) + return output_array, output_verbose + + def _load_eval(self, _filepaths, cal_class, n_cpu): + """ + Loading and evaluating the statistical measure of saved simulation files. + Single- or multiprocessing possible with definition of n_cpu. + """ + if n_cpu == 1: + results = _load_files(_filepaths, self.parquet_engine) + output_array, output_verbose = self.eval_statistical_measure( + cal_class=cal_class, + results=results + ) + return output_array, output_verbose + output_array, output_verbose = self._mp_load_eval(_filepaths, cal_class, n_cpu) + return output_array, output_verbose + + def run(self, calibration_classes, merge_multiple_classes=True, **kwargs): """ Execute the sensitivity analysis for each class and return the result. :param CalibrationClass,list calibration_classes: - Either one or multiple classes for calibration + Either one or multiple classes for calibration with same tuner-parameters. :param bool merge_multiple_classes: Default True. If False, the given list of calibration-classes - is handeled as-is. This means if you pass two CalibrationClass objects + is handled as-is. This means if you pass two CalibrationClass objects with the same name (e.g. "device on"), the calibration process will run for both these classes stand-alone. This will automatically yield an intersection of tuner-parameters, however may have advantages in some cases. + :keyword bool verbose: + Default False. If True, in addition to the combined Goals of the Classes + (saved under index Goal: all), the sensitivity measures of the individual + Goals will also be calculated and returned. + :keyword scale: + Default is False. If True the bounds of the tuner-parameters + will be scaled between 0 and 1. + :keyword bool use_fist_sim: + Default False. If True, the simulations of the first calibration class will be used for + all other calibration classes with their relevant time intervals. + The simulations must be stored on a hard-drive, so it must be used with + either save_files or load_files. + :keyword int n_cpu: + Default is 1. The number of processes to use for the evaluation of the statistical + measure. For n_cpu > 1 only one simulation file is loaded at once in a process and + dumped directly after the evaluation of the statistical measure, + so that only minimal memory is used. + Use this option for large analyses. + Only implemented for save_files=True or load_sim_files=True. + :keyword bool load_sim_files: + Default False. If True, no new simulations are done and old simulations are loaded. + The simulations and corresponding samples will be loaded from self.savepath_sim like + they were saved from self.save_files. Currently, the name of the sim folder must be + "simulations_CAL_CLASS_NAME" and for the samples "samples_CAL_CLASS_NAME". + The usage of the same simulations for different + calibration classes is not supported yet. + :keyword bool save_results: + Default True. If True, all results are saved as a csv in cd. + (samples, statistical measures and analysis variables). + :keyword bool plot_result: + Default True. If True, the results will be plotted. :return: - Returns a list of dictionaries. One dict is the SALib-result for - one calibration-class. The order is based on the order of the - calibration-class list. - :rtype: list + Returns a pandas.DataFrame. The DataFrame has a Multiindex with the + levels Class, Goal and Analysis variable. The Goal name of combined goals is 'all'. + The variables are the tuner-parameters. + For the Sobol Method and calc_second_order returns a tuple of DataFrames (df_1, df_2) + where df_2 contains the second oder analysis variables and has an extra index level + Interaction, which also contains the variables. + :rtype: pandas.DataFrame """ + verbose = kwargs.pop('verbose', False) + scale = kwargs.pop('scale', False) + use_first_sim = kwargs.pop('use_first_sim', False) + n_cpu = kwargs.pop('n_cpu', 1) + save_results = kwargs.pop('save_results', True) + plot_result = kwargs.pop('plot_result', True) + load_sim_files = kwargs.pop('load_sim_files', False) # Check correct input calibration_classes = utils.validate_cal_class_input(calibration_classes) # Merge the classes for avoiding possible intersection of tuner-parameters if merge_multiple_classes: calibration_classes = data_types.merge_calibration_classes(calibration_classes) + # Check n_cpu + if n_cpu > mp.cpu_count(): + raise ValueError(f"Given n_cpu '{n_cpu}' is greater " + "than the available number of " + f"cpus on your machine '{mp.cpu_count()}'") + + # Check if the usage of the simulations from the first calibration class for all is possible + if use_first_sim: + if not self.save_files and not load_sim_files: + raise AttributeError('To use the simulations of the first calibration class ' + 'for all classes the simulation files must be saved. ' + 'Either set save_files=True or load already exiting files ' + 'with load_sim_files=True.') + start_time = 0 + stop_time = 0 + for idx, cal_class in enumerate(calibration_classes): + if idx == 0: + start_time = cal_class.start_time + stop_time = cal_class.stop_time + continue + if start_time > cal_class.start_time or stop_time < cal_class.stop_time: + raise ValueError(f'To use the simulations of the first calibration class ' + f'for all classes the start and stop times of the other ' + f'classes must be in the interval [{start_time}, {stop_time}] ' + f'of the first calibration class.') + all_results = [] - for cal_class in calibration_classes: - t_sen_start = time.time() + for idx, cal_class in enumerate(calibration_classes): + self.logger.info('Start sensitivity analysis of class: %s, ' 'Time-Interval: %s-%s s', cal_class.name, cal_class.start_time, cal_class.stop_time) - self.problem = self.create_problem(cal_class.tuner_paras) - samples = self.generate_samples() # Generate list with metrics of every parameter variation - output_array = self.simulate_samples( - samples=samples, - cal_class=cal_class) - result = self.analysis_function( - x=samples, - y=output_array - ) - t_sen_stop = time.time() - result['duration[s]'] = t_sen_stop - t_sen_start - all_results.append(result) + results_goals = {} + if load_sim_files: + self.problem = self.create_problem(cal_class.tuner_paras, scale=scale) + if use_first_sim: + class_name = calibration_classes[0].name + else: + class_name = cal_class.name + sim_dir = self.savepath_sim.joinpath(f'simulations_{class_name}') + samples_path = self.savepath_sim.joinpath(f'samples_{class_name}.csv') + self.logger.info(f'Loading samples from {samples_path}') + samples = pd.read_csv(samples_path, + header=0, + index_col=0) + samples = samples.to_numpy() + result_file_names = [f"simulation_{idx}.{self.suffix_files}" for idx in + range(len(samples))] + _filepaths = [sim_dir.joinpath(result_file_name) for result_file_name in + result_file_names] + self.logger.info(f'Loading simulation files from {sim_dir}') + output_array, output_verbose = self._load_eval(_filepaths, cal_class, n_cpu) + else: + results, samples = self.simulate_samples( + cal_class=cal_class, + scale=scale + ) + if self.save_files: + output_array, output_verbose = self._load_eval(results, cal_class, n_cpu) + else: + output_array, output_verbose = self.eval_statistical_measure( + cal_class=cal_class, + results=results + ) + if use_first_sim: + load_sim_files = True + + # combine output_array and output_verbose + # set key for output_array depending on one or multiple goals + stat_mea = {'all': output_array} + if len(output_verbose) == 1: + stat_mea = output_verbose + if len(output_verbose) > 1 and verbose: + stat_mea.update(output_verbose) + + # save statistical measure and corresponding samples for each cal_class in cd + if save_results: + result_file_names = [f"simulation_{idx}" for idx in range(len(output_array))] + stat_mea_df = pd.DataFrame(stat_mea, index=result_file_names) + savepath_stat_mea = self.cd.joinpath( + f'{cal_class.goals.statistical_measure}_{cal_class.name}.csv') + stat_mea_df.to_csv(savepath_stat_mea) + self.reproduction_files.append(savepath_stat_mea) + samples_df = pd.DataFrame(samples, columns=cal_class.tuner_paras.get_names(), + index=result_file_names) + savepath_samples = self.cd.joinpath(f'samples_{cal_class.name}.csv') + samples_df.to_csv(savepath_samples) + self.reproduction_files.append(savepath_samples) + + self.logger.info('Starting calculation of analysis variables') + for key, val in stat_mea.items(): + result_goal = self.analysis_function( + x=samples, + y=val + ) + results_goals[key] = result_goal + all_results.append(results_goals) + self.logger.info('Finished sensitivity analysis of class: %s, ' + 'Time-Interval: %s-%s s', cal_class.name, + cal_class.start_time, cal_class.stop_time) result = self._conv_local_results(results=all_results, local_classes=calibration_classes) + if save_results: + self._save(result) + if plot_result: + self.plot(result) return result, calibration_classes + def _save(self, result: pd.DataFrame, time_dependent: bool = False): + """ + Saves the result DataFrame of run and run_time_dependent. + Needs to be overwritten for Sobol results. + """ + if time_dependent: + savepath_result = self.cd.joinpath(f'{self.__class__.__name__}_results_time.csv') + else: + savepath_result = self.cd.joinpath(f'{self.__class__.__name__}_results.csv') + result.to_csv(savepath_result) + self.reproduction_files.append(savepath_result) + @staticmethod - def create_problem(tuner_paras) -> dict: + def create_problem(tuner_paras, scale=False) -> dict: """Create function for later access if multiple calibration-classes are used.""" num_vars = len(tuner_paras.get_names()) bounds = np.array(tuner_paras.get_bounds()) + if scale: + bounds = [np.zeros_like(bounds[0]), np.ones_like(bounds[1])] problem = {'num_vars': num_vars, 'names': tuner_paras.get_names(), 'bounds': np.transpose(bounds)} return problem @staticmethod - def select_by_threshold(calibration_classes, result, threshold): + def select_by_threshold(calibration_classes, result, analysis_variable, threshold): """ Automatically select sensitive tuner parameters based on a given threshold - and a key-word of the result. + of a given analysis variable from a sensitivity result. + Uses only the combined goals. :param list calibration_classes: List of aixcalibuha.data_types.CalibrationClass objects that you want to automatically select sensitive tuner-parameters. :param pd.DataFrame result: Result object of sensitivity analysis run + :param str analysis_variable: + Analysis variable to use for the selection :param float threshold: Minimal required value of given key :return: list calibration_classes """ - for num_class, cal_class in enumerate(calibration_classes): - class_result = result.loc[cal_class.name] + for cal_class in calibration_classes: + first_goal = result.index.get_level_values(1)[0] + class_result = result.loc[cal_class.name, first_goal, analysis_variable] tuner_paras = copy.deepcopy(cal_class.tuner_paras) select_names = class_result[class_result < threshold].index.values tuner_paras.remove_names(select_names) @@ -278,22 +605,312 @@ def select_by_threshold(calibration_classes, result, threshold): cal_class.tuner_paras = tuner_paras return calibration_classes - def _conv_global_result(self, result: dict, cal_class: CalibrationClass): - glo_res_dict = self._get_res_dict(result=result, cal_class=cal_class) + @staticmethod + def select_by_threshold_verbose(calibration_class: CalibrationClass, + result: pd.DataFrame, + analysis_variable: str, + threshold: float, + calc_names_for_selection: List[str] = None): + """ + Select tuner-parameters of single calibration class with verbose sensitivity results. + This function selects tuner-parameters if their sensitivity is equal or greater + than the threshold in just one target value of one calibration class in the + sensitivity result. This can be more robust because a small sensitivity in one target + value and state of the system can mean that the parameter can also be calibrated in + a global calibration class which calibrates multiple states and target values at + the same time and has there not directly the same sensitivity as in the isolated + view of a calibration class for only one state. + + :param CalibrationClass calibration_class: + The calibration class from which the tuner parameters will be selected. + :param pd.DataFrame result: + Sensitivity results to use for the selection. Can include multiple classes. + :param str analysis_variable: + The analysis variable to use for the selection. + :param float threshold: + Minimal required value of given analysis variable. + :param List[str] calc_names_for_selection: + Specifies which calibration classes in the sensitivity results will be used for + the selection. Default are all classes. + """ + if Counter(calibration_class.tuner_paras.get_names()) != Counter(list(result.columns)): + raise NameError("The tuner-parameter of the calibration class do not " + "match the tuner-parameters in the sensitivity result." + "They have to match.") + + result = result.loc[:, :, analysis_variable] + calc_names_results = result.index.get_level_values("Class").unique() + if calc_names_for_selection: + for cal_class in calc_names_for_selection: + if cal_class not in calc_names_results: + raise NameError(f"The calibration class name {cal_class} " + f"does not match any class name " + f"in the given sensitivity result.") + result = result.loc[calc_names_for_selection, :, :] + + selected_tuners = (result >= threshold).any() + + remove_tuners = [] + for tuner, selected in selected_tuners.items(): + if not selected: + remove_tuners.append(tuner) + tuner_paras = copy.deepcopy(calibration_class.tuner_paras) + tuner_paras.remove_names(remove_tuners) + if not tuner_paras.get_names(): + raise ValueError("Threshold to small. All tuner-parameters would be removed.") + calibration_class.tuner_paras = tuner_paras + return calibration_class + + def run_time_dependent(self, cal_class: CalibrationClass, **kwargs): + """ + Calculate the time dependent sensitivity for all the single goals in the calibration class. + + :param CalibrationClass cal_class: + Calibration class with tuner-parameters to calculate sensitivity for. + Can include dummy target date. + :keyword scale: + Default is False. If True the bounds of the tuner-parameters + will be scaled between 0 and 1. + :keyword bool load_sim_files: + Default False. If True, no new simulations are done and old simulations are loaded. + The simulations and corresponding samples will be loaded from self.savepath_sim like + they were saved from self.save_files. Currently, the name of the sim folder must be + "simulations_CAL_CLASS_NAME" and for the samples "samples_CAL_CLASS_NAME". + :keyword bool save_results: + Default True. If True, all results are saved as a csv in cd. + (samples and analysis variables). + :keyword int n_steps: + Default is all time steps. If the problem is large, the evaluation of all time steps + at once can cause a memory error. Then n_steps defines how many time_steps + are evaluated at once in chunks. This increases the needed time exponentially and + the simulation files must be saved. + :keyword bool plot_result: + Default True. If True, the results will be plotted. + :return: + Returns a pandas.DataFrame. + :rtype: pandas.DataFrame + """ + scale = kwargs.pop('scale', False) + save_results = kwargs.pop('save_results', True) + plot_result = kwargs.pop('plot_result', True) + load_sim_files = kwargs.pop('load_sim_files', False) + n_steps = kwargs.pop('n_steps', 'all') + + self.logger.info("Start time dependent sensitivity analysis.") + if load_sim_files: + self.problem = self.create_problem(cal_class.tuner_paras, scale=scale) + sim_dir = self.savepath_sim.joinpath(f'simulations_{cal_class.name}') + samples_path = self.savepath_sim.joinpath(f'samples_{cal_class.name}.csv') + samples = pd.read_csv(samples_path, + header=0, + index_col=0) + samples = samples.to_numpy() + result_file_names = [f"simulation_{idx}.{self.suffix_files}" for idx in + range(len(samples))] + _filepaths = [sim_dir.joinpath(result_file_name) for result_file_name in + result_file_names] + + sen_time_dependent_list, time_index = self._load_analyze_tsteps(_filepaths=_filepaths, + samples=samples, + n_steps=n_steps, + cal_class=cal_class) + sen_time_dependent_df = _restruct_time_dependent(sen_time_dependent_list, time_index) + else: + results, samples = self.simulate_samples( + cal_class=cal_class, + scale=scale + ) + if self.save_files: + sen_time_dependent_list, time_index = self._load_analyze_tsteps(_filepaths=results, + samples=samples, + n_steps=n_steps, + cal_class=cal_class) + sen_time_dependent_df = _restruct_time_dependent(sen_time_dependent_list, + time_index) + else: + variables = results[0].get_variable_names() + time_index = results[0].index.to_numpy() + total_result = _concat_all_sims(results) + sen_time_dependent_list = [] + for time_step in time_index: + result_df_tstep = self._analyze_tstep_df(time_step=time_step, + tsteps_sim_results=total_result, + variables=variables, + samples=samples, + cal_class=cal_class) + sen_time_dependent_list.append(result_df_tstep) + sen_time_dependent_df = _restruct_time_dependent(sen_time_dependent_list, + time_index) + self.logger.info("Finished time dependent sensitivity analysys.") + if save_results: + self._save(sen_time_dependent_df, time_dependent=True) + if plot_result: + if isinstance(sen_time_dependent_df, pd.DataFrame): + plot_time_dependent(sen_time_dependent_df) + else: + plot_time_dependent(sen_time_dependent_df[0]) + return sen_time_dependent_df + + def _analyze_tstep_df(self, time_step, tsteps_sim_results, variables, samples, cal_class): + """Analyze the sensitivity at a single time step.""" + result_dict_tstep = {} + for var in variables: + result_tstep_var = tsteps_sim_results[var].loc[time_step].to_numpy() + if np.all(result_tstep_var == result_tstep_var[0]): + sen_tstep_var = None + else: + sen_tstep_var = self.analysis_function( + x=samples, + y=result_tstep_var + ) + result_dict_tstep[var] = sen_tstep_var + result_df_tstep = self._conv_local_results(results=[result_dict_tstep], + local_classes=[cal_class]) + return result_df_tstep + + def _load_tsteps_df(self, tsteps, _filepaths): + """ + Load all simulations and extract and concat the sim results of the time steps in tsteps. + """ + self.logger.info( + f"Loading time steps from {tsteps[0]} to {tsteps[-1]} of the simulation files.") + tsteps_sim_results = [] + for _filepath in _filepaths: + sim = _load_single_file(_filepath) + tsteps_sim_results.append(sim.loc[tsteps[0]:tsteps[-1]]) + tsteps_sim_results = _concat_all_sims(tsteps_sim_results) + return tsteps_sim_results + + def _load_analyze_tsteps(self, _filepaths, samples, n_steps, cal_class): + """ + Load and analyze all time steps in chunks with n_steps time steps. + """ + sim1 = _load_single_file(_filepaths[0]) + time_index = sim1.index.to_numpy() + variables = sim1.get_variable_names() + sen_time_dependent_list = [] + if n_steps == 'all': + list_tsteps = [time_index] + elif isinstance(n_steps, int) and not (n_steps <= 0 or n_steps > len(time_index)): + list_tsteps = _divide_chunks(time_index, n_steps) + else: + raise ValueError( + f"n_steps can only be between 1 and {len(time_index)} or the string all.") + + for tsteps in list_tsteps: + tsteps_sim_results = self._load_tsteps_df(tsteps=tsteps, _filepaths=_filepaths) + self.logger.info("Analyzing these time steps.") + for tstep in tsteps: + result_df_tstep = self._analyze_tstep_df(time_step=tstep, + tsteps_sim_results=tsteps_sim_results, + variables=variables, + samples=samples, + cal_class=cal_class) + sen_time_dependent_list.append(result_df_tstep) + return sen_time_dependent_list, time_index + + def _conv_global_result(self, result: dict, cal_class: CalibrationClass, + analysis_variable: str): + glo_res_dict = self._get_res_dict(result=result, cal_class=cal_class, + analysis_variable=analysis_variable) return pd.DataFrame(glo_res_dict, index=['global']) def _conv_local_results(self, results: list, local_classes: list): - _conv_results = [self._get_res_dict(result=result, cal_class=local_class) - for result, local_class in zip(results, local_classes)] - df = pd.DataFrame(_conv_results) - df.index = [c.name for c in local_classes] + """ + Convert the result dictionaries form SALib of each class and goal into one DataFrame. + Overwritten for Sobol. + """ + _conv_results = [] + tuples = [] + for class_results, local_class in zip(results, local_classes): + for goal, goal_results in class_results.items(): + for analysis_var in self.analysis_variables: + _conv_results.append(self._get_res_dict(result=goal_results, + cal_class=local_class, + analysis_variable=analysis_var)) + tuples.append((local_class.name, goal, analysis_var)) + index = pd.MultiIndex.from_tuples(tuples=tuples, + names=['Class', 'Goal', 'Analysis variable']) + df = pd.DataFrame(_conv_results, index=index) return df @abc.abstractmethod - def _get_res_dict(self, result: dict, cal_class: CalibrationClass): + def _get_res_dict(self, result: dict, cal_class: CalibrationClass, analysis_variable: str): """ Convert the result object to a dict with the key being the variable name and the value being the result - associated to self.analysis_variable. + associated to analysis_variable. """ raise NotImplementedError + + def plot(self, result): + """ + Plot the results of the sensitivity analysis method from run(). + + :param pd.DataFrame result: + Dataframe of the results like from the run() function. + :return tuple of matplotlib objects (fig, ax): + """ + plot_single(result=result) + + @staticmethod + def load_from_csv(path): + """ + Load sensitivity results which were saved with the run() or run_time_dependent() function. + + For second order results use the load_second_order_from_csv() function of the SobolAnalyzer. + """ + result = pd.read_csv(path, index_col=[0, 1, 2]) + return result + + def save_for_reproduction(self, + title: str, + path: pathlib.Path = None, + files: list = None, + exclude_sim_files: bool = False, + remove_saved_files: bool = False, + **kwargs): + """ + Save the settings of the SenAnalyzer and SimApi in order to + reproduce the simulations and sensitivity analysis method. + All saved results will be also saved in the reproduction + archive. The simulations can be excluded from saving. + + :param str title: + Title of the study + :param pathlib.Path path: + Where to store the .zip file. If not given, self.cd is used. + :param list files: + List of files to save along the standard ones. + Examples would be plots, tables etc. + :param bool exclude_sim_files: + Default False. If True, the simulation files will not be saved in + the reproduction archive. + :param bool remove_saved_files: + Default False. If True, the result and simulation files will be moved + instead of just copied. + :param dict kwargs: + All keyword arguments except title, files, and path of the function + `save_reproduction_archive`. Most importantly, `log_message` may be + specified to avoid input during execution. + """ + if files is None: + files = [] + + for file_path in self.reproduction_files: + if exclude_sim_files: + if 'simulation' in str(file_path): + continue + filename = "SenAnalyzer" + str(file_path).rsplit(self.cd.name, maxsplit=1)[-1] + files.append(CopyFile( + sourcepath=file_path, + filename=filename, + remove=remove_saved_files + )) + + return self.sim_api.save_for_reproduction( + title=title, + path=path, + files=files, + **kwargs + ) diff --git a/aixcalibuha/sensitivity_analysis/sobol.py b/aixcalibuha/sensitivity_analysis/sobol.py index fb3524f3..beb2cc2b 100644 --- a/aixcalibuha/sensitivity_analysis/sobol.py +++ b/aixcalibuha/sensitivity_analysis/sobol.py @@ -2,40 +2,58 @@ Adds the SobolAnalyzer to the available classes of sensitivity analysis. """ -from SALib.sample import saltelli as sobol +import pandas as pd +from SALib.sample import sobol from SALib.analyze import sobol as analyze_sobol import numpy as np from aixcalibuha.sensitivity_analysis import SenAnalyzer from aixcalibuha import CalibrationClass +from aixcalibuha.sensitivity_analysis.plotting import plot_single, heatmaps class SobolAnalyzer(SenAnalyzer): """ + Sobol method from SALib + https://salib.readthedocs.io/en/latest/api.html#sobol-sensitivity-analysis + A variance-based method which can compute the sensitivity measures + 'S1', 'ST' and 'S2' with their confidence intervals. + Additional arguments: :keyword bool calc_second_order: Default True, used for the sobol-method - :keyword seed: + :keyword int seed: Used for the sobol-method """ + __analysis_variables = ['S1', 'ST', 'S1_conf', 'ST_conf'] + __analysis_variables_1 = ['S1', 'ST', 'S1_conf', 'ST_conf'] + __analysis_variables_2 = ['S2', 'S2_conf'] + def __init__(self, sim_api, **kwargs): + # Additional kwarg which changes the possible analysis_variables + self.calc_second_order = kwargs.get("calc_second_order", True) + if self.calc_second_order: + self.__analysis_variables = ['S1', 'ST', 'S1_conf', 'ST_conf', 'S2', 'S2_conf'] + # separately store first and total order (1) and second order (2) analysis variables + self.av_1_selected = [] + self.av_2_selected = [] + # Set additional kwargs + self.seed = kwargs.pop("seed", None) + super().__init__( sim_api=sim_api, **kwargs) - # Set additional kwargs - self.calc_second_order = kwargs.pop("calc_second_order", True) - self.seed = kwargs.pop("seed", None) @property def analysis_variables(self): """The analysis variables of the sobol method""" - return ['S1', 'ST', 'S1_conf', 'ST_conf'] + return self.__analysis_variables def analysis_function(self, x, y): """ Use the SALib.analyze.sobol method to analyze the simulation results. - :param np.array: x + :param np.array x: placeholder for the `X` parameter of the morris method not used for sobol :param np.array y: The NumPy array containing the model outputs @@ -68,13 +86,108 @@ def generate_samples(self): N=self.num_samples, **self.create_sampler_demand()) - def _get_res_dict(self, result: dict, cal_class: CalibrationClass): + def _save(self, result: tuple, time_dependent: bool = False): + """ + Save the results of the run and run_time_dependent function of the SobolAnalyzer. + """ + if not result[0].empty: + super()._save(result=result[0], time_dependent=time_dependent) + if time_dependent: + savepath_result_2 = self.cd.joinpath( + f'{self.__class__.__name__}_results_second_order_time.csv') + else: + savepath_result_2 = self.cd.joinpath( + f'{self.__class__.__name__}_results_second_order.csv') + if not result[1].empty: + result[1].to_csv(savepath_result_2) + self.reproduction_files.append(savepath_result_2) + + def _conv_local_results(self, results: list, local_classes: list): + """ + Convert the result dictionaries form SALib + of each class and goal into a tuple of two DataFrames. + First is the single order and second is the second order result. + If one of the results is not computed an empty list is returned. + """ + _conv_results = [] + _conv_results_2 = [] + tuples = [] + tuples_2 = [] + for class_results, local_class in zip(results, local_classes): + for goal, goal_results in class_results.items(): + for analysis_var in self.analysis_variables: + res_dict = self._get_res_dict(result=goal_results, + cal_class=local_class, + analysis_variable=analysis_var) + if analysis_var in self.__analysis_variables_1: + _conv_results.append(res_dict) + tuples.append((local_class.name, goal, analysis_var)) + elif analysis_var in self.__analysis_variables_2: + for tuner_para, res_dict in res_dict.items(): + _conv_results_2.append(res_dict) + tuples_2.append((local_class.name, goal, analysis_var, tuner_para)) + index = pd.MultiIndex.from_tuples(tuples=tuples, + names=['Class', 'Goal', 'Analysis variable']) + index_2 = pd.MultiIndex.from_tuples(tuples=tuples_2, + names=['Class', 'Goal', 'Analysis variable', + 'Interaction']) + df = pd.DataFrame(_conv_results, index=index) + df_2 = pd.DataFrame(_conv_results_2, index=index_2) + return df, df_2 + + def _get_res_dict(self, result: dict, cal_class: CalibrationClass, analysis_variable: str): """ Convert the result object to a dict with the key being the variable name and the value being the result - associated to self.analysis_variable. + associated to analysis_variable. + For second oder analysis variables the result is converted to a + dict with the key being the variable name and the value being another dict + with the variable names as the keys and the result associated to analysis_variable + from the interaction between the two variables. """ names = self.create_problem(cal_class.tuner_paras)['names'] - return {var_name: np.abs(res_val) - for var_name, res_val in zip(names, - result[self.analysis_variable])} + if analysis_variable in self.__analysis_variables_1: + if result is None: + res_dict_1 = {var_name: np.abs(res_val) + for var_name, res_val in zip(names, + np.zeros(len(names)))} + else: + res_dict_1 = {var_name: np.abs(res_val) + for var_name, res_val in zip(names, + result[analysis_variable])} + return res_dict_1 + if analysis_variable in self.__analysis_variables_2: + if result is None: + res_dict_2 = {var_name: dict(zip(names, np.abs(res_val))) + for var_name, res_val in zip(names, + np.zeros((len(names), len(names))))} + else: + result_av = result[analysis_variable] + for i, _ in enumerate(result_av): + for j, _ in enumerate(result_av): + if i > j: + result_av[i][j] = result_av[j][i] + res_dict_2 = {var_name: dict(zip(names, np.abs(res_val))) + for var_name, res_val in zip(names, + result_av)} + return res_dict_2 + + def plot(self, result): + """ + Plot the results of the sensitivity analysis method from run(). + + :param pd.DataFrame result: + Dataframe of the results like from the run() function. + :return tuple of matplotlib objects (fig, ax): + """ + plot_single(result=result[0]) + heatmaps(result=result[1]) + + @staticmethod + def load_second_order_from_csv(path): + """ + Load second order sensitivity results which were saved with the run() or + run_time_dependent() function. + """ + result = pd.read_csv(path, index_col=[0, 1, 2, 3]) + return result diff --git a/aixcalibuha/utils/configuration.py b/aixcalibuha/utils/configuration.py index 84e1bb2c..8cc76e43 100644 --- a/aixcalibuha/utils/configuration.py +++ b/aixcalibuha/utils/configuration.py @@ -8,7 +8,6 @@ from ebcpy import data_types from aixcalibuha import Goals, CalibrationClass, TunerParas - tsd_config = {"data": "TODO: Specify the path to the target values measured", "key": None, "sheet_name": None, @@ -49,13 +48,13 @@ "TODO: Specify the boundaries of the tuner parameters as a list of tuples"}} default_calibration_config = { - "statistical_measure": "TODO: Specify the statistical " - "measure for calibration (RMSE, MAE, etc.)", - "calibration_classes": [default_cal_class_config], - "start_time_method": 'fixstart', - "settings": kwargs_calibrator, - "settings multiple classes": kwargs_multiple_classes - } + "statistical_measure": "TODO: Specify the statistical " + "measure for calibration (RMSE, MAE, etc.)", + "calibration_classes": [default_cal_class_config], + "start_time_method": 'fixstart', + "settings": kwargs_calibrator, + "settings multiple classes": kwargs_multiple_classes +} kwargs_scipy_dif_evo = {"maxiter": 30, "popsize": 5, @@ -100,7 +99,7 @@ "Optimization": default_optimization_config, "Input Data": default_input_config, "Calibration": default_calibration_config - } +} def get_goals_from_config(config): diff --git a/aixcalibuha/utils/visualizer.py b/aixcalibuha/utils/visualizer.py index 53f0ee88..552f9bcb 100644 --- a/aixcalibuha/utils/visualizer.py +++ b/aixcalibuha/utils/visualizer.py @@ -15,6 +15,28 @@ import aixcalibuha +def short_name(ini_name: str, max_len: int): + """ + Shortens long strings to a max length from the front. + long_string_name => ...ing_name with len(new_name) = max_len + + :param str ini_name: + Long string to shorten. + :param int max_len: + Max len of the new string. + :return: str + The shorten string. + """ + if len(ini_name) > max_len: + num_dots = len(ini_name) - max_len + if num_dots > 3: + num_dots = 3 + formatted_name = "." * num_dots + ini_name[-(max_len - num_dots):] + else: + formatted_name = ini_name + return formatted_name + + class CalibrationLogger: """Base class for showing the process of functions in this Framework with print-statements and saving everything @@ -259,16 +281,11 @@ def _get_tuner_para_names_as_string(self): for ini_name in initial_names: # Limit string length to a certain amount. # The full name has to be displayed somewhere else - if len(ini_name) > self._width: - num_dots = len(ini_name) - self._width - if num_dots > 3: - num_dots = 3 - formatted_name = "."*num_dots + ini_name[-(self._width-num_dots):] - else: - formatted_name = ini_name + formatted_name = short_name(ini_name=ini_name, max_len=self._width) info_string += " {0:{width}s}".format(formatted_name, width=self._width) # Add string for qualitative measurement used (e.g. NRMSE, MEA etc.) - info_string += " {0:{width}s}".format(self.goals.statistical_measure, width=self._width) + info_string += " {0:{width}s}".format(self.goals.statistical_measure, + width=self._width) info_string += "penaltyfactor" info_string += f" Unweighted {self.goals.statistical_measure}" return info_string @@ -306,11 +323,12 @@ def _get_tuner_para_values_as_string(self, prec=self._prec) if penalty: info_string += " {0:{width}.{prec}f}".format(penalty, width=self._width, - prec=self._prec-3) + prec=self._prec - 3) else: info_string += " {}".format("-") - _verbose_info = "= " + " + ".join(["{0:.{prec}}*{1:.{prec}}".format(weight, val, prec=4) - for weight, val in unweighted_objective.items()]) + _verbose_info = "= " + " + ".join(["{0:.{prec}}*{1:.{prec}}".format(val[0], + val[1], prec=4) + for goal, val in unweighted_objective.items()]) info_string += f" {_verbose_info}" return info_string @@ -462,18 +480,21 @@ def validation_callback_func(self, obj): if self.goals is not None and self.create_tsd_plot: self._plot_goals(at_validation=True) - self._show_plot() + self._show_plot(for_validation=True) - def _show_plot(self): + def _show_plot(self, for_validation=False): """Show plot if activated""" if not self.show_plot: return plt.draw() - self.fig_obj.canvas.draw_idle() - self.fig_tuner.canvas.draw_idle() if self.create_tsd_plot: self.fig_goal.canvas.draw_idle() - plt.pause(self.show_plot_pause_time) + if not for_validation: + self.fig_obj.canvas.draw_idle() + self.fig_tuner.canvas.draw_idle() + plt.pause(self.show_plot_pause_time) + else: + plt.show() def save_calibration_result(self, best_iterate, model_name, **kwargs): """ @@ -568,8 +589,9 @@ def log_intersection_of_tuners(self, intersected_tuner_parameters, **kwargs): os.makedirs(path_intersections) if "itercount" in kwargs: fig_intersection.savefig( - os.path.join(path_intersections, - f'tuner_parameter_intersection_plot_it{kwargs["itercount"]}.{self.file_type}') + os.path.join( + path_intersections, + f'tuner_parameter_intersection_plot_it{kwargs["itercount"]}.{self.file_type}') ) else: fig_intersection.savefig( diff --git a/docs/source/conf.py b/docs/source/conf.py index a717c97c..b8b9229b 100644 --- a/docs/source/conf.py +++ b/docs/source/conf.py @@ -65,7 +65,7 @@ # built documents. # # The full version, including alpha/beta/rc tags. -release = '0.3.1' +release = '1.0.0' # The short X.Y version. version = '.'.join(release.split('.')[:-1]) diff --git a/examples/README.md b/examples/README.md index a8268bc6..5d82c759 100644 --- a/examples/README.md +++ b/examples/README.md @@ -12,7 +12,7 @@ You have three ways of accessing the examples: For the latter two, be sure to: -1. Create a clean environment of python 3.7 or 3.8. In Anaconda run: `conda create -n py38_ebcpy python=3.8` +1. Create a clean environment of python 3.8 or 3.9. In Anaconda run: `conda create -n py38_ebcpy python=3.8` 2. Activate the environment in your terminal. In Anaconda run: `activate py38_ebcpy` 3. Clone the library using `git clone --recurse-submodules https://github.com/RWTH-EBC/AixCaliBuHA` 5. Install the library using `pip install -e AixCaliBuHA` @@ -50,9 +50,21 @@ The examples 3-5 are written for both, so just alter the parameter in the `if __ ## `e3_sensitivity_analysis_example.py` -1. Learn how to execute a sensitivity analysis +1. Learn how to execute a simple sensitivity analysis 2. Learn how to automatically select sensitive tuner parameters +## `e3_1_verbose_sensitivity_analysis_example.py` + +1. Learn how to execute a verbose sensitivity analysis +2. Learn the meaning of the results the analysis of your model +3. Learn other sensitivity methods +4. Learn time dependent sensitivity analysis +5. Learn how to save the results for reproduction + +## `e3_1_verbose_dymola_sensitivity_analysis_example.py` + +1. Learn how to execute a sensitivity analysis with the dymola api + ## `e4_calibration_example.py` 1. Learn the settings for a calibration diff --git a/examples/__init__.py b/examples/__init__.py index 7b0c821e..8a921fa4 100644 --- a/examples/__init__.py +++ b/examples/__init__.py @@ -3,7 +3,7 @@ """ import pathlib import sys -from ebcpy import FMU_API +from ebcpy import FMU_API, DymolaAPI from examples import e2_A_optimization_problem_definition, e2_B_optimization_problem_definition @@ -11,7 +11,7 @@ def setup_fmu(examples_dir, example="B", n_cpu=1): """ Setup the FMU used in all examples and tests. - :param str examples_dir: + :param [pathlib.Path, str] examples_dir: Path to the examples folder of AixCaliBuHA :param str example: Which example to run, "A" or "B" @@ -38,6 +38,27 @@ def setup_fmu(examples_dir, example="B", n_cpu=1): n_cpu=n_cpu) +def setup_dym_api(examples_dir, aixlib_mo, example="A", n_cpu=1, dymola_version='Dymola 2023'): + examples_dir = pathlib.Path(examples_dir) + packages = [] + if example == "A": + packages.append(examples_dir.joinpath('model', 'AixCaliBuHAExamples.mo')) + packages.append(aixlib_mo) + model_name = "AixCaliBuHAExamples.HeatPumpSystemWithTimTab" + elif example == "B": + model_name = "Modelica.Thermal.FluidHeatFlow.Examples.PumpAndValve" + else: + raise ValueError("Only example 'A' and 'B' are available") + + return DymolaAPI(cd=examples_dir.joinpath("testzone"), + model_name=model_name, + packages=packages, + n_cpu=n_cpu, + dymola_version=dymola_version, + show_window=True, + equidistant_output=True, ) + + def setup_calibration_classes(examples_dir, example="B", multiple_classes=True): """Setup the CalibrationClasses used in all examples and tests.""" if example == "A": diff --git a/examples/converter.toml b/examples/converter.toml index e24f85e8..b1f176f2 100644 --- a/examples/converter.toml +++ b/examples/converter.toml @@ -3,39 +3,60 @@ filename = "examples/e1_A_energy_system_analysis.py" func_name = "main" md_path = "examples/docs" ipynb_path = "examples/jupyter_notebooks" +docstrings = true [[ExampleFile]] filename = "examples/e1_B_energy_system_analysis.py" func_name = "main" md_path = "examples/docs" ipynb_path = "examples/jupyter_notebooks" +docstrings = true [[ExampleFile]] filename = "examples/e2_A_optimization_problem_definition.py" func_name = "main" md_path = "examples/docs" ipynb_path = "examples/jupyter_notebooks" +docstrings = true [[ExampleFile]] filename = "examples/e2_B_optimization_problem_definition.py" func_name = "main" md_path = "examples/docs" ipynb_path = "examples/jupyter_notebooks" +docstrings = true [[ExampleFile]] filename = "examples/e3_sensitivity_analysis_example.py" func_name = "run_sensitivity_analysis" md_path = "examples/docs" ipynb_path = "examples/jupyter_notebooks" +docstrings = true + +[[ExampleFile]] +filename = "examples/e3_1_verbose_sensitivity_analysis_example.py" +func_name = "run_sensitivity_analysis" +md_path = "examples/docs" +ipynb_path = "examples/jupyter_notebooks" +docstrings = true + +[[ExampleFile]] +filename = "examples/e3_2_verbose_dymola_sensitivity_analysis_example.py" +func_name = "run_sensitivity_analysis" +md_path = "examples/docs" +ipynb_path = "examples/jupyter_notebooks" +docstrings = true [[ExampleFile]] filename = "examples/e4_calibration_example.py" func_name = "run_calibration" md_path = "examples/docs" ipynb_path = "examples/jupyter_notebooks" +docstrings = true [[ExampleFile]] filename = "examples/e5_automated_process.py" func_name = "main" md_path = "examples/docs" ipynb_path = "examples/jupyter_notebooks" +docstrings = true diff --git a/examples/data/FASTAnalyzer_results_A.csv b/examples/data/FASTAnalyzer_results_A.csv new file mode 100644 index 00000000..e1801c50 --- /dev/null +++ b/examples/data/FASTAnalyzer_results_A.csv @@ -0,0 +1,19 @@ +Class,Goal,Analysis variable,heatPumpSystem.declination,vol.V,heaCap.C,rad.n,theCon.G +global,all,S1,3.699703925116529e-05,0.001281425172057828,0.0015227349583394145,0.0008281593221427361,0.8366451874300566 +global,all,ST,0.10796269929100588,0.12727189909324055,0.1155495847504745,0.14553950605124466,0.9611281699385661 +global,Electricity,S1,0.00031747319966370904,0.00024353085199873387,0.0003764898090155623,0.000135902101349077,0.2273758074248678 +global,Electricity,ST,0.7453376933545235,0.743962586600946,0.7341629863644938,0.6621874987030962,0.9102144331281674 +global,Room temperature,S1,1.9287204118830097e-06,0.0014180823531301531,0.0017859984591948764,0.0010890901444372842,0.8978566425268381 +global,Room temperature,ST,0.05035547650977379,0.06154859380863109,0.055193397879125805,0.09792075841836423,0.9851648659973355 +On,all,S1,0.00020018029301728152,0.0003732800506908317,0.00033910160370510047,0.0017703482120637846,0.6715942611517385 +On,all,ST,0.3058265124146551,0.31933112616005177,0.3106200608685906,0.2786203656702405,0.9541458753137816 +On,Electricity,S1,0.00031228249245786544,0.00022249786696166632,0.00018164902302868642,0.005685227589962284,0.499599259861104 +On,Electricity,ST,0.49059981121348806,0.49021126574835416,0.4861302770522937,0.43359040188437836,0.9465746302805614 +On,Room temperature,S1,2.31860405807331e-06,0.001757478870513649,0.0021660414281231893,0.002831257060395158,0.8827135350836856 +On,Room temperature,ST,0.06344275024747548,0.07565150101135554,0.06893193702463862,0.10856419232862935,0.9821831915877569 +Off,all,S1,2.1272005929025807e-05,0.0014832996244445206,0.0017744830119772596,0.0024849373841675845,0.8229577833899749 +Off,all,ST,0.10593723631230523,0.12327425458825259,0.11281478076102636,0.1668689639884684,0.9530787110466263 +Off,Electricity,S1,5.73192959411043e-05,6.155556543634787e-05,0.0001669727284376773,0.0023844957443155753,0.7454993026971005 +Off,Electricity,ST,0.24742569417945115,0.24087517643428302,0.24085902743964094,0.23074864973329057,0.9621483328487416 +Off,Room temperature,S1,1.6988774649118675e-06,0.001263602865036885,0.0016135715721661615,0.0005017013173918048,0.9040316061407335 +Off,Room temperature,ST,0.045317364760374956,0.055889602048548204,0.05000328217772776,0.09356248938590017,0.9860860387514716 diff --git a/examples/data/FASTAnalyzer_results_B.csv b/examples/data/FASTAnalyzer_results_B.csv new file mode 100644 index 00000000..270dc33a --- /dev/null +++ b/examples/data/FASTAnalyzer_results_B.csv @@ -0,0 +1,25 @@ +Class,Goal,Analysis variable,speedRamp.duration,valveRamp.duration +global,all,S1,0.5917308997409292,0.379117599282294 +global,all,ST,0.6205950853256805,0.40804812070929186 +global,TCap,S1,0.5917215351510067,0.3793252681120051 +global,TCap,ST,0.6203912510129758,0.4080628127755115 +global,TPipe,S1,0.5917450423435522,0.3787723747099413 +global,TPipe,ST,0.6209337961580995,0.4080251130684973 +heat up,all,S1,0.8922962178451639,0.0005185141196262783 +heat up,all,ST,0.9901108280563709,0.001378956953640209 +heat up,TCap,S1,0.8872776153193306,0.00016329648721438874 +heat up,TCap,ST,0.9898164616675547,0.0008451859400043782 +heat up,TPipe,S1,0.8967070115849604,0.0011643877567905018 +heat up,TPipe,ST,0.9899167804946783,0.0024034782867773385 +cool down,all,S1,0.6550501792736069,0.2730958055928426 +cool down,all,ST,0.7209711406680488,0.3389372220286204 +cool down,TCap,S1,0.661603687917945,0.2663793850421064 +cool down,TCap,ST,0.7273424095448515,0.3317375000130648 +cool down,TPipe,S1,0.6384030411799604,0.2898932999369031 +cool down,TPipe,ST,0.7049802640048506,0.35701722533532554 +stationary,all,S1,0.5714442279815414,0.4072996331003543 +stationary,all,ST,0.592531413520754,0.4281910213812993 +stationary,TCap,S1,0.5715306908484292,0.4067983964399629 +stationary,TCap,ST,0.5930495257247834,0.42811243479953087 +stationary,TPipe,S1,0.5712363117614699,0.4083265219873574 +stationary,TPipe,ST,0.591467296301498,0.42838135939038535 diff --git a/examples/data/MorrisAnalyzer_results_A.csv b/examples/data/MorrisAnalyzer_results_A.csv new file mode 100644 index 00000000..d94e2f19 --- /dev/null +++ b/examples/data/MorrisAnalyzer_results_A.csv @@ -0,0 +1,37 @@ +Class,Goal,Analysis variable,heatPumpSystem.declination,vol.V,heaCap.C,rad.n,theCon.G +global,all,mu_star,0.0,0.022525642343656747,0.028602597553477715,0.14797276618789093,0.46153810785076105 +global,all,mu,0.0,-0.018767913806143843,-0.0265561023622424,-0.021522471938822743,0.10530785767624773 +global,all,sigma,0.0,0.02747390836331699,0.030861152605208737,0.1856747763706546,0.5436860141700762 +global,all,mu_star_conf,0.0,0.0053077431211565615,0.005813271114528823,0.02268129045479092,0.059987777922132175 +global,Electricity,mu_star,0.0,0.004375412875317221,0.007244229672193131,0.11913237492338556,0.19059766744876355 +global,Electricity,mu,0.0,0.0030978947991899325,-0.0023988833684108835,0.004296410304411573,0.08481088640629703 +global,Electricity,sigma,0.0,0.028820151031349515,0.024208637087167875,0.2015809201314141,0.22626477191618138 +global,Electricity,mu_star_conf,0.0,0.004997242122161083,0.004649098213004041,0.0310395647671873,0.027494134289429952 +global,Room temperature,mu_star,0.0,0.07060447967104885,0.08357909899488365,0.3516388158802559,1.576005722379027 +global,Room temperature,mu,0.0,-0.06978813388525604,-0.08292294668118264,-0.0817665305063695,0.15313412397279944 +global,Room temperature,sigma,0.0,0.0631217564459834,0.08638324458251034,0.39137828345965936,1.8633676485570183 +global,Room temperature,mu_star_conf,0.0,0.010910184108350806,0.016658611127499428,0.035492118493850505,0.20151871586023257 +On,all,mu_star,0.0,0.03810946025881845,0.05665082149799998,0.4983808352618271,1.069436078575448 +On,all,mu,0.0,-0.01706637960587919,-0.041120877949852704,0.06753187405105186,-0.7261402976998097 +On,all,sigma,0.0,0.09207566161918955,0.09148966222614398,0.7694871553013972,1.0353681427798644 +On,all,mu_star_conf,0.0,0.019080700726853472,0.016780190638428095,0.11281095477835927,0.12811225803842147 +On,Electricity,mu_star,0.0,0.018655084455900778,0.03717573523299986,0.6322843221693322,1.3607609499625914 +On,Electricity,mu,0.0,0.011949183332543602,-0.014637921364388464,0.1590817691241839,-1.0417512457540468 +On,Electricity,sigma,0.0,0.1274761096237838,0.11873817109360583,1.05979884216595,1.0807233115456716 +On,Electricity,mu_star_conf,0.0,0.02538892669508074,0.021533945528040527,0.15835984016059587,0.13117732568184381 +On,Room temperature,mu_star,0.0,0.08752172428254282,0.10517435690966856,0.3801194164995445,1.7131349750390694 +On,Room temperature,mu,0.0,-0.08476935979553231,-0.10291444331593595,-0.1460845477862561,0.010285247760075746 +On,Room temperature,sigma,0.0,0.07604203307091216,0.1090346974575414,0.4198778835240512,2.0759273321329728 +On,Room temperature,mu_star_conf,0.0,0.013428948135488143,0.019109780553662557,0.0475729436301634,0.21139410154937083 +Off,all,mu_star,0.0,0.023503707672766935,0.02814322845691414,0.1461657436620339,0.5151848617304223 +Off,all,mu,0.0,-0.02044360383531918,-0.026081382429958517,-0.03426091539569144,0.3373063792166661 +Off,all,sigma,0.0,0.027020849033224104,0.03207572974892224,0.1733537350075874,0.5013320858103784 +Off,all,mu_star_conf,0.0,0.0050215162410203445,0.006224976034865717,0.021348087651422383,0.06700337391447003 +Off,Electricity,mu_star,0.0,0.00421369243421552,0.005604729890351776,0.0936143724548465,0.39314130461527663 +Off,Electricity,mu,0.0,0.002669850989235836,-0.0004452263573276853,-0.02264257032988952,0.3746856329362358 +Off,Electricity,sigma,0.0,0.023090685412870716,0.02378181240720325,0.15804626816122963,0.3014983931663316 +Off,Electricity,mu_star_conf,0.0,0.004592739953397077,0.004340639591224935,0.02880801840348102,0.05540749191558049 +Off,Room temperature,mu_star,0.0,0.0750857103157915,0.08654912868039583,0.4047689181177338,1.7678251313905187 +Off,Room temperature,mu,0.0,-0.07437499842594748,-0.08589907993276377,-0.061370387215895966,0.2500881205376701 +Off,Room temperature,sigma,0.0,0.0730877866849492,0.09521806608394966,0.4461956890842288,2.065670584641397 +Off,Room temperature,mu_star_conf,0.0,0.015485790479409454,0.019117626755726543,0.0346645749678262,0.21251085487006927 diff --git a/examples/data/MorrisAnalyzer_results_B.csv b/examples/data/MorrisAnalyzer_results_B.csv new file mode 100644 index 00000000..b2832f14 --- /dev/null +++ b/examples/data/MorrisAnalyzer_results_B.csv @@ -0,0 +1,49 @@ +Class,Goal,Analysis variable,speedRamp.duration,valveRamp.duration +global,all,mu_star,0.31305743447674617,0.2438577687647123 +global,all,mu,0.3127102405492654,0.24073512993911111 +global,all,sigma,0.08508118771216477,0.08475373056594036 +global,all,mu_star_conf,0.019161094181496682,0.014063723818849624 +global,TCap,mu_star,0.2790018486237064,0.21737023880705805 +global,TCap,mu,0.2787084275028493,0.2146430064387138 +global,TCap,sigma,0.07562509647679039,0.07532508949412352 +global,TCap,mu_star_conf,0.015269278328582221,0.014320753329334024 +global,TPipe,mu_star,0.39252046813383934,0.3056620053325721 +global,TPipe,mu,0.39204780432423647,0.30161675144003813 +global,TPipe,sigma,0.10714679650045936,0.10675564044121401 +global,TPipe,mu_star_conf,0.019794076252614232,0.015933238371723796 +heat up,all,mu_star,0.04047180930247298,0.0012453633711093609 +heat up,all,mu,0.04047180930247298,0.000604602795518513 +heat up,all,sigma,0.04008432008503694,0.002869838119027461 +heat up,all,mu_star_conf,0.006926096333791133,0.0005187039854856136 +heat up,TCap,mu_star,0.03071051240422334,0.0005170131629745076 +heat up,TCap,mu,0.03071051240422334,0.0002864534864145227 +heat up,TCap,sigma,0.03056340733679365,0.0011782843686675107 +heat up,TCap,mu_star_conf,0.006147746994490932,0.00020888382654708014 +heat up,TPipe,mu_star,0.06324816873172216,0.003034946096783261 +heat up,TPipe,mu,0.06324816873172216,0.0013469511834278307 +heat up,TPipe,sigma,0.06239214093815815,0.006936561762070073 +heat up,TPipe,mu_star_conf,0.011976140392551259,0.0011254107425354642 +cool down,all,mu_star,1.769730414899365,1.1969401930252628 +cool down,all,mu,1.7364806700062225,1.048494694797056 +cool down,all,sigma,1.1806097556092914,1.009771894653784 +cool down,all,mu_star_conf,0.22030423949275754,0.14835748078362918 +cool down,TCap,mu_star,1.8048395624463764,1.2046696479939747 +cool down,TCap,mu,1.7706637908809941,1.0492729896624347 +cool down,TCap,sigma,1.2200744465504736,1.032538120458078 +cool down,TCap,mu_star_conf,0.2227941462869606,0.17493124500507318 +cool down,TPipe,mu_star,1.6878090706230073,1.1789047980982692 +cool down,TPipe,mu,1.6567200546317584,1.046678673444506 +cool down,TPipe,sigma,1.0893102467350555,0.957220794495985 +cool down,TPipe,mu_star_conf,0.20156688714792548,0.15011913343216818 +stationary,all,mu_star,1.3888562118897565,1.1341892352947918 +stationary,all,mu,1.3888562118897565,1.1341892352947918 +stationary,all,sigma,0.2881177509667847,0.2968232362236692 +stationary,all,mu_star_conf,0.058825105552902796,0.05599901566585096 +stationary,TCap,mu_star,1.3398622145793047,1.0931692061970422 +stationary,TCap,mu,1.3398622145793047,1.0931692061970422 +stationary,TCap,sigma,0.28112172414276876,0.28938860523544085 +stationary,TCap,mu_star_conf,0.056354906247524365,0.05037412914531874 +stationary,TPipe,mu_star,1.5031755389474784,1.2299026365228756 +stationary,TPipe,mu,1.5031755389474784,1.2299026365228756 +stationary,TPipe,sigma,0.30513199502486715,0.31475374712568294 +stationary,TPipe,mu_star_conf,0.061795456321479335,0.06497250778947744 diff --git a/examples/data/SobolAnalyzer_results_A.csv b/examples/data/SobolAnalyzer_results_A.csv new file mode 100644 index 00000000..0cccbe73 --- /dev/null +++ b/examples/data/SobolAnalyzer_results_A.csv @@ -0,0 +1,37 @@ +Class,Goal,Analysis variable,heatPumpSystem.declination,vol.V,heaCap.C,rad.n,theCon.G +global,all,S1,0.0,9.981171761535852e-05,0.0006857904459304658,0.002475490822438631,0.9034639249125812 +global,all,ST,0.0,0.003924512984803624,0.005754568135873106,0.08557418979309585,0.996242292472142 +global,all,S1_conf,0.0,0.006127994199815119,0.007079330293270881,0.02399533909683912,0.09344179756910223 +global,all,ST_conf,0.0,0.0009589708186608186,0.0012692922801728398,0.013898486050221329,0.0657804146571587 +global,Electricity,S1,0.0,0.004477503576317218,0.006310771628947152,0.00204836976045287,0.5678532847040125 +global,Electricity,ST,0.0,0.013763720073739955,0.022396392507374758,0.39660081655872514,0.9672826287670265 +global,Electricity,S1_conf,0.0,0.015470866341642447,0.017417005814734383,0.0649339382173066,0.11559057970804365 +global,Electricity,ST_conf,0.0,0.0069449048405892215,0.009900323949783203,0.07791229303480955,0.10082753378837742 +global,Room temperature,S1,0.0,0.0033096370749875143,0.001146806433852794,0.002413851502786947,0.9419961540472024 +global,Room temperature,ST,0.0,0.0026379181713934896,0.003581832030264988,0.044513984703652455,0.9964165506793828 +global,Room temperature,S1_conf,0.0,0.004423940070216972,0.004839345174559873,0.018500634013359336,0.10666025751334397 +global,Room temperature,ST_conf,0.0,0.0005138510038039782,0.0008041833135976853,0.00539837928247146,0.06899766363253093 +On,all,S1,0.0,0.0026068368373645782,0.0028751878924056485,0.009521743542029079,0.7920006147757741 +On,all,ST,0.0,0.006147796126319411,0.010659358187485516,0.19553595331722928,0.987302118023262 +On,all,S1_conf,0.0,0.0075902160199334415,0.008452324281255594,0.035255014530575154,0.08576669816482141 +On,all,ST_conf,0.0,0.0030602558680729404,0.005255851453639148,0.039812909298835006,0.07097571619906619 +On,Electricity,S1,0.0,0.0031019198825259484,0.005124928494282338,0.009701390838402867,0.6980120801756866 +On,Electricity,ST,0.0,0.008683574599556498,0.015489359257563002,0.2807328712345282,0.9735591382638042 +On,Electricity,S1_conf,0.0,0.010227763415624855,0.011370525734316801,0.04982606736346287,0.09324022268550188 +On,Electricity,ST_conf,0.0,0.004566892958008373,0.006201867415676126,0.050993107858154786,0.07750162414998682 +On,Room temperature,S1,0.0,0.0029933039637624194,0.0009301875580098956,0.00016093981027493417,0.9428611143479794 +On,Room temperature,ST,0.0,0.0034231262143536614,0.004484530618641006,0.04381099350863442,0.994051176596271 +On,Room temperature,S1_conf,0.0,0.004616920614669334,0.004999791841751198,0.01731718539750302,0.11471695294044447 +On,Room temperature,ST_conf,0.0,0.0006231299214510954,0.0009647445473571392,0.006128433646316758,0.06012647776512428 +Off,all,S1,0.0,0.000844647455915583,0.0013464195899526988,0.00354275763037027,0.9048517811798845 +Off,all,ST,0.0,0.0042322310847638656,0.005923099495160968,0.0840804056726998,0.9986180079159158 +Off,all,S1_conf,0.0,0.00728926308747947,0.007435125529932373,0.027468292118276526,0.08724140072263453 +Off,all,ST_conf,0.0,0.0009646044811803216,0.0011668302153965255,0.013502941144022932,0.06668288285873901 +Off,Electricity,S1,0.0,0.00278675622554076,0.0006291696318957217,0.004539947869769703,0.8773304445310295 +Off,Electricity,ST,0.0,0.004925693822333759,0.007104860219666679,0.1103424586810084,0.9966021882294881 +Off,Electricity,S1_conf,0.0,0.007578755136460543,0.00875440239308875,0.028765438194848458,0.06871983628415697 +Off,Electricity,ST_conf,0.0,0.002477096234671017,0.0029887350984999397,0.01890838214596232,0.056443330805657846 +Off,Room temperature,S1,0.0,0.0034799055229904645,0.0014853595907252887,0.003098722176793324,0.9407765733177197 +Off,Room temperature,ST,0.0,0.0024704165374669885,0.0033841994131140907,0.04520553459523207,0.9968220514703601 +Off,Room temperature,S1_conf,0.0,0.004208882503404611,0.004651472681642032,0.016913167020701277,0.09678062439511863 +Off,Room temperature,ST_conf,0.0,0.0005014151372478863,0.0007290413056634394,0.005422544915661947,0.06869125727764101 diff --git a/examples/data/SobolAnalyzer_results_B.csv b/examples/data/SobolAnalyzer_results_B.csv new file mode 100644 index 00000000..e4e79344 --- /dev/null +++ b/examples/data/SobolAnalyzer_results_B.csv @@ -0,0 +1,49 @@ +Class,Goal,Analysis variable,speedRamp.duration,valveRamp.duration +global,all,S1,0.5937802470561883,0.38208572826006765 +global,all,ST,0.6198934667423768,0.40813867769100104 +global,all,S1_conf,0.05927934379285615,0.04537800415317561 +global,all,ST_conf,0.05423029420652675,0.03276833043835816 +global,TCap,S1,0.593767135664744,0.3823027635340512 +global,TCap,ST,0.619670744722624,0.40815965357470885 +global,TCap,S1_conf,0.06220399791518888,0.051117416448008275 +global,TCap,ST_conf,0.04603250581658939,0.03505929347005915 +global,TPipe,S1,0.5938004842864535,0.38172498110708525 +global,TPipe,ST,0.6202636490007541,0.4081054179900795 +global,TPipe,S1_conf,0.0578191245014379,0.05051546945490835 +global,TPipe,ST_conf,0.04932727723753033,0.035402590550360304 +heat up,all,S1,0.9960017847412489,0.0001309489323739352 +heat up,all,ST,0.9967831515665558,0.0009675760476598921 +heat up,all,S1_conf,0.11281061857093035,0.002282031030027039 +heat up,all,ST_conf,0.06226298918861027,0.00025592314930269696 +heat up,TCap,S1,0.9968046304874463,4.456294614174331e-05 +heat up,TCap,ST,0.9972859865346204,0.0003236409507216123 +heat up,TCap,S1_conf,0.13253601701746343,0.001487202193566651 +heat up,TCap,ST_conf,0.061894634020611794,9.28916273166505e-05 +heat up,TPipe,S1,0.9946187206807962,0.0006987366637176041 +heat up,TPipe,ST,0.9958352973366467,0.002130999211514989 +heat up,TPipe,S1_conf,0.1098836191287225,0.00419208055324135 +heat up,TPipe,ST_conf,0.06076365072560032,0.0006294215141259365 +cool down,all,S1,0.662473147347816,0.28757989636005366 +cool down,all,ST,0.7184360410573779,0.3434917826335655 +cool down,all,S1_conf,0.08447646411516352,0.05434718716326143 +cool down,all,ST_conf,0.061194854983838476,0.03815207964976311 +cool down,TCap,S1,0.669363719279727,0.2810389346908704 +cool down,TCap,ST,0.7248603988562174,0.33660171853533416 +cool down,TCap,S1_conf,0.08059602453881608,0.055728065307068315 +cool down,TCap,ST_conf,0.05718725691482579,0.037545628893716 +cool down,TPipe,S1,0.645152844253433,0.3039484862000267 +cool down,TPipe,ST,0.7023380837797042,0.36082353581622273 +cool down,TPipe,S1_conf,0.06583242177574586,0.06356755996519355 +cool down,TPipe,ST_conf,0.05228182308752929,0.04102149803875612 +stationary,all,S1,0.5727872461146412,0.4076905846627818 +stationary,all,ST,0.5925119530775118,0.4276212828508054 +stationary,all,S1_conf,0.06249847211050626,0.04934835959472443 +stationary,all,ST_conf,0.047527054476383376,0.03730630620565084 +stationary,TCap,S1,0.5729247402261338,0.40726658290953377 +stationary,TCap,ST,0.5929959757665975,0.42754083415762084 +stationary,TCap,S1_conf,0.05648188575352477,0.052616156960121084 +stationary,TCap,ST_conf,0.04705211301080932,0.04036493638135444 +stationary,TPipe,S1,0.5724766349459368,0.4085618413210011 +stationary,TPipe,ST,0.5915183511101494,0.4278161826946474 +stationary,TPipe,S1_conf,0.06374470621654553,0.05020223720222382 +stationary,TPipe,ST_conf,0.04799686763454703,0.04016096218158261 diff --git a/examples/data/SobolAnalyzer_results_second_order_A.csv b/examples/data/SobolAnalyzer_results_second_order_A.csv new file mode 100644 index 00000000..34fb7f14 --- /dev/null +++ b/examples/data/SobolAnalyzer_results_second_order_A.csv @@ -0,0 +1,91 @@ +Class,Goal,Analysis variable,Interaction,heatPumpSystem.declination,vol.V,heaCap.C,rad.n,theCon.G +global,all,S2,heatPumpSystem.declination,,2.2768245622195593e-18,1.951563910473908e-18,4.336808689942018e-18,0.0 +global,all,S2,vol.V,2.2768245622195593e-18,,0.0009434796751958398,0.001349665834839888,0.0008712101367860381 +global,all,S2,heaCap.C,1.951563910473908e-18,0.0009434796751958398,,0.0031919273508358424,0.003742997239774337 +global,all,S2,rad.n,4.336808689942018e-18,0.001349665834839888,0.0031919273508358424,,0.07391700230996812 +global,all,S2,theCon.G,0.0,0.0008712101367860381,0.003742997239774337,0.07391700230996812, +global,all,S2_conf,heatPumpSystem.declination,,6.3844938717002024e-18,7.383295339417844e-18,1.6012755729664826e-17,1.9328317118102763e-16 +global,all,S2_conf,vol.V,6.3844938717002024e-18,,0.008445416150214794,0.007923556873010072,0.012077636741657615 +global,all,S2_conf,heaCap.C,7.383295339417844e-18,0.008445416150214794,,0.010807518665064122,0.014585675197420675 +global,all,S2_conf,rad.n,1.6012755729664826e-17,0.007923556873010072,0.010807518665064122,,0.03747907348954445 +global,all,S2_conf,theCon.G,1.9328317118102763e-16,0.012077636741657615,0.014585675197420675,0.03747907348954445, +global,Electricity,S2,heatPumpSystem.declination,,0.0,8.673617379884035e-19,6.5052130349130266e-18,1.1102230246251565e-16 +global,Electricity,S2,vol.V,0.0,,0.012286868908583073,0.0067684949821407246,0.004648745804725407 +global,Electricity,S2,heaCap.C,8.673617379884035e-19,0.012286868908583073,,0.016800006045762463,0.00935891471147643 +global,Electricity,S2,rad.n,6.5052130349130266e-18,0.0067684949821407246,0.016800006045762463,,0.2908826230658256 +global,Electricity,S2,theCon.G,1.1102230246251565e-16,0.004648745804725407,0.00935891471147643,0.2908826230658256, +global,Electricity,S2_conf,heatPumpSystem.declination,,9.41661885783599e-18,1.0245364444250908e-17,2.3970692473369066e-17,1.6689810540597914e-16 +global,Electricity,S2_conf,vol.V,9.41661885783599e-18,,0.017403827364213455,0.016637258784640365,0.020034747218354042 +global,Electricity,S2_conf,heaCap.C,1.0245364444250908e-17,0.017403827364213455,,0.029927395207655312,0.020538494345680558 +global,Electricity,S2_conf,rad.n,2.3970692473369066e-17,0.016637258784640365,0.029927395207655312,,0.11817831076235108 +global,Electricity,S2_conf,theCon.G,1.6689810540597914e-16,0.020034747218354042,0.020538494345680558,0.11817831076235108, +global,Room temperature,S2,heatPumpSystem.declination,,4.336808689942018e-18,2.3852447794681098e-18,1.734723475976807e-18,0.0 +global,Room temperature,S2,vol.V,4.336808689942018e-18,,0.003325000694632053,0.002953302661897171,0.0005579528276739021 +global,Room temperature,S2,heaCap.C,2.3852447794681098e-18,0.003325000694632053,,0.0011122629069048534,0.0021325274085535195 +global,Room temperature,S2,rad.n,1.734723475976807e-18,0.002953302661897171,0.0011122629069048534,,0.0488280700128535 +global,Room temperature,S2,theCon.G,0.0,0.0005579528276739021,0.0021325274085535195,0.0488280700128535, +global,Room temperature,S2_conf,heatPumpSystem.declination,,7.393662097468368e-18,6.262983987110103e-18,1.3728037634602546e-17,1.7462840114333936e-16 +global,Room temperature,S2_conf,vol.V,7.393662097468368e-18,,0.006683452235837769,0.006698233743717954,0.012121967609502154 +global,Room temperature,S2_conf,heaCap.C,6.262983987110103e-18,0.006683452235837769,,0.007332941382947123,0.015047392539198966 +global,Room temperature,S2_conf,rad.n,1.3728037634602546e-17,0.006698233743717954,0.007332941382947123,,0.03017035381753847 +global,Room temperature,S2_conf,theCon.G,1.7462840114333936e-16,0.012121967609502154,0.015047392539198966,0.03017035381753847, +On,all,S2,heatPumpSystem.declination,,0.0,1.3010426069826053e-18,5.204170427930421e-18,1.1102230246251565e-16 +On,all,S2,vol.V,0.0,,0.0010143816466899936,0.0017959596623205306,0.0011416642959209966 +On,all,S2,heaCap.C,1.3010426069826053e-18,0.0010143816466899936,,0.007260482280736972,0.00018933793403996813 +On,all,S2,rad.n,5.204170427930421e-18,0.0017959596623205306,0.007260482280736972,,0.1391820233739386 +On,all,S2,theCon.G,1.1102230246251565e-16,0.0011416642959209966,0.00018933793403996813,0.1391820233739386, +On,all,S2_conf,heatPumpSystem.declination,,7.592851808382974e-18,7.887921955624244e-18,1.883943426136829e-17,2.4253567249097665e-16 +On,all,S2_conf,vol.V,7.592851808382974e-18,,0.010351198334042603,0.009628069064404552,0.010174590252513703 +On,all,S2_conf,heaCap.C,7.887921955624244e-18,0.010351198334042603,,0.012081812359311923,0.011557058577621087 +On,all,S2_conf,rad.n,1.883943426136829e-17,0.009628069064404552,0.012081812359311923,,0.0650775784571036 +On,all,S2_conf,theCon.G,2.4253567249097665e-16,0.010174590252513703,0.011557058577621087,0.0650775784571036, +On,Electricity,S2,heatPumpSystem.declination,,8.673617379884035e-19,1.734723475976807e-18,8.673617379884035e-18,0.0 +On,Electricity,S2,vol.V,8.673617379884035e-19,,0.005271268351831465,0.0012667573081751142,0.0018192954547141538 +On,Electricity,S2,heaCap.C,1.734723475976807e-18,0.005271268351831465,,0.012755937805991735,0.00043805112272488067 +On,Electricity,S2,rad.n,8.673617379884035e-18,0.0012667573081751142,0.012755937805991735,,0.1985308689654931 +On,Electricity,S2,theCon.G,0.0,0.0018192954547141538,0.00043805112272488067,0.1985308689654931, +On,Electricity,S2_conf,heatPumpSystem.declination,,1.1116176166041256e-17,1.3526852744647269e-17,2.7718905218416113e-17,1.2026288471501823e-16 +On,Electricity,S2_conf,vol.V,1.1116176166041256e-17,,0.014073753894595122,0.012666168993853914,0.014445659324622266 +On,Electricity,S2_conf,heaCap.C,1.3526852744647269e-17,0.014073753894595122,,0.018626896976920534,0.012691184530164962 +On,Electricity,S2_conf,rad.n,2.7718905218416113e-17,0.012666168993853914,0.018626896976920534,,0.08232452192112935 +On,Electricity,S2_conf,theCon.G,1.2026288471501823e-16,0.014445659324622266,0.012691184530164962,0.08232452192112935, +On,Room temperature,S2,heatPumpSystem.declination,,1.734723475976807e-18,1.5178830414797062e-18,7.914675859144182e-18,0.0 +On,Room temperature,S2,vol.V,1.734723475976807e-18,,0.0031022408775590116,0.002836810687308447,7.499030206692403e-05 +On,Room temperature,S2,heaCap.C,1.5178830414797062e-18,0.0031022408775590116,,0.001046359044839581,0.0017718025338738785 +On,Room temperature,S2,rad.n,7.914675859144182e-18,0.002836810687308447,0.001046359044839581,,0.04410303112518099 +On,Room temperature,S2,theCon.G,0.0,7.499030206692403e-05,0.0017718025338738785,0.04410303112518099, +On,Room temperature,S2_conf,heatPumpSystem.declination,,7.799090673111322e-18,6.444142203779651e-18,1.1450305268565058e-17,2.7727851172547907e-16 +On,Room temperature,S2_conf,vol.V,7.799090673111322e-18,,0.007176033519265127,0.007054759433084827,0.013229751043951616 +On,Room temperature,S2_conf,heaCap.C,6.444142203779651e-18,0.007176033519265127,,0.008032085960969075,0.014097813204162314 +On,Room temperature,S2_conf,rad.n,1.1450305268565058e-17,0.007054759433084827,0.008032085960969075,,0.03131143115746934 +On,Room temperature,S2_conf,theCon.G,2.7727851172547907e-16,0.013229751043951616,0.014097813204162314,0.03131143115746934, +Off,all,S2,heatPumpSystem.declination,,3.0357660829594124e-18,3.903127820947816e-18,0.0,0.0 +Off,all,S2,vol.V,3.0357660829594124e-18,,0.000809740719460693,0.0005804211966973986,0.0003454899729710137 +Off,all,S2,heaCap.C,3.903127820947816e-18,0.000809740719460693,,0.004131025379532775,0.005793908759675337 +Off,all,S2,rad.n,0.0,0.0005804211966973986,0.004131025379532775,,0.07948685257854182 +Off,all,S2,theCon.G,0.0,0.0003454899729710137,0.005793908759675337,0.07948685257854182, +Off,all,S2_conf,heatPumpSystem.declination,,7.57142463817432e-18,7.056857516105084e-18,1.6481328827545575e-17,2.1315843655366831e-16 +Off,all,S2_conf,vol.V,7.57142463817432e-18,,0.00982567554015715,0.009175343548334124,0.012914751862315837 +Off,all,S2_conf,heaCap.C,7.056857516105084e-18,0.00982567554015715,,0.009749632187608425,0.014820366210237851 +Off,all,S2_conf,rad.n,1.6481328827545575e-17,0.009175343548334124,0.009749632187608425,,0.038417691808124266 +Off,all,S2_conf,theCon.G,2.1315843655366831e-16,0.012914751862315837,0.014820366210237851,0.038417691808124266, +Off,Electricity,S2,heatPumpSystem.declination,,3.469446951953614e-18,6.505213034913027e-19,2.6020852139652106e-18,1.1102230246251565e-16 +Off,Electricity,S2,vol.V,3.469446951953614e-18,,6.996823615311107e-05,0.00138519427742099,0.000162397792841662 +Off,Electricity,S2,heaCap.C,6.505213034913027e-19,6.996823615311107e-05,,0.0035855327083588896,0.006286369666079872 +Off,Electricity,S2,rad.n,2.6020852139652106e-18,0.00138519427742099,0.0035855327083588896,,0.08485607591232924 +Off,Electricity,S2,theCon.G,1.1102230246251565e-16,0.000162397792841662,0.006286369666079872,0.08485607591232924, +Off,Electricity,S2_conf,heatPumpSystem.declination,,9.207264608941349e-18,1.0876240330647538e-17,1.421062444277043e-17,2.1511277875398801e-16 +Off,Electricity,S2_conf,vol.V,9.207264608941349e-18,,0.009805926794353478,0.00988239968681761,0.00875351289838158 +Off,Electricity,S2_conf,heaCap.C,1.0876240330647538e-17,0.009805926794353478,,0.011071340322830381,0.009862303983600234 +Off,Electricity,S2_conf,rad.n,1.421062444277043e-17,0.00988239968681761,0.011071340322830381,,0.042363775402363954 +Off,Electricity,S2_conf,theCon.G,2.1511277875398801e-16,0.00875351289838158,0.009862303983600234,0.042363775402363954, +Off,Room temperature,S2,heatPumpSystem.declination,,3.903127820947816e-18,2.168404344971009e-18,3.0357660829594124e-18,0.0 +Off,Room temperature,S2,vol.V,3.903127820947816e-18,,0.003288220586336853,0.0030091126397154997,0.0011188479106749583 +Off,Room temperature,S2,heaCap.C,2.168404344971009e-18,0.003288220586336853,,0.0007218902651460837,0.002107649671139855 +Off,Room temperature,S2,rad.n,3.0357660829594124e-18,0.0030091126397154997,0.0007218902651460837,,0.05001533759434096 +Off,Room temperature,S2,theCon.G,0.0,0.0011188479106749583,0.002107649671139855,0.05001533759434096, +Off,Room temperature,S2_conf,heatPumpSystem.declination,,7.280244257669331e-18,6.930284777592844e-18,1.1408219380144552e-17,1.7867605642290127e-16 +Off,Room temperature,S2_conf,vol.V,7.280244257669331e-18,,0.006545268949917151,0.006331104808848709,0.012134941223556442 +Off,Room temperature,S2_conf,heaCap.C,6.930284777592844e-18,0.006545268949917151,,0.0073908208461457795,0.0139985170430143 +Off,Room temperature,S2_conf,rad.n,1.1408219380144552e-17,0.006331104808848709,0.0073908208461457795,,0.029454309402864493 +Off,Room temperature,S2_conf,theCon.G,1.7867605642290127e-16,0.012134941223556442,0.0139985170430143,0.029454309402864493, diff --git a/examples/data/SobolAnalyzer_results_second_order_B.csv b/examples/data/SobolAnalyzer_results_second_order_B.csv new file mode 100644 index 00000000..90f891f8 --- /dev/null +++ b/examples/data/SobolAnalyzer_results_second_order_B.csv @@ -0,0 +1,49 @@ +Class,Goal,Analysis variable,Interaction,speedRamp.duration,valveRamp.duration +global,all,S2,speedRamp.duration,,0.025310201538231436 +global,all,S2,valveRamp.duration,0.025310201538231436, +global,all,S2_conf,speedRamp.duration,,0.09263496301447202 +global,all,S2_conf,valveRamp.duration,0.09263496301447202, +global,TCap,S2,speedRamp.duration,,0.02510815334489852 +global,TCap,S2,valveRamp.duration,0.02510815334489852, +global,TCap,S2_conf,speedRamp.duration,,0.08403574199838072 +global,TCap,S2_conf,valveRamp.duration,0.08403574199838072, +global,TPipe,S2,speedRamp.duration,,0.02564762833065176 +global,TPipe,S2,valveRamp.duration,0.02564762833065176, +global,TPipe,S2_conf,speedRamp.duration,,0.08707239835207532 +global,TPipe,S2_conf,valveRamp.duration,0.08707239835207532, +heat up,all,S2,speedRamp.duration,,0.0021955576128004765 +heat up,all,S2,valveRamp.duration,0.0021955576128004765, +heat up,all,S2_conf,speedRamp.duration,,0.20154302316420983 +heat up,all,S2_conf,valveRamp.duration,0.20154302316420983, +heat up,TCap,S2,speedRamp.duration,,0.0012995270454584343 +heat up,TCap,S2,valveRamp.duration,0.0012995270454584343, +heat up,TCap,S2_conf,speedRamp.duration,,0.2420898458105829 +heat up,TCap,S2_conf,valveRamp.duration,0.2420898458105829, +heat up,TPipe,S2,speedRamp.duration,,0.0031993339164700474 +heat up,TPipe,S2,valveRamp.duration,0.0031993339164700474, +heat up,TPipe,S2_conf,speedRamp.duration,,0.18805732378187293 +heat up,TPipe,S2_conf,valveRamp.duration,0.18805732378187293, +cool down,all,S2,speedRamp.duration,,0.053354300386931786 +cool down,all,S2,valveRamp.duration,0.053354300386931786, +cool down,all,S2_conf,speedRamp.duration,,0.11057871422127731 +cool down,all,S2_conf,valveRamp.duration,0.11057871422127731, +cool down,TCap,S2,speedRamp.duration,,0.052955009211473 +cool down,TCap,S2,valveRamp.duration,0.052955009211473, +cool down,TCap,S2_conf,speedRamp.duration,,0.0941273641207029 +cool down,TCap,S2_conf,valveRamp.duration,0.0941273641207029, +cool down,TPipe,S2,speedRamp.duration,,0.054434830401888235 +cool down,TPipe,S2,valveRamp.duration,0.054434830401888235, +cool down,TPipe,S2_conf,speedRamp.duration,,0.09416195219251533 +cool down,TPipe,S2_conf,valveRamp.duration,0.09416195219251533, +stationary,all,S2,speedRamp.duration,,0.019799380701387148 +stationary,all,S2,valveRamp.duration,0.019799380701387148, +stationary,all,S2_conf,speedRamp.duration,,0.09697025188939104 +stationary,all,S2_conf,valveRamp.duration,0.09697025188939104, +stationary,TCap,S2,speedRamp.duration,,0.02009112317326811 +stationary,TCap,S2,valveRamp.duration,0.02009112317326811, +stationary,TCap,S2_conf,speedRamp.duration,,0.09902866632577796 +stationary,TCap,S2_conf,valveRamp.duration,0.09902866632577796, +stationary,TPipe,S2,speedRamp.duration,,0.019230472503300844 +stationary,TPipe,S2,valveRamp.duration,0.019230472503300844, +stationary,TPipe,S2_conf,speedRamp.duration,,0.09120933886110148 +stationary,TPipe,S2_conf,valveRamp.duration,0.09120933886110148, diff --git a/examples/data/SobolAnalyzer_results_second_order_time_A.csv b/examples/data/SobolAnalyzer_results_second_order_time_A.csv new file mode 100644 index 00000000..95118630 --- /dev/null +++ b/examples/data/SobolAnalyzer_results_second_order_time_A.csv @@ -0,0 +1,4741 @@ +Goal,Analysis variable,Interaction,time,heatPumpSystem.declination,vol.V,heaCap.C,rad.n,theCon.G +Pel,S2,heaCap.C,0.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,10.0,1.0842021724855044e-18,0.005739039639365278,,0.0062085305518572165,0.016306116701229542 +Pel,S2,heaCap.C,20.0,1.734723475976807e-18,0.013325480338809934,,0.010918385715956158,0.03334865325207567 +Pel,S2,heaCap.C,30.0,1.0408340855860843e-17,0.019190788860211208,,0.009995707643608687,0.03949849355456836 +Pel,S2,heaCap.C,40.0,0.0,0.022965826541887557,,0.00808267507714111,0.03907543319754342 +Pel,S2,heaCap.C,50.0,0.0,0.023128608142052788,,0.007010921418852123,0.037837186188788285 +Pel,S2,heaCap.C,60.0,0.0,0.020194018168738004,,0.006646145907492074,0.037962300440912033 +Pel,S2,heaCap.C,70.0,6.938893903907228e-18,0.01587054706851239,,0.00648339799093961,0.039593710650097536 +Pel,S2,heaCap.C,80.0,0.0,0.01191336782980356,,0.006041253445408928,0.04174147336609568 +Pel,S2,heaCap.C,90.0,0.0,0.009157187126794503,,0.005134517160991503,0.0430613385015699 +Pel,S2,heaCap.C,100.0,0.0,0.007464653825635787,,0.003921552445523696,0.04272903505895165 +Pel,S2,heaCap.C,110.0,0.0,0.0064086286568239455,,0.0026757575254916094,0.04077932023975461 +Pel,S2,heaCap.C,120.0,0.0,0.005729211348071608,,0.0015932582951217328,0.037768320746718875 +Pel,S2,heaCap.C,130.0,1.734723475976807e-18,0.005311451112668309,,0.0007638169622811025,0.03434203094140853 +Pel,S2,heaCap.C,140.0,1.734723475976807e-18,0.005044268084689871,,0.00021213914908115028,0.031016003659361968 +Pel,S2,heaCap.C,150.0,0.0,0.004788021875110791,,7.68465496471804e-05,0.028135052692368046 +Pel,S2,heaCap.C,160.0,1.734723475976807e-18,0.00443693236434704,,0.0001557201011860715,0.02589149926519352 +Pel,S2,heaCap.C,170.0,1.734723475976807e-18,0.003934996715239973,,0.00013347797383939097,0.024338864500652924 +Pel,S2,heaCap.C,180.0,0.0,0.003177969746063049,,5.622764582335904e-05,0.023149181319813583 +Pel,S2,heaCap.C,190.0,3.469446951953614e-18,0.002030894062030192,,1.0699522429186148e-05,0.022218372526017882 +Pel,S2,heaCap.C,200.0,0.0,0.001301591619668507,,0.00013902479475946805,0.020949768661085666 +Pel,S2,heaCap.C,210.0,3.469446951953614e-18,0.0012702193553189144,,0.00039610824216913115,0.01889400851772316 +Pel,S2,heaCap.C,220.0,1.734723475976807e-18,0.0016552008705105186,,0.0010234486424510192,0.016652042763941277 +Pel,S2,heaCap.C,230.0,0.0,0.0014419472579042065,,0.0008859713425806923,0.014118513707058522 +Pel,S2,heaCap.C,240.0,8.673617379884035e-19,0.0011503815640532032,,0.0007992435779199669,0.0117922880976844 +Pel,S2,heaCap.C,250.0,1.734723475976807e-18,0.000667133171845598,,0.000693330218510993,0.009896178840830605 +Pel,S2,heaCap.C,260.0,8.673617379884035e-19,0.0005457775521056328,,0.0006452331054068033,0.00911085978100279 +Pel,S2,heaCap.C,270.0,8.673617379884035e-19,0.0008270872686903501,,0.0006325102780531389,0.008714031557284119 +Pel,S2,heaCap.C,280.0,8.673617379884035e-19,0.0009513511034605054,,0.0006925392253877491,0.008279589741321258 +Pel,S2,heaCap.C,290.0,2.6020852139652106e-18,0.0007680348211216914,,0.0003680971656584396,0.00774161518183325 +Pel,S2,heaCap.C,300.0,8.673617379884035e-19,0.0006325192793562246,,0.00032612594273986537,0.007332451713746302 +Pel,S2,heaCap.C,310.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,320.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,330.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,340.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,350.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,360.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,370.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,380.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,390.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,400.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,410.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,420.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,430.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,440.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,450.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,460.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,470.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,480.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,490.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,500.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,510.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,520.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,530.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,540.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,550.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,560.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,570.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,580.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,590.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,600.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,610.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,620.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,630.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,640.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,650.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,660.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,670.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heaCap.C,680.0,0.0,0.0003256003256003255,,0.0,0.0 +Pel,S2,heaCap.C,690.0,1.0842021724855044e-19,0.0009449149576538118,,1.0842021724855044e-19,0.14334709876111157 +Pel,S2,heaCap.C,700.0,1.0842021724855044e-19,0.0009449149576538118,,1.0842021724855044e-19,0.14334709876111157 +Pel,S2,heaCap.C,710.0,1.0842021724855044e-19,0.0009449149576538118,,1.0842021724855044e-19,0.14334709876111157 +Pel,S2,heaCap.C,720.0,1.0842021724855044e-19,0.0009449149576538118,,1.0842021724855044e-19,0.14334709876111157 +Pel,S2,heaCap.C,730.0,1.0842021724855044e-19,0.0009457973614548969,,2.0326476828169787e-08,0.14330158560270487 +Pel,S2,heaCap.C,740.0,5.421010862427522e-20,0.0009452312202029845,,8.673891518438994e-07,0.14319903957446198 +Pel,S2,heaCap.C,750.0,5.421010862427522e-20,0.0009445262154380587,,6.787163805188985e-07,0.143118963461662 +Pel,S2,heaCap.C,760.0,1.0842021724855044e-19,0.0009446642477714212,,3.4257192605334325e-07,0.14312108419113323 +Pel,S2,heaCap.C,770.0,3.2526065174565133e-19,0.0009450597740647002,,1.4598949274160432e-08,0.1431738827892073 +Pel,S2,heaCap.C,780.0,0.0,0.01494545844576434,,0.0039288628209447965,0.003925831505588784 +Pel,S2,heaCap.C,790.0,4.336808689942018e-19,0.005439015210829967,,0.0006241479785023991,0.0006235751390084587 +Pel,S2,heaCap.C,800.0,4.336808689942018e-19,0.005437497301188757,,0.0006227668013946142,0.0006251461698311145 +Pel,S2,heaCap.C,810.0,0.0,0.005402581162786026,,0.0006251174084317586,0.0006140298641946762 +Pel,S2,heaCap.C,820.0,3.903127820947816e-18,0.005348530678514499,,0.0006422916546892157,0.0005620600250630936 +Pel,S2,heaCap.C,830.0,8.673617379884035e-19,0.00545996628186224,,0.0006064108484960286,0.0005355436668912361 +Pel,S2,heaCap.C,840.0,3.0357660829594124e-18,0.005492505538183278,,0.0005798721573445909,0.0005258153142021493 +Pel,S2,heaCap.C,850.0,4.336808689942018e-19,0.0054820866920347235,,0.0005769473201195571,0.000520930636829342 +Pel,S2,heaCap.C,860.0,8.673617379884035e-19,0.005459777371735945,,0.0005867250337762732,0.000503014692541548 +Pel,S2,heaCap.C,870.0,3.0357660829594124e-18,0.005445340095555781,,0.0005900306816474452,0.0004967270045598271 +Pel,S2,heaCap.C,880.0,1.3010426069826053e-18,0.005798994403047504,,0.0002759657747656713,0.00023955710357492777 +Pel,S2,heaCap.C,890.0,1.734723475976807e-18,0.0003680270900598918,,0.006023989782662657,0.0022774387139186114 +Pel,S2,heaCap.C,900.0,0.0,0.00038957955345613,,0.006001611340015242,0.0022908604786721076 +Pel,S2,heaCap.C,910.0,1.734723475976807e-18,0.00041905662778073203,,0.006009454296564168,0.002301798110403541 +Pel,S2,heaCap.C,920.0,8.673617379884035e-19,0.00041733050798669746,,0.0060354802510110064,0.0022890377135416085 +Pel,S2,heaCap.C,930.0,8.673617379884035e-19,0.00038822642936782534,,0.006144987344578884,0.00222854436915354 +Pel,S2,heaCap.C,940.0,8.673617379884035e-19,0.00036748853205955095,,0.006192048888476092,0.002150651377094359 +Pel,S2,heaCap.C,950.0,0.0,0.0003542298360818142,,0.006201435621694885,0.0021087354744003806 +Pel,S2,heaCap.C,960.0,0.0,0.0003314737748531839,,0.006211819978951557,0.0021173735407322702 +Pel,S2,heaCap.C,970.0,8.673617379884035e-19,0.0003289432196001158,,0.006197180199466218,0.002128462714052204 +Pel,S2,heaCap.C,980.0,0.0,0.00402584985496989,,0.0015351282930016422,0.003495887111468088 +Pel,S2,heaCap.C,990.0,0.0,0.003112962235504077,,0.002649543318104842,0.0008571969870379004 +Pel,S2,heaCap.C,1000.0,0.0,0.0031300330676293855,,0.0026436184345241687,0.0008400404426573971 +Pel,S2,heaCap.C,1010.0,4.336808689942018e-19,0.003126635731774564,,0.002650470488463683,0.0008193884539841045 +Pel,S2,heaCap.C,1020.0,1.734723475976807e-18,0.0031200726656425244,,0.002627736494482412,0.0007322782544161299 +Pel,S2,heaCap.C,1030.0,2.168404344971009e-18,0.0031260466782709485,,0.002627417764281383,0.000632031295309532 +Pel,S2,heaCap.C,1040.0,0.0,0.003166470381272428,,0.002590326560189444,0.0005738292670106615 +Pel,S2,heaCap.C,1050.0,1.734723475976807e-18,0.00321886207472383,,0.0025344105973269995,0.0005387267522372063 +Pel,S2,heaCap.C,1060.0,2.6020852139652106e-18,0.003244134297930925,,0.0024968954943182173,0.0005098249500600227 +Pel,S2,heaCap.C,1070.0,8.673617379884035e-19,0.0032667445387786686,,0.0024619719253832217,0.00047836154509828255 +Pel,S2,heaCap.C,1080.0,1.734723475976807e-18,0.008189306356346477,,0.006045676722055332,0.011508544124230302 +Pel,S2,heaCap.C,1090.0,2.6020852139652106e-18,0.0006941079863695626,,0.0014819284696651726,0.006149747639397463 +Pel,S2,heaCap.C,1100.0,2.6020852139652106e-18,0.000664416024415965,,0.0014638968545663865,0.006101360255355681 +Pel,S2,heaCap.C,1110.0,8.673617379884035e-19,0.0006534572816362366,,0.001456201700252512,0.006070326515168367 +Pel,S2,heaCap.C,1120.0,1.734723475976807e-18,0.000731534908253572,,0.00142605959088576,0.0060737870426958995 +Pel,S2,heaCap.C,1130.0,0.0,0.0008212838684192696,,0.0013743228357670266,0.006101498759256918 +Pel,S2,heaCap.C,1140.0,8.673617379884035e-19,0.0008779570498404212,,0.0013384337036791306,0.006104336789671039 +Pel,S2,heaCap.C,1150.0,2.6020852139652106e-18,0.0009231717885583961,,0.0013054254196216168,0.006087586125999023 +Pel,S2,heaCap.C,1160.0,8.673617379884035e-19,0.0009547148694877706,,0.0012808132986627564,0.006057694687039539 +Pel,S2,heaCap.C,1170.0,1.734723475976807e-18,0.00097771157616032,,0.0012422934295777894,0.006042130266554757 +Pel,S2,heaCap.C,1180.0,1.3010426069826053e-18,0.0011737631555739777,,0.0028695304862662203,0.004294221693593503 +Pel,S2,heaCap.C,1190.0,4.336808689942018e-19,0.00879416469950669,,0.005034399266496367,0.017715881359111285 +Pel,S2,heaCap.C,1200.0,1.734723475976807e-18,0.008798216867640244,,0.005014451175075806,0.017722532774334776 +Pel,S2,heaCap.C,1210.0,2.6020852139652106e-18,0.008840891001429601,,0.004954775531266987,0.017680612198136214 +Pel,S2,heaCap.C,1220.0,0.0,0.008792630863003817,,0.004918670403380274,0.017721513810502465 +Pel,S2,heaCap.C,1230.0,4.336808689942018e-19,0.008835783548264416,,0.004935825586745379,0.01779215131061107 +Pel,S2,heaCap.C,1240.0,0.0,0.008881663105419338,,0.004928633050905181,0.017823061130439855 +Pel,S2,heaCap.C,1250.0,1.3010426069826053e-18,0.008915217122812054,,0.004901569473955206,0.017835720008633205 +Pel,S2,heaCap.C,1260.0,4.336808689942018e-19,0.00893212604000132,,0.004886035438655274,0.01784962462577011 +Pel,S2,heaCap.C,1270.0,8.673617379884035e-19,0.008928044251809208,,0.004879898398891478,0.017852757037062683 +Pel,S2,heaCap.C,1280.0,3.0357660829594124e-18,0.0005664441352435177,,0.004911474198706082,0.011967311443918494 +Pel,S2,heaCap.C,1290.0,4.336808689942018e-19,0.002741073358460652,,0.0081219180105301,0.0036516037669275248 +Pel,S2,heaCap.C,1300.0,1.3010426069826053e-18,0.0027384947637826085,,0.00808074728335191,0.003668156819634061 +Pel,S2,heaCap.C,1310.0,0.0,0.0026795868320545284,,0.008050467093450829,0.003600731025723447 +Pel,S2,heaCap.C,1320.0,1.734723475976807e-18,0.0026843223902949724,,0.008035556997046736,0.0035723137782912584 +Pel,S2,heaCap.C,1330.0,0.0,0.0026601923325233726,,0.007980856959398198,0.0035982270092738133 +Pel,S2,heaCap.C,1340.0,8.673617379884035e-19,0.002640827686989748,,0.00794827780908563,0.0035981455227952486 +Pel,S2,heaCap.C,1350.0,8.673617379884035e-19,0.0026124626925437553,,0.007923237614567027,0.0035922054816971416 +Pel,S2,heaCap.C,1360.0,1.734723475976807e-18,0.0025941730850278554,,0.007905128702470584,0.003576133709783269 +Pel,S2,heaCap.C,1370.0,8.673617379884035e-19,0.0025878224957122786,,0.007895488598474056,0.0035504958503032036 +Pel,S2,heaCap.C,1380.0,4.336808689942018e-19,0.015009887784184339,,0.0089498368382083,0.00702417630891361 +Pel,S2,heaCap.C,1390.0,0.0,0.005813005605857876,,0.0013514954456207897,0.003483560138403008 +Pel,S2,heaCap.C,1400.0,0.0,0.005766139641465542,,0.0013911502558263279,0.0034651335030753128 +Pel,S2,heaCap.C,1410.0,8.673617379884035e-19,0.005772310323197865,,0.0013827618280232799,0.0034703641492248583 +Pel,S2,heaCap.C,1420.0,1.734723475976807e-18,0.005785443586658074,,0.001409164678392796,0.0034336766321446666 +Pel,S2,heaCap.C,1430.0,3.469446951953614e-18,0.005784643321907947,,0.0013976490072680429,0.003456433544625326 +Pel,S2,heaCap.C,1440.0,3.469446951953614e-18,0.005752895111364106,,0.0014137245074173615,0.0034541151226190614 +Pel,S2,heaCap.C,1450.0,1.734723475976807e-18,0.005713325621446755,,0.0014406564022304297,0.0034396483605727557 +Pel,S2,heaCap.C,1460.0,0.0,0.005677026528099732,,0.0014677582500645468,0.003422301596547661 +Pel,S2,heaCap.C,1470.0,3.469446951953614e-18,0.005648872125575541,,0.0014895806776348275,0.0034073273780363955 +Pel,S2,heaCap.C,1480.0,2.6020852139652106e-18,0.010036302534862835,,0.004092884543210981,0.0003408156688782249 +Pel,S2,heaCap.C,1490.0,4.336808689942018e-19,0.00517482441569166,,0.003991017081435212,0.003372311352310642 +Pel,S2,heaCap.C,1500.0,1.734723475976807e-18,0.005171646196108805,,0.003975724238866604,0.003400797335491701 +Pel,S2,heaCap.C,1510.0,1.3010426069826053e-18,0.005152572663334003,,0.00399310077380002,0.003376068357283435 +Pel,S2,heaCap.C,1520.0,0.0,0.005162149302019432,,0.004021167575215565,0.0033431963892119887 +Pel,S2,heaCap.C,1530.0,8.673617379884035e-19,0.005205621815034419,,0.004036733724127401,0.003351437330022189 +Pel,S2,heaCap.C,1540.0,8.673617379884035e-19,0.005229412817901596,,0.0040299979300744485,0.003368952378669743 +Pel,S2,heaCap.C,1550.0,0.0,0.00524066409264199,,0.004015652266658169,0.0033836932969806277 +Pel,S2,heaCap.C,1560.0,8.673617379884035e-19,0.005247503576258623,,0.0040013569250950815,0.003392424088721979 +Pel,S2,heaCap.C,1570.0,0.0,0.005254154217285721,,0.0039911485974523635,0.003394930616402725 +Pel,S2,heaCap.C,1580.0,0.0,0.011886826596708025,,0.003411764143096227,0.004225234526317401 +Pel,S2,heaCap.C,1590.0,4.336808689942018e-19,0.003591207992659517,,0.005599061191640013,0.002922052846115464 +Pel,S2,heaCap.C,1600.0,4.336808689942018e-19,0.003592099767503116,,0.005623877075947981,0.0029362060833550974 +Pel,S2,heaCap.C,1610.0,1.3010426069826053e-18,0.004742028768089192,,0.00571505759680913,0.004944521242037259 +Pel,S2,heaCap.C,1620.0,4.336808689942018e-19,0.004776912058983438,,0.005801048537312772,0.004926193051725702 +Pel,S2,heaCap.C,1630.0,0.0,0.004740494492342264,,0.005871111107549622,0.004899475351086147 +Pel,S2,heaCap.C,1640.0,4.336808689942018e-19,0.004745156738591702,,0.005958623046835333,0.004872307206401083 +Pel,S2,heaCap.C,1650.0,8.673617379884035e-19,0.004806412243584126,,0.006091649217360951,0.004820835689281711 +Pel,S2,heaCap.C,1660.0,1.3010426069826053e-18,0.004905292183453631,,0.0062025242034423125,0.004802637013997968 +Pel,S2,heaCap.C,1670.0,2.6020852139652106e-18,0.00495927730887255,,0.006303924053094476,0.004792421398112756 +Pel,S2,heaCap.C,1680.0,1.734723475976807e-18,0.0026970283521344784,,0.009369932859374153,0.0013864118204021114 +Pel,S2,heaCap.C,1690.0,1.734723475976807e-18,0.0033559881030549204,,0.0006449945672791953,0.0034161038596083326 +Pel,S2,heaCap.C,1700.0,8.673617379884035e-19,0.003358611409292882,,0.0006639803920899037,0.0034496690559777665 +Pel,S2,heaCap.C,1710.0,1.3010426069826053e-18,0.0043894526666722776,,0.004904557131231703,0.0007522209983518158 +Pel,S2,heaCap.C,1720.0,0.0,0.004397745115285306,,0.004943028766371756,0.0007103210962926543 +Pel,S2,heaCap.C,1730.0,1.3010426069826053e-18,0.00447212143804061,,0.005029624451211943,0.0006682958630918057 +Pel,S2,heaCap.C,1740.0,4.336808689942018e-19,0.004509558690902788,,0.00508942954497274,0.0006462452116198225 +Pel,S2,heaCap.C,1750.0,8.673617379884035e-19,0.004470929560449238,,0.005070400299173647,0.000604092756020691 +Pel,S2,heaCap.C,1760.0,1.5178830414797062e-18,0.0044440075221825175,,0.005069664917015097,0.0005751129486852857 +Pel,S2,heaCap.C,1770.0,0.0,0.004447846964236597,,0.0050731258367875225,0.0005583428434017268 +Pel,S2,heaCap.C,1780.0,8.673617379884035e-19,0.0024105433917707628,,0.016836314710803144,0.0065470422490537805 +Pel,S2,heaCap.C,1790.0,2.168404344971009e-18,0.01777647826354588,,0.006988973590693823,0.012866427650419454 +Pel,S2,heaCap.C,1800.0,0.0,0.017805500785028495,,0.006989833050160332,0.012788704655832261 +Pel,S2,heaCap.C,1810.0,4.336808689942018e-19,0.017788129981796963,,0.0070559712249695615,0.01276370830118878 +Pel,S2,heaCap.C,1820.0,8.673617379884035e-19,0.017774757458558398,,0.007109520713245665,0.012696473601253588 +Pel,S2,heaCap.C,1830.0,2.168404344971009e-18,0.017824010933625317,,0.007082877257654618,0.012701309283196682 +Pel,S2,heaCap.C,1840.0,8.673617379884035e-19,0.017864230347888574,,0.007083013432133186,0.012676221658371456 +Pel,S2,heaCap.C,1850.0,2.6020852139652106e-18,0.017887270115480393,,0.007102286654377021,0.012637685615512484 +Pel,S2,heaCap.C,1860.0,2.6020852139652106e-18,0.017896797813098303,,0.007126973993583807,0.012608345278674382 +Pel,S2,heaCap.C,1870.0,1.3010426069826053e-18,0.017898443267135713,,0.0071585259611505955,0.01258695444905722 +Pel,S2,heaCap.C,1880.0,0.0,0.014680692295500588,,0.012463228745525393,0.002972090403968841 +Pel,S2,heaCap.C,1890.0,3.469446951953614e-18,0.0025334633415587315,,0.001124894115815036,0.007363978832705453 +Pel,S2,heaCap.C,1900.0,1.734723475976807e-18,0.002499460413002615,,0.001127483787208245,0.00740697714036076 +Pel,S2,heaCap.C,1910.0,8.673617379884035e-19,0.001792701434383719,,0.000990462629398784,0.010127493217507944 +Pel,S2,heaCap.C,1920.0,8.673617379884035e-19,0.0018275865793085612,,0.0010529072972669355,0.010179944993780943 +Pel,S2,heaCap.C,1930.0,0.0,0.0018411263599749485,,0.0011595750516863144,0.010241167636170445 +Pel,S2,heaCap.C,1940.0,3.469446951953614e-18,0.001834319047585773,,0.0011885914265246829,0.010258770793644678 +Pel,S2,heaCap.C,1950.0,2.6020852139652106e-18,0.0018147273814797015,,0.0011846699091358076,0.010250658274121416 +Pel,S2,heaCap.C,1960.0,0.0,0.0017829221994152553,,0.0011835559949502014,0.010245530240244882 +Pel,S2,heaCap.C,1970.0,0.0,0.0017612544954837793,,0.0011794152706775841,0.010217694749353523 +Pel,S2,heaCap.C,1980.0,4.336808689942018e-19,0.00019389559460447582,,0.007609085427056384,0.007455338176207915 +Pel,S2,heaCap.C,1990.0,1.3010426069826053e-18,0.0021997466790782965,,0.007834142637441466,0.005381294753070254 +Pel,S2,heaCap.C,2000.0,4.336808689942018e-19,0.0022596319980672163,,0.007862376408290921,0.005383827981677913 +Pel,S2,heaCap.C,2010.0,1.734723475976807e-18,0.006147682998029221,,0.007665185975446034,0.007311554973331691 +Pel,S2,heaCap.C,2020.0,0.0,0.006166506042826985,,0.007671451635394504,0.0073486499116194315 +Pel,S2,heaCap.C,2030.0,4.336808689942018e-18,0.006165141075852755,,0.00769336865781764,0.00741513853510245 +Pel,S2,heaCap.C,2040.0,0.0,0.006187162046624289,,0.00770413011200809,0.007443492016590003 +Pel,S2,heaCap.C,2050.0,1.734723475976807e-18,0.006219843631925799,,0.0077145669381813615,0.007457377243875407 +Pel,S2,heaCap.C,2060.0,1.734723475976807e-18,0.00625174577990863,,0.0077239653613086,0.0074673868268840815 +Pel,S2,heaCap.C,2070.0,2.6020852139652106e-18,0.006279031810302663,,0.007735763786034574,0.007481906668079019 +Pel,S2,heaCap.C,2080.0,4.336808689942018e-19,0.0021587038050003547,,0.007410404515969575,0.007633809330423125 +Pel,S2,heaCap.C,2090.0,1.3010426069826053e-18,0.004655297546764685,,0.010732062547655193,0.013299977440103583 +Pel,S2,heaCap.C,2100.0,1.3010426069826053e-18,0.00466506417901185,,0.010735994579239495,0.013359238431237985 +Pel,S2,heaCap.C,2110.0,4.336808689942018e-19,0.004683111966558254,,0.010741276992642906,0.013430130739361612 +Pel,S2,heaCap.C,2120.0,6.505213034913027e-19,0.0047068862628480744,,0.010865441106633407,0.013519418703793473 +Pel,S2,heaCap.C,2130.0,8.673617379884035e-19,0.004736792893790383,,0.010945201296802473,0.013583708060197597 +Pel,S2,heaCap.C,2140.0,2.168404344971009e-19,0.004756442856918855,,0.010983182569230483,0.013640251004552795 +Pel,S2,heaCap.C,2150.0,0.0,0.004772725783142415,,0.011013233450826318,0.013700887266708817 +Pel,S2,heaCap.C,2160.0,6.505213034913027e-19,0.004786629375977475,,0.011045816521746653,0.0137629704782537 +Pel,S2,heaCap.C,2170.0,2.168404344971009e-19,0.004798904913433096,,0.011088176737737855,0.013822278149525635 +Pel,S2,heaCap.C,2180.0,4.336808689942018e-19,0.002097134875719047,,0.0028887785647779517,0.011795823193370247 +Pel,S2,heaCap.C,2190.0,3.469446951953614e-18,0.0011798516425763246,,0.011832505807056653,0.007781393490641775 +Pel,S2,heaCap.C,2200.0,0.0,0.001200333784638177,,0.011835238049152437,0.007795451603532455 +Pel,S2,heaCap.C,2210.0,1.734723475976807e-18,0.0011815747411059547,,0.009778790115823329,0.009909779614787118 +Pel,S2,heaCap.C,2220.0,8.673617379884035e-19,0.0011868744208904701,,0.009702482446090389,0.009982652532214975 +Pel,S2,heaCap.C,2230.0,2.6020852139652106e-18,0.0011253421072667906,,0.009685665859122622,0.009974275118111775 +Pel,S2,heaCap.C,2240.0,0.0,0.0010804106711005557,,0.009682549696437623,0.009979035089554111 +Pel,S2,heaCap.C,2250.0,8.673617379884035e-19,0.0010566307143205205,,0.009678957178566993,0.010006375358099673 +Pel,S2,heaCap.C,2260.0,1.734723475976807e-18,0.001043650332521736,,0.009649635017279766,0.010040904903237613 +Pel,S2,heaCap.C,2270.0,8.673617379884035e-19,0.0010457299442794303,,0.009592078712960722,0.010062936106913556 +Pel,S2,heaCap.C,2280.0,1.734723475976807e-18,0.00037499835252275977,,0.004103541157001693,0.02304724427767424 +Pel,S2,heaCap.C,2290.0,8.673617379884035e-19,0.0016886498870270408,,0.0014435162058917747,0.000977302315361528 +Pel,S2,heaCap.C,2300.0,1.734723475976807e-18,0.001696067583740547,,0.0014685737027649408,0.0009829780462500826 +Pel,S2,heaCap.C,2310.0,0.0,0.005283783056237314,,0.006410789045947746,0.006725253283224375 +Pel,S2,heaCap.C,2320.0,0.0,0.00526965108729201,,0.006405157561854386,0.006672754035134232 +Pel,S2,heaCap.C,2330.0,1.734723475976807e-18,0.005281930353529931,,0.006457025363262372,0.0066224688400674525 +Pel,S2,heaCap.C,2340.0,0.0,0.005225674176717786,,0.0065032941286088195,0.006627092490754771 +Pel,S2,heaCap.C,2350.0,0.0,0.005169565934114849,,0.0064987310337106755,0.006582449268631607 +Pel,S2,heaCap.C,2360.0,5.204170427930421e-18,0.005096931118266318,,0.006490890600255235,0.006549762926330471 +Pel,S2,heatPumpSystem.declination,0.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,10.0,,1.951563910473908e-18,1.0842021724855044e-18,0.0,0.0 +Pel,S2,heatPumpSystem.declination,20.0,,3.469446951953614e-18,1.734723475976807e-18,0.0,0.0 +Pel,S2,heatPumpSystem.declination,30.0,,0.0,1.0408340855860843e-17,2.220446049250313e-16,0.0 +Pel,S2,heatPumpSystem.declination,40.0,,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,50.0,,6.938893903907228e-18,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,60.0,,6.938893903907228e-18,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,70.0,,0.0,6.938893903907228e-18,0.0,0.0 +Pel,S2,heatPumpSystem.declination,80.0,,3.469446951953614e-18,0.0,0.0,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,90.0,,0.0,0.0,2.7755575615628914e-17,0.0 +Pel,S2,heatPumpSystem.declination,100.0,,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,110.0,,5.204170427930421e-18,0.0,1.3877787807814457e-17,0.0 +Pel,S2,heatPumpSystem.declination,120.0,,1.734723475976807e-18,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,130.0,,8.673617379884035e-19,1.734723475976807e-18,0.0,0.0 +Pel,S2,heatPumpSystem.declination,140.0,,2.6020852139652106e-18,1.734723475976807e-18,0.0,0.0 +Pel,S2,heatPumpSystem.declination,150.0,,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,160.0,,1.734723475976807e-18,1.734723475976807e-18,1.3877787807814457e-17,0.0 +Pel,S2,heatPumpSystem.declination,170.0,,3.469446951953614e-18,1.734723475976807e-18,0.0,0.0 +Pel,S2,heatPumpSystem.declination,180.0,,1.734723475976807e-18,0.0,6.938893903907228e-18,0.0 +Pel,S2,heatPumpSystem.declination,190.0,,8.673617379884035e-19,3.469446951953614e-18,1.3877787807814457e-17,0.0 +Pel,S2,heatPumpSystem.declination,200.0,,8.673617379884035e-19,0.0,0.0,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,210.0,,8.673617379884035e-19,3.469446951953614e-18,0.0,0.0 +Pel,S2,heatPumpSystem.declination,220.0,,2.6020852139652106e-18,1.734723475976807e-18,0.0,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,230.0,,8.673617379884035e-19,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,240.0,,8.673617379884035e-19,8.673617379884035e-19,6.938893903907228e-18,0.0 +Pel,S2,heatPumpSystem.declination,250.0,,8.673617379884035e-19,1.734723475976807e-18,0.0,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,260.0,,8.673617379884035e-19,8.673617379884035e-19,6.938893903907228e-18,0.0 +Pel,S2,heatPumpSystem.declination,270.0,,1.734723475976807e-18,8.673617379884035e-19,0.0,0.0 +Pel,S2,heatPumpSystem.declination,280.0,,1.734723475976807e-18,8.673617379884035e-19,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,290.0,,8.673617379884035e-19,2.6020852139652106e-18,0.0,0.0 +Pel,S2,heatPumpSystem.declination,300.0,,2.168404344971009e-18,8.673617379884035e-19,0.0,0.0 +Pel,S2,heatPumpSystem.declination,310.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,320.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,330.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,340.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,350.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,360.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,370.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,380.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,390.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,400.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,410.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,420.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,430.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,440.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,450.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,460.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,470.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,480.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,490.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,500.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,510.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,520.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,530.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,540.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,550.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,560.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,570.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,580.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,590.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,600.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,610.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,620.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,630.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,640.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,650.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,660.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,670.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,680.0,,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,690.0,,1.0842021724855044e-19,1.0842021724855044e-19,0.0,1.0456087261815464e-19 +Pel,S2,heatPumpSystem.declination,700.0,,1.0842021724855044e-19,1.0842021724855044e-19,0.0,1.0456087261815464e-19 +Pel,S2,heatPumpSystem.declination,710.0,,1.0842021724855044e-19,1.0842021724855044e-19,0.0,1.0456087261815464e-19 +Pel,S2,heatPumpSystem.declination,720.0,,1.0842021724855044e-19,1.0842021724855044e-19,0.0,1.0456087261815464e-19 +Pel,S2,heatPumpSystem.declination,730.0,,1.0842021724855044e-19,1.0842021724855044e-19,0.0,2.0910464140850497e-19 +Pel,S2,heatPumpSystem.declination,740.0,,1.0842021724855044e-19,5.421010862427522e-20,0.0,0.0 +Pel,S2,heatPumpSystem.declination,750.0,,1.0842021724855044e-19,5.421010862427522e-20,4.183283968252176e-19,2.0921713797181218e-19 +Pel,S2,heatPumpSystem.declination,760.0,,1.0842021724855044e-19,1.0842021724855044e-19,0.0,1.045820992063044e-19 +Pel,S2,heatPumpSystem.declination,770.0,,3.7947076036992655e-19,3.2526065174565133e-19,2.091145675758556e-19,5.227781471335135e-19 +Pel,S2,heatPumpSystem.declination,780.0,,1.734723475976807e-18,0.0,0.0,2.220446049250313e-16 +Pel,S2,heatPumpSystem.declination,790.0,,0.0,4.336808689942018e-19,0.0,0.0 +Pel,S2,heatPumpSystem.declination,800.0,,8.673617379884035e-19,4.336808689942018e-19,6.938893903907228e-18,0.0 +Pel,S2,heatPumpSystem.declination,810.0,,0.0,0.0,3.469446951953614e-18,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,820.0,,1.734723475976807e-18,3.903127820947816e-18,0.0,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,830.0,,1.734723475976807e-18,8.673617379884035e-19,0.0,0.0 +Pel,S2,heatPumpSystem.declination,840.0,,1.734723475976807e-18,3.0357660829594124e-18,0.0,0.0 +Pel,S2,heatPumpSystem.declination,850.0,,1.734723475976807e-18,4.336808689942018e-19,6.938893903907228e-18,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,860.0,,3.469446951953614e-18,8.673617379884035e-19,6.938893903907228e-18,0.0 +Pel,S2,heatPumpSystem.declination,870.0,,8.673617379884035e-19,3.0357660829594124e-18,0.0,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,880.0,,0.0,1.3010426069826053e-18,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,890.0,,4.336808689942018e-19,1.734723475976807e-18,0.0,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,900.0,,4.336808689942018e-19,0.0,0.0,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,910.0,,1.5178830414797062e-18,1.734723475976807e-18,0.0,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,920.0,,6.505213034913027e-19,8.673617379884035e-19,0.0,0.0 +Pel,S2,heatPumpSystem.declination,930.0,,2.168404344971009e-19,8.673617379884035e-19,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,940.0,,1.0842021724855044e-18,8.673617379884035e-19,0.0,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,950.0,,2.168404344971009e-18,0.0,6.938893903907228e-18,0.0 +Pel,S2,heatPumpSystem.declination,960.0,,4.3283383604694747e-19,0.0,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,970.0,,1.2993485410880967e-18,8.673617379884035e-19,0.0,0.0 +Pel,S2,heatPumpSystem.declination,980.0,,2.168404344971009e-18,0.0,1.734723475976807e-18,0.0 +Pel,S2,heatPumpSystem.declination,990.0,,8.673617379884035e-19,0.0,1.734723475976807e-18,0.0 +Pel,S2,heatPumpSystem.declination,1000.0,,2.6020852139652106e-18,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,1010.0,,8.673617379884035e-19,4.336808689942018e-19,1.734723475976807e-18,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,1020.0,,8.673617379884035e-19,1.734723475976807e-18,0.0,0.0 +Pel,S2,heatPumpSystem.declination,1030.0,,4.336808689942018e-19,2.168404344971009e-18,1.734723475976807e-18,0.0 +Pel,S2,heatPumpSystem.declination,1040.0,,2.168404344971009e-18,0.0,0.0,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,1050.0,,2.168404344971009e-18,1.734723475976807e-18,1.734723475976807e-18,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,1060.0,,1.3010426069826053e-18,2.6020852139652106e-18,0.0,0.0 +Pel,S2,heatPumpSystem.declination,1070.0,,1.3010426069826053e-18,8.673617379884035e-19,0.0,0.0 +Pel,S2,heatPumpSystem.declination,1080.0,,4.336808689942018e-19,1.734723475976807e-18,0.0,0.0 +Pel,S2,heatPumpSystem.declination,1090.0,,1.734723475976807e-18,2.6020852139652106e-18,0.0,0.0 +Pel,S2,heatPumpSystem.declination,1100.0,,8.673617379884035e-19,2.6020852139652106e-18,1.734723475976807e-18,0.0 +Pel,S2,heatPumpSystem.declination,1110.0,,0.0,8.673617379884035e-19,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,1120.0,,1.734723475976807e-18,1.734723475976807e-18,1.734723475976807e-18,0.0 +Pel,S2,heatPumpSystem.declination,1130.0,,0.0,0.0,4.336808689942018e-18,0.0 +Pel,S2,heatPumpSystem.declination,1140.0,,1.734723475976807e-18,8.673617379884035e-19,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,1150.0,,8.673617379884035e-19,2.6020852139652106e-18,7.806255641895632e-18,0.0 +Pel,S2,heatPumpSystem.declination,1160.0,,8.673617379884035e-19,8.673617379884035e-19,2.6020852139652106e-18,0.0 +Pel,S2,heatPumpSystem.declination,1170.0,,0.0,1.734723475976807e-18,1.734723475976807e-18,0.0 +Pel,S2,heatPumpSystem.declination,1180.0,,2.168404344971009e-19,1.3010426069826053e-18,0.0,0.0 +Pel,S2,heatPumpSystem.declination,1190.0,,1.734723475976807e-18,4.336808689942018e-19,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,1200.0,,0.0,1.734723475976807e-18,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,1210.0,,1.734723475976807e-18,2.6020852139652106e-18,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,1220.0,,0.0,0.0,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,1230.0,,1.734723475976807e-18,4.336808689942018e-19,1.734723475976807e-18,0.0 +Pel,S2,heatPumpSystem.declination,1240.0,,1.734723475976807e-18,0.0,1.734723475976807e-18,0.0 +Pel,S2,heatPumpSystem.declination,1250.0,,0.0,1.3010426069826053e-18,0.0,0.0 +Pel,S2,heatPumpSystem.declination,1260.0,,3.469446951953614e-18,4.336808689942018e-19,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,1270.0,,1.734723475976807e-18,8.673617379884035e-19,1.734723475976807e-18,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,1280.0,,0.0,3.0357660829594124e-18,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,1290.0,,1.5178830414797062e-18,4.336808689942018e-19,4.336808689942018e-18,0.0 +Pel,S2,heatPumpSystem.declination,1300.0,,6.505213034913027e-19,1.3010426069826053e-18,0.0,0.0 +Pel,S2,heatPumpSystem.declination,1310.0,,2.168404344971009e-19,0.0,1.734723475976807e-18,0.0 +Pel,S2,heatPumpSystem.declination,1320.0,,8.673617379884035e-19,1.734723475976807e-18,4.336808689942018e-18,0.0 +Pel,S2,heatPumpSystem.declination,1330.0,,1.734723475976807e-18,0.0,5.204170427930421e-18,0.0 +Pel,S2,heatPumpSystem.declination,1340.0,,8.673617379884035e-19,8.673617379884035e-19,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,1350.0,,6.505213034913027e-19,8.673617379884035e-19,6.938893903907228e-18,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,1360.0,,1.734723475976807e-18,1.734723475976807e-18,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,1370.0,,1.3010426069826053e-18,8.673617379884035e-19,2.6020852139652106e-18,0.0 +Pel,S2,heatPumpSystem.declination,1380.0,,1.734723475976807e-18,4.336808689942018e-19,8.673617379884035e-19,0.0 +Pel,S2,heatPumpSystem.declination,1390.0,,0.0,0.0,6.938893903907228e-18,0.0 +Pel,S2,heatPumpSystem.declination,1400.0,,0.0,0.0,3.469446951953614e-18,2.220446049250313e-16 +Pel,S2,heatPumpSystem.declination,1410.0,,0.0,8.673617379884035e-19,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,1420.0,,8.673617379884035e-19,1.734723475976807e-18,0.0,0.0 +Pel,S2,heatPumpSystem.declination,1430.0,,1.3010426069826053e-18,3.469446951953614e-18,1.0408340855860843e-17,2.220446049250313e-16 +Pel,S2,heatPumpSystem.declination,1440.0,,1.3010426069826053e-18,3.469446951953614e-18,1.734723475976807e-18,0.0 +Pel,S2,heatPumpSystem.declination,1450.0,,8.673617379884035e-19,1.734723475976807e-18,3.469446951953614e-18,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,1460.0,,1.734723475976807e-18,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,1470.0,,8.673617379884035e-19,3.469446951953614e-18,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,1480.0,,0.0,2.6020852139652106e-18,3.469446951953614e-18,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,1490.0,,8.673617379884035e-19,4.336808689942018e-19,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,1500.0,,0.0,1.734723475976807e-18,0.0,0.0 +Pel,S2,heatPumpSystem.declination,1510.0,,0.0,1.3010426069826053e-18,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,1520.0,,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,1530.0,,8.673617379884035e-19,8.673617379884035e-19,0.0,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,1540.0,,0.0,8.673617379884035e-19,0.0,0.0 +Pel,S2,heatPumpSystem.declination,1550.0,,1.734723475976807e-18,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,1560.0,,0.0,8.673617379884035e-19,3.469446951953614e-18,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,1570.0,,0.0,0.0,6.938893903907228e-18,0.0 +Pel,S2,heatPumpSystem.declination,1580.0,,8.673617379884035e-19,0.0,3.469446951953614e-18,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,1590.0,,4.336808689942018e-19,4.336808689942018e-19,8.673617379884035e-19,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,1600.0,,4.336808689942018e-19,4.336808689942018e-19,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,1610.0,,0.0,1.3010426069826053e-18,4.336808689942018e-18,0.0 +Pel,S2,heatPumpSystem.declination,1620.0,,1.3010426069826053e-18,4.336808689942018e-19,2.6020852139652106e-18,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,1630.0,,4.336808689942018e-19,0.0,1.734723475976807e-18,0.0 +Pel,S2,heatPumpSystem.declination,1640.0,,8.673617379884035e-19,4.336808689942018e-19,8.673617379884035e-19,0.0 +Pel,S2,heatPumpSystem.declination,1650.0,,3.469446951953614e-18,8.673617379884035e-19,1.734723475976807e-18,0.0 +Pel,S2,heatPumpSystem.declination,1660.0,,8.673617379884035e-19,1.3010426069826053e-18,8.673617379884035e-19,2.220446049250313e-16 +Pel,S2,heatPumpSystem.declination,1670.0,,1.3010426069826053e-18,2.6020852139652106e-18,1.734723475976807e-18,0.0 +Pel,S2,heatPumpSystem.declination,1680.0,,0.0,1.734723475976807e-18,0.0,0.0 +Pel,S2,heatPumpSystem.declination,1690.0,,1.3010426069826053e-18,1.734723475976807e-18,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,1700.0,,4.336808689942018e-19,8.673617379884035e-19,3.469446951953614e-18,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,1710.0,,1.0842021724855044e-18,1.3010426069826053e-18,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,1720.0,,6.505213034913027e-19,0.0,0.0,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,1730.0,,8.673617379884035e-19,1.3010426069826053e-18,6.938893903907228e-18,0.0 +Pel,S2,heatPumpSystem.declination,1740.0,,2.168404344971009e-18,4.336808689942018e-19,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,1750.0,,6.505213034913027e-19,8.673617379884035e-19,0.0,0.0 +Pel,S2,heatPumpSystem.declination,1760.0,,1.734723475976807e-18,1.5178830414797062e-18,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,1770.0,,8.673617379884035e-19,0.0,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,1780.0,,1.3010426069826053e-18,8.673617379884035e-19,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,1790.0,,0.0,2.168404344971009e-18,0.0,0.0 +Pel,S2,heatPumpSystem.declination,1800.0,,0.0,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,1810.0,,0.0,4.336808689942018e-19,0.0,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,1820.0,,1.734723475976807e-18,8.673617379884035e-19,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,1830.0,,1.734723475976807e-18,2.168404344971009e-18,6.938893903907228e-18,0.0 +Pel,S2,heatPumpSystem.declination,1840.0,,1.734723475976807e-18,8.673617379884035e-19,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,1850.0,,0.0,2.6020852139652106e-18,0.0,0.0 +Pel,S2,heatPumpSystem.declination,1860.0,,0.0,2.6020852139652106e-18,3.469446951953614e-18,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,1870.0,,1.734723475976807e-18,1.3010426069826053e-18,3.469446951953614e-18,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,1880.0,,8.673617379884035e-19,0.0,1.734723475976807e-18,0.0 +Pel,S2,heatPumpSystem.declination,1890.0,,1.734723475976807e-18,3.469446951953614e-18,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,1900.0,,8.673617379884035e-19,1.734723475976807e-18,1.0408340855860843e-17,0.0 +Pel,S2,heatPumpSystem.declination,1910.0,,1.3010426069826053e-18,8.673617379884035e-19,0.0,0.0 +Pel,S2,heatPumpSystem.declination,1920.0,,1.3010426069826053e-18,8.673617379884035e-19,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,1930.0,,4.336808689942018e-19,0.0,6.938893903907228e-18,0.0 +Pel,S2,heatPumpSystem.declination,1940.0,,2.168404344971009e-18,3.469446951953614e-18,6.938893903907228e-18,0.0 +Pel,S2,heatPumpSystem.declination,1950.0,,4.336808689942018e-19,2.6020852139652106e-18,3.469446951953614e-18,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,1960.0,,1.3010426069826053e-18,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,1970.0,,4.336808689942018e-19,0.0,6.938893903907228e-18,0.0 +Pel,S2,heatPumpSystem.declination,1980.0,,0.0,4.336808689942018e-19,3.469446951953614e-18,2.220446049250313e-16 +Pel,S2,heatPumpSystem.declination,1990.0,,0.0,1.3010426069826053e-18,2.6020852139652106e-18,0.0 +Pel,S2,heatPumpSystem.declination,2000.0,,1.734723475976807e-18,4.336808689942018e-19,1.3010426069826053e-18,0.0 +Pel,S2,heatPumpSystem.declination,2010.0,,0.0,1.734723475976807e-18,6.938893903907228e-18,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,2020.0,,8.673617379884035e-19,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,2030.0,,3.469446951953614e-18,4.336808689942018e-18,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,2040.0,,8.673617379884035e-19,0.0,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,2050.0,,8.673617379884035e-19,1.734723475976807e-18,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,2060.0,,1.734723475976807e-18,1.734723475976807e-18,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,2070.0,,8.673617379884035e-19,2.6020852139652106e-18,0.0,0.0 +Pel,S2,heatPumpSystem.declination,2080.0,,1.734723475976807e-18,4.336808689942018e-19,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,2090.0,,1.3010426069826053e-18,1.3010426069826053e-18,6.938893903907228e-18,0.0 +Pel,S2,heatPumpSystem.declination,2100.0,,1.3010426069826053e-18,1.3010426069826053e-18,6.938893903907228e-18,0.0 +Pel,S2,heatPumpSystem.declination,2110.0,,0.0,4.336808689942018e-19,0.0,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,2120.0,,4.336808689942018e-19,6.505213034913027e-19,6.938893903907228e-18,2.220446049250313e-16 +Pel,S2,heatPumpSystem.declination,2130.0,,8.673617379884035e-19,8.673617379884035e-19,0.0,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,2140.0,,0.0,2.168404344971009e-19,0.0,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,2150.0,,4.336808689942018e-19,0.0,1.3877787807814457e-17,2.220446049250313e-16 +Pel,S2,heatPumpSystem.declination,2160.0,,0.0,6.505213034913027e-19,0.0,0.0 +Pel,S2,heatPumpSystem.declination,2170.0,,8.673617379884035e-19,2.168404344971009e-19,0.0,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,2180.0,,1.0842021724855044e-18,4.336808689942018e-19,0.0,0.0 +Pel,S2,heatPumpSystem.declination,2190.0,,8.673617379884035e-19,3.469446951953614e-18,6.5052130349130266e-18,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,2200.0,,0.0,0.0,3.0357660829594124e-18,0.0 +Pel,S2,heatPumpSystem.declination,2210.0,,8.673617379884035e-19,1.734723475976807e-18,0.0,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,2220.0,,4.336808689942018e-19,8.673617379884035e-19,6.071532165918825e-18,0.0 +Pel,S2,heatPumpSystem.declination,2230.0,,8.673617379884035e-19,2.6020852139652106e-18,8.673617379884035e-19,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,2240.0,,1.3010426069826053e-18,0.0,2.6020852139652106e-18,0.0 +Pel,S2,heatPumpSystem.declination,2250.0,,2.6020852139652106e-18,8.673617379884035e-19,1.734723475976807e-18,0.0 +Pel,S2,heatPumpSystem.declination,2260.0,,1.3010426069826053e-18,1.734723475976807e-18,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,2270.0,,8.673617379884035e-19,8.673617379884035e-19,2.6020852139652106e-18,0.0 +Pel,S2,heatPumpSystem.declination,2280.0,,3.469446951953614e-18,1.734723475976807e-18,3.469446951953614e-18,1.1102230246251565e-16 +Pel,S2,heatPumpSystem.declination,2290.0,,0.0,8.673617379884035e-19,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,2300.0,,8.673617379884035e-19,1.734723475976807e-18,6.938893903907228e-18,0.0 +Pel,S2,heatPumpSystem.declination,2310.0,,0.0,0.0,3.469446951953614e-18,0.0 +Pel,S2,heatPumpSystem.declination,2320.0,,1.734723475976807e-18,0.0,1.734723475976807e-18,0.0 +Pel,S2,heatPumpSystem.declination,2330.0,,1.734723475976807e-18,1.734723475976807e-18,3.686287386450715e-18,0.0 +Pel,S2,heatPumpSystem.declination,2340.0,,2.6020852139652106e-18,0.0,0.0,0.0 +Pel,S2,heatPumpSystem.declination,2350.0,,0.0,0.0,1.734723475976807e-18,0.0 +Pel,S2,heatPumpSystem.declination,2360.0,,2.6020852139652106e-18,5.204170427930421e-18,8.673617379884035e-19,0.0 +Pel,S2,rad.n,0.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,10.0,0.0,0.003840798721569727,0.0062085305518572165,,0.007363634504384639 +Pel,S2,rad.n,20.0,0.0,0.003009889991142267,0.010918385715956158,,0.00747991085187924 +Pel,S2,rad.n,30.0,2.220446049250313e-16,0.0008627146225773652,0.009995707643608687,,0.005601361393308524 +Pel,S2,rad.n,40.0,0.0,0.0006468873702085709,0.00808267507714111,,0.004292287166210884 +Pel,S2,rad.n,50.0,0.0,0.0016248027978592594,0.007010921418852123,,0.0035971444348158466 +Pel,S2,rad.n,60.0,0.0,0.002410594865280169,0.006646145907492074,,0.0031342418071808043 +Pel,S2,rad.n,70.0,0.0,0.0031921891194340857,0.00648339799093961,,0.0026199436105908136 +Pel,S2,rad.n,80.0,0.0,0.003955298848656419,0.006041253445408928,,0.0019370161232810101 +Pel,S2,rad.n,90.0,2.7755575615628914e-17,0.004548834311536687,0.005134517160991503,,0.0011487690792624239 +Pel,S2,rad.n,100.0,0.0,0.004841269128453757,0.003921552445523696,,0.000422667551012057 +Pel,S2,rad.n,110.0,1.3877787807814457e-17,0.00482666520867768,0.0026757575254916094,,0.00010540973606765203 +Pel,S2,rad.n,120.0,0.0,0.004594541627217494,0.0015932582951217328,,0.0003976297845857957 +Pel,S2,rad.n,130.0,0.0,0.004253383568062666,0.0007638169622811025,,0.0004937741344589464 +Pel,S2,rad.n,140.0,0.0,0.0038835737219417854,0.00021213914908115028,,0.00046113763711308486 +Pel,S2,rad.n,150.0,0.0,0.0035374735924921658,7.68465496471804e-05,,0.0003638495741720149 +Pel,S2,rad.n,160.0,1.3877787807814457e-17,0.0032519385387596578,0.0001557201011860715,,0.00025511920670717725 +Pel,S2,rad.n,170.0,0.0,0.0030369939296312903,0.00013347797383939097,,0.00018289875378840748 +Pel,S2,rad.n,180.0,6.938893903907228e-18,0.0027251653396343292,5.622764582335904e-05,,0.00015652583741243564 +Pel,S2,rad.n,190.0,1.3877787807814457e-17,0.002067473381183224,1.0699522429186148e-05,,0.0003829070332910245 +Pel,S2,rad.n,200.0,0.0,0.001630844216483053,0.00013902479475946805,,0.00034416318329455464 +Pel,S2,rad.n,210.0,0.0,0.0017775107253076572,0.00039610824216913115,,0.0005593754196616674 +Pel,S2,rad.n,220.0,0.0,0.002190430531976345,0.0010234486424510192,,0.0005852363842404618 +Pel,S2,rad.n,230.0,0.0,0.001830738911497945,0.0008859713425806923,,0.00044419583198773704 +Pel,S2,rad.n,240.0,6.938893903907228e-18,0.001377124466683706,0.0007992435779199669,,0.0003861226656792782 +Pel,S2,rad.n,250.0,0.0,0.0008954028362016669,0.000693330218510993,,0.0001561508802865319 +Pel,S2,rad.n,260.0,6.938893903907228e-18,0.0008121782075525205,0.0006452331054068033,,0.0003247346684418506 +Pel,S2,rad.n,270.0,0.0,0.0010075597963429966,0.0006325102780531389,,0.0006243291427577846 +Pel,S2,rad.n,280.0,3.469446951953614e-18,0.0011688764535974297,0.0006925392253877491,,0.0006685412703962834 +Pel,S2,rad.n,290.0,0.0,0.0010817252241937698,0.0003680971656584396,,0.00040022697148878184 +Pel,S2,rad.n,300.0,0.0,0.0009627719363530657,0.00032612594273986537,,0.0002325242544642947 +Pel,S2,rad.n,310.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,320.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,330.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,340.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,350.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,360.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,370.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,380.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,390.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,400.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,410.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,420.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,430.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,440.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,450.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,460.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,470.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,480.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,490.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,500.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,510.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,520.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,530.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,540.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,550.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,560.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,570.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,580.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,590.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,600.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,610.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,620.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,630.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,640.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,650.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,660.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,670.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,rad.n,680.0,0.0,0.0003256003256003255,0.0,,0.0003256003256003255 +Pel,S2,rad.n,690.0,0.0,0.0009449149576538117,1.0842021724855044e-19,,0.5729159375656193 +Pel,S2,rad.n,700.0,0.0,0.0009449149576538117,1.0842021724855044e-19,,0.5729159375656193 +Pel,S2,rad.n,710.0,0.0,0.0009449149576538117,1.0842021724855044e-19,,0.5729159375656193 +Pel,S2,rad.n,720.0,0.0,0.0009449149576538117,1.0842021724855044e-19,,0.5729159375656193 +Pel,S2,rad.n,730.0,0.0,0.0009457973614548968,2.0326476828169787e-08,,0.5731218757090526 +Pel,S2,rad.n,740.0,0.0,0.0009452312202029845,8.673891518438994e-07,,0.5727516285519073 +Pel,S2,rad.n,750.0,4.183283968252176e-19,0.0009445262154380583,6.787163805188985e-07,,0.5725028940643561 +Pel,S2,rad.n,760.0,0.0,0.0009446642477714212,3.4257192605334325e-07,,0.5724431417940915 +Pel,S2,rad.n,770.0,2.091145675758556e-19,0.0009450597740646999,1.4598949274160432e-08,,0.5725219864398602 +Pel,S2,rad.n,780.0,0.0,0.011601022579459823,0.0039288628209447965,,0.1192135917800623 +Pel,S2,rad.n,790.0,0.0,0.0054390152108299596,0.0006241479785023991,,0.12432971278540106 +Pel,S2,rad.n,800.0,6.938893903907228e-18,0.0054374973011887505,0.0006227668013946142,,0.12432576837885922 +Pel,S2,rad.n,810.0,3.469446951953614e-18,0.005411681498665919,0.0006251174084317586,,0.12429083394541951 +Pel,S2,rad.n,820.0,0.0,0.00534947497050605,0.0006422916546892157,,0.12444916627870684 +Pel,S2,rad.n,830.0,0.0,0.005477075099613003,0.0006064108484960286,,0.12483519294758172 +Pel,S2,rad.n,840.0,0.0,0.005512022324041431,0.0005798721573445909,,0.1247956274604235 +Pel,S2,rad.n,850.0,6.938893903907228e-18,0.005504237054191362,0.0005769473201195571,,0.12472498915669028 +Pel,S2,rad.n,860.0,6.938893903907228e-18,0.005480879226153375,0.0005867250337762732,,0.12470455020011528 +Pel,S2,rad.n,870.0,0.0,0.005456272171022708,0.0005900306816474452,,0.12478656204838667 +Pel,S2,rad.n,880.0,3.469446951953614e-18,0.007902993115491332,0.0002759657747656713,,0.08024112606947031 +Pel,S2,rad.n,890.0,0.0,0.00040652938566603306,0.006023989782662657,,0.09487678495393403 +Pel,S2,rad.n,900.0,0.0,0.0004359477936222572,0.006001611340015242,,0.0946820055444112 +Pel,S2,rad.n,910.0,0.0,0.00044772697798362016,0.006009454296564168,,0.0946501994745641 +Pel,S2,rad.n,920.0,0.0,0.0003890564471231185,0.0060354802510110064,,0.09502874391413996 +Pel,S2,rad.n,930.0,3.469446951953614e-18,0.00038022216346734333,0.006144987344578884,,0.09512168640357554 +Pel,S2,rad.n,940.0,0.0,0.000373407292845334,0.006192048888476092,,0.09480892999881563 +Pel,S2,rad.n,950.0,6.938893903907228e-18,0.0003583133659900706,0.006201435621694885,,0.09450903143244316 +Pel,S2,rad.n,960.0,3.469446951953614e-18,0.0003355389425846213,0.006211819978951557,,0.09432218391204295 +Pel,S2,rad.n,970.0,0.0,0.0003304800358577553,0.006197180199466218,,0.09425380876577794 +Pel,S2,rad.n,980.0,1.734723475976807e-18,0.004181547508267324,0.0015351282930016422,,0.07866036406774934 +Pel,S2,rad.n,990.0,1.734723475976807e-18,0.003130557134368191,0.002649543318104842,,0.07591092158324342 +Pel,S2,rad.n,1000.0,0.0,0.0031551355527613314,0.0026436184345241687,,0.07571740419945927 +Pel,S2,rad.n,1010.0,1.734723475976807e-18,0.0031652958880581967,0.002650470488463683,,0.07566677319474857 +Pel,S2,rad.n,1020.0,0.0,0.0031868806658744125,0.002627736494482412,,0.07592030733564903 +Pel,S2,rad.n,1030.0,1.734723475976807e-18,0.0031995946177107333,0.002627417764281383,,0.07588445914169406 +Pel,S2,rad.n,1040.0,0.0,0.00324574325132866,0.002590326560189444,,0.07560737029012454 +Pel,S2,rad.n,1050.0,1.734723475976807e-18,0.003318205059888949,0.0025344105973269995,,0.0753116005950385 +Pel,S2,rad.n,1060.0,0.0,0.0033631000748084467,0.0024968954943182173,,0.07507678438190879 +Pel,S2,rad.n,1070.0,0.0,0.003390971995137184,0.0024619719253832217,,0.07497149264453051 +Pel,S2,rad.n,1080.0,0.0,0.008046940658417857,0.006045676722055332,,0.16858277908670105 +Pel,S2,rad.n,1090.0,0.0,0.0004325174765836782,0.0014819284696651726,,0.17769246220921464 +Pel,S2,rad.n,1100.0,1.734723475976807e-18,0.00038545468193258107,0.0014638968545663865,,0.17754338542180814 +Pel,S2,rad.n,1110.0,3.469446951953614e-18,0.0003608270359813986,0.001456201700252512,,0.17760040664624832 +Pel,S2,rad.n,1120.0,1.734723475976807e-18,0.00043989243824453517,0.00142605959088576,,0.17763287244046777 +Pel,S2,rad.n,1130.0,4.336808689942018e-18,0.0005381161878301064,0.0013743228357670266,,0.17752810887311443 +Pel,S2,rad.n,1140.0,3.469446951953614e-18,0.0005923536640415738,0.0013384337036791306,,0.17738523714189158 +Pel,S2,rad.n,1150.0,7.806255641895632e-18,0.0006285557884380781,0.0013054254196216168,,0.1772605628427386 +Pel,S2,rad.n,1160.0,2.6020852139652106e-18,0.000647794459408697,0.0012808132986627564,,0.17718007445254547 +Pel,S2,rad.n,1170.0,1.734723475976807e-18,0.0006535745469338364,0.0012422934295777894,,0.17711053820391298 +Pel,S2,rad.n,1180.0,0.0,0.003610044008037985,0.0028695304862662203,,0.182844032975351 +Pel,S2,rad.n,1190.0,3.469446951953614e-18,0.009278495208889822,0.005034399266496367,,0.2266169670874557 +Pel,S2,rad.n,1200.0,3.469446951953614e-18,0.009291991615214901,0.005014451175075806,,0.22620000779045624 +Pel,S2,rad.n,1210.0,3.469446951953614e-18,0.009311901518009317,0.004954775531266987,,0.22598925014553173 +Pel,S2,rad.n,1220.0,3.469446951953614e-18,0.00927420798045055,0.004918670403380274,,0.2261017285192677 +Pel,S2,rad.n,1230.0,1.734723475976807e-18,0.00931383975293068,0.004935825586745379,,0.22601241878356326 +Pel,S2,rad.n,1240.0,1.734723475976807e-18,0.009358531372123776,0.004928633050905181,,0.22576438265368037 +Pel,S2,rad.n,1250.0,0.0,0.009390291233525225,0.004901569473955206,,0.22552593370558915 +Pel,S2,rad.n,1260.0,3.469446951953614e-18,0.009403652539288885,0.004886035438655274,,0.22535482965085563 +Pel,S2,rad.n,1270.0,1.734723475976807e-18,0.009395361283980745,0.004879898398891478,,0.2252191782065185 +Pel,S2,rad.n,1280.0,3.469446951953614e-18,0.0005892568819646747,0.004911474198706082,,0.22505867443236127 +Pel,S2,rad.n,1290.0,4.336808689942018e-18,0.0028244904456568047,0.0081219180105301,,0.22480366905993665 +Pel,S2,rad.n,1300.0,0.0,0.0028181092200714117,0.00808074728335191,,0.22446731884550253 +Pel,S2,rad.n,1310.0,1.734723475976807e-18,0.0028158997463709847,0.008050467093450829,,0.22420784629823975 +Pel,S2,rad.n,1320.0,4.336808689942018e-18,0.0028252744476201085,0.008035556997046736,,0.22477125514666874 +Pel,S2,rad.n,1330.0,5.204170427930421e-18,0.002799742913492367,0.007980856959398198,,0.2248849579735065 +Pel,S2,rad.n,1340.0,3.469446951953614e-18,0.0027815942160727075,0.00794827780908563,,0.22471632234213113 +Pel,S2,rad.n,1350.0,6.938893903907228e-18,0.002757469139412887,0.007923237614567027,,0.22447571467413518 +Pel,S2,rad.n,1360.0,3.469446951953614e-18,0.0027375847604384947,0.007905128702470584,,0.22423418127408656 +Pel,S2,rad.n,1370.0,2.6020852139652106e-18,0.0027281069821500636,0.007895488598474056,,0.22403927999656992 +Pel,S2,rad.n,1380.0,8.673617379884035e-19,0.015301283835338766,0.0089498368382083,,0.2542664586979734 +Pel,S2,rad.n,1390.0,6.938893903907228e-18,0.005945083965725772,0.0013514954456207897,,0.23697133764034806 +Pel,S2,rad.n,1400.0,3.469446951953614e-18,0.005907286599516323,0.0013911502558263279,,0.23720337756970922 +Pel,S2,rad.n,1410.0,3.469446951953614e-18,0.0059328584130582665,0.0013827618280232799,,0.23774578879868224 +Pel,S2,rad.n,1420.0,0.0,0.0059526784225188535,0.001409164678392796,,0.2383065068301743 +Pel,S2,rad.n,1430.0,1.0408340855860843e-17,0.005917618873125521,0.0013976490072680429,,0.23869472555370885 +Pel,S2,rad.n,1440.0,1.734723475976807e-18,0.005878592890795876,0.0014137245074173615,,0.23902420619395004 +Pel,S2,rad.n,1450.0,3.469446951953614e-18,0.0058457573050517695,0.0014406564022304297,,0.2393615731123312 +Pel,S2,rad.n,1460.0,0.0,0.005821027696770308,0.0014677582500645468,,0.23972791340740007 +Pel,S2,rad.n,1470.0,3.469446951953614e-18,0.005804198110379237,0.0014895806776348275,,0.24011965702472615 +Pel,S2,rad.n,1480.0,3.469446951953614e-18,0.011795303143619814,0.004092884543210981,,0.2134438308309441 +Pel,S2,rad.n,1490.0,3.469446951953614e-18,0.005280286853251582,0.003991017081435212,,0.2263106100183644 +Pel,S2,rad.n,1500.0,0.0,0.005276060575491748,0.003975724238866604,,0.22682770514074024 +Pel,S2,rad.n,1510.0,3.469446951953614e-18,0.005266761770901838,0.00399310077380002,,0.22742598853238405 +Pel,S2,rad.n,1520.0,0.0,0.0052740183644454965,0.004021167575215565,,0.22820585601654686 +Pel,S2,rad.n,1530.0,0.0,0.005315624283878963,0.004036733724127401,,0.2288961484731843 +Pel,S2,rad.n,1540.0,0.0,0.0053378316009527445,0.0040299979300744485,,0.22951827769393707 +Pel,S2,rad.n,1550.0,0.0,0.005347802508353375,0.004015652266658169,,0.23013113724778012 +Pel,S2,rad.n,1560.0,3.469446951953614e-18,0.0053536224334003405,0.0040013569250950815,,0.23075954189923575 +Pel,S2,rad.n,1570.0,6.938893903907228e-18,0.005359427287452836,0.0039911485974523635,,0.23140377665826506 +Pel,S2,rad.n,1580.0,3.469446951953614e-18,0.009659545011165638,0.003411764143096227,,0.18139705675793294 +Pel,S2,rad.n,1590.0,8.673617379884035e-19,0.003591167729070175,0.005599061191640013,,0.1944883993399955 +Pel,S2,rad.n,1600.0,3.469446951953614e-18,0.003591516389705469,0.005623877075947981,,0.19515703475974122 +Pel,S2,rad.n,1610.0,4.336808689942018e-18,0.004704912217743831,0.00571505759680913,,0.2017888624376306 +Pel,S2,rad.n,1620.0,2.6020852139652106e-18,0.0047208392070084045,0.005801048537312772,,0.20281953962809462 +Pel,S2,rad.n,1630.0,1.734723475976807e-18,0.004707440207108162,0.005871111107549622,,0.20377335696403254 +Pel,S2,rad.n,1640.0,8.673617379884035e-19,0.004733778148120864,0.005958623046835333,,0.20443770831578567 +Pel,S2,rad.n,1650.0,1.734723475976807e-18,0.004815793664470256,0.006091649217360951,,0.20503593682000854 +Pel,S2,rad.n,1660.0,8.673617379884035e-19,0.004912422179724592,0.0062025242034423125,,0.20562260535663812 +Pel,S2,rad.n,1670.0,1.734723475976807e-18,0.004984847829951512,0.006303924053094476,,0.20619217649196275 +Pel,S2,rad.n,1680.0,0.0,0.002299724323889994,0.009369932859374153,,0.28664976879473725 +Pel,S2,rad.n,1690.0,3.469446951953614e-18,0.005271587996520308,0.0006449945672791953,,0.29788102009691286 +Pel,S2,rad.n,1700.0,3.469446951953614e-18,0.005274637460791338,0.0006639803920899037,,0.29781640079893856 +Pel,S2,rad.n,1710.0,3.469446951953614e-18,0.0034268520486258197,0.004904557131231703,,0.2559451129698629 +Pel,S2,rad.n,1720.0,0.0,0.0034181342480688257,0.004943028766371756,,0.25639454323908506 +Pel,S2,rad.n,1730.0,6.938893903907228e-18,0.0034007580015521545,0.005029624451211943,,0.25646776757716216 +Pel,S2,rad.n,1740.0,3.469446951953614e-18,0.003385660781549518,0.00508942954497274,,0.2564515624844791 +Pel,S2,rad.n,1750.0,0.0,0.0034146169441961506,0.005070400299173647,,0.2563753652780022 +Pel,S2,rad.n,1760.0,3.469446951953614e-18,0.0034236716950391474,0.005069664917015097,,0.2563479995512097 +Pel,S2,rad.n,1770.0,3.469446951953614e-18,0.003405859919087144,0.0050731258367875225,,0.2563667069756794 +Pel,S2,rad.n,1780.0,3.469446951953614e-18,0.0025587540561717616,0.016836314710803144,,0.29654902102352665 +Pel,S2,rad.n,1790.0,0.0,0.01531210006518732,0.006988973590693823,,0.3059047192639287 +Pel,S2,rad.n,1800.0,0.0,0.01533079610314272,0.006989833050160332,,0.3057462855883283 +Pel,S2,rad.n,1810.0,0.0,0.015289370904306585,0.0070559712249695615,,0.3057569020147748 +Pel,S2,rad.n,1820.0,3.469446951953614e-18,0.015279801795205227,0.007109520713245665,,0.3060467371276441 +Pel,S2,rad.n,1830.0,6.938893903907228e-18,0.015274237352619537,0.007082877257654618,,0.30597379680971215 +Pel,S2,rad.n,1840.0,3.469446951953614e-18,0.01527935714043507,0.007083013432133186,,0.3058377725421584 +Pel,S2,rad.n,1850.0,0.0,0.015279478463322501,0.007102286654377021,,0.3057220606816885 +Pel,S2,rad.n,1860.0,3.469446951953614e-18,0.0152718094869637,0.007126973993583807,,0.3056568046004663 +Pel,S2,rad.n,1870.0,3.469446951953614e-18,0.015261756562516191,0.0071585259611505955,,0.305640822114297 +Pel,S2,rad.n,1880.0,1.734723475976807e-18,0.011841265390783689,0.012463228745525393,,0.36027483716034403 +Pel,S2,rad.n,1890.0,3.469446951953614e-18,0.002838987537302712,0.001124894115815036,,0.3465230246655202 +Pel,S2,rad.n,1900.0,1.0408340855860843e-17,0.0028085172943005283,0.001127483787208245,,0.34635707985194164 +Pel,S2,rad.n,1910.0,0.0,0.0021163842728811628,0.000990462629398784,,0.35320713619618693 +Pel,S2,rad.n,1920.0,3.469446951953614e-18,0.002155360389926513,0.0010529072972669355,,0.3533790194132801 +Pel,S2,rad.n,1930.0,6.938893903907228e-18,0.0021545877132174984,0.0011595750516863144,,0.3532302492175856 +Pel,S2,rad.n,1940.0,6.938893903907228e-18,0.0021519944676079723,0.0011885914265246829,,0.3530302298116954 +Pel,S2,rad.n,1950.0,3.469446951953614e-18,0.0021449210806018994,0.0011846699091358076,,0.3528511144142138 +Pel,S2,rad.n,1960.0,0.0,0.002130035363425136,0.0011835559949502014,,0.35274695591306393 +Pel,S2,rad.n,1970.0,6.938893903907228e-18,0.002115922708400969,0.0011794152706775841,,0.35269188027799336 +Pel,S2,rad.n,1980.0,3.469446951953614e-18,0.006764850842359757,0.007609085427056384,,0.41002030806978607 +Pel,S2,rad.n,1990.0,2.6020852139652106e-18,0.0007696729830858938,0.007834142637441466,,0.3975087607647476 +Pel,S2,rad.n,2000.0,1.3010426069826053e-18,0.0007529996412951345,0.007862376408290921,,0.39798458425971683 +Pel,S2,rad.n,2010.0,6.938893903907228e-18,0.0030204094138316095,0.007665185975446034,,0.3328413469453608 +Pel,S2,rad.n,2020.0,0.0,0.003012859829923154,0.007671451635394504,,0.33366259160591083 +Pel,S2,rad.n,2030.0,3.469446951953614e-18,0.0030534358449048546,0.00769336865781764,,0.3343657621846742 +Pel,S2,rad.n,2040.0,3.469446951953614e-18,0.003061833234570651,0.00770413011200809,,0.3350979902976823 +Pel,S2,rad.n,2050.0,3.469446951953614e-18,0.003051669815576589,0.0077145669381813615,,0.33587106090871244 +Pel,S2,rad.n,2060.0,3.469446951953614e-18,0.003037365690978568,0.0077239653613086,,0.3366650354187686 +Pel,S2,rad.n,2070.0,0.0,0.003025121492903793,0.007735763786034574,,0.3374541212469707 +Pel,S2,rad.n,2080.0,3.469446951953614e-18,1.4166564978965873e-05,0.007410404515969575,,0.27372543288262186 +Pel,S2,rad.n,2090.0,6.938893903907228e-18,0.004603947370137924,0.010732062547655193,,0.2744990205542023 +Pel,S2,rad.n,2100.0,6.938893903907228e-18,0.004603712605102207,0.010735994579239495,,0.27530436771228817 +Pel,S2,rad.n,2110.0,0.0,0.004607928424738325,0.010741276992642906,,0.27611522645720976 +Pel,S2,rad.n,2120.0,6.938893903907228e-18,0.004627523783825409,0.010865441106633407,,0.27730869150311666 +Pel,S2,rad.n,2130.0,0.0,0.004647838123506158,0.010945201296802473,,0.27853872822254966 +Pel,S2,rad.n,2140.0,0.0,0.004652998231255583,0.010983182569230483,,0.27955645348720715 +Pel,S2,rad.n,2150.0,1.3877787807814457e-17,0.004656040147109734,0.011013233450826318,,0.2805156844501312 +Pel,S2,rad.n,2160.0,0.0,0.004659878153470784,0.011045816521746653,,0.2814948801749747 +Pel,S2,rad.n,2170.0,0.0,0.00466566057814697,0.011088176737737855,,0.28251447839130284 +Pel,S2,rad.n,2180.0,0.0,0.00020567033750602814,0.0028887785647779517,,0.30801142465517983 +Pel,S2,rad.n,2190.0,6.5052130349130266e-18,0.0007772101230334779,0.011832505807056653,,0.29488633480290394 +Pel,S2,rad.n,2200.0,3.0357660829594124e-18,0.0007829863780647213,0.011835238049152437,,0.2959554337241226 +Pel,S2,rad.n,2210.0,0.0,0.0036017099271812283,0.009778790115823329,,0.30175352283896517 +Pel,S2,rad.n,2220.0,6.071532165918825e-18,0.003582542825484738,0.009702482446090389,,0.3032875801038144 +Pel,S2,rad.n,2230.0,8.673617379884035e-19,0.003527362648049109,0.009685665859122622,,0.3046216036851751 +Pel,S2,rad.n,2240.0,2.6020852139652106e-18,0.0034919587099211317,0.009682549696437623,,0.30583109673389686 +Pel,S2,rad.n,2250.0,1.734723475976807e-18,0.0034754200559486198,0.009678957178566993,,0.3070761063506132 +Pel,S2,rad.n,2260.0,3.469446951953614e-18,0.003466089851155616,0.009649635017279766,,0.3083868346767874 +Pel,S2,rad.n,2270.0,2.6020852139652106e-18,0.0034749483846845926,0.009592078712960722,,0.3097343502964429 +Pel,S2,rad.n,2280.0,3.469446951953614e-18,0.011864380349724785,0.004103541157001693,,0.4218865954203582 +Pel,S2,rad.n,2290.0,3.469446951953614e-18,0.003937852088387253,0.0014435162058917747,,0.44393832776104974 +Pel,S2,rad.n,2300.0,6.938893903907228e-18,0.003956593505217411,0.0014685737027649408,,0.4443909963517848 +Pel,S2,rad.n,2310.0,3.469446951953614e-18,0.0017950192428664005,0.006410789045947746,,0.3643018372610286 +Pel,S2,rad.n,2320.0,1.734723475976807e-18,0.0017611357836170402,0.006405157561854386,,0.3649503297449035 +Pel,S2,rad.n,2330.0,3.686287386450715e-18,0.001744631101794249,0.006457025363262372,,0.365383586900227 +Pel,S2,rad.n,2340.0,0.0,0.0016879499216679763,0.0065032941286088195,,0.3656494067462591 +Pel,S2,rad.n,2350.0,1.734723475976807e-18,0.0016310875361244754,0.0064987310337106755,,0.36579253360337227 +Pel,S2,rad.n,2360.0,8.673617379884035e-19,0.0015606535798856546,0.006490890600255235,,0.3659566449295609 +Pel,S2,theCon.G,0.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,10.0,0.0,0.007807028786702863,0.016306116701229542,0.007363634504384639, +Pel,S2,theCon.G,20.0,0.0,0.02032080245196255,0.03334865325207567,0.00747991085187924, +Pel,S2,theCon.G,30.0,0.0,0.025283464541299094,0.03949849355456836,0.005601361393308524, +Pel,S2,theCon.G,40.0,0.0,0.02550990674709447,0.03907543319754342,0.004292287166210884, +Pel,S2,theCon.G,50.0,0.0,0.025433374791997143,0.037837186188788285,0.0035971444348158466, +Pel,S2,theCon.G,60.0,0.0,0.026529652848767626,0.037962300440912033,0.0031342418071808043, +Pel,S2,theCon.G,70.0,0.0,0.028795323563694963,0.039593710650097536,0.0026199436105908136, +Pel,S2,theCon.G,80.0,1.1102230246251565e-16,0.031307750061606576,0.04174147336609568,0.0019370161232810101, +Pel,S2,theCon.G,90.0,0.0,0.032844267479867684,0.0430613385015699,0.0011487690792624239, +Pel,S2,theCon.G,100.0,0.0,0.03270501526626324,0.04272903505895165,0.000422667551012057, +Pel,S2,theCon.G,110.0,0.0,0.031022029255219907,0.04077932023975461,0.00010540973606765203, +Pel,S2,theCon.G,120.0,0.0,0.02840089242032462,0.037768320746718875,0.0003976297845857957, +Pel,S2,theCon.G,130.0,0.0,0.02548488055805731,0.03434203094140853,0.0004937741344589464, +Pel,S2,theCon.G,140.0,0.0,0.022747850172390005,0.031016003659361968,0.00046113763711308486, +Pel,S2,theCon.G,150.0,0.0,0.020475068901478988,0.028135052692368046,0.0003638495741720149, +Pel,S2,theCon.G,160.0,0.0,0.01880042637025059,0.02589149926519352,0.00025511920670717725, +Pel,S2,theCon.G,170.0,0.0,0.01768344035468805,0.024338864500652924,0.00018289875378840748, +Pel,S2,theCon.G,180.0,0.0,0.016812894880696816,0.023149181319813583,0.00015652583741243564, +Pel,S2,theCon.G,190.0,0.0,0.01623009288782684,0.022218372526017882,0.0003829070332910245, +Pel,S2,theCon.G,200.0,1.1102230246251565e-16,0.015382076113796384,0.020949768661085666,0.00034416318329455464, +Pel,S2,theCon.G,210.0,0.0,0.014029034728876622,0.01889400851772316,0.0005593754196616674, +Pel,S2,theCon.G,220.0,1.1102230246251565e-16,0.012221875590897824,0.016652042763941277,0.0005852363842404618, +Pel,S2,theCon.G,230.0,0.0,0.010077670133852856,0.014118513707058522,0.00044419583198773704, +Pel,S2,theCon.G,240.0,0.0,0.008372857253880261,0.0117922880976844,0.0003861226656792782, +Pel,S2,theCon.G,250.0,1.1102230246251565e-16,0.006497075503428484,0.009896178840830605,0.0001561508802865319, +Pel,S2,theCon.G,260.0,0.0,0.005717155163077359,0.00911085978100279,0.0003247346684418506, +Pel,S2,theCon.G,270.0,0.0,0.005543264429207162,0.008714031557284119,0.0006243291427577846, +Pel,S2,theCon.G,280.0,0.0,0.005638380598578685,0.008279589741321258,0.0006685412703962834, +Pel,S2,theCon.G,290.0,0.0,0.005515542816932006,0.00774161518183325,0.00040022697148878184, +Pel,S2,theCon.G,300.0,0.0,0.005295035690314087,0.007332451713746302,0.0002325242544642947, +Pel,S2,theCon.G,310.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,320.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,330.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,340.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,350.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,360.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,370.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,380.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,390.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,400.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,410.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,420.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,430.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,440.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,450.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,460.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,470.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,480.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,490.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,500.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,510.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,520.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,530.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,540.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,550.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,560.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,570.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,580.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,590.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,600.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,610.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,620.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,630.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,640.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,650.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,660.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,670.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,theCon.G,680.0,0.0,0.0003256003256003255,0.0,0.0003256003256003255, +Pel,S2,theCon.G,690.0,1.0456087261815464e-19,0.0009449149576538118,0.14334709876111157,0.5729159375656193, +Pel,S2,theCon.G,700.0,1.0456087261815464e-19,0.0009449149576538118,0.14334709876111157,0.5729159375656193, +Pel,S2,theCon.G,710.0,1.0456087261815464e-19,0.0009449149576538118,0.14334709876111157,0.5729159375656193, +Pel,S2,theCon.G,720.0,1.0456087261815464e-19,0.0009449149576538118,0.14334709876111157,0.5729159375656193, +Pel,S2,theCon.G,730.0,2.0910464140850497e-19,0.0009457973614548968,0.14330158560270487,0.5731218757090526, +Pel,S2,theCon.G,740.0,0.0,0.0009452312202029845,0.14319903957446198,0.5727516285519073, +Pel,S2,theCon.G,750.0,2.0921713797181218e-19,0.0009445262154380587,0.143118963461662,0.5725028940643561, +Pel,S2,theCon.G,760.0,1.045820992063044e-19,0.000944664247771421,0.14312108419113323,0.5724431417940915, +Pel,S2,theCon.G,770.0,5.227781471335135e-19,0.0009450597740646994,0.1431738827892073,0.5725219864398602, +Pel,S2,theCon.G,780.0,2.220446049250313e-16,0.014940407851174453,0.003925831505588784,0.1192135917800623, +Pel,S2,theCon.G,790.0,0.0,0.005445543764325378,0.0006235751390084587,0.12432971278540106, +Pel,S2,theCon.G,800.0,0.0,0.0054464195001442395,0.0006251461698311145,0.12432576837885922, +Pel,S2,theCon.G,810.0,1.1102230246251565e-16,0.005459379286525956,0.0006140298641946762,0.12429083394541951, +Pel,S2,theCon.G,820.0,1.1102230246251565e-16,0.005450641435811754,0.0005620600250630936,0.12444916627870684, +Pel,S2,theCon.G,830.0,0.0,0.005511333731884838,0.0005355436668912361,0.12483519294758172, +Pel,S2,theCon.G,840.0,0.0,0.005502511823239575,0.0005258153142021493,0.1247956274604235, +Pel,S2,theCon.G,850.0,1.1102230246251565e-16,0.005488582394671204,0.000520930636829342,0.12472498915669028, +Pel,S2,theCon.G,860.0,0.0,0.005485133300615397,0.000503014692541548,0.12470455020011528, +Pel,S2,theCon.G,870.0,1.1102230246251565e-16,0.005491580379175631,0.0004967270045598271,0.12478656204838667, +Pel,S2,theCon.G,880.0,0.0,0.003846091662505713,0.00023955710357492777,0.08024112606947031, +Pel,S2,theCon.G,890.0,1.1102230246251565e-16,0.004377403166097138,0.0022774387139186114,0.09487678495393403, +Pel,S2,theCon.G,900.0,1.1102230246251565e-16,0.004393547855553681,0.0022908604786721076,0.0946820055444112, +Pel,S2,theCon.G,910.0,1.1102230246251565e-16,0.0044048547670489935,0.002301798110403541,0.0946501994745641, +Pel,S2,theCon.G,920.0,0.0,0.004310926386698166,0.0022890377135416085,0.09502874391413996, +Pel,S2,theCon.G,930.0,0.0,0.004338162446991478,0.00222854436915354,0.09512168640357554, +Pel,S2,theCon.G,940.0,1.1102230246251565e-16,0.004281521123566723,0.002150651377094359,0.09480892999881563, +Pel,S2,theCon.G,950.0,0.0,0.004217174557385905,0.0021087354744003806,0.09450903143244316, +Pel,S2,theCon.G,960.0,0.0,0.004162853457761462,0.0021173735407322702,0.09432218391204295, +Pel,S2,theCon.G,970.0,0.0,0.004113240042749489,0.002128462714052204,0.09425380876577794, +Pel,S2,theCon.G,980.0,0.0,0.0024889769615926705,0.003495887111468088,0.07866036406774934, +Pel,S2,theCon.G,990.0,0.0,0.003273728644747842,0.0008571969870379004,0.07591092158324342, +Pel,S2,theCon.G,1000.0,0.0,0.0033075218698084274,0.0008400404426573971,0.07571740419945927, +Pel,S2,theCon.G,1010.0,1.1102230246251565e-16,0.0033107758597639148,0.0008193884539841045,0.07566677319474857, +Pel,S2,theCon.G,1020.0,0.0,0.003366531232159242,0.0007322782544161299,0.07592030733564903, +Pel,S2,theCon.G,1030.0,0.0,0.0034438512648659048,0.000632031295309532,0.07588445914169406, +Pel,S2,theCon.G,1040.0,1.1102230246251565e-16,0.0035427220714674412,0.0005738292670106615,0.07560737029012454, +Pel,S2,theCon.G,1050.0,1.1102230246251565e-16,0.003618016846964056,0.0005387267522372063,0.0753116005950385, +Pel,S2,theCon.G,1060.0,0.0,0.0036456241919740062,0.0005098249500600227,0.07507678438190879, +Pel,S2,theCon.G,1070.0,0.0,0.0036704585009440516,0.00047836154509828255,0.07497149264453051, +Pel,S2,theCon.G,1080.0,0.0,0.00975151227105453,0.011508544124230302,0.16858277908670105, +Pel,S2,theCon.G,1090.0,0.0,0.006735473536160774,0.006149747639397463,0.17769246220921464, +Pel,S2,theCon.G,1100.0,0.0,0.00669825560345183,0.006101360255355681,0.17754338542180814, +Pel,S2,theCon.G,1110.0,0.0,0.006719254758256743,0.006070326515168367,0.17760040664624832, +Pel,S2,theCon.G,1120.0,0.0,0.00676555080066521,0.0060737870426958995,0.17763287244046777, +Pel,S2,theCon.G,1130.0,0.0,0.006788606131665209,0.006101498759256918,0.17752810887311443, +Pel,S2,theCon.G,1140.0,0.0,0.006815705987072707,0.006104336789671039,0.17738523714189158, +Pel,S2,theCon.G,1150.0,0.0,0.006849318932828918,0.006087586125999023,0.1772605628427386, +Pel,S2,theCon.G,1160.0,0.0,0.00687481757281716,0.006057694687039539,0.17718007445254547, +Pel,S2,theCon.G,1170.0,0.0,0.006902977237282948,0.006042130266554757,0.17711053820391298, +Pel,S2,theCon.G,1180.0,0.0,0.0018629795002989002,0.004294221693593503,0.182844032975351, +Pel,S2,theCon.G,1190.0,0.0,0.019043812237095725,0.017715881359111285,0.2266169670874557, +Pel,S2,theCon.G,1200.0,0.0,0.01905583856800952,0.017722532774334776,0.22620000779045624, +Pel,S2,theCon.G,1210.0,0.0,0.019036862801132926,0.017680612198136214,0.22598925014553173, +Pel,S2,theCon.G,1220.0,0.0,0.019020072816890776,0.017721513810502465,0.2261017285192677, +Pel,S2,theCon.G,1230.0,0.0,0.019039528306127318,0.01779215131061107,0.22601241878356326, +Pel,S2,theCon.G,1240.0,0.0,0.019064921939893287,0.017823061130439855,0.22576438265368037, +Pel,S2,theCon.G,1250.0,0.0,0.019084278583650804,0.017835720008633205,0.22552593370558915, +Pel,S2,theCon.G,1260.0,0.0,0.01909322417432846,0.01784962462577011,0.22535482965085563, +Pel,S2,theCon.G,1270.0,1.1102230246251565e-16,0.019083122797258656,0.017852757037062683,0.2252191782065185, +Pel,S2,theCon.G,1280.0,0.0,0.0022815099620063783,0.011967311443918494,0.22505867443236127, +Pel,S2,theCon.G,1290.0,0.0,0.0026507740610098862,0.0036516037669275248,0.22480366905993665, +Pel,S2,theCon.G,1300.0,0.0,0.002648174301699613,0.003668156819634061,0.22446731884550253, +Pel,S2,theCon.G,1310.0,0.0,0.0026003765702676818,0.003600731025723447,0.22420784629823975, +Pel,S2,theCon.G,1320.0,0.0,0.002583353794257892,0.0035723137782912584,0.22477125514666874, +Pel,S2,theCon.G,1330.0,0.0,0.0025863756098566393,0.0035982270092738133,0.2248849579735065, +Pel,S2,theCon.G,1340.0,0.0,0.0025850441045598416,0.0035981455227952486,0.22471632234213113, +Pel,S2,theCon.G,1350.0,1.1102230246251565e-16,0.0025693310168978245,0.0035922054816971416,0.22447571467413518, +Pel,S2,theCon.G,1360.0,0.0,0.0025605175256521173,0.003576133709783269,0.22423418127408656, +Pel,S2,theCon.G,1370.0,0.0,0.0025639176952314546,0.0035504958503032036,0.22403927999656992, +Pel,S2,theCon.G,1380.0,0.0,0.013741106385252166,0.00702417630891361,0.2542664586979734, +Pel,S2,theCon.G,1390.0,0.0,0.006392685805983289,0.003483560138403008,0.23697133764034806, +Pel,S2,theCon.G,1400.0,2.220446049250313e-16,0.006380258288517182,0.0034651335030753128,0.23720337756970922, +Pel,S2,theCon.G,1410.0,0.0,0.006358674919059948,0.0034703641492248583,0.23774578879868224, +Pel,S2,theCon.G,1420.0,0.0,0.0063940697278714875,0.0034336766321446666,0.2383065068301743, +Pel,S2,theCon.G,1430.0,2.220446049250313e-16,0.006380834654127865,0.003456433544625326,0.23869472555370885, +Pel,S2,theCon.G,1440.0,0.0,0.0063609326332532135,0.0034541151226190614,0.23902420619395004, +Pel,S2,theCon.G,1450.0,1.1102230246251565e-16,0.006344699279306698,0.0034396483605727557,0.2393615731123312, +Pel,S2,theCon.G,1460.0,0.0,0.00633497804815597,0.003422301596547661,0.23972791340740007, +Pel,S2,theCon.G,1470.0,0.0,0.006332114455635307,0.0034073273780363955,0.24011965702472615, +Pel,S2,theCon.G,1480.0,1.1102230246251565e-16,0.005824749591403666,0.0003408156688782249,0.2134438308309441, +Pel,S2,theCon.G,1490.0,0.0,0.009373929714301399,0.003372311352310642,0.2263106100183644, +Pel,S2,theCon.G,1500.0,0.0,0.009383353927034599,0.003400797335491701,0.22682770514074024, +Pel,S2,theCon.G,1510.0,0.0,0.009370629806721209,0.003376068357283435,0.22742598853238405, +Pel,S2,theCon.G,1520.0,0.0,0.009389739093965122,0.0033431963892119887,0.22820585601654686, +Pel,S2,theCon.G,1530.0,1.1102230246251565e-16,0.009420918014810487,0.003351437330022189,0.2288961484731843, +Pel,S2,theCon.G,1540.0,0.0,0.009444874446277951,0.003368952378669743,0.22951827769393707, +Pel,S2,theCon.G,1550.0,0.0,0.009460367293482319,0.0033836932969806277,0.23013113724778012, +Pel,S2,theCon.G,1560.0,1.1102230246251565e-16,0.009471040183044455,0.003392424088721979,0.23075954189923575, +Pel,S2,theCon.G,1570.0,0.0,0.00947939691837707,0.003394930616402725,0.23140377665826506, +Pel,S2,theCon.G,1580.0,1.1102230246251565e-16,0.005513517620508668,0.004225234526317401,0.18139705675793294, +Pel,S2,theCon.G,1590.0,1.1102230246251565e-16,0.0035615191546399805,0.002922052846115464,0.1944883993399955, +Pel,S2,theCon.G,1600.0,0.0,0.0035576406678028416,0.0029362060833550974,0.19515703475974122, +Pel,S2,theCon.G,1610.0,0.0,0.0027025364502850646,0.004944521242037259,0.2017888624376306, +Pel,S2,theCon.G,1620.0,1.1102230246251565e-16,0.0026945914949992877,0.004926193051725702,0.20281953962809462, +Pel,S2,theCon.G,1630.0,0.0,0.002638327342528113,0.004899475351086147,0.20377335696403254, +Pel,S2,theCon.G,1640.0,0.0,0.0026400583986143644,0.004872307206401083,0.20443770831578567, +Pel,S2,theCon.G,1650.0,0.0,0.0026899960197043216,0.004820835689281711,0.20503593682000854, +Pel,S2,theCon.G,1660.0,2.220446049250313e-16,0.0027392715106031584,0.004802637013997968,0.20562260535663812, +Pel,S2,theCon.G,1670.0,0.0,0.0027599309959502882,0.004792421398112756,0.20619217649196275, +Pel,S2,theCon.G,1680.0,0.0,0.0007343647696241851,0.0013864118204021114,0.28664976879473725, +Pel,S2,theCon.G,1690.0,0.0,0.003945417838054133,0.0034161038596083326,0.29788102009691286, +Pel,S2,theCon.G,1700.0,1.1102230246251565e-16,0.003996400414387313,0.0034496690559777665,0.29781640079893856, +Pel,S2,theCon.G,1710.0,0.0,0.00021235890937887358,0.0007522209983518158,0.2559451129698629, +Pel,S2,theCon.G,1720.0,1.1102230246251565e-16,0.0002677164023824341,0.0007103210962926543,0.25639454323908506, +Pel,S2,theCon.G,1730.0,0.0,0.0004038172371169102,0.0006682958630918057,0.25646776757716216, +Pel,S2,theCon.G,1740.0,0.0,0.0004701345355371256,0.0006462452116198225,0.2564515624844791, +Pel,S2,theCon.G,1750.0,0.0,0.0005143644178770002,0.000604092756020691,0.2563753652780022, +Pel,S2,theCon.G,1760.0,0.0,0.0005537178549728239,0.0005751129486852857,0.2563479995512097, +Pel,S2,theCon.G,1770.0,0.0,0.0005734042140980167,0.0005583428434017268,0.2563667069756794, +Pel,S2,theCon.G,1780.0,0.0,0.0003490117396764969,0.0065470422490537805,0.29654902102352665, +Pel,S2,theCon.G,1790.0,0.0,0.019458229531418625,0.012866427650419454,0.3059047192639287, +Pel,S2,theCon.G,1800.0,0.0,0.019450138717904464,0.012788704655832261,0.3057462855883283, +Pel,S2,theCon.G,1810.0,1.1102230246251565e-16,0.019443160979307428,0.01276370830118878,0.3057569020147748, +Pel,S2,theCon.G,1820.0,0.0,0.019417380380012395,0.012696473601253588,0.3060467371276441, +Pel,S2,theCon.G,1830.0,0.0,0.019416182654779623,0.012701309283196682,0.30597379680971215, +Pel,S2,theCon.G,1840.0,0.0,0.01940575721353799,0.012676221658371456,0.3058377725421584, +Pel,S2,theCon.G,1850.0,0.0,0.019381209689193546,0.012637685615512484,0.3057220606816885, +Pel,S2,theCon.G,1860.0,1.1102230246251565e-16,0.019353462792750964,0.012608345278674382,0.3056568046004663, +Pel,S2,theCon.G,1870.0,1.1102230246251565e-16,0.01932795097560791,0.01258695444905722,0.305640822114297, +Pel,S2,theCon.G,1880.0,0.0,0.0033869359525539044,0.002972090403968841,0.36027483716034403, +Pel,S2,theCon.G,1890.0,0.0,0.00010842770369934307,0.007363978832705453,0.3465230246655202, +Pel,S2,theCon.G,1900.0,0.0,9.90978943226084e-05,0.00740697714036076,0.34635707985194164, +Pel,S2,theCon.G,1910.0,0.0,0.0005439974156546956,0.010127493217507944,0.35320713619618693, +Pel,S2,theCon.G,1920.0,0.0,0.0004917134949625757,0.010179944993780943,0.3533790194132801, +Pel,S2,theCon.G,1930.0,0.0,0.0004452179166136716,0.010241167636170445,0.3532302492175856, +Pel,S2,theCon.G,1940.0,0.0,0.00042458512957610495,0.010258770793644678,0.3530302298116954, +Pel,S2,theCon.G,1950.0,1.1102230246251565e-16,0.00040693268842684205,0.010250658274121416,0.3528511144142138, +Pel,S2,theCon.G,1960.0,0.0,0.00039299387488322957,0.010245530240244882,0.35274695591306393, +Pel,S2,theCon.G,1970.0,0.0,0.00038657061123548164,0.010217694749353523,0.35269188027799336, +Pel,S2,theCon.G,1980.0,2.220446049250313e-16,0.004410941331322693,0.007455338176207915,0.41002030806978607, +Pel,S2,theCon.G,1990.0,0.0,0.003595734221621294,0.005381294753070254,0.3975087607647476, +Pel,S2,theCon.G,2000.0,0.0,0.0036025929498126885,0.005383827981677913,0.39798458425971683, +Pel,S2,theCon.G,2010.0,1.1102230246251565e-16,0.0017909597420273649,0.007311554973331691,0.3328413469453608, +Pel,S2,theCon.G,2020.0,0.0,0.0017643539540563857,0.0073486499116194315,0.33366259160591083, +Pel,S2,theCon.G,2030.0,0.0,0.0017826502837698932,0.00741513853510245,0.3343657621846742, +Pel,S2,theCon.G,2040.0,0.0,0.001797015767485366,0.007443492016590003,0.3350979902976823, +Pel,S2,theCon.G,2050.0,0.0,0.0018044359096629492,0.007457377243875407,0.33587106090871244, +Pel,S2,theCon.G,2060.0,0.0,0.0018095184031967637,0.0074673868268840815,0.3366650354187686, +Pel,S2,theCon.G,2070.0,0.0,0.0018144269653792566,0.007481906668079019,0.3374541212469707, +Pel,S2,theCon.G,2080.0,0.0,0.0005788829736695922,0.007633809330423125,0.27372543288262186, +Pel,S2,theCon.G,2090.0,0.0,0.012524899622244567,0.013299977440103583,0.2744990205542023, +Pel,S2,theCon.G,2100.0,0.0,0.012561980664591688,0.013359238431237985,0.27530436771228817, +Pel,S2,theCon.G,2110.0,1.1102230246251565e-16,0.012608536358230227,0.013430130739361612,0.27611522645720976, +Pel,S2,theCon.G,2120.0,2.220446049250313e-16,0.012661227860661595,0.013519418703793473,0.27730869150311666, +Pel,S2,theCon.G,2130.0,1.1102230246251565e-16,0.012719863073121007,0.013583708060197597,0.27853872822254966, +Pel,S2,theCon.G,2140.0,1.1102230246251565e-16,0.012767118667570965,0.013640251004552795,0.27955645348720715, +Pel,S2,theCon.G,2150.0,2.220446049250313e-16,0.012806338516393234,0.013700887266708817,0.2805156844501312, +Pel,S2,theCon.G,2160.0,0.0,0.012838610620517499,0.0137629704782537,0.2814948801749747, +Pel,S2,theCon.G,2170.0,1.1102230246251565e-16,0.012866434503640556,0.013822278149525635,0.28251447839130284, +Pel,S2,theCon.G,2180.0,0.0,0.006812412910978449,0.011795823193370247,0.30801142465517983, +Pel,S2,theCon.G,2190.0,1.1102230246251565e-16,0.0017226599058716152,0.007781393490641775,0.29488633480290394, +Pel,S2,theCon.G,2200.0,0.0,0.0017604099637050785,0.007795451603532455,0.2959554337241226, +Pel,S2,theCon.G,2210.0,1.1102230246251565e-16,0.0013933047204034432,0.009909779614787118,0.30175352283896517, +Pel,S2,theCon.G,2220.0,0.0,0.001468148016169346,0.009982652532214975,0.3032875801038144, +Pel,S2,theCon.G,2230.0,1.1102230246251565e-16,0.0015104880812325527,0.009974275118111775,0.3046216036851751, +Pel,S2,theCon.G,2240.0,0.0,0.0015547518170205832,0.009979035089554111,0.30583109673389686, +Pel,S2,theCon.G,2250.0,0.0,0.0015949710745126744,0.010006375358099673,0.3070761063506132, +Pel,S2,theCon.G,2260.0,0.0,0.0016337770490245651,0.010040904903237613,0.3083868346767874, +Pel,S2,theCon.G,2270.0,0.0,0.001670186297969778,0.010062936106913556,0.3097343502964429, +Pel,S2,theCon.G,2280.0,1.1102230246251565e-16,0.0023551621642605713,0.02304724427767424,0.4218865954203582, +Pel,S2,theCon.G,2290.0,0.0,0.009323297020527699,0.000977302315361528,0.44393832776104974, +Pel,S2,theCon.G,2300.0,0.0,0.009281143552323012,0.0009829780462500826,0.4443909963517848, +Pel,S2,theCon.G,2310.0,0.0,0.010920728744190589,0.006725253283224375,0.3643018372610286, +Pel,S2,theCon.G,2320.0,0.0,0.010836182241711567,0.006672754035134232,0.3649503297449035, +Pel,S2,theCon.G,2330.0,0.0,0.010811539827662697,0.0066224688400674525,0.365383586900227, +Pel,S2,theCon.G,2340.0,0.0,0.010758602110104709,0.006627092490754771,0.3656494067462591, +Pel,S2,theCon.G,2350.0,0.0,0.010661762678315312,0.006582449268631607,0.36579253360337227, +Pel,S2,theCon.G,2360.0,0.0,0.010560134645047126,0.006549762926330471,0.3659566449295609, +Pel,S2,vol.V,0.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,10.0,1.951563910473908e-18,,0.005739039639365278,0.003840798721569727,0.007807028786702863 +Pel,S2,vol.V,20.0,3.469446951953614e-18,,0.013325480338809934,0.003009889991142267,0.02032080245196255 +Pel,S2,vol.V,30.0,0.0,,0.019190788860211208,0.0008627146225773652,0.025283464541299094 +Pel,S2,vol.V,40.0,0.0,,0.022965826541887557,0.0006468873702085709,0.02550990674709447 +Pel,S2,vol.V,50.0,6.938893903907228e-18,,0.023128608142052788,0.0016248027978592594,0.025433374791997143 +Pel,S2,vol.V,60.0,6.938893903907228e-18,,0.020194018168738004,0.002410594865280169,0.026529652848767626 +Pel,S2,vol.V,70.0,0.0,,0.01587054706851239,0.0031921891194340857,0.028795323563694963 +Pel,S2,vol.V,80.0,3.469446951953614e-18,,0.01191336782980356,0.003955298848656419,0.031307750061606576 +Pel,S2,vol.V,90.0,0.0,,0.009157187126794503,0.004548834311536687,0.032844267479867684 +Pel,S2,vol.V,100.0,0.0,,0.007464653825635787,0.004841269128453757,0.03270501526626324 +Pel,S2,vol.V,110.0,5.204170427930421e-18,,0.0064086286568239455,0.00482666520867768,0.031022029255219907 +Pel,S2,vol.V,120.0,1.734723475976807e-18,,0.005729211348071608,0.004594541627217494,0.02840089242032462 +Pel,S2,vol.V,130.0,8.673617379884035e-19,,0.005311451112668309,0.004253383568062666,0.02548488055805731 +Pel,S2,vol.V,140.0,2.6020852139652106e-18,,0.005044268084689871,0.0038835737219417854,0.022747850172390005 +Pel,S2,vol.V,150.0,0.0,,0.004788021875110791,0.0035374735924921658,0.020475068901478988 +Pel,S2,vol.V,160.0,1.734723475976807e-18,,0.00443693236434704,0.0032519385387596578,0.01880042637025059 +Pel,S2,vol.V,170.0,3.469446951953614e-18,,0.003934996715239973,0.0030369939296312903,0.01768344035468805 +Pel,S2,vol.V,180.0,1.734723475976807e-18,,0.003177969746063049,0.0027251653396343292,0.016812894880696816 +Pel,S2,vol.V,190.0,8.673617379884035e-19,,0.002030894062030192,0.002067473381183224,0.01623009288782684 +Pel,S2,vol.V,200.0,8.673617379884035e-19,,0.001301591619668507,0.001630844216483053,0.015382076113796384 +Pel,S2,vol.V,210.0,8.673617379884035e-19,,0.0012702193553189144,0.0017775107253076572,0.014029034728876622 +Pel,S2,vol.V,220.0,2.6020852139652106e-18,,0.0016552008705105186,0.002190430531976345,0.012221875590897824 +Pel,S2,vol.V,230.0,8.673617379884035e-19,,0.0014419472579042065,0.001830738911497945,0.010077670133852856 +Pel,S2,vol.V,240.0,8.673617379884035e-19,,0.0011503815640532032,0.001377124466683706,0.008372857253880261 +Pel,S2,vol.V,250.0,8.673617379884035e-19,,0.000667133171845598,0.0008954028362016669,0.006497075503428484 +Pel,S2,vol.V,260.0,8.673617379884035e-19,,0.0005457775521056328,0.0008121782075525205,0.005717155163077359 +Pel,S2,vol.V,270.0,1.734723475976807e-18,,0.0008270872686903501,0.0010075597963429966,0.005543264429207162 +Pel,S2,vol.V,280.0,1.734723475976807e-18,,0.0009513511034605054,0.0011688764535974297,0.005638380598578685 +Pel,S2,vol.V,290.0,8.673617379884035e-19,,0.0007680348211216914,0.0010817252241937698,0.005515542816932006 +Pel,S2,vol.V,300.0,2.168404344971009e-18,,0.0006325192793562246,0.0009627719363530657,0.005295035690314087 +Pel,S2,vol.V,310.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,320.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,330.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,340.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,350.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,360.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,370.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,380.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,390.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,400.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,410.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,420.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,430.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,440.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,450.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,460.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,470.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,480.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,490.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,500.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,510.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,520.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,530.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,540.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,550.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,560.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,570.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,580.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,590.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,600.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,610.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,620.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,630.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,640.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,650.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,660.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,670.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2,vol.V,680.0,0.0,,0.0003256003256003255,0.0003256003256003255,0.0003256003256003255 +Pel,S2,vol.V,690.0,1.0842021724855044e-19,,0.0009449149576538118,0.0009449149576538117,0.0009449149576538118 +Pel,S2,vol.V,700.0,1.0842021724855044e-19,,0.0009449149576538118,0.0009449149576538117,0.0009449149576538118 +Pel,S2,vol.V,710.0,1.0842021724855044e-19,,0.0009449149576538118,0.0009449149576538117,0.0009449149576538118 +Pel,S2,vol.V,720.0,1.0842021724855044e-19,,0.0009449149576538118,0.0009449149576538117,0.0009449149576538118 +Pel,S2,vol.V,730.0,1.0842021724855044e-19,,0.0009457973614548969,0.0009457973614548968,0.0009457973614548968 +Pel,S2,vol.V,740.0,1.0842021724855044e-19,,0.0009452312202029845,0.0009452312202029845,0.0009452312202029845 +Pel,S2,vol.V,750.0,1.0842021724855044e-19,,0.0009445262154380587,0.0009445262154380583,0.0009445262154380587 +Pel,S2,vol.V,760.0,1.0842021724855044e-19,,0.0009446642477714212,0.0009446642477714212,0.000944664247771421 +Pel,S2,vol.V,770.0,3.7947076036992655e-19,,0.0009450597740647002,0.0009450597740646999,0.0009450597740646994 +Pel,S2,vol.V,780.0,1.734723475976807e-18,,0.01494545844576434,0.011601022579459823,0.014940407851174453 +Pel,S2,vol.V,790.0,0.0,,0.005439015210829967,0.0054390152108299596,0.005445543764325378 +Pel,S2,vol.V,800.0,8.673617379884035e-19,,0.005437497301188757,0.0054374973011887505,0.0054464195001442395 +Pel,S2,vol.V,810.0,0.0,,0.005402581162786026,0.005411681498665919,0.005459379286525956 +Pel,S2,vol.V,820.0,1.734723475976807e-18,,0.005348530678514499,0.00534947497050605,0.005450641435811754 +Pel,S2,vol.V,830.0,1.734723475976807e-18,,0.00545996628186224,0.005477075099613003,0.005511333731884838 +Pel,S2,vol.V,840.0,1.734723475976807e-18,,0.005492505538183278,0.005512022324041431,0.005502511823239575 +Pel,S2,vol.V,850.0,1.734723475976807e-18,,0.0054820866920347235,0.005504237054191362,0.005488582394671204 +Pel,S2,vol.V,860.0,3.469446951953614e-18,,0.005459777371735945,0.005480879226153375,0.005485133300615397 +Pel,S2,vol.V,870.0,8.673617379884035e-19,,0.005445340095555781,0.005456272171022708,0.005491580379175631 +Pel,S2,vol.V,880.0,0.0,,0.005798994403047504,0.007902993115491332,0.003846091662505713 +Pel,S2,vol.V,890.0,4.336808689942018e-19,,0.0003680270900598918,0.00040652938566603306,0.004377403166097138 +Pel,S2,vol.V,900.0,4.336808689942018e-19,,0.00038957955345613,0.0004359477936222572,0.004393547855553681 +Pel,S2,vol.V,910.0,1.5178830414797062e-18,,0.00041905662778073203,0.00044772697798362016,0.0044048547670489935 +Pel,S2,vol.V,920.0,6.505213034913027e-19,,0.00041733050798669746,0.0003890564471231185,0.004310926386698166 +Pel,S2,vol.V,930.0,2.168404344971009e-19,,0.00038822642936782534,0.00038022216346734333,0.004338162446991478 +Pel,S2,vol.V,940.0,1.0842021724855044e-18,,0.00036748853205955095,0.000373407292845334,0.004281521123566723 +Pel,S2,vol.V,950.0,2.168404344971009e-18,,0.0003542298360818142,0.0003583133659900706,0.004217174557385905 +Pel,S2,vol.V,960.0,4.3283383604694747e-19,,0.0003314737748531839,0.0003355389425846213,0.004162853457761462 +Pel,S2,vol.V,970.0,1.2993485410880967e-18,,0.0003289432196001158,0.0003304800358577553,0.004113240042749489 +Pel,S2,vol.V,980.0,2.168404344971009e-18,,0.00402584985496989,0.004181547508267324,0.0024889769615926705 +Pel,S2,vol.V,990.0,8.673617379884035e-19,,0.003112962235504077,0.003130557134368191,0.003273728644747842 +Pel,S2,vol.V,1000.0,2.6020852139652106e-18,,0.0031300330676293855,0.0031551355527613314,0.0033075218698084274 +Pel,S2,vol.V,1010.0,8.673617379884035e-19,,0.003126635731774564,0.0031652958880581967,0.0033107758597639148 +Pel,S2,vol.V,1020.0,8.673617379884035e-19,,0.0031200726656425244,0.0031868806658744125,0.003366531232159242 +Pel,S2,vol.V,1030.0,4.336808689942018e-19,,0.0031260466782709485,0.0031995946177107333,0.0034438512648659048 +Pel,S2,vol.V,1040.0,2.168404344971009e-18,,0.003166470381272428,0.00324574325132866,0.0035427220714674412 +Pel,S2,vol.V,1050.0,2.168404344971009e-18,,0.00321886207472383,0.003318205059888949,0.003618016846964056 +Pel,S2,vol.V,1060.0,1.3010426069826053e-18,,0.003244134297930925,0.0033631000748084467,0.0036456241919740062 +Pel,S2,vol.V,1070.0,1.3010426069826053e-18,,0.0032667445387786686,0.003390971995137184,0.0036704585009440516 +Pel,S2,vol.V,1080.0,4.336808689942018e-19,,0.008189306356346477,0.008046940658417857,0.00975151227105453 +Pel,S2,vol.V,1090.0,1.734723475976807e-18,,0.0006941079863695626,0.0004325174765836782,0.006735473536160774 +Pel,S2,vol.V,1100.0,8.673617379884035e-19,,0.000664416024415965,0.00038545468193258107,0.00669825560345183 +Pel,S2,vol.V,1110.0,0.0,,0.0006534572816362366,0.0003608270359813986,0.006719254758256743 +Pel,S2,vol.V,1120.0,1.734723475976807e-18,,0.000731534908253572,0.00043989243824453517,0.00676555080066521 +Pel,S2,vol.V,1130.0,0.0,,0.0008212838684192696,0.0005381161878301064,0.006788606131665209 +Pel,S2,vol.V,1140.0,1.734723475976807e-18,,0.0008779570498404212,0.0005923536640415738,0.006815705987072707 +Pel,S2,vol.V,1150.0,8.673617379884035e-19,,0.0009231717885583961,0.0006285557884380781,0.006849318932828918 +Pel,S2,vol.V,1160.0,8.673617379884035e-19,,0.0009547148694877706,0.000647794459408697,0.00687481757281716 +Pel,S2,vol.V,1170.0,0.0,,0.00097771157616032,0.0006535745469338364,0.006902977237282948 +Pel,S2,vol.V,1180.0,2.168404344971009e-19,,0.0011737631555739777,0.003610044008037985,0.0018629795002989002 +Pel,S2,vol.V,1190.0,1.734723475976807e-18,,0.00879416469950669,0.009278495208889822,0.019043812237095725 +Pel,S2,vol.V,1200.0,0.0,,0.008798216867640244,0.009291991615214901,0.01905583856800952 +Pel,S2,vol.V,1210.0,1.734723475976807e-18,,0.008840891001429601,0.009311901518009317,0.019036862801132926 +Pel,S2,vol.V,1220.0,0.0,,0.008792630863003817,0.00927420798045055,0.019020072816890776 +Pel,S2,vol.V,1230.0,1.734723475976807e-18,,0.008835783548264416,0.00931383975293068,0.019039528306127318 +Pel,S2,vol.V,1240.0,1.734723475976807e-18,,0.008881663105419338,0.009358531372123776,0.019064921939893287 +Pel,S2,vol.V,1250.0,0.0,,0.008915217122812054,0.009390291233525225,0.019084278583650804 +Pel,S2,vol.V,1260.0,3.469446951953614e-18,,0.00893212604000132,0.009403652539288885,0.01909322417432846 +Pel,S2,vol.V,1270.0,1.734723475976807e-18,,0.008928044251809208,0.009395361283980745,0.019083122797258656 +Pel,S2,vol.V,1280.0,0.0,,0.0005664441352435177,0.0005892568819646747,0.0022815099620063783 +Pel,S2,vol.V,1290.0,1.5178830414797062e-18,,0.002741073358460652,0.0028244904456568047,0.0026507740610098862 +Pel,S2,vol.V,1300.0,6.505213034913027e-19,,0.0027384947637826085,0.0028181092200714117,0.002648174301699613 +Pel,S2,vol.V,1310.0,2.168404344971009e-19,,0.0026795868320545284,0.0028158997463709847,0.0026003765702676818 +Pel,S2,vol.V,1320.0,8.673617379884035e-19,,0.0026843223902949724,0.0028252744476201085,0.002583353794257892 +Pel,S2,vol.V,1330.0,1.734723475976807e-18,,0.0026601923325233726,0.002799742913492367,0.0025863756098566393 +Pel,S2,vol.V,1340.0,8.673617379884035e-19,,0.002640827686989748,0.0027815942160727075,0.0025850441045598416 +Pel,S2,vol.V,1350.0,6.505213034913027e-19,,0.0026124626925437553,0.002757469139412887,0.0025693310168978245 +Pel,S2,vol.V,1360.0,1.734723475976807e-18,,0.0025941730850278554,0.0027375847604384947,0.0025605175256521173 +Pel,S2,vol.V,1370.0,1.3010426069826053e-18,,0.0025878224957122786,0.0027281069821500636,0.0025639176952314546 +Pel,S2,vol.V,1380.0,1.734723475976807e-18,,0.015009887784184339,0.015301283835338766,0.013741106385252166 +Pel,S2,vol.V,1390.0,0.0,,0.005813005605857876,0.005945083965725772,0.006392685805983289 +Pel,S2,vol.V,1400.0,0.0,,0.005766139641465542,0.005907286599516323,0.006380258288517182 +Pel,S2,vol.V,1410.0,0.0,,0.005772310323197865,0.0059328584130582665,0.006358674919059948 +Pel,S2,vol.V,1420.0,8.673617379884035e-19,,0.005785443586658074,0.0059526784225188535,0.0063940697278714875 +Pel,S2,vol.V,1430.0,1.3010426069826053e-18,,0.005784643321907947,0.005917618873125521,0.006380834654127865 +Pel,S2,vol.V,1440.0,1.3010426069826053e-18,,0.005752895111364106,0.005878592890795876,0.0063609326332532135 +Pel,S2,vol.V,1450.0,8.673617379884035e-19,,0.005713325621446755,0.0058457573050517695,0.006344699279306698 +Pel,S2,vol.V,1460.0,1.734723475976807e-18,,0.005677026528099732,0.005821027696770308,0.00633497804815597 +Pel,S2,vol.V,1470.0,8.673617379884035e-19,,0.005648872125575541,0.005804198110379237,0.006332114455635307 +Pel,S2,vol.V,1480.0,0.0,,0.010036302534862835,0.011795303143619814,0.005824749591403666 +Pel,S2,vol.V,1490.0,8.673617379884035e-19,,0.00517482441569166,0.005280286853251582,0.009373929714301399 +Pel,S2,vol.V,1500.0,0.0,,0.005171646196108805,0.005276060575491748,0.009383353927034599 +Pel,S2,vol.V,1510.0,0.0,,0.005152572663334003,0.005266761770901838,0.009370629806721209 +Pel,S2,vol.V,1520.0,0.0,,0.005162149302019432,0.0052740183644454965,0.009389739093965122 +Pel,S2,vol.V,1530.0,8.673617379884035e-19,,0.005205621815034419,0.005315624283878963,0.009420918014810487 +Pel,S2,vol.V,1540.0,0.0,,0.005229412817901596,0.0053378316009527445,0.009444874446277951 +Pel,S2,vol.V,1550.0,1.734723475976807e-18,,0.00524066409264199,0.005347802508353375,0.009460367293482319 +Pel,S2,vol.V,1560.0,0.0,,0.005247503576258623,0.0053536224334003405,0.009471040183044455 +Pel,S2,vol.V,1570.0,0.0,,0.005254154217285721,0.005359427287452836,0.00947939691837707 +Pel,S2,vol.V,1580.0,8.673617379884035e-19,,0.011886826596708025,0.009659545011165638,0.005513517620508668 +Pel,S2,vol.V,1590.0,4.336808689942018e-19,,0.003591207992659517,0.003591167729070175,0.0035615191546399805 +Pel,S2,vol.V,1600.0,4.336808689942018e-19,,0.003592099767503116,0.003591516389705469,0.0035576406678028416 +Pel,S2,vol.V,1610.0,0.0,,0.004742028768089192,0.004704912217743831,0.0027025364502850646 +Pel,S2,vol.V,1620.0,1.3010426069826053e-18,,0.004776912058983438,0.0047208392070084045,0.0026945914949992877 +Pel,S2,vol.V,1630.0,4.336808689942018e-19,,0.004740494492342264,0.004707440207108162,0.002638327342528113 +Pel,S2,vol.V,1640.0,8.673617379884035e-19,,0.004745156738591702,0.004733778148120864,0.0026400583986143644 +Pel,S2,vol.V,1650.0,3.469446951953614e-18,,0.004806412243584126,0.004815793664470256,0.0026899960197043216 +Pel,S2,vol.V,1660.0,8.673617379884035e-19,,0.004905292183453631,0.004912422179724592,0.0027392715106031584 +Pel,S2,vol.V,1670.0,1.3010426069826053e-18,,0.00495927730887255,0.004984847829951512,0.0027599309959502882 +Pel,S2,vol.V,1680.0,0.0,,0.0026970283521344784,0.002299724323889994,0.0007343647696241851 +Pel,S2,vol.V,1690.0,1.3010426069826053e-18,,0.0033559881030549204,0.005271587996520308,0.003945417838054133 +Pel,S2,vol.V,1700.0,4.336808689942018e-19,,0.003358611409292882,0.005274637460791338,0.003996400414387313 +Pel,S2,vol.V,1710.0,1.0842021724855044e-18,,0.0043894526666722776,0.0034268520486258197,0.00021235890937887358 +Pel,S2,vol.V,1720.0,6.505213034913027e-19,,0.004397745115285306,0.0034181342480688257,0.0002677164023824341 +Pel,S2,vol.V,1730.0,8.673617379884035e-19,,0.00447212143804061,0.0034007580015521545,0.0004038172371169102 +Pel,S2,vol.V,1740.0,2.168404344971009e-18,,0.004509558690902788,0.003385660781549518,0.0004701345355371256 +Pel,S2,vol.V,1750.0,6.505213034913027e-19,,0.004470929560449238,0.0034146169441961506,0.0005143644178770002 +Pel,S2,vol.V,1760.0,1.734723475976807e-18,,0.0044440075221825175,0.0034236716950391474,0.0005537178549728239 +Pel,S2,vol.V,1770.0,8.673617379884035e-19,,0.004447846964236597,0.003405859919087144,0.0005734042140980167 +Pel,S2,vol.V,1780.0,1.3010426069826053e-18,,0.0024105433917707628,0.0025587540561717616,0.0003490117396764969 +Pel,S2,vol.V,1790.0,0.0,,0.01777647826354588,0.01531210006518732,0.019458229531418625 +Pel,S2,vol.V,1800.0,0.0,,0.017805500785028495,0.01533079610314272,0.019450138717904464 +Pel,S2,vol.V,1810.0,0.0,,0.017788129981796963,0.015289370904306585,0.019443160979307428 +Pel,S2,vol.V,1820.0,1.734723475976807e-18,,0.017774757458558398,0.015279801795205227,0.019417380380012395 +Pel,S2,vol.V,1830.0,1.734723475976807e-18,,0.017824010933625317,0.015274237352619537,0.019416182654779623 +Pel,S2,vol.V,1840.0,1.734723475976807e-18,,0.017864230347888574,0.01527935714043507,0.01940575721353799 +Pel,S2,vol.V,1850.0,0.0,,0.017887270115480393,0.015279478463322501,0.019381209689193546 +Pel,S2,vol.V,1860.0,0.0,,0.017896797813098303,0.0152718094869637,0.019353462792750964 +Pel,S2,vol.V,1870.0,1.734723475976807e-18,,0.017898443267135713,0.015261756562516191,0.01932795097560791 +Pel,S2,vol.V,1880.0,8.673617379884035e-19,,0.014680692295500588,0.011841265390783689,0.0033869359525539044 +Pel,S2,vol.V,1890.0,1.734723475976807e-18,,0.0025334633415587315,0.002838987537302712,0.00010842770369934307 +Pel,S2,vol.V,1900.0,8.673617379884035e-19,,0.002499460413002615,0.0028085172943005283,9.90978943226084e-05 +Pel,S2,vol.V,1910.0,1.3010426069826053e-18,,0.001792701434383719,0.0021163842728811628,0.0005439974156546956 +Pel,S2,vol.V,1920.0,1.3010426069826053e-18,,0.0018275865793085612,0.002155360389926513,0.0004917134949625757 +Pel,S2,vol.V,1930.0,4.336808689942018e-19,,0.0018411263599749485,0.0021545877132174984,0.0004452179166136716 +Pel,S2,vol.V,1940.0,2.168404344971009e-18,,0.001834319047585773,0.0021519944676079723,0.00042458512957610495 +Pel,S2,vol.V,1950.0,4.336808689942018e-19,,0.0018147273814797015,0.0021449210806018994,0.00040693268842684205 +Pel,S2,vol.V,1960.0,1.3010426069826053e-18,,0.0017829221994152553,0.002130035363425136,0.00039299387488322957 +Pel,S2,vol.V,1970.0,4.336808689942018e-19,,0.0017612544954837793,0.002115922708400969,0.00038657061123548164 +Pel,S2,vol.V,1980.0,0.0,,0.00019389559460447582,0.006764850842359757,0.004410941331322693 +Pel,S2,vol.V,1990.0,0.0,,0.0021997466790782965,0.0007696729830858938,0.003595734221621294 +Pel,S2,vol.V,2000.0,1.734723475976807e-18,,0.0022596319980672163,0.0007529996412951345,0.0036025929498126885 +Pel,S2,vol.V,2010.0,0.0,,0.006147682998029221,0.0030204094138316095,0.0017909597420273649 +Pel,S2,vol.V,2020.0,8.673617379884035e-19,,0.006166506042826985,0.003012859829923154,0.0017643539540563857 +Pel,S2,vol.V,2030.0,3.469446951953614e-18,,0.006165141075852755,0.0030534358449048546,0.0017826502837698932 +Pel,S2,vol.V,2040.0,8.673617379884035e-19,,0.006187162046624289,0.003061833234570651,0.001797015767485366 +Pel,S2,vol.V,2050.0,8.673617379884035e-19,,0.006219843631925799,0.003051669815576589,0.0018044359096629492 +Pel,S2,vol.V,2060.0,1.734723475976807e-18,,0.00625174577990863,0.003037365690978568,0.0018095184031967637 +Pel,S2,vol.V,2070.0,8.673617379884035e-19,,0.006279031810302663,0.003025121492903793,0.0018144269653792566 +Pel,S2,vol.V,2080.0,1.734723475976807e-18,,0.0021587038050003547,1.4166564978965873e-05,0.0005788829736695922 +Pel,S2,vol.V,2090.0,1.3010426069826053e-18,,0.004655297546764685,0.004603947370137924,0.012524899622244567 +Pel,S2,vol.V,2100.0,1.3010426069826053e-18,,0.00466506417901185,0.004603712605102207,0.012561980664591688 +Pel,S2,vol.V,2110.0,0.0,,0.004683111966558254,0.004607928424738325,0.012608536358230227 +Pel,S2,vol.V,2120.0,4.336808689942018e-19,,0.0047068862628480744,0.004627523783825409,0.012661227860661595 +Pel,S2,vol.V,2130.0,8.673617379884035e-19,,0.004736792893790383,0.004647838123506158,0.012719863073121007 +Pel,S2,vol.V,2140.0,0.0,,0.004756442856918855,0.004652998231255583,0.012767118667570965 +Pel,S2,vol.V,2150.0,4.336808689942018e-19,,0.004772725783142415,0.004656040147109734,0.012806338516393234 +Pel,S2,vol.V,2160.0,0.0,,0.004786629375977475,0.004659878153470784,0.012838610620517499 +Pel,S2,vol.V,2170.0,8.673617379884035e-19,,0.004798904913433096,0.00466566057814697,0.012866434503640556 +Pel,S2,vol.V,2180.0,1.0842021724855044e-18,,0.002097134875719047,0.00020567033750602814,0.006812412910978449 +Pel,S2,vol.V,2190.0,8.673617379884035e-19,,0.0011798516425763246,0.0007772101230334779,0.0017226599058716152 +Pel,S2,vol.V,2200.0,0.0,,0.001200333784638177,0.0007829863780647213,0.0017604099637050785 +Pel,S2,vol.V,2210.0,8.673617379884035e-19,,0.0011815747411059547,0.0036017099271812283,0.0013933047204034432 +Pel,S2,vol.V,2220.0,4.336808689942018e-19,,0.0011868744208904701,0.003582542825484738,0.001468148016169346 +Pel,S2,vol.V,2230.0,8.673617379884035e-19,,0.0011253421072667906,0.003527362648049109,0.0015104880812325527 +Pel,S2,vol.V,2240.0,1.3010426069826053e-18,,0.0010804106711005557,0.0034919587099211317,0.0015547518170205832 +Pel,S2,vol.V,2250.0,2.6020852139652106e-18,,0.0010566307143205205,0.0034754200559486198,0.0015949710745126744 +Pel,S2,vol.V,2260.0,1.3010426069826053e-18,,0.001043650332521736,0.003466089851155616,0.0016337770490245651 +Pel,S2,vol.V,2270.0,8.673617379884035e-19,,0.0010457299442794303,0.0034749483846845926,0.001670186297969778 +Pel,S2,vol.V,2280.0,3.469446951953614e-18,,0.00037499835252275977,0.011864380349724785,0.0023551621642605713 +Pel,S2,vol.V,2290.0,0.0,,0.0016886498870270408,0.003937852088387253,0.009323297020527699 +Pel,S2,vol.V,2300.0,8.673617379884035e-19,,0.001696067583740547,0.003956593505217411,0.009281143552323012 +Pel,S2,vol.V,2310.0,0.0,,0.005283783056237314,0.0017950192428664005,0.010920728744190589 +Pel,S2,vol.V,2320.0,1.734723475976807e-18,,0.00526965108729201,0.0017611357836170402,0.010836182241711567 +Pel,S2,vol.V,2330.0,1.734723475976807e-18,,0.005281930353529931,0.001744631101794249,0.010811539827662697 +Pel,S2,vol.V,2340.0,2.6020852139652106e-18,,0.005225674176717786,0.0016879499216679763,0.010758602110104709 +Pel,S2,vol.V,2350.0,0.0,,0.005169565934114849,0.0016310875361244754,0.010661762678315312 +Pel,S2,vol.V,2360.0,2.6020852139652106e-18,,0.005096931118266318,0.0015606535798856546,0.010560134645047126 +Pel,S2_conf,heaCap.C,0.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,10.0,1.1016114953635064e-17,0.012147987058550344,,0.013462938988850542,0.014225555447338696 +Pel,S2_conf,heaCap.C,20.0,1.5959665301307568e-17,0.022406725012222625,,0.024739422627270205,0.02223390041812912 +Pel,S2_conf,heaCap.C,30.0,1.9988943269405837e-17,0.03129822275960702,,0.03174847136767599,0.03174461448163551 +Pel,S2_conf,heaCap.C,40.0,2.7156227161264704e-17,0.033881947139091435,,0.03132522667347778,0.03515609128103906 +Pel,S2_conf,heaCap.C,50.0,2.9531861048353736e-17,0.03705200183737536,,0.03105532876627355,0.041843974243929286 +Pel,S2_conf,heaCap.C,60.0,2.769102087350137e-17,0.03188660479154984,,0.03530235853075658,0.0447841836205846 +Pel,S2_conf,heaCap.C,70.0,2.7963602302761164e-17,0.0330521757180266,,0.033796971781659225,0.04075183297994327 +Pel,S2_conf,heaCap.C,80.0,3.1174117949708754e-17,0.02976783166560711,,0.03319066153280231,0.035963008862826634 +Pel,S2_conf,heaCap.C,90.0,2.2667077497551166e-17,0.02978821579223996,,0.02865209744963565,0.035607263139646045 +Pel,S2_conf,heaCap.C,100.0,1.9641263926100715e-17,0.02566571381184633,,0.03131436017660012,0.032869106748061705 +Pel,S2_conf,heaCap.C,110.0,1.587885450868676e-17,0.02812978581383299,,0.024353594489390486,0.025345534319866313 +Pel,S2_conf,heaCap.C,120.0,1.658563832255485e-17,0.0244082425465776,,0.02244801288461482,0.02665518120854546 +Pel,S2_conf,heaCap.C,130.0,1.4308362205295442e-17,0.025472166597956227,,0.023746499541804605,0.02725767870297751 +Pel,S2_conf,heaCap.C,140.0,1.5986600281641765e-17,0.024374029958932463,,0.025587076804221995,0.026685432961611216 +Pel,S2_conf,heaCap.C,150.0,1.652365609091327e-17,0.022540865145667846,,0.022675085492623405,0.02476454499720263 +Pel,S2_conf,heaCap.C,160.0,1.637798200738734e-17,0.021059539982551244,,0.022068859533693374,0.02600545335864879 +Pel,S2_conf,heaCap.C,170.0,1.5821180728421582e-17,0.020868201774791657,,0.02274242814952146,0.02598593501756129 +Pel,S2_conf,heaCap.C,180.0,1.4996628228782637e-17,0.020862494059827947,,0.020498973400782793,0.024349694892952634 +Pel,S2_conf,heaCap.C,190.0,1.5307714014556194e-17,0.017992393990911265,,0.024403086845467922,0.02440060145288801 +Pel,S2_conf,heaCap.C,200.0,1.4387606153033625e-17,0.017273614810782652,,0.01863592224421951,0.020081455852686423 +Pel,S2_conf,heaCap.C,210.0,1.1035514475092e-17,0.01615575844820735,,0.02015381677084809,0.022822601422298475 +Pel,S2_conf,heaCap.C,220.0,1.1446741842873007e-17,0.016415756908995112,,0.015558781909358686,0.015835836177474236 +Pel,S2_conf,heaCap.C,230.0,1.108000940971391e-17,0.013456585916018275,,0.016832195353858593,0.016775022831929377 +Pel,S2_conf,heaCap.C,240.0,1.3350303171796056e-17,0.011710505243628521,,0.015616782393645052,0.015619532475759415 +Pel,S2_conf,heaCap.C,250.0,1.0810825076614217e-17,0.011977396763997344,,0.01338377963737575,0.016337864596902143 +Pel,S2_conf,heaCap.C,260.0,1.1762827809088418e-17,0.011513513147545236,,0.01221229330323913,0.014236853376054636 +Pel,S2_conf,heaCap.C,270.0,1.2442186403693745e-17,0.01020822201926486,,0.014059017367279734,0.013714361378954834 +Pel,S2_conf,heaCap.C,280.0,1.153112775824547e-17,0.012328092131058722,,0.012308859142677714,0.014402264875819939 +Pel,S2_conf,heaCap.C,290.0,1.0749903226699732e-17,0.011015421806232767,,0.012292145444319287,0.010313068457348746 +Pel,S2_conf,heaCap.C,300.0,9.926901190516636e-18,0.010785848813598384,,0.010524416940054184,0.012295650158048153 +Pel,S2_conf,heaCap.C,310.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,320.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,330.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,340.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,350.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,360.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,370.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,380.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,390.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,400.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,410.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,420.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,430.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,440.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,450.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,460.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,470.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,480.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,490.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,500.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,510.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,520.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,530.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,540.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,550.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,560.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,570.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,580.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,590.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,600.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,610.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,620.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,630.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,640.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,650.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,660.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,670.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heaCap.C,680.0,0.0,0.0003059497506154458,,3.9230605536225804e+26,3.9230605536225804e+26 +Pel,S2_conf,heaCap.C,690.0,4.3187158704031125e-19,0.003142710953667863,,0.0026151648158170234,0.33542872404486107 +Pel,S2_conf,heaCap.C,700.0,4.371674097161122e-19,0.002637398828184401,,0.002286162657060185,0.3321683784993309 +Pel,S2_conf,heaCap.C,710.0,4.970546598038236e-19,0.0034571840191457946,,0.0022095477803033203,0.3511933084349413 +Pel,S2_conf,heaCap.C,720.0,3.613868100453326e-19,0.002642986129095725,,0.002291536082221481,0.3097225045046133 +Pel,S2_conf,heaCap.C,730.0,4.030261194102691e-19,0.003160941592745337,,0.0021360692709622353,0.3166531000493107 +Pel,S2_conf,heaCap.C,740.0,3.3528328172760245e-19,0.0029856917940892383,,0.002345047356188497,0.33789826581025567 +Pel,S2_conf,heaCap.C,750.0,4.518920702349541e-19,0.003200800480922531,,0.0022963473090899084,0.3483463928064978 +Pel,S2_conf,heaCap.C,760.0,4.797366490603138e-19,0.0026767047420917637,,0.002355352874088953,0.3503216471350761 +Pel,S2_conf,heaCap.C,770.0,4.96155135353464e-19,0.003168231675359809,,0.0023466269159699705,0.286818731377054 +Pel,S2_conf,heaCap.C,780.0,3.064298930689504e-18,0.013871460891670812,,0.013704656399173046,0.022676697269277218 +Pel,S2_conf,heaCap.C,790.0,1.4175384838111645e-18,0.015656639823925497,,0.016131244562855165,0.021220299869431008 +Pel,S2_conf,heaCap.C,800.0,3.3264210030650813e-18,0.016613671288727875,,0.018563774963112664,0.021984070878154592 +Pel,S2_conf,heaCap.C,810.0,3.433129447728821e-18,0.015829654603375706,,0.018269994052430828,0.022693865922066375 +Pel,S2_conf,heaCap.C,820.0,5.371752775710347e-18,0.015526001936531017,,0.018335507064558398,0.020284726089939427 +Pel,S2_conf,heaCap.C,830.0,6.784713601507092e-18,0.014143125207530291,,0.016387307821679988,0.022925345500777815 +Pel,S2_conf,heaCap.C,840.0,6.2740495626877636e-18,0.016428283892590455,,0.016712329674693032,0.024502877315409753 +Pel,S2_conf,heaCap.C,850.0,5.786337022057646e-18,0.015052605456933,,0.019606676560226462,0.02140734175526685 +Pel,S2_conf,heaCap.C,860.0,7.08706452962013e-18,0.012115522406778807,,0.01806004148171278,0.021654675577795744 +Pel,S2_conf,heaCap.C,870.0,6.155167097124293e-18,0.016432802687378442,,0.016691326890048735,0.02256152577079585 +Pel,S2_conf,heaCap.C,880.0,3.294266375875673e-18,0.010655824741168897,,0.010435205372457842,0.010028630886407566 +Pel,S2_conf,heaCap.C,890.0,5.091496802339312e-18,0.00959449031531046,,0.009165655047355928,0.009136128602125433 +Pel,S2_conf,heaCap.C,900.0,5.77530074452991e-18,0.011289238256691776,,0.010035311568309908,0.009554979007748758 +Pel,S2_conf,heaCap.C,910.0,5.710463476881295e-18,0.009957763947082525,,0.008601863421126682,0.010278224636666333 +Pel,S2_conf,heaCap.C,920.0,5.941257442789084e-18,0.01019127584343278,,0.009065651722964488,0.010765809140051742 +Pel,S2_conf,heaCap.C,930.0,8.873601542560889e-18,0.013431854531567602,,0.01195571342633411,0.011489434666321303 +Pel,S2_conf,heaCap.C,940.0,7.524694806253562e-18,0.010214091066866143,,0.011047569641332286,0.012613786804643685 +Pel,S2_conf,heaCap.C,950.0,7.458339725914687e-18,0.010449377502483275,,0.010465946458564886,0.009181582255665299 +Pel,S2_conf,heaCap.C,960.0,8.469782119576897e-18,0.01150435577171845,,0.011304006195796464,0.0104925778405303 +Pel,S2_conf,heaCap.C,970.0,7.468495724415934e-18,0.011895898388614526,,0.010007843097681659,0.00922389217013165 +Pel,S2_conf,heaCap.C,980.0,5.442492492833194e-18,0.006032060006751748,,0.008042029428732287,0.007803063620798987 +Pel,S2_conf,heaCap.C,990.0,5.794619331918046e-18,0.008463780953679705,,0.009256087322155946,0.009298407977253086 +Pel,S2_conf,heaCap.C,1000.0,5.202774163973539e-18,0.009429196473114377,,0.008478268879736288,0.00881227534312276 +Pel,S2_conf,heaCap.C,1010.0,6.636916446175817e-18,0.010210565743599987,,0.009593253183605906,0.008391827564714896 +Pel,S2_conf,heaCap.C,1020.0,7.454021749483725e-18,0.008960594648895601,,0.0076915602892879764,0.008356082710633844 +Pel,S2_conf,heaCap.C,1030.0,8.649025187956789e-18,0.009637056962588124,,0.009134439490347798,0.008260667987270409 +Pel,S2_conf,heaCap.C,1040.0,5.968946701738969e-18,0.00957652071279643,,0.00931528668768029,0.009797536585666136 +Pel,S2_conf,heaCap.C,1050.0,6.4328241624373065e-18,0.009365385582100257,,0.008655969010442606,0.00881223734360605 +Pel,S2_conf,heaCap.C,1060.0,6.580855337470507e-18,0.009201090500843001,,0.00912135657579805,0.009116607017726484 +Pel,S2_conf,heaCap.C,1070.0,6.76541312147608e-18,0.010284388424077475,,0.009055451733778752,0.008718629511484116 +Pel,S2_conf,heaCap.C,1080.0,9.917084846289124e-18,0.011729540444695232,,0.016025081269156926,0.01682304683021437 +Pel,S2_conf,heaCap.C,1090.0,8.884142443682948e-18,0.013082643108718412,,0.014436735340797738,0.016598169253290062 +Pel,S2_conf,heaCap.C,1100.0,8.619304643522917e-18,0.012488468435437819,,0.01341576553254108,0.015495034663026052 +Pel,S2_conf,heaCap.C,1110.0,9.086256265199022e-18,0.012070748704977598,,0.012975518684677952,0.014273926659292672 +Pel,S2_conf,heaCap.C,1120.0,9.06036480541511e-18,0.012682953258494186,,0.012050623200935119,0.015708961349666047 +Pel,S2_conf,heaCap.C,1130.0,8.96403457751252e-18,0.011549710804482515,,0.014668365495696433,0.01538151611008131 +Pel,S2_conf,heaCap.C,1140.0,1.0409062981136423e-17,0.013135812801380502,,0.01382870073791636,0.015370428021605308 +Pel,S2_conf,heaCap.C,1150.0,8.995922042234342e-18,0.013550633876004366,,0.012840818417008555,0.015237497875485714 +Pel,S2_conf,heaCap.C,1160.0,7.489790497094467e-18,0.013911291813491291,,0.013951447833078078,0.015666747509059276 +Pel,S2_conf,heaCap.C,1170.0,1.0527689382438023e-17,0.014415514919582801,,0.014230888814582798,0.015216918230425664 +Pel,S2_conf,heaCap.C,1180.0,6.2906986157910975e-18,0.012321157508822896,,0.010350354766118479,0.0148035532468977 +Pel,S2_conf,heaCap.C,1190.0,7.186084392809862e-18,0.013382424540754292,,0.013615406196076133,0.016085463227247136 +Pel,S2_conf,heaCap.C,1200.0,6.490630408861297e-18,0.01298674909033517,,0.01446348585035507,0.014989817672863642 +Pel,S2_conf,heaCap.C,1210.0,7.630672763465487e-18,0.014436159798658072,,0.012653360291207819,0.012555318189290817 +Pel,S2_conf,heaCap.C,1220.0,6.378581353800224e-18,0.01166297370615349,,0.013177124542455261,0.015235028950711648 +Pel,S2_conf,heaCap.C,1230.0,8.01176647210698e-18,0.013043083603474108,,0.014273373884972886,0.013750952753207951 +Pel,S2_conf,heaCap.C,1240.0,8.271986107941717e-18,0.013397025449278357,,0.012399151003381846,0.014568344546845344 +Pel,S2_conf,heaCap.C,1250.0,8.148504599086937e-18,0.013631704662296384,,0.0137313338376604,0.014769959247585595 +Pel,S2_conf,heaCap.C,1260.0,7.247144586526857e-18,0.013073239959083084,,0.01266295034532856,0.012157990104650043 +Pel,S2_conf,heaCap.C,1270.0,7.779654221418913e-18,0.014285921945482397,,0.013170653769470608,0.013873978841017588 +Pel,S2_conf,heaCap.C,1280.0,6.734644263825474e-18,0.010867125567214997,,0.014938187887567969,0.017280395481908448 +Pel,S2_conf,heaCap.C,1290.0,6.678145949516418e-18,0.01357708248482763,,0.015126306915004337,0.014150043408523966 +Pel,S2_conf,heaCap.C,1300.0,6.3077694257411564e-18,0.013320354868936055,,0.012132306134364376,0.0133501408188453 +Pel,S2_conf,heaCap.C,1310.0,6.382485593564238e-18,0.012532599472917141,,0.014696052852660292,0.012736307749537119 +Pel,S2_conf,heaCap.C,1320.0,7.155798665548846e-18,0.013384792997637094,,0.01308868820049585,0.012999796835462317 +Pel,S2_conf,heaCap.C,1330.0,6.632377695723118e-18,0.012742469645780819,,0.01518122937856674,0.013217874895112443 +Pel,S2_conf,heaCap.C,1340.0,6.509751359432667e-18,0.015178873486199645,,0.011642584617564662,0.01378646384461787 +Pel,S2_conf,heaCap.C,1350.0,7.245163697270991e-18,0.015952111631293887,,0.013353580455979435,0.014195979759025496 +Pel,S2_conf,heaCap.C,1360.0,6.004186282851875e-18,0.01420605362053421,,0.013783851665410476,0.012205007011198565 +Pel,S2_conf,heaCap.C,1370.0,7.741309355977093e-18,0.015971184005172806,,0.015052245920988923,0.01337772291145174 +Pel,S2_conf,heaCap.C,1380.0,6.117566670702066e-18,0.012877253189131197,,0.016016563201968582,0.017366965483936948 +Pel,S2_conf,heaCap.C,1390.0,6.297861489994583e-18,0.012565781252340886,,0.015152839988242923,0.01689964766686894 +Pel,S2_conf,heaCap.C,1400.0,7.333043415048204e-18,0.013332833024074736,,0.014928462787492443,0.016509076465933144 +Pel,S2_conf,heaCap.C,1410.0,8.639660662479985e-18,0.011710979896080878,,0.019040772236207072,0.019170535403153416 +Pel,S2_conf,heaCap.C,1420.0,7.675975556516433e-18,0.013798217097596904,,0.015585550324042791,0.01747527773527386 +Pel,S2_conf,heaCap.C,1430.0,7.512059439838735e-18,0.012362621709684475,,0.015806688792751815,0.01814115285641783 +Pel,S2_conf,heaCap.C,1440.0,8.340897117769288e-18,0.013491420738216917,,0.015747011435370252,0.019516887347487712 +Pel,S2_conf,heaCap.C,1450.0,7.205673419104764e-18,0.013001181494871073,,0.015699347413941033,0.01601052736338294 +Pel,S2_conf,heaCap.C,1460.0,5.745709717715938e-18,0.011361820258524764,,0.01667513265717972,0.017086057640437927 +Pel,S2_conf,heaCap.C,1470.0,7.584060489728393e-18,0.014459677259087455,,0.01500662151902201,0.015116219076911587 +Pel,S2_conf,heaCap.C,1480.0,4.251888083056356e-18,0.008670384894619989,,0.012282473688847583,0.012687852653021265 +Pel,S2_conf,heaCap.C,1490.0,4.5924763813377915e-18,0.01004872682387647,,0.011081784065580655,0.011595093484235099 +Pel,S2_conf,heaCap.C,1500.0,5.188600539106791e-18,0.012615403132718245,,0.01153632786309547,0.011803559702603475 +Pel,S2_conf,heaCap.C,1510.0,4.761692529981875e-18,0.01223695475101984,,0.011770197789447457,0.012430312085190015 +Pel,S2_conf,heaCap.C,1520.0,5.957930892526263e-18,0.01210011475645093,,0.012751714890974155,0.012524974417579703 +Pel,S2_conf,heaCap.C,1530.0,5.272327814642618e-18,0.010341311370999187,,0.01184160550297025,0.012714729810400826 +Pel,S2_conf,heaCap.C,1540.0,5.588634394575307e-18,0.011919083519867486,,0.012550429517384111,0.01232228469660295 +Pel,S2_conf,heaCap.C,1550.0,5.193158520317208e-18,0.010587380651953226,,0.01202817688224442,0.013342535847153876 +Pel,S2_conf,heaCap.C,1560.0,5.407880660745127e-18,0.012613943638852815,,0.011329911312226347,0.01078423189202268 +Pel,S2_conf,heaCap.C,1570.0,5.3731135789952344e-18,0.012982566570566312,,0.010786609591677512,0.011097379198689538 +Pel,S2_conf,heaCap.C,1580.0,3.3986663433378753e-18,0.007998971908718958,,0.011930532333191057,0.011169365328131377 +Pel,S2_conf,heaCap.C,1590.0,3.568958783849661e-18,0.010145978853827545,,0.011697664415294469,0.011319943618742249 +Pel,S2_conf,heaCap.C,1600.0,3.4528963678989175e-18,0.009780999822978163,,0.012115400597910332,0.012113629079481898 +Pel,S2_conf,heaCap.C,1610.0,3.8548249212328725e-18,0.010580335083538322,,0.013107915206117073,0.012506065958624355 +Pel,S2_conf,heaCap.C,1620.0,3.4321116983898465e-18,0.010242761527556547,,0.012164175634760447,0.013650821054243492 +Pel,S2_conf,heaCap.C,1630.0,4.280191293865951e-18,0.01154219263259949,,0.012265319086213684,0.013025827973315057 +Pel,S2_conf,heaCap.C,1640.0,4.5457367893223216e-18,0.010587485060450031,,0.013439611492492815,0.011202055348789743 +Pel,S2_conf,heaCap.C,1650.0,4.4429818817855176e-18,0.009676737552450425,,0.011496115814112348,0.011280253728569958 +Pel,S2_conf,heaCap.C,1660.0,5.431432037648227e-18,0.0101380831107659,,0.012594744421285184,0.012665630888107855 +Pel,S2_conf,heaCap.C,1670.0,5.093626571526977e-18,0.012142618966056687,,0.012728300761184334,0.011247050109215291 +Pel,S2_conf,heaCap.C,1680.0,8.794089665892191e-18,0.014182078190205045,,0.01857701235518912,0.019926496548387383 +Pel,S2_conf,heaCap.C,1690.0,9.208551970069738e-18,0.013925932021551547,,0.017396555888210194,0.01865442601909191 +Pel,S2_conf,heaCap.C,1700.0,8.905455762101532e-18,0.015277887943082887,,0.018964400465938766,0.017366207568192946 +Pel,S2_conf,heaCap.C,1710.0,7.685201604159158e-18,0.015586527325704059,,0.015680820038453894,0.01737676824919526 +Pel,S2_conf,heaCap.C,1720.0,7.193904162079304e-18,0.014441959793644573,,0.016148524548144416,0.015782796695437907 +Pel,S2_conf,heaCap.C,1730.0,7.877245450644979e-18,0.014552930599655211,,0.013556488456533643,0.013084192148941772 +Pel,S2_conf,heaCap.C,1740.0,8.719619928679243e-18,0.014682358362331617,,0.016843242222432817,0.015890245890518528 +Pel,S2_conf,heaCap.C,1750.0,7.593211034183031e-18,0.013558431539971437,,0.014902229234210045,0.015173869141424429 +Pel,S2_conf,heaCap.C,1760.0,9.596214602644536e-18,0.014394260502891559,,0.01574292923588064,0.01587858705641183 +Pel,S2_conf,heaCap.C,1770.0,1.03381000723828e-17,0.014020675579526585,,0.014940137305463346,0.016969267866007793 +Pel,S2_conf,heaCap.C,1780.0,9.654067149456158e-18,0.013393882749718552,,0.017325996854343446,0.015377617116115612 +Pel,S2_conf,heaCap.C,1790.0,6.249939871142678e-18,0.014461276862572772,,0.014385471722917095,0.014561551073735949 +Pel,S2_conf,heaCap.C,1800.0,7.130482822892823e-18,0.015032702167692471,,0.014851943461304987,0.01453564359931901 +Pel,S2_conf,heaCap.C,1810.0,6.532749197662411e-18,0.01282095326052612,,0.014678383444309382,0.016005148313239327 +Pel,S2_conf,heaCap.C,1820.0,7.084832087859894e-18,0.015218579431450854,,0.013047146874800608,0.016837791063684267 +Pel,S2_conf,heaCap.C,1830.0,7.200915673346293e-18,0.013379790059395115,,0.01503357927496089,0.016319830840919425 +Pel,S2_conf,heaCap.C,1840.0,7.011575373018115e-18,0.01408797902707086,,0.015151853610951433,0.013680313006668806 +Pel,S2_conf,heaCap.C,1850.0,7.407192908490493e-18,0.013935787702832079,,0.014240721941687011,0.017925860786512322 +Pel,S2_conf,heaCap.C,1860.0,6.604141496262437e-18,0.013924676408311961,,0.013687160924476438,0.014577587123532004 +Pel,S2_conf,heaCap.C,1870.0,6.6021681167982915e-18,0.013989270960493372,,0.015174970270368855,0.015836759444592365 +Pel,S2_conf,heaCap.C,1880.0,9.814287338653487e-18,0.014747002252892287,,0.018369061851169707,0.020761045991777027 +Pel,S2_conf,heaCap.C,1890.0,8.779760507449736e-18,0.0162874224194322,,0.0168030608496631,0.015645901675144108 +Pel,S2_conf,heaCap.C,1900.0,9.430714267218045e-18,0.013659111734416477,,0.01614125118601809,0.016392956600268967 +Pel,S2_conf,heaCap.C,1910.0,9.453357751992983e-18,0.016739460344095243,,0.017352097700898506,0.017145177525859485 +Pel,S2_conf,heaCap.C,1920.0,1.0878359459678266e-17,0.017872989005319834,,0.01945273452012999,0.016904504006934613 +Pel,S2_conf,heaCap.C,1930.0,9.79751158980758e-18,0.018229208185932287,,0.017328295596154137,0.016150558505844254 +Pel,S2_conf,heaCap.C,1940.0,1.0197188536292677e-17,0.01820954466458112,,0.01750724455710558,0.01777733794665203 +Pel,S2_conf,heaCap.C,1950.0,9.364757143309868e-18,0.015295528293282516,,0.0178269639677304,0.015955297060378452 +Pel,S2_conf,heaCap.C,1960.0,9.437282107716511e-18,0.018589485604780204,,0.018541675450219484,0.017236974229817213 +Pel,S2_conf,heaCap.C,1970.0,8.296025748656912e-18,0.01627470694578468,,0.01639020319290973,0.01686151468640696 +Pel,S2_conf,heaCap.C,1980.0,8.57734286517316e-18,0.017396515191129894,,0.021137868231556636,0.02019086403060972 +Pel,S2_conf,heaCap.C,1990.0,7.907905869472059e-18,0.016544527316563428,,0.020647628253713305,0.02003271608072128 +Pel,S2_conf,heaCap.C,2000.0,7.130161781393665e-18,0.015603219235048543,,0.01847358973633699,0.018482716432716012 +Pel,S2_conf,heaCap.C,2010.0,8.126226502891318e-18,0.013536212397725718,,0.01754627466359679,0.017580400250544716 +Pel,S2_conf,heaCap.C,2020.0,7.951401788324831e-18,0.01537385582788985,,0.017651453546340155,0.01587660059167133 +Pel,S2_conf,heaCap.C,2030.0,8.638925078285864e-18,0.014112303743003023,,0.017591432992389064,0.019035410366985264 +Pel,S2_conf,heaCap.C,2040.0,7.671593119151231e-18,0.014424536926825006,,0.016137892182205092,0.017578501667884106 +Pel,S2_conf,heaCap.C,2050.0,6.743963160522006e-18,0.014760814041122677,,0.020307967504025293,0.018356284101995277 +Pel,S2_conf,heaCap.C,2060.0,9.673526680226445e-18,0.014515939380159146,,0.018217254623304268,0.01955877803554699 +Pel,S2_conf,heaCap.C,2070.0,7.264370466080919e-18,0.014243454358554408,,0.016754114807748535,0.01747894785730766 +Pel,S2_conf,heaCap.C,2080.0,4.451026971699297e-18,0.01383124162459963,,0.014045086563018824,0.014068250112421238 +Pel,S2_conf,heaCap.C,2090.0,5.142355212076098e-18,0.014415593315780366,,0.016904721620161732,0.017105213912631943 +Pel,S2_conf,heaCap.C,2100.0,4.0143412341101194e-18,0.014430541649923629,,0.0141454431892233,0.01513307625025046 +Pel,S2_conf,heaCap.C,2110.0,5.604063120520942e-18,0.013068345475868135,,0.012801006067456471,0.013532172525689267 +Pel,S2_conf,heaCap.C,2120.0,5.371564468737618e-18,0.011904849928164356,,0.014386717331439565,0.014620484816801588 +Pel,S2_conf,heaCap.C,2130.0,5.560270250904023e-18,0.013653056137494046,,0.014816255036951652,0.014009508004478251 +Pel,S2_conf,heaCap.C,2140.0,5.115795979727506e-18,0.01548172179984142,,0.012675194527285884,0.012472160204099537 +Pel,S2_conf,heaCap.C,2150.0,5.159104181382414e-18,0.015031411277557593,,0.01254493457169804,0.01451317735311137 +Pel,S2_conf,heaCap.C,2160.0,4.474496549356818e-18,0.011375702832248053,,0.014260261190732437,0.013917219407648519 +Pel,S2_conf,heaCap.C,2170.0,5.248064664590169e-18,0.015506732929914217,,0.0149164463767931,0.014145058031564246 +Pel,S2_conf,heaCap.C,2180.0,3.6611112320233514e-18,0.011112505568594411,,0.013688412010928085,0.015843789498544966 +Pel,S2_conf,heaCap.C,2190.0,5.682728466888213e-18,0.010891391418278143,,0.013161255179501596,0.011718533155798206 +Pel,S2_conf,heaCap.C,2200.0,4.772797805913813e-18,0.012800801467668968,,0.013964715296927653,0.01130818902584976 +Pel,S2_conf,heaCap.C,2210.0,7.07932265636924e-18,0.013702742913258934,,0.014244733867839312,0.014744018707179552 +Pel,S2_conf,heaCap.C,2220.0,5.699627955034209e-18,0.013835787459614219,,0.013879857441462494,0.013855836714424453 +Pel,S2_conf,heaCap.C,2230.0,7.383382461057792e-18,0.014714583816459886,,0.015059578228313397,0.01363026772150865 +Pel,S2_conf,heaCap.C,2240.0,5.94537886053222e-18,0.012561812630833427,,0.014455981359842168,0.012770071270033306 +Pel,S2_conf,heaCap.C,2250.0,5.9020964731472716e-18,0.014680719889842287,,0.013991397169134561,0.014530084029275723 +Pel,S2_conf,heaCap.C,2260.0,5.467077441921257e-18,0.013052519714507296,,0.015055038637163374,0.012744305071543699 +Pel,S2_conf,heaCap.C,2270.0,5.829585459866642e-18,0.01382151926905001,,0.014273254014256184,0.012677763043650578 +Pel,S2_conf,heaCap.C,2280.0,6.053723151869665e-18,0.017971405893424632,,0.021725989221646088,0.0206578794130604 +Pel,S2_conf,heaCap.C,2290.0,9.376016979000293e-18,0.018543618035463675,,0.02114933620742285,0.018221750409963128 +Pel,S2_conf,heaCap.C,2300.0,7.621714115036692e-18,0.01743466894782225,,0.019596039539230146,0.01856058222855988 +Pel,S2_conf,heaCap.C,2310.0,6.633324840527342e-18,0.013729843973441689,,0.015237229950351426,0.01392659622338459 +Pel,S2_conf,heaCap.C,2320.0,6.284079432916912e-18,0.015416916904007103,,0.01622195151658906,0.015580534999335384 +Pel,S2_conf,heaCap.C,2330.0,8.875890077476003e-18,0.015031947172522335,,0.016499613918397344,0.016824523023284597 +Pel,S2_conf,heaCap.C,2340.0,7.478281526835883e-18,0.01508914183125853,,0.015998448918600743,0.015823782450514228 +Pel,S2_conf,heaCap.C,2350.0,7.645752291488502e-18,0.01600995238257732,,0.017758473179541746,0.018820145765747767 +Pel,S2_conf,heaCap.C,2360.0,9.365193819229351e-18,0.014973700451410023,,0.013944524358505678,0.015814713154857152 +Pel,S2_conf,heatPumpSystem.declination,0.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,10.0,,8.370929387432563e-18,1.1016114953635064e-17,2.327237219026308e-16,3.433487103611247e-17 +Pel,S2_conf,heatPumpSystem.declination,20.0,,9.931830875618623e-18,1.5959665301307568e-17,1.453299940899667e-16,7.379165333327542e-17 +Pel,S2_conf,heatPumpSystem.declination,30.0,,1.398026552182982e-17,1.9988943269405837e-17,1.3571488494324e-16,9.691956701107981e-17 +Pel,S2_conf,heatPumpSystem.declination,40.0,,1.9021936177367923e-17,2.7156227161264704e-17,1.5486931129737222e-16,1.192795412445704e-16 +Pel,S2_conf,heatPumpSystem.declination,50.0,,2.812365133239875e-17,2.9531861048353736e-17,9.316421437979915e-17,9.024354932669743e-17 +Pel,S2_conf,heatPumpSystem.declination,60.0,,2.4578506779901626e-17,2.769102087350137e-17,1.1246905250169357e-16,8.223665335362584e-17 +Pel,S2_conf,heatPumpSystem.declination,70.0,,2.4794738074494258e-17,2.7963602302761164e-17,1.0384603551823147e-16,1.7121252579748637e-16 +Pel,S2_conf,heatPumpSystem.declination,80.0,,2.0164876002274042e-17,3.1174117949708754e-17,8.486100016357383e-17,1.6671173113745226e-16 +Pel,S2_conf,heatPumpSystem.declination,90.0,,1.623720857610539e-17,2.2667077497551166e-17,7.25414800475694e-17,1.9220374971083723e-16 +Pel,S2_conf,heatPumpSystem.declination,100.0,,1.3077524052354947e-17,1.9641263926100715e-17,6.659461991179832e-17,1.348132323980168e-16 +Pel,S2_conf,heatPumpSystem.declination,110.0,,1.4243312842638726e-17,1.587885450868676e-17,5.817771923536385e-17,1.8478189409745699e-16 +Pel,S2_conf,heatPumpSystem.declination,120.0,,1.235255032214661e-17,1.658563832255485e-17,4.830145689769306e-17,1.4124101128648363e-16 +Pel,S2_conf,heatPumpSystem.declination,130.0,,1.1218721771889738e-17,1.4308362205295442e-17,4.707919069056698e-17,2.2697014571735603e-16 +Pel,S2_conf,heatPumpSystem.declination,140.0,,1.2507001528776251e-17,1.5986600281641765e-17,4.47682380858252e-17,1.523198000150703e-16 +Pel,S2_conf,heatPumpSystem.declination,150.0,,1.5235737945583157e-17,1.652365609091327e-17,4.03681400993223e-17,2.0370444004309168e-16 +Pel,S2_conf,heatPumpSystem.declination,160.0,,1.545739698370512e-17,1.637798200738734e-17,3.637874859237562e-17,1.788900718389464e-16 +Pel,S2_conf,heatPumpSystem.declination,170.0,,1.448053967093342e-17,1.5821180728421582e-17,3.466951519978275e-17,1.6728452695364603e-16 +Pel,S2_conf,heatPumpSystem.declination,180.0,,1.3031288182263982e-17,1.4996628228782637e-17,3.542330001333694e-17,1.6017145034814173e-16 +Pel,S2_conf,heatPumpSystem.declination,190.0,,1.278493641332416e-17,1.5307714014556194e-17,3.476073569913438e-17,1.8059306496145441e-16 +Pel,S2_conf,heatPumpSystem.declination,200.0,,1.3028062067387097e-17,1.4387606153033625e-17,2.9807352260821786e-17,1.8224078590523129e-16 +Pel,S2_conf,heatPumpSystem.declination,210.0,,1.0570109707366669e-17,1.1035514475092e-17,2.6855291018882824e-17,1.4709639241731576e-16 +Pel,S2_conf,heatPumpSystem.declination,220.0,,9.357739137986026e-18,1.1446741842873007e-17,2.825248767078562e-17,2.1287778016262612e-16 +Pel,S2_conf,heatPumpSystem.declination,230.0,,9.669296662244661e-18,1.108000940971391e-17,2.8871281195691036e-17,1.5169050668176977e-16 +Pel,S2_conf,heatPumpSystem.declination,240.0,,1.0429459167702998e-17,1.3350303171796056e-17,2.621395244248071e-17,2.0346951384332754e-16 +Pel,S2_conf,heatPumpSystem.declination,250.0,,1.0866696874951163e-17,1.0810825076614217e-17,2.4198547033633198e-17,1.96522368225359e-16 +Pel,S2_conf,heatPumpSystem.declination,260.0,,8.468418727258981e-18,1.1762827809088418e-17,2.1283389417041372e-17,2.1427738616604326e-16 +Pel,S2_conf,heatPumpSystem.declination,270.0,,1.0874393032450877e-17,1.2442186403693745e-17,2.326406586691104e-17,2.3812764603119327e-16 +Pel,S2_conf,heatPumpSystem.declination,280.0,,1.1121828973293681e-17,1.153112775824547e-17,2.654821738355659e-17,2.92521661411687e-16 +Pel,S2_conf,heatPumpSystem.declination,290.0,,9.08600243718874e-18,1.0749903226699732e-17,2.170882553106506e-17,1.99709033756645e-16 +Pel,S2_conf,heatPumpSystem.declination,300.0,,9.61046328320384e-18,9.926901190516636e-18,2.1770567006351575e-17,1.3481323239801678e-16 +Pel,S2_conf,heatPumpSystem.declination,310.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,320.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,330.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,340.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,350.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,360.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,370.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,380.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,390.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,400.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,410.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,420.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,430.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,440.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,450.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,460.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,470.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,480.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,490.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,500.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,510.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,520.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,530.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,540.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,550.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,560.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,570.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,580.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,590.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,600.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,610.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,620.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,630.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,640.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,650.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,660.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,670.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,680.0,,0.0,0.0,0.0,0.0 +Pel,S2_conf,heatPumpSystem.declination,690.0,,8.826544984088404e-19,4.3187158704031125e-19,2.0301665237627808e-18,1.458552694158206e-18 +Pel,S2_conf,heatPumpSystem.declination,700.0,,6.333657902188517e-19,4.371674097161122e-19,1.2977735287364569e-18,1.4887941187888313e-18 +Pel,S2_conf,heatPumpSystem.declination,710.0,,1.0994564357440045e-18,4.970546598038236e-19,1.3059777191116862e-18,1.6282310984875303e-18 +Pel,S2_conf,heatPumpSystem.declination,720.0,,4.89089873847062e-19,3.613868100453326e-19,1.3806639497121148e-18,1.442422885498419e-18 +Pel,S2_conf,heatPumpSystem.declination,730.0,,6.005483726468811e-19,4.030261194102691e-19,7.357007266354998e-19,8.826673414650338e-19 +Pel,S2_conf,heatPumpSystem.declination,740.0,,4.69278254376838e-19,3.3528328172760245e-19,2.2732734871075057e-19,0.0 +Pel,S2_conf,heatPumpSystem.declination,750.0,,5.08862901042359e-19,4.518920702349541e-19,7.645975846908372e-19,8.60781686504344e-19 +Pel,S2_conf,heatPumpSystem.declination,760.0,,3.7299805150746546e-19,4.797366490603138e-19,6.535104539573845e-19,2.670237671750164e-19 +Pel,S2_conf,heatPumpSystem.declination,770.0,,7.956454817358019e-19,4.96155135353464e-19,9.932930569157645e-19,1.0008297432860678e-18 +Pel,S2_conf,heatPumpSystem.declination,780.0,,2.193014586737366e-18,3.064298930689504e-18,8.658212958708029e-18,3.730673291925965e-17 +Pel,S2_conf,heatPumpSystem.declination,790.0,,1.4786987941329662e-18,1.4175384838111645e-18,1.6581636436358112e-18,0.0 +Pel,S2_conf,heatPumpSystem.declination,800.0,,2.6433476374295544e-18,3.3264210030650813e-18,1.459631608772212e-17,7.750603912426119e-17 +Pel,S2_conf,heatPumpSystem.declination,810.0,,3.3375431645398314e-18,3.433129447728821e-18,9.138107960149244e-18,3.0617431805573257e-17 +Pel,S2_conf,heatPumpSystem.declination,820.0,,4.370115530125565e-18,5.371752775710347e-18,1.7114310326313453e-17,8.214936871552937e-17 +Pel,S2_conf,heatPumpSystem.declination,830.0,,5.077851240499491e-18,6.784713601507092e-18,1.694099522762879e-17,1.2484837779532494e-16 +Pel,S2_conf,heatPumpSystem.declination,840.0,,5.400291176125005e-18,6.2740495626877636e-18,1.7109308169349625e-17,1.9913343308671702e-16 +Pel,S2_conf,heatPumpSystem.declination,850.0,,6.924685414911146e-18,5.786337022057646e-18,1.2714571841753781e-17,1.348132323980168e-16 +Pel,S2_conf,heatPumpSystem.declination,860.0,,6.051977137071152e-18,7.08706452962013e-18,1.8334858525757857e-17,1.444718035644087e-16 +Pel,S2_conf,heatPumpSystem.declination,870.0,,5.207323434595165e-18,6.155167097124293e-18,1.7710946944419816e-17,1.5859602895745038e-16 +Pel,S2_conf,heatPumpSystem.declination,880.0,,5.056217181331109e-18,3.294266375875673e-18,8.64135279303797e-18,1.1174913224776715e-16 +Pel,S2_conf,heatPumpSystem.declination,890.0,,5.0221346393496925e-18,5.091496802339312e-18,1.788447641519286e-17,1.6027592784631616e-16 +Pel,S2_conf,heatPumpSystem.declination,900.0,,4.299445245230917e-18,5.77530074452991e-18,1.1603395748771341e-17,5.748833719719699e-17 +Pel,S2_conf,heatPumpSystem.declination,910.0,,4.490085892862846e-18,5.710463476881295e-18,2.3872976169572497e-17,1.846783313071461e-16 +Pel,S2_conf,heatPumpSystem.declination,920.0,,5.29863146290168e-18,5.941257442789084e-18,1.552707106341678e-17,9.306790732013721e-17 +Pel,S2_conf,heatPumpSystem.declination,930.0,,7.469194462440154e-18,8.873601542560889e-18,1.5968583152218034e-17,8.467233568722265e-17 +Pel,S2_conf,heatPumpSystem.declination,940.0,,5.525136518363314e-18,7.524694806253562e-18,1.6810846716545313e-17,4.8459783505539886e-17 +Pel,S2_conf,heatPumpSystem.declination,950.0,,6.451378985026994e-18,7.458339725914687e-18,1.2632285410980144e-17,2.1314721739333765e-16 +Pel,S2_conf,heatPumpSystem.declination,960.0,,6.120897615511395e-18,8.469782119576897e-18,2.0291492373812588e-17,1.585960289574504e-16 +Pel,S2_conf,heatPumpSystem.declination,970.0,,6.324435596431518e-18,7.468495724415934e-18,1.2484457665473001e-17,1.5055115021382567e-16 +Pel,S2_conf,heatPumpSystem.declination,980.0,,4.818359622022792e-18,5.442492492833194e-18,1.3066681666508936e-17,2.0246803645937487e-16 +Pel,S2_conf,heatPumpSystem.declination,990.0,,6.568118114386864e-18,5.794619331918046e-18,1.5372608508626977e-17,1.9239028893145386e-16 +Pel,S2_conf,heatPumpSystem.declination,1000.0,,5.9769295031299054e-18,5.202774163973539e-18,1.6257464438675797e-17,2.348920657031343e-16 +Pel,S2_conf,heatPumpSystem.declination,1010.0,,6.7730705358333375e-18,6.636916446175817e-18,1.824799962979743e-17,2.0256250422910592e-16 +Pel,S2_conf,heatPumpSystem.declination,1020.0,,6.877955709685628e-18,7.454021749483725e-18,1.989944209251294e-17,1.694011478380379e-16 +Pel,S2_conf,heatPumpSystem.declination,1030.0,,8.02629182814581e-18,8.649025187956789e-18,1.636221086067292e-17,2.1131053279721402e-16 +Pel,S2_conf,heatPumpSystem.declination,1040.0,,6.965319972694103e-18,5.968946701738969e-18,1.8877716030032395e-17,2.2451244825901265e-16 +Pel,S2_conf,heatPumpSystem.declination,1050.0,,8.150820985922913e-18,6.4328241624373065e-18,1.8015641764005092e-17,2.4309704141575717e-16 +Pel,S2_conf,heatPumpSystem.declination,1060.0,,7.728455906217119e-18,6.580855337470507e-18,1.606251379228612e-17,1.5550496368390687e-16 +Pel,S2_conf,heatPumpSystem.declination,1070.0,,8.271259794441691e-18,6.76541312147608e-18,1.516013548572037e-17,2.3565439077470237e-16 +Pel,S2_conf,heatPumpSystem.declination,1080.0,,8.823476654231176e-18,9.917084846289124e-18,1.5766127000116276e-17,2.016276954997257e-16 +Pel,S2_conf,heatPumpSystem.declination,1090.0,,8.498919981663452e-18,8.884142443682948e-18,1.2841110252212256e-17,1.6842427460619522e-16 +Pel,S2_conf,heatPumpSystem.declination,1100.0,,8.188805243821369e-18,8.619304643522917e-18,1.6711907927537974e-17,1.6393445438468124e-16 +Pel,S2_conf,heatPumpSystem.declination,1110.0,,9.252403374920225e-18,9.086256265199022e-18,1.34094204955476e-17,1.4030669883418796e-16 +Pel,S2_conf,heatPumpSystem.declination,1120.0,,7.966933639864114e-18,9.06036480541511e-18,1.5243210385198167e-17,1.6592090816821454e-16 +Pel,S2_conf,heatPumpSystem.declination,1130.0,,1.0353976989797147e-17,8.96403457751252e-18,1.285788082369242e-17,1.225282924893157e-16 +Pel,S2_conf,heatPumpSystem.declination,1140.0,,1.1503060539085533e-17,1.0409062981136423e-17,1.668238224988384e-17,1.80659262340959e-16 +Pel,S2_conf,heatPumpSystem.declination,1150.0,,9.250411860383585e-18,8.995922042234342e-18,1.3836216366321989e-17,1.5055115021382565e-16 +Pel,S2_conf,heatPumpSystem.declination,1160.0,,1.1756354106861626e-17,7.489790497094467e-18,1.4362675998974703e-17,2.462151133210238e-16 +Pel,S2_conf,heatPumpSystem.declination,1170.0,,1.0836036025580352e-17,1.0527689382438023e-17,1.8419788353404944e-17,1.927876360209219e-16 +Pel,S2_conf,heatPumpSystem.declination,1180.0,,6.594946606592156e-18,6.2906986157910975e-18,1.8239087366789647e-17,1.3309943518805846e-16 +Pel,S2_conf,heatPumpSystem.declination,1190.0,,9.317576605486427e-18,7.186084392809862e-18,1.6409010477753948e-17,2.750356887223817e-16 +Pel,S2_conf,heatPumpSystem.declination,1200.0,,9.203045380030753e-18,6.490630408861297e-18,1.41620122688968e-17,1.7565246325340728e-16 +Pel,S2_conf,heatPumpSystem.declination,1210.0,,1.1865247428096837e-17,7.630672763465487e-18,1.8804741008877027e-17,1.3657557167278894e-16 +Pel,S2_conf,heatPumpSystem.declination,1220.0,,1.19936862640481e-17,6.378581353800224e-18,1.4049399261875373e-17,1.4506647620482884e-16 +Pel,S2_conf,heatPumpSystem.declination,1230.0,,1.0389777187300142e-17,8.01176647210698e-18,1.6670454166187594e-17,1.3585577767253283e-16 +Pel,S2_conf,heatPumpSystem.declination,1240.0,,8.687550969882564e-18,8.271986107941717e-18,1.5540765859694116e-17,8.444608989691545e-17 +Pel,S2_conf,heatPumpSystem.declination,1250.0,,1.1383774631718637e-17,8.148504599086937e-18,1.9818275377401205e-17,1.9159312258093698e-16 +Pel,S2_conf,heatPumpSystem.declination,1260.0,,1.263378523503771e-17,7.247144586526857e-18,1.495867429039819e-17,1.6039524736989354e-16 +Pel,S2_conf,heatPumpSystem.declination,1270.0,,1.1306908475224151e-17,7.779654221418913e-18,1.7381130762913278e-17,9.962074243880547e-17 +Pel,S2_conf,heatPumpSystem.declination,1280.0,,7.02473621934908e-18,6.734644263825474e-18,1.686142491633307e-17,1.5581222532254228e-16 +Pel,S2_conf,heatPumpSystem.declination,1290.0,,6.247445520797946e-18,6.678145949516418e-18,1.3687750225411365e-17,1.0738393856547694e-16 +Pel,S2_conf,heatPumpSystem.declination,1300.0,,6.394353395027549e-18,6.3077694257411564e-18,1.6472598914263012e-17,1.3481323239801683e-16 +Pel,S2_conf,heatPumpSystem.declination,1310.0,,6.989926417965349e-18,6.382485593564238e-18,1.3822834622440396e-17,1.27520551430003e-16 +Pel,S2_conf,heatPumpSystem.declination,1320.0,,7.617547314886133e-18,7.155798665548846e-18,1.6772266374127792e-17,1.5726352008874377e-16 +Pel,S2_conf,heatPumpSystem.declination,1330.0,,6.060071630812099e-18,6.632377695723118e-18,1.6212106723500063e-17,1.6842427460619522e-16 +Pel,S2_conf,heatPumpSystem.declination,1340.0,,7.192216699558534e-18,6.509751359432667e-18,1.2484693806419223e-17,1.609905184726986e-16 +Pel,S2_conf,heatPumpSystem.declination,1350.0,,7.094469582098685e-18,7.245163697270991e-18,1.5351799223838863e-17,1.6218925102517648e-16 +Pel,S2_conf,heatPumpSystem.declination,1360.0,,7.003367497513192e-18,6.004186282851875e-18,1.5415801117410888e-17,1.40698166092602e-16 +Pel,S2_conf,heatPumpSystem.declination,1370.0,,7.08891724388331e-18,7.741309355977093e-18,1.4535443494923323e-17,1.2484837779532496e-16 +Pel,S2_conf,heatPumpSystem.declination,1380.0,,7.568933968762084e-18,6.117566670702066e-18,1.6227696359609964e-17,9.472336997407484e-17 +Pel,S2_conf,heatPumpSystem.declination,1390.0,,5.9549467676545465e-18,6.297861489994583e-18,1.5616567723826417e-17,1.2936377929574409e-16 +Pel,S2_conf,heatPumpSystem.declination,1400.0,,5.950480995270676e-18,7.333043415048204e-18,1.59557828565606e-17,1.3685543994102937e-16 +Pel,S2_conf,heatPumpSystem.declination,1410.0,,5.45016661623227e-18,8.639660662479985e-18,1.5643608629585634e-17,1.5231980001507027e-16 +Pel,S2_conf,heatPumpSystem.declination,1420.0,,5.0642548400376265e-18,7.675975556516433e-18,2.080797112557142e-17,1.378131523945874e-16 +Pel,S2_conf,heatPumpSystem.declination,1430.0,,6.409947230328611e-18,7.512059439838735e-18,1.4897084103393283e-17,1.4954709280816207e-16 +Pel,S2_conf,heatPumpSystem.declination,1440.0,,5.766447480946278e-18,8.340897117769288e-18,2.2384000066036573e-17,9.429320953313873e-17 +Pel,S2_conf,heatPumpSystem.declination,1450.0,,5.338106179096804e-18,7.205673419104764e-18,1.5219329285039382e-17,1.167721649781434e-16 +Pel,S2_conf,heatPumpSystem.declination,1460.0,,5.367277671211363e-18,5.745709717715938e-18,1.9333996992069016e-17,1.7018985049587218e-16 +Pel,S2_conf,heatPumpSystem.declination,1470.0,,5.865286463239206e-18,7.584060489728393e-18,1.4485490381534405e-17,1.5673039605912802e-16 +Pel,S2_conf,heatPumpSystem.declination,1480.0,,4.4958949593353276e-18,4.251888083056356e-18,1.1424406771496642e-17,1.0633211679546703e-16 +Pel,S2_conf,heatPumpSystem.declination,1490.0,,5.050045944559017e-18,4.5924763813377915e-18,1.2229960907959795e-17,9.532735082231565e-17 +Pel,S2_conf,heatPumpSystem.declination,1500.0,,5.223459875390859e-18,5.188600539106791e-18,1.2949330813636293e-17,1.2000410472445767e-16 +Pel,S2_conf,heatPumpSystem.declination,1510.0,,5.9023985280135734e-18,4.761692529981875e-18,1.4620982088933453e-17,1.5642493797096947e-16 +Pel,S2_conf,heatPumpSystem.declination,1520.0,,4.731810838454347e-18,5.957930892526263e-18,1.2402939548369424e-17,7.46134658385193e-17 +Pel,S2_conf,heatPumpSystem.declination,1530.0,,5.206594115684782e-18,5.272327814642618e-18,1.1218090693836684e-17,0.0 +Pel,S2_conf,heatPumpSystem.declination,1540.0,,5.138726498149181e-18,5.588634394575307e-18,1.2282722284903425e-17,1.7718420720932266e-16 +Pel,S2_conf,heatPumpSystem.declination,1550.0,,5.767955666030236e-18,5.193158520317208e-18,1.2799240401199436e-17,1.80659262340959e-16 +Pel,S2_conf,heatPumpSystem.declination,1560.0,,4.991811710996354e-18,5.407880660745127e-18,1.5596867592547538e-17,3.0928276646053627e-17 +Pel,S2_conf,heatPumpSystem.declination,1570.0,,5.865286774608795e-18,5.3731135789952344e-18,1.4769135150465544e-17,7.170425958466266e-17 +Pel,S2_conf,heatPumpSystem.declination,1580.0,,3.7527934511767105e-18,3.3986663433378753e-18,9.510011767452393e-18,3.781606342496221e-17 +Pel,S2_conf,heatPumpSystem.declination,1590.0,,3.4198095807971728e-18,3.568958783849661e-18,1.2990074190139137e-17,9.288786698261149e-17 +Pel,S2_conf,heatPumpSystem.declination,1600.0,,3.1262091150272173e-18,3.4528963678989175e-18,8.89442698917846e-18,6.557232298649517e-17 +Pel,S2_conf,heatPumpSystem.declination,1610.0,,3.3679161371556902e-18,3.8548249212328725e-18,1.1338845921709425e-17,5.681887230485164e-17 +Pel,S2_conf,heatPumpSystem.declination,1620.0,,5.62689949724566e-18,3.4321116983898465e-18,1.3804053801731841e-17,1.0749522882082485e-16 +Pel,S2_conf,heatPumpSystem.declination,1630.0,,4.6302006730185774e-18,4.280191293865951e-18,1.2295139329066854e-17,1.2834303199705429e-16 +Pel,S2_conf,heatPumpSystem.declination,1640.0,,5.0057171920312504e-18,4.5457367893223216e-18,1.343466881569123e-17,8.330564470441939e-17 +Pel,S2_conf,heatPumpSystem.declination,1650.0,,4.4991838491244855e-18,4.4429818817855176e-18,1.2328129741145704e-17,9.185229541671979e-17 +Pel,S2_conf,heatPumpSystem.declination,1660.0,,4.483639483058409e-18,5.431432037648227e-18,1.3299695399876073e-17,1.6476384448308786e-16 +Pel,S2_conf,heatPumpSystem.declination,1670.0,,5.575922231539119e-18,5.093626571526977e-18,1.432870458282624e-17,1.1611498260894486e-16 +Pel,S2_conf,heatPumpSystem.declination,1680.0,,7.070480158452403e-18,8.794089665892191e-18,2.3989016803422737e-17,1.3987994835111522e-16 +Pel,S2_conf,heatPumpSystem.declination,1690.0,,6.1574075775833324e-18,9.208551970069738e-18,1.724541540715766e-17,8.344905270298958e-17 +Pel,S2_conf,heatPumpSystem.declination,1700.0,,7.243282525481188e-18,8.905455762101532e-18,2.4169829020604442e-17,2.500699874440639e-16 +Pel,S2_conf,heatPumpSystem.declination,1710.0,,7.226419657880119e-18,7.685201604159158e-18,2.559626492858384e-17,1.7630474139426985e-16 +Pel,S2_conf,heatPumpSystem.declination,1720.0,,7.292873094760208e-18,7.193904162079304e-18,2.558556719710631e-17,1.7080699059755191e-16 +Pel,S2_conf,heatPumpSystem.declination,1730.0,,8.350126306680876e-18,7.877245450644979e-18,2.786633919584025e-17,1.9614477988714841e-16 +Pel,S2_conf,heatPumpSystem.declination,1740.0,,6.870623825550233e-18,8.719619928679243e-18,2.448228563049611e-17,1.385055111979041e-16 +Pel,S2_conf,heatPumpSystem.declination,1750.0,,7.505660131134357e-18,7.593211034183031e-18,2.432643172406813e-17,1.6039524736989354e-16 +Pel,S2_conf,heatPumpSystem.declination,1760.0,,7.658349211641735e-18,9.596214602644536e-18,2.5444263555363954e-17,2.235731508318611e-16 +Pel,S2_conf,heatPumpSystem.declination,1770.0,,8.302845398942184e-18,1.03381000723828e-17,2.911705693863453e-17,1.5042402234634632e-16 +Pel,S2_conf,heatPumpSystem.declination,1780.0,,7.784970990018773e-18,9.654067149456158e-18,1.6686114719360298e-17,1.548113952965571e-16 +Pel,S2_conf,heatPumpSystem.declination,1790.0,,1.0076881082509166e-17,6.249939871142678e-18,3.0914493570776945e-17,1.838087022562676e-16 +Pel,S2_conf,heatPumpSystem.declination,1800.0,,1.072920167962028e-17,7.130482822892823e-18,2.0189956365047505e-17,1.2684364605166064e-16 +Pel,S2_conf,heatPumpSystem.declination,1810.0,,1.0450936878227603e-17,6.532749197662411e-18,2.225042516132817e-17,2.1287778016262612e-16 +Pel,S2_conf,heatPumpSystem.declination,1820.0,,1.1358645234730564e-17,7.084832087859894e-18,1.997713920713396e-17,1.743543020870135e-16 +Pel,S2_conf,heatPumpSystem.declination,1830.0,,1.0591238154635264e-17,7.200915673346293e-18,1.9849655990910652e-17,9.469812050808608e-17 +Pel,S2_conf,heatPumpSystem.declination,1840.0,,1.1810536305064725e-17,7.011575373018115e-18,2.0994123826879583e-17,2.4211132232290774e-16 +Pel,S2_conf,heatPumpSystem.declination,1850.0,,1.2139091898595006e-17,7.407192908490493e-18,1.8592151301738593e-17,1.4392452850804983e-16 +Pel,S2_conf,heatPumpSystem.declination,1860.0,,1.0697960318469094e-17,6.604141496262437e-18,2.4877580718658705e-17,1.055873427230565e-16 +Pel,S2_conf,heatPumpSystem.declination,1870.0,,1.144199851270749e-17,6.6021681167982915e-18,2.2592796079748212e-17,1.5208412015857834e-16 +Pel,S2_conf,heatPumpSystem.declination,1880.0,,6.3660666996336556e-18,9.814287338653487e-18,1.7289127904693073e-17,1.316542301973706e-16 +Pel,S2_conf,heatPumpSystem.declination,1890.0,,8.058972116113999e-18,8.779760507449736e-18,3.146161009755422e-17,1.6917512886101544e-16 +Pel,S2_conf,heatPumpSystem.declination,1900.0,,6.748099942214857e-18,9.430714267218045e-18,2.04145629328772e-17,3.176742045856165e-16 +Pel,S2_conf,heatPumpSystem.declination,1910.0,,7.752328224185598e-18,9.453357751992983e-18,1.7882859686591448e-17,1.6785536815176359e-16 +Pel,S2_conf,heatPumpSystem.declination,1920.0,,6.643803956522138e-18,1.0878359459678266e-17,1.6495990493362178e-17,1.4233729207598552e-16 +Pel,S2_conf,heatPumpSystem.declination,1930.0,,8.580156368301338e-18,9.79751158980758e-18,1.6696781704698824e-17,1.37256750819501e-16 +Pel,S2_conf,heatPumpSystem.declination,1940.0,,9.456238273309982e-18,1.0197188536292677e-17,2.151088566756079e-17,1.541922710592457e-16 +Pel,S2_conf,heatPumpSystem.declination,1950.0,,7.479223195304957e-18,9.364757143309868e-18,2.0636520415017848e-17,9.826726820816921e-17 +Pel,S2_conf,heatPumpSystem.declination,1960.0,,8.410924718072028e-18,9.437282107716511e-18,2.000592780161398e-17,1.3004595602513954e-16 +Pel,S2_conf,heatPumpSystem.declination,1970.0,,8.595392543375335e-18,8.296025748656912e-18,1.7622236974739762e-17,1.7718420720932266e-16 +Pel,S2_conf,heatPumpSystem.declination,1980.0,,6.4235205576821724e-18,8.57734286517316e-18,2.009375639544773e-17,1.282871212856243e-16 +Pel,S2_conf,heatPumpSystem.declination,1990.0,,5.8281539499464286e-18,7.907905869472059e-18,1.867982333838311e-17,8.953188550985978e-17 +Pel,S2_conf,heatPumpSystem.declination,2000.0,,5.704357057527031e-18,7.130161781393665e-18,1.594105596713481e-17,8.109462551258824e-17 +Pel,S2_conf,heatPumpSystem.declination,2010.0,,6.838559943110254e-18,8.126226502891318e-18,1.854973375573629e-17,1.3523828831051163e-16 +Pel,S2_conf,heatPumpSystem.declination,2020.0,,5.8601836343205876e-18,7.951401788324831e-18,2.224053987131978e-17,1.0722793815729092e-16 +Pel,S2_conf,heatPumpSystem.declination,2030.0,,5.7194371619715e-18,8.638925078285864e-18,1.7285778016874073e-17,1.298251022750024e-16 +Pel,S2_conf,heatPumpSystem.declination,2040.0,,5.567104180961645e-18,7.671593119151231e-18,2.788024141584285e-17,1.0738393856547694e-16 +Pel,S2_conf,heatPumpSystem.declination,2050.0,,5.987238323852483e-18,6.743963160522006e-18,1.600981925851654e-17,9.155893058109506e-17 +Pel,S2_conf,heatPumpSystem.declination,2060.0,,6.045995939552528e-18,9.673526680226445e-18,2.2692824443789825e-17,1.6393445438468122e-16 +Pel,S2_conf,heatPumpSystem.declination,2070.0,,5.865220472258615e-18,7.264370466080919e-18,1.644902605937629e-17,9.098907656654021e-17 +Pel,S2_conf,heatPumpSystem.declination,2080.0,,3.723204982271976e-18,4.451026971699297e-18,2.1027926175515227e-17,8.950517153477315e-17 +Pel,S2_conf,heatPumpSystem.declination,2090.0,,5.025346060494522e-18,5.142355212076098e-18,2.095587912346676e-17,7.750603912426119e-17 +Pel,S2_conf,heatPumpSystem.declination,2100.0,,5.5582248780558255e-18,4.0143412341101194e-18,2.0851556048010177e-17,8.194534300367336e-17 +Pel,S2_conf,heatPumpSystem.declination,2110.0,,5.471462002743986e-18,5.604063120520942e-18,1.7990403800828778e-17,4.351994286144864e-17 +Pel,S2_conf,heatPumpSystem.declination,2120.0,,5.420028795076761e-18,5.371564468737618e-18,2.2151879166741883e-17,1.0767305396938127e-16 +Pel,S2_conf,heatPumpSystem.declination,2130.0,,5.513414319547599e-18,5.560270250904023e-18,2.0764731592019784e-17,1.7323976606498337e-16 +Pel,S2_conf,heatPumpSystem.declination,2140.0,,6.115542372320986e-18,5.115795979727506e-18,2.5648759131744075e-17,1.1088984127894668e-16 +Pel,S2_conf,heatPumpSystem.declination,2150.0,,5.589966822599463e-18,5.159104181382414e-18,1.7310547837410004e-17,1.3300956991875735e-16 +Pel,S2_conf,heatPumpSystem.declination,2160.0,,6.226922784991281e-18,4.474496549356818e-18,2.1906104206964427e-17,1.567761634410523e-16 +Pel,S2_conf,heatPumpSystem.declination,2170.0,,5.550460720704468e-18,5.248064664590169e-18,3.211778541206887e-17,1.1669759703048808e-15 +Pel,S2_conf,heatPumpSystem.declination,2180.0,,3.473508433916207e-18,3.6611112320233514e-18,1.3310804245236895e-17,8.470057391901895e-17 +Pel,S2_conf,heatPumpSystem.declination,2190.0,,4.195154461303288e-18,5.682728466888213e-18,1.1503281672750758e-17,7.993628349660394e-17 +Pel,S2_conf,heatPumpSystem.declination,2200.0,,3.79098392941903e-18,4.772797805913813e-18,1.2422125066631604e-17,9.288786698261149e-17 +Pel,S2_conf,heatPumpSystem.declination,2210.0,,4.6158450443092255e-18,7.07932265636924e-18,1.739870196113566e-17,1.4299102623347348e-16 +Pel,S2_conf,heatPumpSystem.declination,2220.0,,4.415960452146935e-18,5.699627955034209e-18,1.885156476786573e-17,7.371059030393537e-17 +Pel,S2_conf,heatPumpSystem.declination,2230.0,,4.998503665489123e-18,7.383382461057792e-18,1.5534820863265e-17,1.1687451591809958e-16 +Pel,S2_conf,heatPumpSystem.declination,2240.0,,4.217937657544088e-18,5.94537886053222e-18,1.3931990831177652e-17,4.3519942861448635e-17 +Pel,S2_conf,heatPumpSystem.declination,2250.0,,4.994995170596712e-18,5.9020964731472716e-18,1.576387281383705e-17,8.470057391901894e-17 +Pel,S2_conf,heatPumpSystem.declination,2260.0,,4.298869625145736e-18,5.467077441921257e-18,1.8764366477482277e-17,7.563212684992442e-17 +Pel,S2_conf,heatPumpSystem.declination,2270.0,,5.1813850330902325e-18,5.829585459866642e-18,1.3917453300998654e-17,1.2079857950314466e-16 +Pel,S2_conf,heatPumpSystem.declination,2280.0,,4.371587888775968e-18,6.053723151869665e-18,1.5448832020446203e-17,6.806856284422392e-17 +Pel,S2_conf,heatPumpSystem.declination,2290.0,,5.304431613096714e-18,9.376016979000293e-18,2.629127629435975e-17,9.855886311678902e-17 +Pel,S2_conf,heatPumpSystem.declination,2300.0,,6.802982688459792e-18,7.621714115036692e-18,2.2652556439417454e-17,6.039928975157233e-17 +Pel,S2_conf,heatPumpSystem.declination,2310.0,,8.737752613981747e-18,6.633324840527342e-18,1.7391129056145896e-17,1.4629761405982233e-16 +Pel,S2_conf,heatPumpSystem.declination,2320.0,,7.46048505442084e-18,6.284079432916912e-18,2.1909713639257238e-17,1.4500052190444097e-16 +Pel,S2_conf,heatPumpSystem.declination,2330.0,,6.139062292618742e-18,8.875890077476003e-18,2.0468695165151208e-17,1.1174913224776715e-16 +Pel,S2_conf,heatPumpSystem.declination,2340.0,,7.701297454947397e-18,7.478281526835883e-18,1.7487435071195505e-17,1.3055982858434594e-16 +Pel,S2_conf,heatPumpSystem.declination,2350.0,,7.978554555050442e-18,7.645752291488502e-18,1.6531595363884107e-17,1.8370459083343958e-16 +Pel,S2_conf,heatPumpSystem.declination,2360.0,,8.80561337171679e-18,9.365193819229351e-18,2.145458626963996e-17,1.254598213195418e-16 +Pel,S2_conf,rad.n,0.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,10.0,2.327237219026308e-16,0.012343208385267602,0.013462938988850542,,0.05391210583348184 +Pel,S2_conf,rad.n,20.0,1.453299940899667e-16,0.019958749584085184,0.024739422627270205,,0.06595752621660986 +Pel,S2_conf,rad.n,30.0,1.3571488494324e-16,0.029194817682825853,0.03174847136767599,,0.06668908969969786 +Pel,S2_conf,rad.n,40.0,1.5486931129737222e-16,0.030845618157048386,0.03132522667347778,,0.06817196220981507 +Pel,S2_conf,rad.n,50.0,9.316421437979915e-17,0.03483145149940691,0.03105532876627355,,0.06073114963608027 +Pel,S2_conf,rad.n,60.0,1.1246905250169357e-16,0.03132444101565226,0.03530235853075658,,0.055453904960435486 +Pel,S2_conf,rad.n,70.0,1.0384603551823147e-16,0.03123414013305882,0.033796971781659225,,0.05621199468842503 +Pel,S2_conf,rad.n,80.0,8.486100016357383e-17,0.026394662901814615,0.03319066153280231,,0.04768097948241229 +Pel,S2_conf,rad.n,90.0,7.25414800475694e-17,0.02879180151769645,0.02865209744963565,,0.050366891036364485 +Pel,S2_conf,rad.n,100.0,6.659461991179832e-17,0.02528077180555583,0.03131436017660012,,0.0454317525701781 +Pel,S2_conf,rad.n,110.0,5.817771923536385e-17,0.027978054460084657,0.024353594489390486,,0.036432597001976076 +Pel,S2_conf,rad.n,120.0,4.830145689769306e-17,0.0241696208425278,0.02244801288461482,,0.03556820218050358 +Pel,S2_conf,rad.n,130.0,4.707919069056698e-17,0.023501297054473767,0.023746499541804605,,0.035007749788624844 +Pel,S2_conf,rad.n,140.0,4.47682380858252e-17,0.024084286020037232,0.025587076804221995,,0.03304135364264884 +Pel,S2_conf,rad.n,150.0,4.03681400993223e-17,0.021691364640121377,0.022675085492623405,,0.030888361821900374 +Pel,S2_conf,rad.n,160.0,3.637874859237562e-17,0.0208101829905282,0.022068859533693374,,0.029626747263407267 +Pel,S2_conf,rad.n,170.0,3.466951519978275e-17,0.01996681461772125,0.02274242814952146,,0.029332886796316553 +Pel,S2_conf,rad.n,180.0,3.542330001333694e-17,0.020562162560051757,0.020498973400782793,,0.02742569476315657 +Pel,S2_conf,rad.n,190.0,3.476073569913438e-17,0.017535312423101704,0.024403086845467922,,0.025391093600100636 +Pel,S2_conf,rad.n,200.0,2.9807352260821786e-17,0.017097537564162574,0.01863592224421951,,0.022797430992527214 +Pel,S2_conf,rad.n,210.0,2.6855291018882824e-17,0.015936463163889407,0.02015381677084809,,0.02354925331135334 +Pel,S2_conf,rad.n,220.0,2.825248767078562e-17,0.0163150361031283,0.015558781909358686,,0.02111696627473534 +Pel,S2_conf,rad.n,230.0,2.8871281195691036e-17,0.013759750074399958,0.016832195353858593,,0.023615844187249307 +Pel,S2_conf,rad.n,240.0,2.621395244248071e-17,0.011933050152046442,0.015616782393645052,,0.018570031313745763 +Pel,S2_conf,rad.n,250.0,2.4198547033633198e-17,0.011755783993288084,0.01338377963737575,,0.019547139736284365 +Pel,S2_conf,rad.n,260.0,2.1283389417041372e-17,0.01106241958888817,0.01221229330323913,,0.018349940470494857 +Pel,S2_conf,rad.n,270.0,2.326406586691104e-17,0.010330732553187855,0.014059017367279734,,0.019252805869089996 +Pel,S2_conf,rad.n,280.0,2.654821738355659e-17,0.01207677411495125,0.012308859142677714,,0.01900119439510996 +Pel,S2_conf,rad.n,290.0,2.170882553106506e-17,0.010904021688759593,0.012292145444319287,,0.018316348152856324 +Pel,S2_conf,rad.n,300.0,2.1770567006351575e-17,0.010787103376306152,0.010524416940054184,,0.01638354720537424 +Pel,S2_conf,rad.n,310.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,320.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,330.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,340.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,350.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,360.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,370.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,380.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,390.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,400.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,410.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,420.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,430.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,440.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,450.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,460.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,470.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,480.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,490.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,500.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,510.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,520.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,530.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,540.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,550.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,560.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,570.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,580.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,590.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,600.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,610.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,620.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,630.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,640.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,650.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,660.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,670.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,rad.n,680.0,0.0,0.0003059497506154458,3.9230605536225804e+26,,0.0003059497506154458 +Pel,S2_conf,rad.n,690.0,2.0301665237627808e-18,0.0031427109536678625,0.0026151648158170234,,0.7303355870919933 +Pel,S2_conf,rad.n,700.0,1.2977735287364569e-18,0.002637398828184401,0.002286162657060185,,0.6211159448183984 +Pel,S2_conf,rad.n,710.0,1.3059777191116862e-18,0.003457184019145794,0.0022095477803033203,,0.9400360126147912 +Pel,S2_conf,rad.n,720.0,1.3806639497121148e-18,0.002642986129095725,0.002291536082221481,,0.7136516587968023 +Pel,S2_conf,rad.n,730.0,7.357007266354998e-19,0.003160941592745337,0.0021360692709622353,,0.7446450315374827 +Pel,S2_conf,rad.n,740.0,2.2732734871075057e-19,0.0029856917940892383,0.002345047356188497,,0.6374920660875896 +Pel,S2_conf,rad.n,750.0,7.645975846908372e-19,0.0032008004809225316,0.0022963473090899084,,0.8878380282483699 +Pel,S2_conf,rad.n,760.0,6.535104539573845e-19,0.0026767047420917637,0.002355352874088953,,0.6269748304484952 +Pel,S2_conf,rad.n,770.0,9.932930569157645e-19,0.003168231675359809,0.0023466269159699705,,0.6712699828605808 +Pel,S2_conf,rad.n,780.0,8.658212958708029e-18,0.012825517790234935,0.013704656399173046,,0.06024169026405336 +Pel,S2_conf,rad.n,790.0,1.6581636436358112e-18,0.015656639823925497,0.016131244562855165,,0.05139554138657524 +Pel,S2_conf,rad.n,800.0,1.459631608772212e-17,0.01661367128872787,0.018563774963112664,,0.04474505511424265 +Pel,S2_conf,rad.n,810.0,9.138107960149244e-18,0.015829631405211528,0.018269994052430828,,0.05104822229450483 +Pel,S2_conf,rad.n,820.0,1.7114310326313453e-17,0.015535955128225119,0.018335507064558398,,0.04543905611938541 +Pel,S2_conf,rad.n,830.0,1.694099522762879e-17,0.014170872418940762,0.016387307821679988,,0.04855702035747091 +Pel,S2_conf,rad.n,840.0,1.7109308169349625e-17,0.01645514985129901,0.016712329674693032,,0.04325773559841642 +Pel,S2_conf,rad.n,850.0,1.2714571841753781e-17,0.015081980301310447,0.019606676560226462,,0.05032911920664287 +Pel,S2_conf,rad.n,860.0,1.8334858525757857e-17,0.012134425687609453,0.01806004148171278,,0.05505825280581002 +Pel,S2_conf,rad.n,870.0,1.7710946944419816e-17,0.016474980300036347,0.016691326890048735,,0.04952149279361411 +Pel,S2_conf,rad.n,880.0,8.64135279303797e-18,0.010545933606172,0.010435205372457842,,0.033173301449768905 +Pel,S2_conf,rad.n,890.0,1.788447641519286e-17,0.008652183288622415,0.009165655047355928,,0.02936613473854456 +Pel,S2_conf,rad.n,900.0,1.1603395748771341e-17,0.009260660115074527,0.010035311568309908,,0.02886312567571124 +Pel,S2_conf,rad.n,910.0,2.3872976169572497e-17,0.00842989549033638,0.008601863421126682,,0.03047046469292221 +Pel,S2_conf,rad.n,920.0,1.552707106341678e-17,0.009326249690559564,0.009065651722964488,,0.029974257817018044 +Pel,S2_conf,rad.n,930.0,1.5968583152218034e-17,0.011331366536766578,0.01195571342633411,,0.027599361056864093 +Pel,S2_conf,rad.n,940.0,1.6810846716545313e-17,0.008652715557697808,0.011047569641332286,,0.03489087237587926 +Pel,S2_conf,rad.n,950.0,1.2632285410980144e-17,0.008917086177653242,0.010465946458564886,,0.029153566818234486 +Pel,S2_conf,rad.n,960.0,2.0291492373812588e-17,0.010557469849505936,0.011304006195796464,,0.0319141014424612 +Pel,S2_conf,rad.n,970.0,1.2484457665473001e-17,0.009565057374634351,0.010007843097681659,,0.027665320593340145 +Pel,S2_conf,rad.n,980.0,1.3066681666508936e-17,0.006043535044597068,0.008042029428732287,,0.025956670276740066 +Pel,S2_conf,rad.n,990.0,1.5372608508626977e-17,0.008437659412742564,0.009256087322155946,,0.026638792737388638 +Pel,S2_conf,rad.n,1000.0,1.6257464438675797e-17,0.009359700306521552,0.008478268879736288,,0.028331742372056882 +Pel,S2_conf,rad.n,1010.0,1.824799962979743e-17,0.010162812142154106,0.009593253183605906,,0.025853756360811 +Pel,S2_conf,rad.n,1020.0,1.989944209251294e-17,0.008937741737212783,0.0076915602892879764,,0.024487884461351615 +Pel,S2_conf,rad.n,1030.0,1.636221086067292e-17,0.009566927530669409,0.009134439490347798,,0.026921260757308562 +Pel,S2_conf,rad.n,1040.0,1.8877716030032395e-17,0.009522231658382058,0.00931528668768029,,0.022828071450362863 +Pel,S2_conf,rad.n,1050.0,1.8015641764005092e-17,0.009341191903057764,0.008655969010442606,,0.027203140007225037 +Pel,S2_conf,rad.n,1060.0,1.606251379228612e-17,0.009125470654587981,0.00912135657579805,,0.029839310749129138 +Pel,S2_conf,rad.n,1070.0,1.516013548572037e-17,0.010183358138441134,0.009055451733778752,,0.027019428588068935 +Pel,S2_conf,rad.n,1080.0,1.5766127000116276e-17,0.013765665185886646,0.016025081269156926,,0.04063411009761124 +Pel,S2_conf,rad.n,1090.0,1.2841110252212256e-17,0.01306829751981696,0.014436735340797738,,0.0420901408309627 +Pel,S2_conf,rad.n,1100.0,1.6711907927537974e-17,0.012496204564203042,0.01341576553254108,,0.04119606048143368 +Pel,S2_conf,rad.n,1110.0,1.34094204955476e-17,0.012064804613690703,0.012975518684677952,,0.04000212625951079 +Pel,S2_conf,rad.n,1120.0,1.5243210385198167e-17,0.012622636484545365,0.012050623200935119,,0.04824896047603536 +Pel,S2_conf,rad.n,1130.0,1.285788082369242e-17,0.011583602533254975,0.014668365495696433,,0.04091090325949419 +Pel,S2_conf,rad.n,1140.0,1.668238224988384e-17,0.013111725214993469,0.01382870073791636,,0.04526306752736189 +Pel,S2_conf,rad.n,1150.0,1.3836216366321989e-17,0.013553509064834721,0.012840818417008555,,0.03654400926931677 +Pel,S2_conf,rad.n,1160.0,1.4362675998974703e-17,0.013943902628895099,0.013951447833078078,,0.043079683501609095 +Pel,S2_conf,rad.n,1170.0,1.8419788353404944e-17,0.014342367113880103,0.014230888814582798,,0.04228002992299712 +Pel,S2_conf,rad.n,1180.0,1.8239087366789647e-17,0.009878256405279407,0.010350354766118479,,0.052268669466303895 +Pel,S2_conf,rad.n,1190.0,1.6409010477753948e-17,0.013857770981566545,0.013615406196076133,,0.051608816693270027 +Pel,S2_conf,rad.n,1200.0,1.41620122688968e-17,0.01342612160864942,0.01446348585035507,,0.04538052953817887 +Pel,S2_conf,rad.n,1210.0,1.8804741008877027e-17,0.0141341052304268,0.012653360291207819,,0.0502359069200779 +Pel,S2_conf,rad.n,1220.0,1.4049399261875373e-17,0.013495116229047449,0.013177124542455261,,0.051988055248759185 +Pel,S2_conf,rad.n,1230.0,1.6670454166187594e-17,0.013153568613081059,0.014273373884972886,,0.04601228886922533 +Pel,S2_conf,rad.n,1240.0,1.5540765859694116e-17,0.0143345259217391,0.012399151003381846,,0.04579474163741714 +Pel,S2_conf,rad.n,1250.0,1.9818275377401205e-17,0.013321578167548547,0.0137313338376604,,0.05048166975875831 +Pel,S2_conf,rad.n,1260.0,1.495867429039819e-17,0.01359046553424986,0.01266295034532856,,0.04776086065493291 +Pel,S2_conf,rad.n,1270.0,1.7381130762913278e-17,0.01458287586657873,0.013170653769470608,,0.05070859539127901 +Pel,S2_conf,rad.n,1280.0,1.686142491633307e-17,0.010864298696914132,0.014938187887567969,,0.0589877237022194 +Pel,S2_conf,rad.n,1290.0,1.3687750225411365e-17,0.01360816548825394,0.015126306915004337,,0.0588778062791879 +Pel,S2_conf,rad.n,1300.0,1.6472598914263012e-17,0.013342068584836959,0.012132306134364376,,0.0526493868740454 +Pel,S2_conf,rad.n,1310.0,1.3822834622440396e-17,0.012530920397124152,0.014696052852660292,,0.05353279463530975 +Pel,S2_conf,rad.n,1320.0,1.6772266374127792e-17,0.013429173192759047,0.01308868820049585,,0.053272675526717016 +Pel,S2_conf,rad.n,1330.0,1.6212106723500063e-17,0.01278077535187289,0.01518122937856674,,0.05313028999293291 +Pel,S2_conf,rad.n,1340.0,1.2484693806419223e-17,0.01522132250825804,0.011642584617564662,,0.0451655067269413 +Pel,S2_conf,rad.n,1350.0,1.5351799223838863e-17,0.01600853670933411,0.013353580455979435,,0.050173449672414515 +Pel,S2_conf,rad.n,1360.0,1.5415801117410888e-17,0.014258474537609762,0.013783851665410476,,0.05818792812851478 +Pel,S2_conf,rad.n,1370.0,1.4535443494923323e-17,0.015970746966636452,0.015052245920988923,,0.050950009939745744 +Pel,S2_conf,rad.n,1380.0,1.6227696359609964e-17,0.012248794040941143,0.016016563201968582,,0.04467819230779655 +Pel,S2_conf,rad.n,1390.0,1.5616567723826417e-17,0.01258139925495226,0.015152839988242923,,0.05050384948805828 +Pel,S2_conf,rad.n,1400.0,1.59557828565606e-17,0.01338865468107736,0.014928462787492443,,0.04227204368455601 +Pel,S2_conf,rad.n,1410.0,1.5643608629585634e-17,0.011801170646970189,0.019040772236207072,,0.04814392772748725 +Pel,S2_conf,rad.n,1420.0,2.080797112557142e-17,0.01387842003053135,0.015585550324042791,,0.04691618402950276 +Pel,S2_conf,rad.n,1430.0,1.4897084103393283e-17,0.012439626599962303,0.015806688792751815,,0.046223171554091544 +Pel,S2_conf,rad.n,1440.0,2.2384000066036573e-17,0.013535146657071694,0.015747011435370252,,0.05048312057279779 +Pel,S2_conf,rad.n,1450.0,1.5219329285039382e-17,0.013015780816048242,0.015699347413941033,,0.0413945997799161 +Pel,S2_conf,rad.n,1460.0,1.9333996992069016e-17,0.011417922556192527,0.01667513265717972,,0.04256435455044762 +Pel,S2_conf,rad.n,1470.0,1.4485490381534405e-17,0.014482126999370747,0.01500662151902201,,0.04211546642614155 +Pel,S2_conf,rad.n,1480.0,1.1424406771496642e-17,0.008934813542724029,0.012282473688847583,,0.04452469405370869 +Pel,S2_conf,rad.n,1490.0,1.2229960907959795e-17,0.010434446514463864,0.011081784065580655,,0.0444062878358754 +Pel,S2_conf,rad.n,1500.0,1.2949330813636293e-17,0.011483499073406138,0.01153632786309547,,0.04588608203441322 +Pel,S2_conf,rad.n,1510.0,1.4620982088933453e-17,0.011344391189427334,0.011770197789447457,,0.04693676279269525 +Pel,S2_conf,rad.n,1520.0,1.2402939548369424e-17,0.011344413423890578,0.012751714890974155,,0.04240665148160591 +Pel,S2_conf,rad.n,1530.0,1.1218090693836684e-17,0.009939880040168998,0.01184160550297025,,0.039024997054382615 +Pel,S2_conf,rad.n,1540.0,1.2282722284903425e-17,0.011419824613025967,0.012550429517384111,,0.04151494716411704 +Pel,S2_conf,rad.n,1550.0,1.2799240401199436e-17,0.010249705671584295,0.01202817688224442,,0.043021167629173775 +Pel,S2_conf,rad.n,1560.0,1.5596867592547538e-17,0.011260443562997581,0.011329911312226347,,0.045473991235735 +Pel,S2_conf,rad.n,1570.0,1.4769135150465544e-17,0.011777249876982143,0.010786609591677512,,0.04712609613160363 +Pel,S2_conf,rad.n,1580.0,9.510011767452393e-18,0.008746992652901244,0.011930532333191057,,0.042520869459851916 +Pel,S2_conf,rad.n,1590.0,1.2990074190139137e-17,0.010146520130809782,0.011697664415294469,,0.03807659579314177 +Pel,S2_conf,rad.n,1600.0,8.89442698917846e-18,0.009781786764199659,0.012115400597910332,,0.041521703597783774 +Pel,S2_conf,rad.n,1610.0,1.1338845921709425e-17,0.010582743675981736,0.013107915206117073,,0.04305052919612112 +Pel,S2_conf,rad.n,1620.0,1.3804053801731841e-17,0.010244486384495386,0.012164175634760447,,0.043347714874384054 +Pel,S2_conf,rad.n,1630.0,1.2295139329066854e-17,0.011540071840301654,0.012265319086213684,,0.03452438956485822 +Pel,S2_conf,rad.n,1640.0,1.343466881569123e-17,0.010587167842524546,0.013439611492492815,,0.04820526259451673 +Pel,S2_conf,rad.n,1650.0,1.2328129741145704e-17,0.009661377970819156,0.011496115814112348,,0.03682999003525077 +Pel,S2_conf,rad.n,1660.0,1.3299695399876073e-17,0.010126243032504492,0.012594744421285184,,0.04374002255490031 +Pel,S2_conf,rad.n,1670.0,1.432870458282624e-17,0.012098220226824146,0.012728300761184334,,0.042558568009744384 +Pel,S2_conf,rad.n,1680.0,2.3989016803422737e-17,0.015085206210339389,0.01857701235518912,,0.04957676780369352 +Pel,S2_conf,rad.n,1690.0,1.724541540715766e-17,0.01626120913153425,0.017396555888210194,,0.04719112370553624 +Pel,S2_conf,rad.n,1700.0,2.4169829020604442e-17,0.014510324951650402,0.018964400465938766,,0.04844818922550122 +Pel,S2_conf,rad.n,1710.0,2.559626492858384e-17,0.015783717835686297,0.015680820038453894,,0.05207042503014943 +Pel,S2_conf,rad.n,1720.0,2.558556719710631e-17,0.014570016159212206,0.016148524548144416,,0.05072657910362917 +Pel,S2_conf,rad.n,1730.0,2.786633919584025e-17,0.014961220570106156,0.013556488456533643,,0.05203144910842704 +Pel,S2_conf,rad.n,1740.0,2.448228563049611e-17,0.014786339645681542,0.016843242222432817,,0.04501262038920692 +Pel,S2_conf,rad.n,1750.0,2.432643172406813e-17,0.014357180899169458,0.014902229234210045,,0.04851604149562814 +Pel,S2_conf,rad.n,1760.0,2.5444263555363954e-17,0.014375012555785136,0.01574292923588064,,0.05780230492891439 +Pel,S2_conf,rad.n,1770.0,2.911705693863453e-17,0.014508285885453949,0.014940137305463346,,0.051523973438821716 +Pel,S2_conf,rad.n,1780.0,1.6686114719360298e-17,0.012879240904230826,0.017325996854343446,,0.04996586585676443 +Pel,S2_conf,rad.n,1790.0,3.0914493570776945e-17,0.014507360118476866,0.014385471722917095,,0.05506736078137649 +Pel,S2_conf,rad.n,1800.0,2.0189956365047505e-17,0.01602775040399481,0.014851943461304987,,0.061116338542681364 +Pel,S2_conf,rad.n,1810.0,2.225042516132817e-17,0.012833191635365759,0.014678383444309382,,0.054671491246411526 +Pel,S2_conf,rad.n,1820.0,1.997713920713396e-17,0.01606030994354174,0.013047146874800608,,0.05556595938987 +Pel,S2_conf,rad.n,1830.0,1.9849655990910652e-17,0.014205187708348919,0.01503357927496089,,0.05741793169066091 +Pel,S2_conf,rad.n,1840.0,2.0994123826879583e-17,0.013580878079423528,0.015151853610951433,,0.049380704310274914 +Pel,S2_conf,rad.n,1850.0,1.8592151301738593e-17,0.01520746482373012,0.014240721941687011,,0.05832314146024963 +Pel,S2_conf,rad.n,1860.0,2.4877580718658705e-17,0.014765010451122454,0.013687160924476438,,0.06087412648362467 +Pel,S2_conf,rad.n,1870.0,2.2592796079748212e-17,0.01391923038379422,0.015174970270368855,,0.05194061097829011 +Pel,S2_conf,rad.n,1880.0,1.7289127904693073e-17,0.014565333284994745,0.018369061851169707,,0.07276383137448951 +Pel,S2_conf,rad.n,1890.0,3.146161009755422e-17,0.016604354628141606,0.0168030608496631,,0.0698067239738047 +Pel,S2_conf,rad.n,1900.0,2.04145629328772e-17,0.013970383649038952,0.01614125118601809,,0.07478341295831233 +Pel,S2_conf,rad.n,1910.0,1.7882859686591448e-17,0.017024571241608732,0.017352097700898506,,0.06785206209117824 +Pel,S2_conf,rad.n,1920.0,1.6495990493362178e-17,0.018238437111442338,0.01945273452012999,,0.070182813515195 +Pel,S2_conf,rad.n,1930.0,1.6696781704698824e-17,0.018457972613000955,0.017328295596154137,,0.0697387739580633 +Pel,S2_conf,rad.n,1940.0,2.151088566756079e-17,0.018502569494244496,0.01750724455710558,,0.07538811422089443 +Pel,S2_conf,rad.n,1950.0,2.0636520415017848e-17,0.015570528979367632,0.0178269639677304,,0.0698428026651744 +Pel,S2_conf,rad.n,1960.0,2.000592780161398e-17,0.018887595845448028,0.018541675450219484,,0.06152208068423678 +Pel,S2_conf,rad.n,1970.0,1.7622236974739762e-17,0.01661333122518208,0.01639020319290973,,0.07208077115593696 +Pel,S2_conf,rad.n,1980.0,2.009375639544773e-17,0.014418133831907128,0.021137868231556636,,0.05543415207136551 +Pel,S2_conf,rad.n,1990.0,1.867982333838311e-17,0.01688554542008843,0.020647628253713305,,0.06148465142236962 +Pel,S2_conf,rad.n,2000.0,1.594105596713481e-17,0.018478633161931428,0.01847358973633699,,0.06337523854964765 +Pel,S2_conf,rad.n,2010.0,1.854973375573629e-17,0.012831651882646782,0.01754627466359679,,0.062274186690769104 +Pel,S2_conf,rad.n,2020.0,2.224053987131978e-17,0.016143059650417856,0.017651453546340155,,0.054595130742063486 +Pel,S2_conf,rad.n,2030.0,1.7285778016874073e-17,0.013548164519173388,0.017591432992389064,,0.055390683295167505 +Pel,S2_conf,rad.n,2040.0,2.788024141584285e-17,0.016205978051478193,0.016137892182205092,,0.05154298232413741 +Pel,S2_conf,rad.n,2050.0,1.600981925851654e-17,0.015113819450173378,0.020307967504025293,,0.05688959865797284 +Pel,S2_conf,rad.n,2060.0,2.2692824443789825e-17,0.015154710772479122,0.018217254623304268,,0.06050067075493066 +Pel,S2_conf,rad.n,2070.0,1.644902605937629e-17,0.017155472665871235,0.016754114807748535,,0.056968346081533325 +Pel,S2_conf,rad.n,2080.0,2.1027926175515227e-17,0.012439812265436886,0.014045086563018824,,0.04789115579656994 +Pel,S2_conf,rad.n,2090.0,2.095587912346676e-17,0.013973603763353536,0.016904721620161732,,0.04795630029576142 +Pel,S2_conf,rad.n,2100.0,2.0851556048010177e-17,0.013416720180144913,0.0141454431892233,,0.05309765400349429 +Pel,S2_conf,rad.n,2110.0,1.7990403800828778e-17,0.013522137331683708,0.012801006067456471,,0.045416865052292435 +Pel,S2_conf,rad.n,2120.0,2.2151879166741883e-17,0.01223468903455019,0.014386717331439565,,0.04511622632601816 +Pel,S2_conf,rad.n,2130.0,2.0764731592019784e-17,0.01387046219887803,0.014816255036951652,,0.047236531037707995 +Pel,S2_conf,rad.n,2140.0,2.5648759131744075e-17,0.014142645466938733,0.012675194527285884,,0.05223663882991119 +Pel,S2_conf,rad.n,2150.0,1.7310547837410004e-17,0.014932708588092002,0.01254493457169804,,0.051961088733952096 +Pel,S2_conf,rad.n,2160.0,2.1906104206964427e-17,0.01182608726928254,0.014260261190732437,,0.0495961695839077 +Pel,S2_conf,rad.n,2170.0,3.211778541206887e-17,0.015113669014031265,0.0149164463767931,,0.054044936932065336 +Pel,S2_conf,rad.n,2180.0,1.3310804245236895e-17,0.010198804724372132,0.013688412010928085,,0.04526862298954016 +Pel,S2_conf,rad.n,2190.0,1.1503281672750758e-17,0.011583672772762744,0.013161255179501596,,0.05418324645397203 +Pel,S2_conf,rad.n,2200.0,1.2422125066631604e-17,0.012779173606460739,0.013964715296927653,,0.05325258659817274 +Pel,S2_conf,rad.n,2210.0,1.739870196113566e-17,0.013523076997413674,0.014244733867839312,,0.05160889461940987 +Pel,S2_conf,rad.n,2220.0,1.885156476786573e-17,0.013697834509219216,0.013879857441462494,,0.04609407675030285 +Pel,S2_conf,rad.n,2230.0,1.5534820863265e-17,0.014495335597105663,0.015059578228313397,,0.04938846556297814 +Pel,S2_conf,rad.n,2240.0,1.3931990831177652e-17,0.0130490054461294,0.014455981359842168,,0.04482063250152548 +Pel,S2_conf,rad.n,2250.0,1.576387281383705e-17,0.014232270764176826,0.013991397169134561,,0.05419537302224258 +Pel,S2_conf,rad.n,2260.0,1.8764366477482277e-17,0.013224806515969747,0.015055038637163374,,0.049340603380000674 +Pel,S2_conf,rad.n,2270.0,1.3917453300998654e-17,0.015269861360380964,0.014273254014256184,,0.05047495374947305 +Pel,S2_conf,rad.n,2280.0,1.5448832020446203e-17,0.019546657115270132,0.021725989221646088,,0.05981045620320905 +Pel,S2_conf,rad.n,2290.0,2.629127629435975e-17,0.020147803847576074,0.02114933620742285,,0.06404825963653595 +Pel,S2_conf,rad.n,2300.0,2.2652556439417454e-17,0.01808866252532496,0.019596039539230146,,0.055138846611268354 +Pel,S2_conf,rad.n,2310.0,1.7391129056145896e-17,0.014567242413404577,0.015237229950351426,,0.051736704342717786 +Pel,S2_conf,rad.n,2320.0,2.1909713639257238e-17,0.015902774149280686,0.01622195151658906,,0.05821814208187801 +Pel,S2_conf,rad.n,2330.0,2.0468695165151208e-17,0.016807877545833877,0.016499613918397344,,0.05094431452738722 +Pel,S2_conf,rad.n,2340.0,1.7487435071195505e-17,0.015335088256746888,0.015998448918600743,,0.05606336084089582 +Pel,S2_conf,rad.n,2350.0,1.6531595363884107e-17,0.015540435390888542,0.017758473179541746,,0.046323167311878015 +Pel,S2_conf,rad.n,2360.0,2.145458626963996e-17,0.015027253745423722,0.013944524358505678,,0.05241124625830848 +Pel,S2_conf,theCon.G,0.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,10.0,3.433487103611247e-17,0.011760093726065608,0.014225555447338696,0.05391210583348184, +Pel,S2_conf,theCon.G,20.0,7.379165333327542e-17,0.018275352512014554,0.02223390041812912,0.06595752621660986, +Pel,S2_conf,theCon.G,30.0,9.691956701107981e-17,0.026352622310933944,0.03174461448163551,0.06668908969969786, +Pel,S2_conf,theCon.G,40.0,1.192795412445704e-16,0.029620093741730625,0.03515609128103906,0.06817196220981507, +Pel,S2_conf,theCon.G,50.0,9.024354932669743e-17,0.03351061716435412,0.041843974243929286,0.06073114963608027, +Pel,S2_conf,theCon.G,60.0,8.223665335362584e-17,0.030371250458454832,0.0447841836205846,0.055453904960435486, +Pel,S2_conf,theCon.G,70.0,1.7121252579748637e-16,0.03291374554836072,0.04075183297994327,0.05621199468842503, +Pel,S2_conf,theCon.G,80.0,1.6671173113745226e-16,0.03011501646335825,0.035963008862826634,0.04768097948241229, +Pel,S2_conf,theCon.G,90.0,1.9220374971083723e-16,0.02851561960261338,0.035607263139646045,0.050366891036364485, +Pel,S2_conf,theCon.G,100.0,1.348132323980168e-16,0.023711312137050192,0.032869106748061705,0.0454317525701781, +Pel,S2_conf,theCon.G,110.0,1.8478189409745699e-16,0.026070433331466393,0.025345534319866313,0.036432597001976076, +Pel,S2_conf,theCon.G,120.0,1.4124101128648363e-16,0.02380335713763345,0.02665518120854546,0.03556820218050358, +Pel,S2_conf,theCon.G,130.0,2.2697014571735603e-16,0.02300095026209209,0.02725767870297751,0.035007749788624844, +Pel,S2_conf,theCon.G,140.0,1.523198000150703e-16,0.025051205261694645,0.026685432961611216,0.03304135364264884, +Pel,S2_conf,theCon.G,150.0,2.0370444004309168e-16,0.024353647123708442,0.02476454499720263,0.030888361821900374, +Pel,S2_conf,theCon.G,160.0,1.788900718389464e-16,0.02202334589390534,0.02600545335864879,0.029626747263407267, +Pel,S2_conf,theCon.G,170.0,1.6728452695364603e-16,0.020099140606245704,0.02598593501756129,0.029332886796316553, +Pel,S2_conf,theCon.G,180.0,1.6017145034814173e-16,0.019822697960360614,0.024349694892952634,0.02742569476315657, +Pel,S2_conf,theCon.G,190.0,1.8059306496145441e-16,0.01709840353545205,0.02440060145288801,0.025391093600100636, +Pel,S2_conf,theCon.G,200.0,1.8224078590523129e-16,0.017868516283842645,0.020081455852686423,0.022797430992527214, +Pel,S2_conf,theCon.G,210.0,1.4709639241731576e-16,0.017680088956258916,0.022822601422298475,0.02354925331135334, +Pel,S2_conf,theCon.G,220.0,2.1287778016262612e-16,0.017035222925004884,0.015835836177474236,0.02111696627473534, +Pel,S2_conf,theCon.G,230.0,1.5169050668176977e-16,0.014061530002372898,0.016775022831929377,0.023615844187249307, +Pel,S2_conf,theCon.G,240.0,2.0346951384332754e-16,0.014006063024523075,0.015619532475759415,0.018570031313745763, +Pel,S2_conf,theCon.G,250.0,1.96522368225359e-16,0.013574288750039996,0.016337864596902143,0.019547139736284365, +Pel,S2_conf,theCon.G,260.0,2.1427738616604326e-16,0.011595961749552559,0.014236853376054636,0.018349940470494857, +Pel,S2_conf,theCon.G,270.0,2.3812764603119327e-16,0.011462167488808229,0.013714361378954834,0.019252805869089996, +Pel,S2_conf,theCon.G,280.0,2.92521661411687e-16,0.011965102025134339,0.014402264875819939,0.01900119439510996, +Pel,S2_conf,theCon.G,290.0,1.99709033756645e-16,0.012279042903784664,0.010313068457348746,0.018316348152856324, +Pel,S2_conf,theCon.G,300.0,1.3481323239801678e-16,0.011228069154027622,0.012295650158048153,0.01638354720537424, +Pel,S2_conf,theCon.G,310.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,320.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,330.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,340.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,350.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,360.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,370.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,380.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,390.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,400.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,410.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,420.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,430.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,440.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,450.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,460.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,470.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,480.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,490.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,500.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,510.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,520.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,530.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,540.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,550.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,560.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,570.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,580.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,590.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,600.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,610.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,620.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,630.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,640.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,650.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,660.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,670.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,theCon.G,680.0,0.0,0.0003059497506154458,3.9230605536225804e+26,0.0003059497506154458, +Pel,S2_conf,theCon.G,690.0,1.458552694158206e-18,0.003142710953667863,0.33542872404486107,0.7303355870919933, +Pel,S2_conf,theCon.G,700.0,1.4887941187888313e-18,0.002637398828184401,0.3321683784993309,0.6211159448183984, +Pel,S2_conf,theCon.G,710.0,1.6282310984875303e-18,0.003457184019145794,0.3511933084349413,0.9400360126147912, +Pel,S2_conf,theCon.G,720.0,1.442422885498419e-18,0.0026429861290957245,0.3097225045046133,0.7136516587968023, +Pel,S2_conf,theCon.G,730.0,8.826673414650338e-19,0.0031609415927453363,0.3166531000493107,0.7446450315374827, +Pel,S2_conf,theCon.G,740.0,0.0,0.0029856917940892383,0.33789826581025567,0.6374920660875896, +Pel,S2_conf,theCon.G,750.0,8.60781686504344e-19,0.003200800480922532,0.3483463928064978,0.8878380282483699, +Pel,S2_conf,theCon.G,760.0,2.670237671750164e-19,0.0026767047420917637,0.3503216471350761,0.6269748304484952, +Pel,S2_conf,theCon.G,770.0,1.0008297432860678e-18,0.003168231675359809,0.286818731377054,0.6712699828605808, +Pel,S2_conf,theCon.G,780.0,3.730673291925965e-17,0.020389245581134613,0.022676697269277218,0.06024169026405336, +Pel,S2_conf,theCon.G,790.0,0.0,0.0209928344538416,0.021220299869431008,0.05139554138657524, +Pel,S2_conf,theCon.G,800.0,7.750603912426119e-17,0.01987294883828554,0.021984070878154592,0.04474505511424265, +Pel,S2_conf,theCon.G,810.0,3.0617431805573257e-17,0.02053182402412638,0.022693865922066375,0.05104822229450483, +Pel,S2_conf,theCon.G,820.0,8.214936871552937e-17,0.019153574363294398,0.020284726089939427,0.04543905611938541, +Pel,S2_conf,theCon.G,830.0,1.2484837779532494e-16,0.021314511279819735,0.022925345500777815,0.04855702035747091, +Pel,S2_conf,theCon.G,840.0,1.9913343308671702e-16,0.021739674630569302,0.024502877315409753,0.04325773559841642, +Pel,S2_conf,theCon.G,850.0,1.348132323980168e-16,0.021214502643838843,0.02140734175526685,0.05032911920664287, +Pel,S2_conf,theCon.G,860.0,1.444718035644087e-16,0.021114772355762357,0.021654675577795744,0.05505825280581002, +Pel,S2_conf,theCon.G,870.0,1.5859602895745038e-16,0.021339469681831324,0.02256152577079585,0.04952149279361411, +Pel,S2_conf,theCon.G,880.0,1.1174913224776715e-16,0.010832251792652832,0.010028630886407566,0.033173301449768905, +Pel,S2_conf,theCon.G,890.0,1.6027592784631616e-16,0.011325444832194552,0.009136128602125433,0.02936613473854456, +Pel,S2_conf,theCon.G,900.0,5.748833719719699e-17,0.009899246108096567,0.009554979007748758,0.02886312567571124, +Pel,S2_conf,theCon.G,910.0,1.846783313071461e-16,0.009943676895949261,0.010278224636666333,0.03047046469292221, +Pel,S2_conf,theCon.G,920.0,9.306790732013721e-17,0.010505697573893094,0.010765809140051742,0.029974257817018044, +Pel,S2_conf,theCon.G,930.0,8.467233568722265e-17,0.012273754145463176,0.011489434666321303,0.027599361056864093, +Pel,S2_conf,theCon.G,940.0,4.8459783505539886e-17,0.010672010295408157,0.012613786804643685,0.03489087237587926, +Pel,S2_conf,theCon.G,950.0,2.1314721739333765e-16,0.009474641772933034,0.009181582255665299,0.029153566818234486, +Pel,S2_conf,theCon.G,960.0,1.585960289574504e-16,0.009665460944010735,0.0104925778405303,0.0319141014424612, +Pel,S2_conf,theCon.G,970.0,1.5055115021382567e-16,0.01035324228313311,0.00922389217013165,0.027665320593340145, +Pel,S2_conf,theCon.G,980.0,2.0246803645937487e-16,0.006613609333406482,0.007803063620798987,0.025956670276740066, +Pel,S2_conf,theCon.G,990.0,1.9239028893145386e-16,0.009413141113930603,0.009298407977253086,0.026638792737388638, +Pel,S2_conf,theCon.G,1000.0,2.348920657031343e-16,0.009244847985209794,0.00881227534312276,0.028331742372056882, +Pel,S2_conf,theCon.G,1010.0,2.0256250422910592e-16,0.009735080271517777,0.008391827564714896,0.025853756360811, +Pel,S2_conf,theCon.G,1020.0,1.694011478380379e-16,0.009236867131069635,0.008356082710633844,0.024487884461351615, +Pel,S2_conf,theCon.G,1030.0,2.1131053279721402e-16,0.009133623456138891,0.008260667987270409,0.026921260757308562, +Pel,S2_conf,theCon.G,1040.0,2.2451244825901265e-16,0.009919801283434764,0.009797536585666136,0.022828071450362863, +Pel,S2_conf,theCon.G,1050.0,2.4309704141575717e-16,0.008944174671455501,0.00881223734360605,0.027203140007225037, +Pel,S2_conf,theCon.G,1060.0,1.5550496368390687e-16,0.009614795083456647,0.009116607017726484,0.029839310749129138, +Pel,S2_conf,theCon.G,1070.0,2.3565439077470237e-16,0.0101569654957551,0.008718629511484116,0.027019428588068935, +Pel,S2_conf,theCon.G,1080.0,2.016276954997257e-16,0.013396999776378826,0.01682304683021437,0.04063411009761124, +Pel,S2_conf,theCon.G,1090.0,1.6842427460619522e-16,0.012901581251766709,0.016598169253290062,0.0420901408309627, +Pel,S2_conf,theCon.G,1100.0,1.6393445438468124e-16,0.013291379309161362,0.015495034663026052,0.04119606048143368, +Pel,S2_conf,theCon.G,1110.0,1.4030669883418796e-16,0.013352386303403166,0.014273926659292672,0.04000212625951079, +Pel,S2_conf,theCon.G,1120.0,1.6592090816821454e-16,0.014013991777948343,0.015708961349666047,0.04824896047603536, +Pel,S2_conf,theCon.G,1130.0,1.225282924893157e-16,0.013765641845186641,0.01538151611008131,0.04091090325949419, +Pel,S2_conf,theCon.G,1140.0,1.80659262340959e-16,0.012318968915715755,0.015370428021605308,0.04526306752736189, +Pel,S2_conf,theCon.G,1150.0,1.5055115021382565e-16,0.014143251362690411,0.015237497875485714,0.03654400926931677, +Pel,S2_conf,theCon.G,1160.0,2.462151133210238e-16,0.014431872844543907,0.015666747509059276,0.043079683501609095, +Pel,S2_conf,theCon.G,1170.0,1.927876360209219e-16,0.014640968222459675,0.015216918230425664,0.04228002992299712, +Pel,S2_conf,theCon.G,1180.0,1.3309943518805846e-16,0.013694972072221551,0.0148035532468977,0.052268669466303895, +Pel,S2_conf,theCon.G,1190.0,2.750356887223817e-16,0.012873092141251418,0.016085463227247136,0.051608816693270027, +Pel,S2_conf,theCon.G,1200.0,1.7565246325340728e-16,0.012247602633492982,0.014989817672863642,0.04538052953817887, +Pel,S2_conf,theCon.G,1210.0,1.3657557167278894e-16,0.011495672778239534,0.012555318189290817,0.0502359069200779, +Pel,S2_conf,theCon.G,1220.0,1.4506647620482884e-16,0.014068871329809792,0.015235028950711648,0.051988055248759185, +Pel,S2_conf,theCon.G,1230.0,1.3585577767253283e-16,0.011151866796700959,0.013750952753207951,0.04601228886922533, +Pel,S2_conf,theCon.G,1240.0,8.444608989691545e-17,0.014514168699378658,0.014568344546845344,0.04579474163741714, +Pel,S2_conf,theCon.G,1250.0,1.9159312258093698e-16,0.01203446714831919,0.014769959247585595,0.05048166975875831, +Pel,S2_conf,theCon.G,1260.0,1.6039524736989354e-16,0.01245795350357558,0.012157990104650043,0.04776086065493291, +Pel,S2_conf,theCon.G,1270.0,9.962074243880547e-17,0.012814102712157386,0.013873978841017588,0.05070859539127901, +Pel,S2_conf,theCon.G,1280.0,1.5581222532254228e-16,0.014100862407338668,0.017280395481908448,0.0589877237022194, +Pel,S2_conf,theCon.G,1290.0,1.0738393856547694e-16,0.014817343237022848,0.014150043408523966,0.0588778062791879, +Pel,S2_conf,theCon.G,1300.0,1.3481323239801683e-16,0.013966706148331686,0.0133501408188453,0.0526493868740454, +Pel,S2_conf,theCon.G,1310.0,1.27520551430003e-16,0.014846702884676067,0.012736307749537119,0.05353279463530975, +Pel,S2_conf,theCon.G,1320.0,1.5726352008874377e-16,0.012702383755685437,0.012999796835462317,0.053272675526717016, +Pel,S2_conf,theCon.G,1330.0,1.6842427460619522e-16,0.013498436086515585,0.013217874895112443,0.05313028999293291, +Pel,S2_conf,theCon.G,1340.0,1.609905184726986e-16,0.014667350505816917,0.01378646384461787,0.0451655067269413, +Pel,S2_conf,theCon.G,1350.0,1.6218925102517648e-16,0.01548014452229113,0.014195979759025496,0.050173449672414515, +Pel,S2_conf,theCon.G,1360.0,1.40698166092602e-16,0.013286562008218983,0.012205007011198565,0.05818792812851478, +Pel,S2_conf,theCon.G,1370.0,1.2484837779532496e-16,0.015624955161918277,0.01337772291145174,0.050950009939745744, +Pel,S2_conf,theCon.G,1380.0,9.472336997407484e-17,0.015331741476900076,0.017366965483936948,0.04467819230779655, +Pel,S2_conf,theCon.G,1390.0,1.2936377929574409e-16,0.013744395853623694,0.01689964766686894,0.05050384948805828, +Pel,S2_conf,theCon.G,1400.0,1.3685543994102937e-16,0.013902865297838334,0.016509076465933144,0.04227204368455601, +Pel,S2_conf,theCon.G,1410.0,1.5231980001507027e-16,0.013235700431081392,0.019170535403153416,0.04814392772748725, +Pel,S2_conf,theCon.G,1420.0,1.378131523945874e-16,0.01544475473551971,0.01747527773527386,0.04691618402950276, +Pel,S2_conf,theCon.G,1430.0,1.4954709280816207e-16,0.013222283899561068,0.01814115285641783,0.046223171554091544, +Pel,S2_conf,theCon.G,1440.0,9.429320953313873e-17,0.013912665586263412,0.019516887347487712,0.05048312057279779, +Pel,S2_conf,theCon.G,1450.0,1.167721649781434e-16,0.014010654573391025,0.01601052736338294,0.0413945997799161, +Pel,S2_conf,theCon.G,1460.0,1.7018985049587218e-16,0.01441993281931821,0.017086057640437927,0.04256435455044762, +Pel,S2_conf,theCon.G,1470.0,1.5673039605912802e-16,0.01221112907900117,0.015116219076911587,0.04211546642614155, +Pel,S2_conf,theCon.G,1480.0,1.0633211679546703e-16,0.009621117937899142,0.012687852653021265,0.04452469405370869, +Pel,S2_conf,theCon.G,1490.0,9.532735082231565e-17,0.011856047460853896,0.011595093484235099,0.0444062878358754, +Pel,S2_conf,theCon.G,1500.0,1.2000410472445767e-16,0.010918659278447613,0.011803559702603475,0.04588608203441322, +Pel,S2_conf,theCon.G,1510.0,1.5642493797096947e-16,0.012633658497904569,0.012430312085190015,0.04693676279269525, +Pel,S2_conf,theCon.G,1520.0,7.46134658385193e-17,0.010389820978140216,0.012524974417579703,0.04240665148160591, +Pel,S2_conf,theCon.G,1530.0,0.0,0.010913308392489888,0.012714729810400826,0.039024997054382615, +Pel,S2_conf,theCon.G,1540.0,1.7718420720932266e-16,0.012538669017551879,0.01232228469660295,0.04151494716411704, +Pel,S2_conf,theCon.G,1550.0,1.80659262340959e-16,0.011768618638729456,0.013342535847153876,0.043021167629173775, +Pel,S2_conf,theCon.G,1560.0,3.0928276646053627e-17,0.010893142031231312,0.01078423189202268,0.045473991235735, +Pel,S2_conf,theCon.G,1570.0,7.170425958466266e-17,0.012470107210818872,0.011097379198689538,0.04712609613160363, +Pel,S2_conf,theCon.G,1580.0,3.781606342496221e-17,0.009016989717685539,0.011169365328131377,0.042520869459851916, +Pel,S2_conf,theCon.G,1590.0,9.288786698261149e-17,0.010812084015866447,0.011319943618742249,0.03807659579314177, +Pel,S2_conf,theCon.G,1600.0,6.557232298649517e-17,0.010994658110151725,0.012113629079481898,0.041521703597783774, +Pel,S2_conf,theCon.G,1610.0,5.681887230485164e-17,0.009475378734580648,0.012506065958624355,0.04305052919612112, +Pel,S2_conf,theCon.G,1620.0,1.0749522882082485e-16,0.010917915564362527,0.013650821054243492,0.043347714874384054, +Pel,S2_conf,theCon.G,1630.0,1.2834303199705429e-16,0.01106478677254066,0.013025827973315057,0.03452438956485822, +Pel,S2_conf,theCon.G,1640.0,8.330564470441939e-17,0.010474860494391136,0.011202055348789743,0.04820526259451673, +Pel,S2_conf,theCon.G,1650.0,9.185229541671979e-17,0.009732388917264287,0.011280253728569958,0.03682999003525077, +Pel,S2_conf,theCon.G,1660.0,1.6476384448308786e-16,0.008923767323090373,0.012665630888107855,0.04374002255490031, +Pel,S2_conf,theCon.G,1670.0,1.1611498260894486e-16,0.012141483756165033,0.011247050109215291,0.042558568009744384, +Pel,S2_conf,theCon.G,1680.0,1.3987994835111522e-16,0.014285895774379559,0.019926496548387383,0.04957676780369352, +Pel,S2_conf,theCon.G,1690.0,8.344905270298958e-17,0.015982529664709963,0.01865442601909191,0.04719112370553624, +Pel,S2_conf,theCon.G,1700.0,2.500699874440639e-16,0.013899989247665083,0.017366207568192946,0.04844818922550122, +Pel,S2_conf,theCon.G,1710.0,1.7630474139426985e-16,0.015680856546087345,0.01737676824919526,0.05207042503014943, +Pel,S2_conf,theCon.G,1720.0,1.7080699059755191e-16,0.01394604636909673,0.015782796695437907,0.05072657910362917, +Pel,S2_conf,theCon.G,1730.0,1.9614477988714841e-16,0.013624748196227695,0.013084192148941772,0.05203144910842704, +Pel,S2_conf,theCon.G,1740.0,1.385055111979041e-16,0.0139292526756801,0.015890245890518528,0.04501262038920692, +Pel,S2_conf,theCon.G,1750.0,1.6039524736989354e-16,0.014110022989856566,0.015173869141424429,0.04851604149562814, +Pel,S2_conf,theCon.G,1760.0,2.235731508318611e-16,0.014072411031833116,0.01587858705641183,0.05780230492891439, +Pel,S2_conf,theCon.G,1770.0,1.5042402234634632e-16,0.015490129102301286,0.016969267866007793,0.051523973438821716, +Pel,S2_conf,theCon.G,1780.0,1.548113952965571e-16,0.011085245126696532,0.015377617116115612,0.04996586585676443, +Pel,S2_conf,theCon.G,1790.0,1.838087022562676e-16,0.01364939903667647,0.014561551073735949,0.05506736078137649, +Pel,S2_conf,theCon.G,1800.0,1.2684364605166064e-16,0.012805434649276198,0.01453564359931901,0.061116338542681364, +Pel,S2_conf,theCon.G,1810.0,2.1287778016262612e-16,0.014770805947573119,0.016005148313239327,0.054671491246411526, +Pel,S2_conf,theCon.G,1820.0,1.743543020870135e-16,0.013114688339317643,0.016837791063684267,0.05556595938987, +Pel,S2_conf,theCon.G,1830.0,9.469812050808608e-17,0.013890967659735989,0.016319830840919425,0.05741793169066091, +Pel,S2_conf,theCon.G,1840.0,2.4211132232290774e-16,0.014394971749236728,0.013680313006668806,0.049380704310274914, +Pel,S2_conf,theCon.G,1850.0,1.4392452850804983e-16,0.01420621975915967,0.017925860786512322,0.05832314146024963, +Pel,S2_conf,theCon.G,1860.0,1.055873427230565e-16,0.014481537674144583,0.014577587123532004,0.06087412648362467, +Pel,S2_conf,theCon.G,1870.0,1.5208412015857834e-16,0.014643327740925978,0.015836759444592365,0.05194061097829011, +Pel,S2_conf,theCon.G,1880.0,1.316542301973706e-16,0.017456293030235333,0.020761045991777027,0.07276383137448951, +Pel,S2_conf,theCon.G,1890.0,1.6917512886101544e-16,0.01386073610202582,0.015645901675144108,0.0698067239738047, +Pel,S2_conf,theCon.G,1900.0,3.176742045856165e-16,0.013588893018409912,0.016392956600268967,0.07478341295831233, +Pel,S2_conf,theCon.G,1910.0,1.6785536815176359e-16,0.015559605353749879,0.017145177525859485,0.06785206209117824, +Pel,S2_conf,theCon.G,1920.0,1.4233729207598552e-16,0.017497585080358893,0.016904504006934613,0.070182813515195, +Pel,S2_conf,theCon.G,1930.0,1.37256750819501e-16,0.015438616403169708,0.016150558505844254,0.0697387739580633, +Pel,S2_conf,theCon.G,1940.0,1.541922710592457e-16,0.01603770861021895,0.01777733794665203,0.07538811422089443, +Pel,S2_conf,theCon.G,1950.0,9.826726820816921e-17,0.01615650836723803,0.015955297060378452,0.0698428026651744, +Pel,S2_conf,theCon.G,1960.0,1.3004595602513954e-16,0.017271646264902064,0.017236974229817213,0.06152208068423678, +Pel,S2_conf,theCon.G,1970.0,1.7718420720932266e-16,0.01711858223382556,0.01686151468640696,0.07208077115593696, +Pel,S2_conf,theCon.G,1980.0,1.282871212856243e-16,0.018374315531639256,0.02019086403060972,0.05543415207136551, +Pel,S2_conf,theCon.G,1990.0,8.953188550985978e-17,0.0191038475155694,0.02003271608072128,0.06148465142236962, +Pel,S2_conf,theCon.G,2000.0,8.109462551258824e-17,0.019782219275876176,0.018482716432716012,0.06337523854964765, +Pel,S2_conf,theCon.G,2010.0,1.3523828831051163e-16,0.016159178727377075,0.017580400250544716,0.062274186690769104, +Pel,S2_conf,theCon.G,2020.0,1.0722793815729092e-16,0.017385918361067287,0.01587660059167133,0.054595130742063486, +Pel,S2_conf,theCon.G,2030.0,1.298251022750024e-16,0.01685775419979258,0.019035410366985264,0.055390683295167505, +Pel,S2_conf,theCon.G,2040.0,1.0738393856547694e-16,0.016840706211971257,0.017578501667884106,0.05154298232413741, +Pel,S2_conf,theCon.G,2050.0,9.155893058109506e-17,0.017240723870748736,0.018356284101995277,0.05688959865797284, +Pel,S2_conf,theCon.G,2060.0,1.6393445438468122e-16,0.017776919591851556,0.01955877803554699,0.06050067075493066, +Pel,S2_conf,theCon.G,2070.0,9.098907656654021e-17,0.017388561294194173,0.01747894785730766,0.056968346081533325, +Pel,S2_conf,theCon.G,2080.0,8.950517153477315e-17,0.01270025892140612,0.014068250112421238,0.04789115579656994, +Pel,S2_conf,theCon.G,2090.0,7.750603912426119e-17,0.01460970801202224,0.017105213912631943,0.04795630029576142, +Pel,S2_conf,theCon.G,2100.0,8.194534300367336e-17,0.014820283868168738,0.01513307625025046,0.05309765400349429, +Pel,S2_conf,theCon.G,2110.0,4.351994286144864e-17,0.0164408849494993,0.013532172525689267,0.045416865052292435, +Pel,S2_conf,theCon.G,2120.0,1.0767305396938127e-16,0.012309983110100177,0.014620484816801588,0.04511622632601816, +Pel,S2_conf,theCon.G,2130.0,1.7323976606498337e-16,0.014529458518306794,0.014009508004478251,0.047236531037707995, +Pel,S2_conf,theCon.G,2140.0,1.1088984127894668e-16,0.014113732468303063,0.012472160204099537,0.05223663882991119, +Pel,S2_conf,theCon.G,2150.0,1.3300956991875735e-16,0.014004517427269601,0.01451317735311137,0.051961088733952096, +Pel,S2_conf,theCon.G,2160.0,1.567761634410523e-16,0.01434091389484742,0.013917219407648519,0.0495961695839077, +Pel,S2_conf,theCon.G,2170.0,1.1669759703048808e-15,0.015382448039798645,0.014145058031564246,0.054044936932065336, +Pel,S2_conf,theCon.G,2180.0,8.470057391901895e-17,0.011293981915392534,0.015843789498544966,0.04526862298954016, +Pel,S2_conf,theCon.G,2190.0,7.993628349660394e-17,0.0109345688021488,0.011718533155798206,0.05418324645397203, +Pel,S2_conf,theCon.G,2200.0,9.288786698261149e-17,0.014071197673934376,0.01130818902584976,0.05325258659817274, +Pel,S2_conf,theCon.G,2210.0,1.4299102623347348e-16,0.01438591424513559,0.014744018707179552,0.05160889461940987, +Pel,S2_conf,theCon.G,2220.0,7.371059030393537e-17,0.015132653379333965,0.013855836714424453,0.04609407675030285, +Pel,S2_conf,theCon.G,2230.0,1.1687451591809958e-16,0.01382610601006261,0.01363026772150865,0.04938846556297814, +Pel,S2_conf,theCon.G,2240.0,4.3519942861448635e-17,0.01268332073278987,0.012770071270033306,0.04482063250152548, +Pel,S2_conf,theCon.G,2250.0,8.470057391901894e-17,0.012451001085399444,0.014530084029275723,0.05419537302224258, +Pel,S2_conf,theCon.G,2260.0,7.563212684992442e-17,0.012547178663038647,0.012744305071543699,0.049340603380000674, +Pel,S2_conf,theCon.G,2270.0,1.2079857950314466e-16,0.011983983366800661,0.012677763043650578,0.05047495374947305, +Pel,S2_conf,theCon.G,2280.0,6.806856284422392e-17,0.019968124730291453,0.0206578794130604,0.05981045620320905, +Pel,S2_conf,theCon.G,2290.0,9.855886311678902e-17,0.016145971649963432,0.018221750409963128,0.06404825963653595, +Pel,S2_conf,theCon.G,2300.0,6.039928975157233e-17,0.018419761741329956,0.01856058222855988,0.055138846611268354, +Pel,S2_conf,theCon.G,2310.0,1.4629761405982233e-16,0.01455765399097644,0.01392659622338459,0.051736704342717786, +Pel,S2_conf,theCon.G,2320.0,1.4500052190444097e-16,0.013623672370078414,0.015580534999335384,0.05821814208187801, +Pel,S2_conf,theCon.G,2330.0,1.1174913224776715e-16,0.016563856239026144,0.016824523023284597,0.05094431452738722, +Pel,S2_conf,theCon.G,2340.0,1.3055982858434594e-16,0.01504719059733298,0.015823782450514228,0.05606336084089582, +Pel,S2_conf,theCon.G,2350.0,1.8370459083343958e-16,0.014744480389358675,0.018820145765747767,0.046323167311878015, +Pel,S2_conf,theCon.G,2360.0,1.254598213195418e-16,0.014117448242334192,0.015814713154857152,0.05241124625830848, +Pel,S2_conf,vol.V,0.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,10.0,8.370929387432563e-18,,0.012147987058550344,0.012343208385267602,0.011760093726065608 +Pel,S2_conf,vol.V,20.0,9.931830875618623e-18,,0.022406725012222625,0.019958749584085184,0.018275352512014554 +Pel,S2_conf,vol.V,30.0,1.398026552182982e-17,,0.03129822275960702,0.029194817682825853,0.026352622310933944 +Pel,S2_conf,vol.V,40.0,1.9021936177367923e-17,,0.033881947139091435,0.030845618157048386,0.029620093741730625 +Pel,S2_conf,vol.V,50.0,2.812365133239875e-17,,0.03705200183737536,0.03483145149940691,0.03351061716435412 +Pel,S2_conf,vol.V,60.0,2.4578506779901626e-17,,0.03188660479154984,0.03132444101565226,0.030371250458454832 +Pel,S2_conf,vol.V,70.0,2.4794738074494258e-17,,0.0330521757180266,0.03123414013305882,0.03291374554836072 +Pel,S2_conf,vol.V,80.0,2.0164876002274042e-17,,0.02976783166560711,0.026394662901814615,0.03011501646335825 +Pel,S2_conf,vol.V,90.0,1.623720857610539e-17,,0.02978821579223996,0.02879180151769645,0.02851561960261338 +Pel,S2_conf,vol.V,100.0,1.3077524052354947e-17,,0.02566571381184633,0.02528077180555583,0.023711312137050192 +Pel,S2_conf,vol.V,110.0,1.4243312842638726e-17,,0.02812978581383299,0.027978054460084657,0.026070433331466393 +Pel,S2_conf,vol.V,120.0,1.235255032214661e-17,,0.0244082425465776,0.0241696208425278,0.02380335713763345 +Pel,S2_conf,vol.V,130.0,1.1218721771889738e-17,,0.025472166597956227,0.023501297054473767,0.02300095026209209 +Pel,S2_conf,vol.V,140.0,1.2507001528776251e-17,,0.024374029958932463,0.024084286020037232,0.025051205261694645 +Pel,S2_conf,vol.V,150.0,1.5235737945583157e-17,,0.022540865145667846,0.021691364640121377,0.024353647123708442 +Pel,S2_conf,vol.V,160.0,1.545739698370512e-17,,0.021059539982551244,0.0208101829905282,0.02202334589390534 +Pel,S2_conf,vol.V,170.0,1.448053967093342e-17,,0.020868201774791657,0.01996681461772125,0.020099140606245704 +Pel,S2_conf,vol.V,180.0,1.3031288182263982e-17,,0.020862494059827947,0.020562162560051757,0.019822697960360614 +Pel,S2_conf,vol.V,190.0,1.278493641332416e-17,,0.017992393990911265,0.017535312423101704,0.01709840353545205 +Pel,S2_conf,vol.V,200.0,1.3028062067387097e-17,,0.017273614810782652,0.017097537564162574,0.017868516283842645 +Pel,S2_conf,vol.V,210.0,1.0570109707366669e-17,,0.01615575844820735,0.015936463163889407,0.017680088956258916 +Pel,S2_conf,vol.V,220.0,9.357739137986026e-18,,0.016415756908995112,0.0163150361031283,0.017035222925004884 +Pel,S2_conf,vol.V,230.0,9.669296662244661e-18,,0.013456585916018275,0.013759750074399958,0.014061530002372898 +Pel,S2_conf,vol.V,240.0,1.0429459167702998e-17,,0.011710505243628521,0.011933050152046442,0.014006063024523075 +Pel,S2_conf,vol.V,250.0,1.0866696874951163e-17,,0.011977396763997344,0.011755783993288084,0.013574288750039996 +Pel,S2_conf,vol.V,260.0,8.468418727258981e-18,,0.011513513147545236,0.01106241958888817,0.011595961749552559 +Pel,S2_conf,vol.V,270.0,1.0874393032450877e-17,,0.01020822201926486,0.010330732553187855,0.011462167488808229 +Pel,S2_conf,vol.V,280.0,1.1121828973293681e-17,,0.012328092131058722,0.01207677411495125,0.011965102025134339 +Pel,S2_conf,vol.V,290.0,9.08600243718874e-18,,0.011015421806232767,0.010904021688759593,0.012279042903784664 +Pel,S2_conf,vol.V,300.0,9.61046328320384e-18,,0.010785848813598384,0.010787103376306152,0.011228069154027622 +Pel,S2_conf,vol.V,310.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,320.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,330.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,340.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,350.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,360.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,370.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,380.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,390.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,400.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,410.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,420.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,430.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,440.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,450.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,460.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,470.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,480.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,490.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,500.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,510.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,520.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,530.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,540.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,550.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,560.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,570.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,580.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,590.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,600.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,610.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,620.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,630.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,640.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,650.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,660.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,670.0,0.0,0.0,0.0,0.0,0.0 +Pel,S2_conf,vol.V,680.0,0.0,,0.0003059497506154458,0.0003059497506154458,0.0003059497506154458 +Pel,S2_conf,vol.V,690.0,8.826544984088404e-19,,0.003142710953667863,0.0031427109536678625,0.003142710953667863 +Pel,S2_conf,vol.V,700.0,6.333657902188517e-19,,0.002637398828184401,0.002637398828184401,0.002637398828184401 +Pel,S2_conf,vol.V,710.0,1.0994564357440045e-18,,0.0034571840191457946,0.003457184019145794,0.003457184019145794 +Pel,S2_conf,vol.V,720.0,4.89089873847062e-19,,0.002642986129095725,0.002642986129095725,0.0026429861290957245 +Pel,S2_conf,vol.V,730.0,6.005483726468811e-19,,0.003160941592745337,0.003160941592745337,0.0031609415927453363 +Pel,S2_conf,vol.V,740.0,4.69278254376838e-19,,0.0029856917940892383,0.0029856917940892383,0.0029856917940892383 +Pel,S2_conf,vol.V,750.0,5.08862901042359e-19,,0.003200800480922531,0.0032008004809225316,0.003200800480922532 +Pel,S2_conf,vol.V,760.0,3.7299805150746546e-19,,0.0026767047420917637,0.0026767047420917637,0.0026767047420917637 +Pel,S2_conf,vol.V,770.0,7.956454817358019e-19,,0.003168231675359809,0.003168231675359809,0.003168231675359809 +Pel,S2_conf,vol.V,780.0,2.193014586737366e-18,,0.013871460891670812,0.012825517790234935,0.020389245581134613 +Pel,S2_conf,vol.V,790.0,1.4786987941329662e-18,,0.015656639823925497,0.015656639823925497,0.0209928344538416 +Pel,S2_conf,vol.V,800.0,2.6433476374295544e-18,,0.016613671288727875,0.01661367128872787,0.01987294883828554 +Pel,S2_conf,vol.V,810.0,3.3375431645398314e-18,,0.015829654603375706,0.015829631405211528,0.02053182402412638 +Pel,S2_conf,vol.V,820.0,4.370115530125565e-18,,0.015526001936531017,0.015535955128225119,0.019153574363294398 +Pel,S2_conf,vol.V,830.0,5.077851240499491e-18,,0.014143125207530291,0.014170872418940762,0.021314511279819735 +Pel,S2_conf,vol.V,840.0,5.400291176125005e-18,,0.016428283892590455,0.01645514985129901,0.021739674630569302 +Pel,S2_conf,vol.V,850.0,6.924685414911146e-18,,0.015052605456933,0.015081980301310447,0.021214502643838843 +Pel,S2_conf,vol.V,860.0,6.051977137071152e-18,,0.012115522406778807,0.012134425687609453,0.021114772355762357 +Pel,S2_conf,vol.V,870.0,5.207323434595165e-18,,0.016432802687378442,0.016474980300036347,0.021339469681831324 +Pel,S2_conf,vol.V,880.0,5.056217181331109e-18,,0.010655824741168897,0.010545933606172,0.010832251792652832 +Pel,S2_conf,vol.V,890.0,5.0221346393496925e-18,,0.00959449031531046,0.008652183288622415,0.011325444832194552 +Pel,S2_conf,vol.V,900.0,4.299445245230917e-18,,0.011289238256691776,0.009260660115074527,0.009899246108096567 +Pel,S2_conf,vol.V,910.0,4.490085892862846e-18,,0.009957763947082525,0.00842989549033638,0.009943676895949261 +Pel,S2_conf,vol.V,920.0,5.29863146290168e-18,,0.01019127584343278,0.009326249690559564,0.010505697573893094 +Pel,S2_conf,vol.V,930.0,7.469194462440154e-18,,0.013431854531567602,0.011331366536766578,0.012273754145463176 +Pel,S2_conf,vol.V,940.0,5.525136518363314e-18,,0.010214091066866143,0.008652715557697808,0.010672010295408157 +Pel,S2_conf,vol.V,950.0,6.451378985026994e-18,,0.010449377502483275,0.008917086177653242,0.009474641772933034 +Pel,S2_conf,vol.V,960.0,6.120897615511395e-18,,0.01150435577171845,0.010557469849505936,0.009665460944010735 +Pel,S2_conf,vol.V,970.0,6.324435596431518e-18,,0.011895898388614526,0.009565057374634351,0.01035324228313311 +Pel,S2_conf,vol.V,980.0,4.818359622022792e-18,,0.006032060006751748,0.006043535044597068,0.006613609333406482 +Pel,S2_conf,vol.V,990.0,6.568118114386864e-18,,0.008463780953679705,0.008437659412742564,0.009413141113930603 +Pel,S2_conf,vol.V,1000.0,5.9769295031299054e-18,,0.009429196473114377,0.009359700306521552,0.009244847985209794 +Pel,S2_conf,vol.V,1010.0,6.7730705358333375e-18,,0.010210565743599987,0.010162812142154106,0.009735080271517777 +Pel,S2_conf,vol.V,1020.0,6.877955709685628e-18,,0.008960594648895601,0.008937741737212783,0.009236867131069635 +Pel,S2_conf,vol.V,1030.0,8.02629182814581e-18,,0.009637056962588124,0.009566927530669409,0.009133623456138891 +Pel,S2_conf,vol.V,1040.0,6.965319972694103e-18,,0.00957652071279643,0.009522231658382058,0.009919801283434764 +Pel,S2_conf,vol.V,1050.0,8.150820985922913e-18,,0.009365385582100257,0.009341191903057764,0.008944174671455501 +Pel,S2_conf,vol.V,1060.0,7.728455906217119e-18,,0.009201090500843001,0.009125470654587981,0.009614795083456647 +Pel,S2_conf,vol.V,1070.0,8.271259794441691e-18,,0.010284388424077475,0.010183358138441134,0.0101569654957551 +Pel,S2_conf,vol.V,1080.0,8.823476654231176e-18,,0.011729540444695232,0.013765665185886646,0.013396999776378826 +Pel,S2_conf,vol.V,1090.0,8.498919981663452e-18,,0.013082643108718412,0.01306829751981696,0.012901581251766709 +Pel,S2_conf,vol.V,1100.0,8.188805243821369e-18,,0.012488468435437819,0.012496204564203042,0.013291379309161362 +Pel,S2_conf,vol.V,1110.0,9.252403374920225e-18,,0.012070748704977598,0.012064804613690703,0.013352386303403166 +Pel,S2_conf,vol.V,1120.0,7.966933639864114e-18,,0.012682953258494186,0.012622636484545365,0.014013991777948343 +Pel,S2_conf,vol.V,1130.0,1.0353976989797147e-17,,0.011549710804482515,0.011583602533254975,0.013765641845186641 +Pel,S2_conf,vol.V,1140.0,1.1503060539085533e-17,,0.013135812801380502,0.013111725214993469,0.012318968915715755 +Pel,S2_conf,vol.V,1150.0,9.250411860383585e-18,,0.013550633876004366,0.013553509064834721,0.014143251362690411 +Pel,S2_conf,vol.V,1160.0,1.1756354106861626e-17,,0.013911291813491291,0.013943902628895099,0.014431872844543907 +Pel,S2_conf,vol.V,1170.0,1.0836036025580352e-17,,0.014415514919582801,0.014342367113880103,0.014640968222459675 +Pel,S2_conf,vol.V,1180.0,6.594946606592156e-18,,0.012321157508822896,0.009878256405279407,0.013694972072221551 +Pel,S2_conf,vol.V,1190.0,9.317576605486427e-18,,0.013382424540754292,0.013857770981566545,0.012873092141251418 +Pel,S2_conf,vol.V,1200.0,9.203045380030753e-18,,0.01298674909033517,0.01342612160864942,0.012247602633492982 +Pel,S2_conf,vol.V,1210.0,1.1865247428096837e-17,,0.014436159798658072,0.0141341052304268,0.011495672778239534 +Pel,S2_conf,vol.V,1220.0,1.19936862640481e-17,,0.01166297370615349,0.013495116229047449,0.014068871329809792 +Pel,S2_conf,vol.V,1230.0,1.0389777187300142e-17,,0.013043083603474108,0.013153568613081059,0.011151866796700959 +Pel,S2_conf,vol.V,1240.0,8.687550969882564e-18,,0.013397025449278357,0.0143345259217391,0.014514168699378658 +Pel,S2_conf,vol.V,1250.0,1.1383774631718637e-17,,0.013631704662296384,0.013321578167548547,0.01203446714831919 +Pel,S2_conf,vol.V,1260.0,1.263378523503771e-17,,0.013073239959083084,0.01359046553424986,0.01245795350357558 +Pel,S2_conf,vol.V,1270.0,1.1306908475224151e-17,,0.014285921945482397,0.01458287586657873,0.012814102712157386 +Pel,S2_conf,vol.V,1280.0,7.02473621934908e-18,,0.010867125567214997,0.010864298696914132,0.014100862407338668 +Pel,S2_conf,vol.V,1290.0,6.247445520797946e-18,,0.01357708248482763,0.01360816548825394,0.014817343237022848 +Pel,S2_conf,vol.V,1300.0,6.394353395027549e-18,,0.013320354868936055,0.013342068584836959,0.013966706148331686 +Pel,S2_conf,vol.V,1310.0,6.989926417965349e-18,,0.012532599472917141,0.012530920397124152,0.014846702884676067 +Pel,S2_conf,vol.V,1320.0,7.617547314886133e-18,,0.013384792997637094,0.013429173192759047,0.012702383755685437 +Pel,S2_conf,vol.V,1330.0,6.060071630812099e-18,,0.012742469645780819,0.01278077535187289,0.013498436086515585 +Pel,S2_conf,vol.V,1340.0,7.192216699558534e-18,,0.015178873486199645,0.01522132250825804,0.014667350505816917 +Pel,S2_conf,vol.V,1350.0,7.094469582098685e-18,,0.015952111631293887,0.01600853670933411,0.01548014452229113 +Pel,S2_conf,vol.V,1360.0,7.003367497513192e-18,,0.01420605362053421,0.014258474537609762,0.013286562008218983 +Pel,S2_conf,vol.V,1370.0,7.08891724388331e-18,,0.015971184005172806,0.015970746966636452,0.015624955161918277 +Pel,S2_conf,vol.V,1380.0,7.568933968762084e-18,,0.012877253189131197,0.012248794040941143,0.015331741476900076 +Pel,S2_conf,vol.V,1390.0,5.9549467676545465e-18,,0.012565781252340886,0.01258139925495226,0.013744395853623694 +Pel,S2_conf,vol.V,1400.0,5.950480995270676e-18,,0.013332833024074736,0.01338865468107736,0.013902865297838334 +Pel,S2_conf,vol.V,1410.0,5.45016661623227e-18,,0.011710979896080878,0.011801170646970189,0.013235700431081392 +Pel,S2_conf,vol.V,1420.0,5.0642548400376265e-18,,0.013798217097596904,0.01387842003053135,0.01544475473551971 +Pel,S2_conf,vol.V,1430.0,6.409947230328611e-18,,0.012362621709684475,0.012439626599962303,0.013222283899561068 +Pel,S2_conf,vol.V,1440.0,5.766447480946278e-18,,0.013491420738216917,0.013535146657071694,0.013912665586263412 +Pel,S2_conf,vol.V,1450.0,5.338106179096804e-18,,0.013001181494871073,0.013015780816048242,0.014010654573391025 +Pel,S2_conf,vol.V,1460.0,5.367277671211363e-18,,0.011361820258524764,0.011417922556192527,0.01441993281931821 +Pel,S2_conf,vol.V,1470.0,5.865286463239206e-18,,0.014459677259087455,0.014482126999370747,0.01221112907900117 +Pel,S2_conf,vol.V,1480.0,4.4958949593353276e-18,,0.008670384894619989,0.008934813542724029,0.009621117937899142 +Pel,S2_conf,vol.V,1490.0,5.050045944559017e-18,,0.01004872682387647,0.010434446514463864,0.011856047460853896 +Pel,S2_conf,vol.V,1500.0,5.223459875390859e-18,,0.012615403132718245,0.011483499073406138,0.010918659278447613 +Pel,S2_conf,vol.V,1510.0,5.9023985280135734e-18,,0.01223695475101984,0.011344391189427334,0.012633658497904569 +Pel,S2_conf,vol.V,1520.0,4.731810838454347e-18,,0.01210011475645093,0.011344413423890578,0.010389820978140216 +Pel,S2_conf,vol.V,1530.0,5.206594115684782e-18,,0.010341311370999187,0.009939880040168998,0.010913308392489888 +Pel,S2_conf,vol.V,1540.0,5.138726498149181e-18,,0.011919083519867486,0.011419824613025967,0.012538669017551879 +Pel,S2_conf,vol.V,1550.0,5.767955666030236e-18,,0.010587380651953226,0.010249705671584295,0.011768618638729456 +Pel,S2_conf,vol.V,1560.0,4.991811710996354e-18,,0.012613943638852815,0.011260443562997581,0.010893142031231312 +Pel,S2_conf,vol.V,1570.0,5.865286774608795e-18,,0.012982566570566312,0.011777249876982143,0.012470107210818872 +Pel,S2_conf,vol.V,1580.0,3.7527934511767105e-18,,0.007998971908718958,0.008746992652901244,0.009016989717685539 +Pel,S2_conf,vol.V,1590.0,3.4198095807971728e-18,,0.010145978853827545,0.010146520130809782,0.010812084015866447 +Pel,S2_conf,vol.V,1600.0,3.1262091150272173e-18,,0.009780999822978163,0.009781786764199659,0.010994658110151725 +Pel,S2_conf,vol.V,1610.0,3.3679161371556902e-18,,0.010580335083538322,0.010582743675981736,0.009475378734580648 +Pel,S2_conf,vol.V,1620.0,5.62689949724566e-18,,0.010242761527556547,0.010244486384495386,0.010917915564362527 +Pel,S2_conf,vol.V,1630.0,4.6302006730185774e-18,,0.01154219263259949,0.011540071840301654,0.01106478677254066 +Pel,S2_conf,vol.V,1640.0,5.0057171920312504e-18,,0.010587485060450031,0.010587167842524546,0.010474860494391136 +Pel,S2_conf,vol.V,1650.0,4.4991838491244855e-18,,0.009676737552450425,0.009661377970819156,0.009732388917264287 +Pel,S2_conf,vol.V,1660.0,4.483639483058409e-18,,0.0101380831107659,0.010126243032504492,0.008923767323090373 +Pel,S2_conf,vol.V,1670.0,5.575922231539119e-18,,0.012142618966056687,0.012098220226824146,0.012141483756165033 +Pel,S2_conf,vol.V,1680.0,7.070480158452403e-18,,0.014182078190205045,0.015085206210339389,0.014285895774379559 +Pel,S2_conf,vol.V,1690.0,6.1574075775833324e-18,,0.013925932021551547,0.01626120913153425,0.015982529664709963 +Pel,S2_conf,vol.V,1700.0,7.243282525481188e-18,,0.015277887943082887,0.014510324951650402,0.013899989247665083 +Pel,S2_conf,vol.V,1710.0,7.226419657880119e-18,,0.015586527325704059,0.015783717835686297,0.015680856546087345 +Pel,S2_conf,vol.V,1720.0,7.292873094760208e-18,,0.014441959793644573,0.014570016159212206,0.01394604636909673 +Pel,S2_conf,vol.V,1730.0,8.350126306680876e-18,,0.014552930599655211,0.014961220570106156,0.013624748196227695 +Pel,S2_conf,vol.V,1740.0,6.870623825550233e-18,,0.014682358362331617,0.014786339645681542,0.0139292526756801 +Pel,S2_conf,vol.V,1750.0,7.505660131134357e-18,,0.013558431539971437,0.014357180899169458,0.014110022989856566 +Pel,S2_conf,vol.V,1760.0,7.658349211641735e-18,,0.014394260502891559,0.014375012555785136,0.014072411031833116 +Pel,S2_conf,vol.V,1770.0,8.302845398942184e-18,,0.014020675579526585,0.014508285885453949,0.015490129102301286 +Pel,S2_conf,vol.V,1780.0,7.784970990018773e-18,,0.013393882749718552,0.012879240904230826,0.011085245126696532 +Pel,S2_conf,vol.V,1790.0,1.0076881082509166e-17,,0.014461276862572772,0.014507360118476866,0.01364939903667647 +Pel,S2_conf,vol.V,1800.0,1.072920167962028e-17,,0.015032702167692471,0.01602775040399481,0.012805434649276198 +Pel,S2_conf,vol.V,1810.0,1.0450936878227603e-17,,0.01282095326052612,0.012833191635365759,0.014770805947573119 +Pel,S2_conf,vol.V,1820.0,1.1358645234730564e-17,,0.015218579431450854,0.01606030994354174,0.013114688339317643 +Pel,S2_conf,vol.V,1830.0,1.0591238154635264e-17,,0.013379790059395115,0.014205187708348919,0.013890967659735989 +Pel,S2_conf,vol.V,1840.0,1.1810536305064725e-17,,0.01408797902707086,0.013580878079423528,0.014394971749236728 +Pel,S2_conf,vol.V,1850.0,1.2139091898595006e-17,,0.013935787702832079,0.01520746482373012,0.01420621975915967 +Pel,S2_conf,vol.V,1860.0,1.0697960318469094e-17,,0.013924676408311961,0.014765010451122454,0.014481537674144583 +Pel,S2_conf,vol.V,1870.0,1.144199851270749e-17,,0.013989270960493372,0.01391923038379422,0.014643327740925978 +Pel,S2_conf,vol.V,1880.0,6.3660666996336556e-18,,0.014747002252892287,0.014565333284994745,0.017456293030235333 +Pel,S2_conf,vol.V,1890.0,8.058972116113999e-18,,0.0162874224194322,0.016604354628141606,0.01386073610202582 +Pel,S2_conf,vol.V,1900.0,6.748099942214857e-18,,0.013659111734416477,0.013970383649038952,0.013588893018409912 +Pel,S2_conf,vol.V,1910.0,7.752328224185598e-18,,0.016739460344095243,0.017024571241608732,0.015559605353749879 +Pel,S2_conf,vol.V,1920.0,6.643803956522138e-18,,0.017872989005319834,0.018238437111442338,0.017497585080358893 +Pel,S2_conf,vol.V,1930.0,8.580156368301338e-18,,0.018229208185932287,0.018457972613000955,0.015438616403169708 +Pel,S2_conf,vol.V,1940.0,9.456238273309982e-18,,0.01820954466458112,0.018502569494244496,0.01603770861021895 +Pel,S2_conf,vol.V,1950.0,7.479223195304957e-18,,0.015295528293282516,0.015570528979367632,0.01615650836723803 +Pel,S2_conf,vol.V,1960.0,8.410924718072028e-18,,0.018589485604780204,0.018887595845448028,0.017271646264902064 +Pel,S2_conf,vol.V,1970.0,8.595392543375335e-18,,0.01627470694578468,0.01661333122518208,0.01711858223382556 +Pel,S2_conf,vol.V,1980.0,6.4235205576821724e-18,,0.017396515191129894,0.014418133831907128,0.018374315531639256 +Pel,S2_conf,vol.V,1990.0,5.8281539499464286e-18,,0.016544527316563428,0.01688554542008843,0.0191038475155694 +Pel,S2_conf,vol.V,2000.0,5.704357057527031e-18,,0.015603219235048543,0.018478633161931428,0.019782219275876176 +Pel,S2_conf,vol.V,2010.0,6.838559943110254e-18,,0.013536212397725718,0.012831651882646782,0.016159178727377075 +Pel,S2_conf,vol.V,2020.0,5.8601836343205876e-18,,0.01537385582788985,0.016143059650417856,0.017385918361067287 +Pel,S2_conf,vol.V,2030.0,5.7194371619715e-18,,0.014112303743003023,0.013548164519173388,0.01685775419979258 +Pel,S2_conf,vol.V,2040.0,5.567104180961645e-18,,0.014424536926825006,0.016205978051478193,0.016840706211971257 +Pel,S2_conf,vol.V,2050.0,5.987238323852483e-18,,0.014760814041122677,0.015113819450173378,0.017240723870748736 +Pel,S2_conf,vol.V,2060.0,6.045995939552528e-18,,0.014515939380159146,0.015154710772479122,0.017776919591851556 +Pel,S2_conf,vol.V,2070.0,5.865220472258615e-18,,0.014243454358554408,0.017155472665871235,0.017388561294194173 +Pel,S2_conf,vol.V,2080.0,3.723204982271976e-18,,0.01383124162459963,0.012439812265436886,0.01270025892140612 +Pel,S2_conf,vol.V,2090.0,5.025346060494522e-18,,0.014415593315780366,0.013973603763353536,0.01460970801202224 +Pel,S2_conf,vol.V,2100.0,5.5582248780558255e-18,,0.014430541649923629,0.013416720180144913,0.014820283868168738 +Pel,S2_conf,vol.V,2110.0,5.471462002743986e-18,,0.013068345475868135,0.013522137331683708,0.0164408849494993 +Pel,S2_conf,vol.V,2120.0,5.420028795076761e-18,,0.011904849928164356,0.01223468903455019,0.012309983110100177 +Pel,S2_conf,vol.V,2130.0,5.513414319547599e-18,,0.013653056137494046,0.01387046219887803,0.014529458518306794 +Pel,S2_conf,vol.V,2140.0,6.115542372320986e-18,,0.01548172179984142,0.014142645466938733,0.014113732468303063 +Pel,S2_conf,vol.V,2150.0,5.589966822599463e-18,,0.015031411277557593,0.014932708588092002,0.014004517427269601 +Pel,S2_conf,vol.V,2160.0,6.226922784991281e-18,,0.011375702832248053,0.01182608726928254,0.01434091389484742 +Pel,S2_conf,vol.V,2170.0,5.550460720704468e-18,,0.015506732929914217,0.015113669014031265,0.015382448039798645 +Pel,S2_conf,vol.V,2180.0,3.473508433916207e-18,,0.011112505568594411,0.010198804724372132,0.011293981915392534 +Pel,S2_conf,vol.V,2190.0,4.195154461303288e-18,,0.010891391418278143,0.011583672772762744,0.0109345688021488 +Pel,S2_conf,vol.V,2200.0,3.79098392941903e-18,,0.012800801467668968,0.012779173606460739,0.014071197673934376 +Pel,S2_conf,vol.V,2210.0,4.6158450443092255e-18,,0.013702742913258934,0.013523076997413674,0.01438591424513559 +Pel,S2_conf,vol.V,2220.0,4.415960452146935e-18,,0.013835787459614219,0.013697834509219216,0.015132653379333965 +Pel,S2_conf,vol.V,2230.0,4.998503665489123e-18,,0.014714583816459886,0.014495335597105663,0.01382610601006261 +Pel,S2_conf,vol.V,2240.0,4.217937657544088e-18,,0.012561812630833427,0.0130490054461294,0.01268332073278987 +Pel,S2_conf,vol.V,2250.0,4.994995170596712e-18,,0.014680719889842287,0.014232270764176826,0.012451001085399444 +Pel,S2_conf,vol.V,2260.0,4.298869625145736e-18,,0.013052519714507296,0.013224806515969747,0.012547178663038647 +Pel,S2_conf,vol.V,2270.0,5.1813850330902325e-18,,0.01382151926905001,0.015269861360380964,0.011983983366800661 +Pel,S2_conf,vol.V,2280.0,4.371587888775968e-18,,0.017971405893424632,0.019546657115270132,0.019968124730291453 +Pel,S2_conf,vol.V,2290.0,5.304431613096714e-18,,0.018543618035463675,0.020147803847576074,0.016145971649963432 +Pel,S2_conf,vol.V,2300.0,6.802982688459792e-18,,0.01743466894782225,0.01808866252532496,0.018419761741329956 +Pel,S2_conf,vol.V,2310.0,8.737752613981747e-18,,0.013729843973441689,0.014567242413404577,0.01455765399097644 +Pel,S2_conf,vol.V,2320.0,7.46048505442084e-18,,0.015416916904007103,0.015902774149280686,0.013623672370078414 +Pel,S2_conf,vol.V,2330.0,6.139062292618742e-18,,0.015031947172522335,0.016807877545833877,0.016563856239026144 +Pel,S2_conf,vol.V,2340.0,7.701297454947397e-18,,0.01508914183125853,0.015335088256746888,0.01504719059733298 +Pel,S2_conf,vol.V,2350.0,7.978554555050442e-18,,0.01600995238257732,0.015540435390888542,0.014744480389358675 +Pel,S2_conf,vol.V,2360.0,8.80561337171679e-18,,0.014973700451410023,0.015027253745423722,0.014117448242334192 +vol.T,S2,heaCap.C,0.0,0.0,0.0,0.0,0.0,0.0 +vol.T,S2,heaCap.C,10.0,6.938893903907228e-18,0.059759928949247844,,0.016930301346500615,0.10627268956523495 +vol.T,S2,heaCap.C,20.0,0.0,0.04989191702432194,,0.004542974773679563,0.07965445901396717 +vol.T,S2,heaCap.C,30.0,0.0,0.054519107280839724,,0.0009166985610307224,0.05616389618979212 +vol.T,S2,heaCap.C,40.0,2.7755575615628914e-17,0.039850569487019094,,0.0019517277598792918,0.0472846594151638 +vol.T,S2,heaCap.C,50.0,0.0,0.020483248643644564,,0.0019598976599546347,0.04845680543922071 +vol.T,S2,heaCap.C,60.0,0.0,0.009088663948075046,,0.0016493135743245943,0.052005718053904526 +vol.T,S2,heaCap.C,70.0,0.0,0.0064002199887197055,,0.0016203676855829144,0.05193358823558736 +vol.T,S2,heaCap.C,80.0,0.0,0.005835808997236939,,0.0021090086772803697,0.0479366853760812 +vol.T,S2,heaCap.C,90.0,3.469446951953614e-18,0.004459225187556995,,0.002893261849951482,0.04192940645286769 +vol.T,S2,heaCap.C,100.0,8.673617379884035e-19,0.0028797891154247477,,0.003630185793170832,0.03511243142736009 +vol.T,S2,heaCap.C,110.0,1.5178830414797062e-18,0.002421020677624891,,0.004002865980983993,0.02807002964403782 +vol.T,S2,heaCap.C,120.0,0.0,0.0034885393863604373,,0.003822381447470772,0.021457117240157975 +vol.T,S2,heaCap.C,130.0,0.0,0.004653904360277766,,0.0031770695399885793,0.016216006316210008 +vol.T,S2,heaCap.C,140.0,0.0,0.0038479136257987406,,0.0023917652991624558,0.013206814577463866 +vol.T,S2,heaCap.C,150.0,3.469446951953614e-18,0.00154566112132409,,0.0017351879832965475,0.012843252468881294 +vol.T,S2,heaCap.C,160.0,0.0,0.0005014076175399,,0.0013189341516560808,0.014724247806625401 +vol.T,S2,heaCap.C,170.0,1.734723475976807e-18,0.001300457587061491,,0.001249255661942606,0.017211132674589957 +vol.T,S2,heaCap.C,180.0,1.0842021724855044e-18,0.0020020976104439996,,0.0015667736815231821,0.01852247253295447 +vol.T,S2,heaCap.C,190.0,2.8189256484623115e-18,0.0015444039171242496,,0.002130858475516178,0.018024027292387723 +vol.T,S2,heaCap.C,200.0,2.168404344971009e-18,0.0004955720232231045,,0.0026954737487018023,0.016009423535461864 +vol.T,S2,heaCap.C,210.0,8.673617379884035e-19,9.177481781473261e-05,,0.003005566267830148,0.013094707863324784 +vol.T,S2,heaCap.C,220.0,8.673617379884035e-19,0.00027557511498868363,,0.002899637872934846,0.009999780752382281 +vol.T,S2,heaCap.C,230.0,0.0,0.0009153861878462063,,0.002416793185586224,0.0073947708273015555 +vol.T,S2,heaCap.C,240.0,3.469446951953614e-18,0.0006452217338041577,,0.001781687474561474,0.0057452265118213 +vol.T,S2,heaCap.C,250.0,3.469446951953614e-18,0.00031129196462759134,,0.0012303392426983861,0.005430795367258878 +vol.T,S2,heaCap.C,260.0,0.0,0.0003974984928526628,,0.0009082206690188208,0.006661613181838666 +vol.T,S2,heaCap.C,270.0,8.673617379884035e-19,0.000616811914902335,,0.0009110483894789398,0.008770365309327732 +vol.T,S2,heaCap.C,280.0,7.589415207398531e-19,0.0013720625802584754,,0.0012477952869033408,0.010445261669279948 +vol.T,S2,heaCap.C,290.0,1.4094628242311558e-18,0.0011141984184889068,,0.0017881772115380928,0.010861043450555496 +vol.T,S2,heaCap.C,300.0,2.3852447794681098e-18,0.0003014143374930824,,0.0023198035351200182,0.010000098847389949 +vol.T,S2,heaCap.C,310.0,2.710505431213761e-18,0.00020683899379055607,,0.0026221862331065465,0.008295714998175274 +vol.T,S2,heaCap.C,320.0,1.734723475976807e-18,1.847045168502752e-06,,0.00255534459141407,0.006330651687322275 +vol.T,S2,heaCap.C,330.0,1.734723475976807e-18,0.0004029247325157692,,0.002147935245424056,0.004607543655752888 +vol.T,S2,heaCap.C,340.0,3.469446951953614e-18,0.00014364664169557416,,0.001585386387723084,0.003431107531577493 +vol.T,S2,heaCap.C,350.0,1.734723475976807e-18,0.0004975047084446408,,0.0010869963802314364,0.003119938887886531 +vol.T,S2,heaCap.C,360.0,8.673617379884035e-19,0.0003047650669155168,,0.0008107660910257053,0.003997812859736216 +vol.T,S2,heaCap.C,370.0,2.168404344971009e-18,0.0007841070713728142,,0.00084500904578182,0.005720798001928817 +vol.T,S2,heaCap.C,380.0,5.421010862427522e-19,0.0015561207514772073,,0.0011794963317227451,0.007266919852999654 +vol.T,S2,heaCap.C,390.0,2.710505431213761e-18,0.0013249597841327575,,0.0016869904324163867,0.007858901606053292 +vol.T,S2,heaCap.C,400.0,6.505213034913027e-19,0.0004651129825810191,,0.0021726083084367773,0.007385581467739932 +vol.T,S2,heaCap.C,410.0,2.8189256484623115e-18,0.00025781572773115723,,0.002440482281748736,0.006183070730145346 +vol.T,S2,heaCap.C,420.0,7.047314121155779e-19,0.0004092582809582445,,0.002366662938291313,0.004733644481955346 +vol.T,S2,heaCap.C,430.0,2.168404344971009e-18,0.0002801748085043236,,0.001970621862581923,0.0034104738564361137 +vol.T,S2,heaCap.C,440.0,0.0,0.0004775099126853831,,0.0014172561130645495,0.0023816523273268997 +vol.T,S2,heaCap.C,450.0,0.0,0.0008227538794413642,,0.000920795268397688,0.00188235590842456 +vol.T,S2,heaCap.C,460.0,1.951563910473908e-18,0.0004496855573907772,,0.0006465696694014332,0.0023056347690757484 +vol.T,S2,heaCap.C,470.0,4.336808689942018e-19,0.0006009230996825491,,0.0006797595600061337,0.003566798693849349 +vol.T,S2,heaCap.C,480.0,1.4094628242311558e-18,0.0012985696531870525,,0.0009969825855514966,0.004884691914256112 +vol.T,S2,heaCap.C,490.0,1.0299920638612292e-18,0.001080404006822085,,0.0014720255227884272,0.005530449812374161 +vol.T,S2,heaCap.C,500.0,6.505213034913027e-19,0.00029921218740871944,,0.0019226990168183227,0.005318140769134616 +vol.T,S2,heaCap.C,510.0,4.119968255444917e-18,0.000345965209009526,,0.0021678630734514957,0.004491205717859881 +vol.T,S2,heaCap.C,520.0,5.421010862427522e-19,0.0004552893149941449,,0.002091821664238925,0.0034426992740776985 +vol.T,S2,heaCap.C,530.0,1.734723475976807e-18,0.00029879933293122207,,0.0017108190577930851,0.00244394830924366 +vol.T,S2,heaCap.C,540.0,4.336808689942018e-19,0.0004510102140096949,,0.0011787119747295304,0.001561330949373163 +vol.T,S2,heaCap.C,550.0,1.734723475976807e-18,0.0007784520995942207,,0.0007023142233324522,0.0009764588584141309 +vol.T,S2,heaCap.C,560.0,1.8431436932253575e-18,0.00048712702768256995,,0.0004494275287830647,0.0011444216965902365 +vol.T,S2,heaCap.C,570.0,1.0842021724855044e-18,0.0004365677712811428,,0.0005007672024326584,0.002150740608096391 +vol.T,S2,heaCap.C,580.0,9.75781955236954e-19,0.0010813823546152739,,0.0008259133169974918,0.0033625829543977304 +vol.T,S2,heaCap.C,590.0,1.951563910473908e-18,0.0009118265295762333,,0.0012950499551659094,0.0040740974710272715 +vol.T,S2,heaCap.C,600.0,2.9815559743351372e-18,0.000231336194740774,,0.001733209933657975,0.004050750214973031 +vol.T,S2,heaCap.C,610.0,2.6020852139652106e-18,0.0003179029017209734,,0.0019692584935247868,0.0034790211200960153 +vol.T,S2,heaCap.C,620.0,4.336808689942018e-19,0.00036607405045146254,,0.0018952470310317285,0.0026982051446223787 +vol.T,S2,heaCap.C,630.0,1.6263032587282567e-18,0.0001771146017058688,,0.0015270797031549654,0.0019167626184278808 +vol.T,S2,heaCap.C,640.0,8.673617379884035e-19,0.0003076686103515331,,0.0010088600825520523,0.00113834412032765 +vol.T,S2,heaCap.C,650.0,8.673617379884035e-19,0.0006454895195806517,,0.0005466076991165747,0.0005120341638977788 +vol.T,S2,heaCap.C,660.0,2.2768245622195593e-18,0.0004296998505181411,,0.0003070317954285452,0.0005246996419042693 +vol.T,S2,heaCap.C,670.0,5.421010862427522e-19,0.00039591013488438987,,0.0003702268042723132,0.001366358358445896 +vol.T,S2,heaCap.C,680.0,1.5178830414797062e-18,0.0009970584933769182,,0.0006997154142756919,0.00249971975990837 +vol.T,S2,heaCap.C,690.0,1.5178830414797062e-18,0.000851030811433997,,0.0011650304479210293,0.003240739286074157 +vol.T,S2,heaCap.C,700.0,1.0842021724855044e-18,0.00022953410548928516,,0.0015942773504875763,0.003327097565778203 +vol.T,S2,heaCap.C,710.0,1.1926223897340549e-18,0.0002647385398879962,,0.0018230562778484456,0.002911118028423143 +vol.T,S2,heaCap.C,720.0,1.3010426069826053e-18,0.0002850578452912246,,0.001748387862898054,0.0022979567570099446 +vol.T,S2,heaCap.C,730.0,2.4936649967166602e-18,8.980976306660339e-05,,0.0013864053426427894,0.0016594479785223548 +vol.T,S2,heaCap.C,740.0,6.505213034913027e-19,0.00022237928031144656,,0.0008762841341253321,0.0009573785993249873 +vol.T,S2,heaCap.C,750.0,8.673617379884035e-19,0.0005830371108750349,,0.00042067056650277844,0.0003131028473553066 +vol.T,S2,heaCap.C,760.0,5.421010862427522e-20,0.0004307217552397245,,0.00019158907591820123,0.0002275415786068269 +vol.T,S2,heaCap.C,770.0,1.3010426069826053e-18,0.00032063891655386453,,0.0002671979064452351,0.0009566062683026288 +vol.T,S2,heaCap.C,780.0,2.168404344971009e-19,0.0008830311947568834,,0.0006049278719424626,0.0020316454833042563 +vol.T,S2,heaCap.C,790.0,1.5178830414797062e-18,0.0007390495145241673,,0.001073044891941292,0.0027923108053282686 +vol.T,S2,heaCap.C,800.0,4.336808689942018e-19,0.00013218699020208294,,0.0015001140090445744,0.0029591229640481 +vol.T,S2,heaCap.C,810.0,5.421010862427522e-19,0.00034472851352964,,0.0017195800156170789,0.0026630255554668247 +vol.T,S2,heaCap.C,820.0,4.336808689942018e-19,0.00033819534063570834,,0.0016311937857644426,0.002194713328308451 +vol.T,S2,heaCap.C,830.0,2.1141942363467336e-18,9.921242733778653e-05,,0.0012583270500727464,0.0016987431813030307 +vol.T,S2,heaCap.C,840.0,3.2526065174565133e-18,0.00018025661081222063,,0.0007487087071863623,0.0010844435309809164 +vol.T,S2,heaCap.C,850.0,4.336808689942018e-19,0.0005179714969039569,,0.00030638588578346497,0.0004141597561887478 +vol.T,S2,heaCap.C,860.0,4.336808689942018e-19,0.0003919798476104408,,9.307934327745446e-05,0.00018360836893538401 +vol.T,S2,heaCap.C,870.0,1.3010426069826053e-18,0.00032403534918599053,,0.0001699745327845576,0.0007299915348704111 +vol.T,S2,heaCap.C,880.0,1.951563910473908e-18,0.0008952254016655189,,0.0004873986635721018,0.0016850462985553705 +vol.T,S2,heaCap.C,890.0,1.5178830414797062e-18,0.0008170703890618034,,0.0009126218657240764,0.0024271461186813337 +vol.T,S2,heaCap.C,900.0,4.336808689942018e-19,0.000316860526568326,,0.0012805202091862658,0.002665500281063715 +vol.T,S2,heaCap.C,910.0,1.0842021724855044e-19,3.7719695301479555e-05,,0.0014459780422188297,0.0025128257375534035 +vol.T,S2,heaCap.C,920.0,8.673617379884035e-19,8.276137020578832e-05,,0.0013275328005190323,0.0022298874201214236 +vol.T,S2,heaCap.C,930.0,6.505213034913027e-19,0.00040524369409039725,,0.0009543872299588013,0.0018993475730775256 +vol.T,S2,heaCap.C,940.0,8.673617379884035e-19,0.0003525569631332825,,0.0004665447746676765,0.0013469295786169289 +vol.T,S2,heaCap.C,950.0,1.3010426069826053e-18,2.2995095077288754e-05,,5.211249361215635e-05,0.0005815836044301692 +vol.T,S2,heaCap.C,960.0,1.3010426069826053e-18,2.8407994317727154e-05,,0.00013542093038170465,0.0001443776579787004 +vol.T,S2,heaCap.C,970.0,8.673617379884035e-19,0.000682700540457562,,2.8000662042936345e-05,0.0004961768018141299 +vol.T,S2,heaCap.C,980.0,1.3010426069826053e-18,0.0012163618916530938,,0.0003373907550001682,0.001365149662862053 +vol.T,S2,heaCap.C,990.0,4.336808689942018e-19,0.0011113966663011147,,0.0008323295419188585,0.0021457393827624127 +vol.T,S2,heaCap.C,1000.0,1.3010426069826053e-18,0.0005988483116120674,,0.001285094946758521,0.0025278599486457942 +vol.T,S2,heaCap.C,1010.0,1.0842021724855044e-18,0.0002732829502379785,,0.0015280069078191898,0.002589898918882616 +vol.T,S2,heaCap.C,1020.0,1.0842021724855044e-18,0.00048227018128184883,,0.0014562020898632125,0.002543303397553376 +vol.T,S2,heaCap.C,1030.0,1.0842021724855044e-19,0.0009282859617491088,,0.0010927744586369439,0.00240448116890013 +vol.T,S2,heaCap.C,1040.0,1.5178830414797062e-18,0.0009734472126914201,,0.0005901894906566729,0.0019246129465767536 +vol.T,S2,heaCap.C,1050.0,1.3010426069826053e-18,0.0006370822839480272,,0.0001526832098271355,0.0010827826902694015 +vol.T,S2,heaCap.C,1060.0,1.5178830414797062e-18,0.000706513836065654,,5.987845203769132e-05,0.0004788368157041534 +vol.T,S2,heaCap.C,1070.0,3.2526065174565133e-19,0.001393684350561468,,1.8165407050393934e-05,0.0006754136713200687 +vol.T,S2,heaCap.C,1080.0,2.4936649967166602e-18,0.001958560966293475,,0.00034295071701947837,0.0014463784079834507 +vol.T,S2,heaCap.C,1090.0,5.421010862427522e-19,0.0018590775550364246,,0.0007800785865942263,0.002166423228245229 +vol.T,S2,heaCap.C,1100.0,8.673617379884035e-19,0.0013301918391518607,,0.001160667867937384,0.0025014073190999797 +vol.T,S2,heaCap.C,1110.0,1.5178830414797062e-18,0.000975493048819867,,0.0013328791134382973,0.0025258182698040255 +vol.T,S2,heaCap.C,1120.0,1.5178830414797062e-18,0.001142854809921828,,0.0012090936552362763,0.0024489947506001197 +vol.T,S2,heaCap.C,1130.0,1.463672932855431e-18,0.001515645384312351,,0.0008242340509523223,0.002276676890495044 +vol.T,S2,heaCap.C,1140.0,1.3010426069826053e-18,0.0014342994269619805,,0.0003358292455285447,0.0017477290771983345 +vol.T,S2,heaCap.C,1150.0,8.673617379884035e-19,0.0009500331665089801,,5.04293411262742e-05,0.0008554106280566076 +vol.T,S2,heaCap.C,1160.0,3.2526065174565133e-18,0.0009221145916455186,,0.00017016470096286804,0.00025007795714915293 +vol.T,S2,heaCap.C,1170.0,2.927345865710862e-18,0.001564884093782666,,4.350585061598661e-05,0.0005162416281762061 +vol.T,S2,heaCap.C,1180.0,7.589415207398531e-19,0.0020645276997762426,,0.000535010875701342,0.0013750068868125798 +vol.T,S2,heaCap.C,1190.0,2.168404344971009e-19,0.0018356372890331622,,0.0011519289562783464,0.002138955501027384 +vol.T,S2,heaCap.C,1200.0,2.1141942363467336e-18,0.0011361773260013305,,0.0017037508042401107,0.002451232916061419 +vol.T,S2,heaCap.C,1210.0,8.673617379884035e-19,0.0006269574215231246,,0.0020010455268763046,0.0023891238244505564 +vol.T,S2,heaCap.C,1220.0,1.0842021724855044e-18,0.0006963419361831877,,0.0019303994110794094,0.0021893336581693124 +vol.T,S2,heaCap.C,1230.0,3.2526065174565133e-19,0.0010197782907148427,,0.001531442477980028,0.001906199426680688 +vol.T,S2,heaCap.C,1240.0,4.336808689942018e-19,0.0009016972647052646,,0.00099789526974799,0.001333370092719055 +vol.T,S2,heaCap.C,1250.0,1.734723475976807e-18,0.00039046464814107,,0.000580902886538337,0.0005057388771173565 +vol.T,S2,heaCap.C,1260.0,1.951563910473908e-18,0.00038235164154041255,,0.00046380816518104204,7.765893126365775e-05 +vol.T,S2,heaCap.C,1270.0,1.7889335846010823e-18,0.0010925558475559068,,0.000689739558683726,0.0005670962636266097 +vol.T,S2,heaCap.C,1280.0,8.673617379884035e-19,0.0016697527119794533,,0.0011650423398026598,0.0015960983192478961 +vol.T,S2,heaCap.C,1290.0,1.3010426069826053e-18,0.0015636585553053404,,0.001689718263655226,0.0024250871671481766 +vol.T,S2,heaCap.C,1300.0,9.75781955236954e-19,0.0008759251872753995,,0.0021549877753472887,0.002687761650953635 +vol.T,S2,heaCap.C,1310.0,2.168404344971009e-19,0.0003969890143425338,,0.0022938799484029677,0.0024382741213295756 +vol.T,S2,heaCap.C,1320.0,1.5178830414797062e-18,0.00046687871171672245,,0.0020772318903241258,0.0020195567866242436 +vol.T,S2,heaCap.C,1330.0,1.1926223897340549e-18,0.0007343952443531121,,0.0015663563980645515,0.0015466991595306512 +vol.T,S2,heaCap.C,1340.0,8.673617379884035e-19,0.0004955755135374264,,0.0009517533563943928,0.0008656743191260974 +vol.T,S2,heaCap.C,1350.0,2.168404344971009e-18,0.00017287984279008546,,0.0004804517277774076,4.2993674347013844e-05 +vol.T,S2,heaCap.C,1360.0,1.951563910473908e-18,0.0003205752087941053,,0.0003380580395344543,0.00027931226029676015 +vol.T,S2,heaCap.C,1370.0,9.75781955236954e-19,0.00030539488693975706,,0.0005681749424268218,0.0003556612410917648 +vol.T,S2,heaCap.C,1380.0,1.3010426069826053e-18,0.000856914351136246,,0.0010661044322621202,0.0015064445344461497 +vol.T,S2,heaCap.C,1390.0,1.3010426069826053e-18,0.0007164812680429719,,0.001646553745368668,0.0024042308045457705 +vol.T,S2,heaCap.C,1400.0,2.168404344971009e-19,0.0001305725723238898,,0.002100775008280412,0.002681522877725162 +vol.T,S2,heaCap.C,1410.0,7.589415207398531e-19,0.00025362228206480414,,0.0022430606531829746,0.0024512256143158773 +vol.T,S2,heaCap.C,1420.0,2.3852447794681098e-18,7.589899264392346e-05,,0.0019770080766262077,0.0020225537727387444 +vol.T,S2,heaCap.C,1430.0,2.710505431213761e-19,0.0003011883145881074,,0.0013631134735947216,0.0015353714033445875 +vol.T,S2,heaCap.C,1440.0,1.3010426069826053e-18,0.0001560204414942732,,0.0006229004639757355,0.0008517285991116452 +vol.T,S2,heaCap.C,1450.0,8.673617379884035e-19,0.0004442439328542092,,4.204108290584152e-05,2.569846420863442e-05 +vol.T,S2,heaCap.C,1460.0,6.505213034913027e-19,0.000534378175720896,,0.0001764790544983401,0.0003271169956218234 +vol.T,S2,heaCap.C,1470.0,4.336808689942018e-19,0.00017167926485925637,,1.0021953098468886e-05,0.0002472135934712405 +vol.T,S2,heaCap.C,1480.0,1.0842021724855044e-18,0.0008496397451305798,,0.0004087582478710921,0.0013373893639273549 +vol.T,S2,heaCap.C,1490.0,6.505213034913027e-19,0.0008747609564619119,,0.0008783912525957022,0.00220212888476079 +vol.T,S2,heaCap.C,1500.0,2.168404344971009e-19,0.0004635836603444463,,0.0012072116577202963,0.0024920189500712286 +vol.T,S2,heaCap.C,1510.0,4.336808689942018e-19,0.0002261285207710331,,0.0012512540575928231,0.0023312593572529794 +vol.T,S2,heaCap.C,1520.0,0.0,0.0004955964546534094,,0.0009510184405984341,0.0020216764934357645 +vol.T,S2,heaCap.C,1530.0,2.2768245622195593e-18,0.0009050227370772656,,0.00038163434397731413,0.0016624462812474539 +vol.T,S2,heaCap.C,1540.0,0.0,0.0007473209203418246,,0.00024859705170100777,0.0010467704396354138 +vol.T,S2,heaCap.C,1550.0,4.336808689942018e-19,0.00011861690523317899,,0.0006922817060773905,0.0001720371739877269 +vol.T,S2,heaCap.C,1560.0,4.336808689942018e-19,1.0369200239596478e-05,,0.0007850718075736937,0.00033512787989964377 +vol.T,S2,heaCap.C,1570.0,2.168404344971009e-19,0.0007104951236480081,,0.000511468761910874,6.360240655156613e-05 +vol.T,S2,heaCap.C,1580.0,8.673617379884035e-19,0.0013635851898306933,,1.6318203190633998e-05,0.0010418337849746884 +vol.T,S2,heaCap.C,1590.0,2.168404344971009e-18,0.0013195657862135766,,0.0006243120233745333,0.0018945087334212296 +vol.T,S2,heaCap.C,1600.0,1.3010426069826053e-18,0.000806524783852301,,0.001128005263409601,0.0022771545904178847 +vol.T,S2,heaCap.C,1610.0,1.3010426069826053e-18,0.00047580792388488653,,0.001359676143337863,0.002295369619221499 +vol.T,S2,heaCap.C,1620.0,6.505213034913027e-19,0.0007088747197292434,,0.00122298677992351,0.002211138746291974 +vol.T,S2,heaCap.C,1630.0,1.0842021724855044e-18,0.0011655691040320052,,0.0007737762730608035,0.002066146344548825 +vol.T,S2,heaCap.C,1640.0,3.903127820947816e-18,0.0011342633864572624,,0.00021882191635617596,0.001577596763823741 +vol.T,S2,heaCap.C,1650.0,3.469446951953614e-18,0.0006944920636161415,,0.00018593087432017957,0.0006907958027888572 +vol.T,S2,heaCap.C,1660.0,6.505213034913027e-19,0.0008086379646299517,,0.00027806995936970405,5.6206363146849014e-05 +vol.T,S2,heaCap.C,1670.0,1.3010426069826053e-18,0.001699896265486338,,3.77061835759758e-05,0.0002995024250282974 +vol.T,S2,heaCap.C,1680.0,1.0842021724855044e-19,0.002442199772393363,,0.00043380677603035295,0.0011537108106390859 +vol.T,S2,heaCap.C,1690.0,0.0,0.0023716752945573604,,0.0009724986261175888,0.0019171170709650909 +vol.T,S2,heaCap.C,1700.0,1.3010426069826053e-18,0.0017473272017057009,,0.0014089435420235451,0.002238145336105335 +vol.T,S2,heaCap.C,1710.0,4.336808689942018e-19,0.0012601854872474941,,0.001599518488697934,0.0022334123277885087 +vol.T,S2,heaCap.C,1720.0,1.3010426069826053e-18,0.0013319829219113778,,0.0014657014222531836,0.0021691473030744923 +vol.T,S2,heaCap.C,1730.0,8.673617379884035e-19,0.0016588011441438164,,0.0010657570520446816,0.002068011888205934 +vol.T,S2,heaCap.C,1740.0,1.3010426069826053e-18,0.001558744389847707,,0.0005944605844325629,0.0016144493733687426 +vol.T,S2,heaCap.C,1750.0,1.3010426069826053e-18,0.0011417557868196632,,0.0002792144751910981,0.0007502721837263637 +vol.T,S2,heaCap.C,1760.0,1.0842021724855044e-19,0.0013678352372119272,,0.0002641672301355938,0.00017664281783458247 +vol.T,S2,heaCap.C,1770.0,4.607859233063394e-19,0.0023612083538519114,,0.0005743013223405841,0.0005508571974712773 +vol.T,S2,heaCap.C,1780.0,8.673617379884035e-19,0.003086900823434144,,0.0011293657047256288,0.0015616283545338838 +vol.T,S2,heaCap.C,1790.0,3.2526065174565133e-19,0.002867803647404683,,0.0017742073785473496,0.0024501589098236964 +vol.T,S2,heaCap.C,1800.0,1.6263032587282567e-18,0.0020202985632354793,,0.0023186824349746733,0.0028326470145687566 +vol.T,S2,heaCap.C,1810.0,0.0,0.0013076520599102502,,0.00257802822821176,0.00281064955249255 +vol.T,S2,heaCap.C,1820.0,1.3010426069826053e-18,0.0012093573594712148,,0.002443222435561729,0.0026569844549313437 +vol.T,S2,heaCap.C,1830.0,6.505213034913027e-19,0.0014449738031854736,,0.0019699066326384143,0.0024352035580961218 +vol.T,S2,heaCap.C,1840.0,1.734723475976807e-18,0.0013181926273372166,,0.0013799387112208607,0.001896513907688635 +vol.T,S2,heaCap.C,1850.0,2.168404344971009e-18,0.0009084378577064664,,0.000938591133193039,0.001037432486332146 +vol.T,S2,heaCap.C,1860.0,5.421010862427522e-19,0.001145081793260524,,0.0008119202574636136,0.0005552781642066407 +vol.T,S2,heaCap.C,1870.0,6.505213034913027e-19,0.0021193036664341144,,0.0010184288235193517,0.0010242365494852468 +vol.T,S2,heaCap.C,1880.0,8.673617379884035e-19,0.0027964960728288843,,0.0014572068623741677,0.002043897495904834 +vol.T,S2,heaCap.C,1890.0,1.6263032587282567e-18,0.0025384485252647414,,0.0019594691410207143,0.0028240069440556015 +vol.T,S2,heaCap.C,1900.0,2.0599841277224584e-18,0.0016920058499074458,,0.00234374438352084,0.003000019069550275 +vol.T,S2,heaCap.C,1910.0,1.5178830414797062e-18,0.0010173569835864225,,0.0024505643198197806,0.0027107542056699074 +vol.T,S2,heaCap.C,1920.0,2.168404344971009e-19,0.0009614591229897998,,0.002202131063374963,0.0022839737563183915 +vol.T,S2,heaCap.C,1930.0,7.589415207398531e-19,0.0011955156025229563,,0.001668781315752349,0.0018506783429336204 +vol.T,S2,heaCap.C,1940.0,1.5178830414797062e-18,0.0009721453842699316,,0.0010631726944505641,0.0012244563434952171 +vol.T,S2,heaCap.C,1950.0,4.336808689942018e-19,0.0003488003689206833,,0.000635450672005218,0.00042450030532492633 +vol.T,S2,heaCap.C,1960.0,1.6263032587282567e-19,0.000298324407676573,,0.0005501145734016152,0.00010820410412248904 +vol.T,S2,heaCap.C,1970.0,9.215718466126788e-19,0.0010138156985854004,,0.0008291155396288243,0.0007695002183250033 +vol.T,S2,heaCap.C,1980.0,3.2526065174565133e-19,0.0015443427828835518,,0.0013632972294590085,0.0019541207623918755 +vol.T,S2,heaCap.C,1990.0,1.5178830414797062e-18,0.0012638730484175673,,0.001970706685043795,0.002868732227702009 +vol.T,S2,heaCap.C,2000.0,1.7889335846010823e-18,0.0004916537011134559,,0.0024483081688204227,0.0031523770454554567 +vol.T,S2,heaCap.C,2010.0,4.336808689942018e-19,4.248646307259069e-05,,0.0026148166109574225,0.0029359649461577764 +vol.T,S2,heaCap.C,2020.0,2.168404344971009e-19,7.809364618025492e-05,,0.002378814176397461,0.002544485659430107 +vol.T,S2,heaCap.C,2030.0,2.6020852139652106e-18,0.0004759673541499804,,0.0017998141427996491,0.0021114892387492645 +vol.T,S2,heaCap.C,2040.0,1.3010426069826053e-18,0.00033491625469855586,,0.0010869424112167087,0.001449855648839482 +vol.T,S2,heaCap.C,2050.0,1.734723475976807e-18,0.00034453624955512537,,0.000507219489130982,0.0005656666714852765 +vol.T,S2,heaCap.C,2060.0,8.944667923005412e-19,0.0005585176228943371,,0.00025834378121341976,0.00010331320741141514 +vol.T,S2,heaCap.C,2070.0,2.927345865710862e-18,1.8512309247661836e-05,,0.00038017554852446886,0.0005800454538504862 +vol.T,S2,heaCap.C,2080.0,4.336808689942018e-19,0.00048141564497382273,,0.0007862193644949528,0.0015881418145619053 +vol.T,S2,heaCap.C,2090.0,8.673617379884035e-19,0.0003886126720486693,,0.0011871095192477667,0.0023415380083012804 +vol.T,S2,heaCap.C,2100.0,1.0842021724855044e-18,0.00016338992177595508,,0.0015351376055829005,0.0025948307706623597 +vol.T,S2,heaCap.C,2110.0,1.5178830414797062e-18,0.0004733343209757095,,0.0016309820003644494,0.0024206262727539674 +vol.T,S2,heaCap.C,2120.0,1.951563910473908e-18,0.00022111139518020818,,0.0013843244558772085,0.002100516996829005 +vol.T,S2,heaCap.C,2130.0,2.6020852139652106e-18,0.00033809604611547664,,0.0009312664595581745,0.0018598245259873192 +vol.T,S2,heaCap.C,2140.0,4.336808689942018e-19,0.00021735111629139683,,0.0003336018689082971,0.0012592261984372133 +vol.T,S2,heaCap.C,2150.0,8.673617379884035e-19,0.0005318375314624559,,0.0001292767825393816,0.0003099421933815405 +vol.T,S2,heaCap.C,2160.0,1.6263032587282567e-18,0.0008193093274757459,,0.00026424516916332026,0.00030632170845346085 +vol.T,S2,heaCap.C,2170.0,0.0,0.00023306034712075764,,1.3418653063566183e-05,3.99921314856444e-05 +vol.T,S2,heaCap.C,2180.0,8.673617379884035e-19,0.0003879605474162315,,0.0005311036566302239,0.0010357858553926569 +vol.T,S2,heaCap.C,2190.0,1.3010426069826053e-18,0.00036596919758126445,,0.001184274379363963,0.0019327590854101295 +vol.T,S2,heaCap.C,2200.0,1.2874900798265365e-18,8.004650049302505e-05,,0.0017391755857744367,0.002354466509453701 +vol.T,S2,heaCap.C,2210.0,2.3852447794681098e-18,0.0002939413381387048,,0.0020134480071765572,0.0024056669075402937 +vol.T,S2,heaCap.C,2220.0,8.673617379884035e-19,9.277659107666909e-05,,0.0018971881510665596,0.0023526033963879867 +vol.T,S2,heaCap.C,2230.0,1.5178830414797062e-18,0.0006683375532863623,,0.001421460051671545,0.0022096259246841 +vol.T,S2,heaCap.C,2240.0,2.168404344971009e-18,0.0006051956698919629,,0.0007685793980984519,0.0016334305157564843 +vol.T,S2,heaCap.C,2250.0,8.673617379884035e-19,3.918286569171755e-05,,0.00019203807362946218,0.0005487788117776171 +vol.T,S2,heaCap.C,2260.0,1.5178830414797062e-18,0.0001496315070483213,,0.00010397405990528533,0.0003025150470885585 +vol.T,S2,heaCap.C,2270.0,2.168404344971009e-19,0.0006394873799157336,,4.490577311370633e-05,0.0001935044503478256 +vol.T,S2,heaCap.C,2280.0,0.0,0.0013982029824222328,,0.0002972067163919071,0.0006030177692740724 +vol.T,S2,heaCap.C,2290.0,1.3010426069826053e-18,0.0014024781079541007,,0.0007531429835369412,0.001325073957158751 +vol.T,S2,heaCap.C,2300.0,2.168404344971009e-19,0.0008832488618584896,,0.0011300822892130885,0.0015815185371137463 +vol.T,S2,heaCap.C,2310.0,7.589415207398531e-19,0.0005321618596012909,,0.0012554067763883674,0.0014849314020182192 +vol.T,S2,heaCap.C,2320.0,4.336808689942018e-19,0.0007542075019947782,,0.0010260583808554043,0.0013170265506496914 +vol.T,S2,heaCap.C,2330.0,4.336808689942018e-19,0.0011662968945996422,,0.00048434948685271983,0.001105780547851043 +vol.T,S2,heaCap.C,2340.0,8.673617379884035e-19,0.000979470899481149,,0.00017754914094564311,0.0005101903991324708 +vol.T,S2,heaCap.C,2350.0,1.734723475976807e-18,0.000315862736234308,,0.0007116900726568051,0.0005329434592332705 +vol.T,S2,heaCap.C,2360.0,8.673617379884035e-19,0.00031676582057744464,,0.0009239722508315,0.0012507689510035114 +vol.T,S2,heatPumpSystem.declination,0.0,0.0,0.0,0.0,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,10.0,,0.0,6.938893903907228e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,20.0,,0.0,0.0,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,30.0,,0.0,0.0,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,40.0,,0.0,2.7755575615628914e-17,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,50.0,,0.0,0.0,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,60.0,,0.0,0.0,6.938893903907228e-18,0.0 +vol.T,S2,heatPumpSystem.declination,70.0,,1.734723475976807e-18,0.0,6.938893903907228e-18,0.0 +vol.T,S2,heatPumpSystem.declination,80.0,,1.3010426069826053e-18,0.0,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,90.0,,6.505213034913027e-19,3.469446951953614e-18,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,100.0,,0.0,8.673617379884035e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,110.0,,1.3010426069826053e-18,1.5178830414797062e-18,0.0,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,120.0,,0.0,0.0,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,130.0,,6.938893903907228e-18,0.0,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,140.0,,0.0,0.0,1.3877787807814457e-17,0.0 +vol.T,S2,heatPumpSystem.declination,150.0,,0.0,3.469446951953614e-18,6.938893903907228e-18,0.0 +vol.T,S2,heatPumpSystem.declination,160.0,,3.469446951953614e-18,0.0,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,170.0,,8.673617379884035e-19,1.734723475976807e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,180.0,,6.505213034913027e-19,1.0842021724855044e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,190.0,,1.0842021724855044e-18,2.8189256484623115e-18,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,200.0,,4.336808689942018e-19,2.168404344971009e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,210.0,,4.336808689942018e-19,8.673617379884035e-19,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,220.0,,8.673617379884035e-19,8.673617379884035e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,230.0,,1.734723475976807e-18,0.0,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,240.0,,3.469446951953614e-18,3.469446951953614e-18,6.938893903907228e-18,0.0 +vol.T,S2,heatPumpSystem.declination,250.0,,1.734723475976807e-18,3.469446951953614e-18,0.0,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,260.0,,1.734723475976807e-18,0.0,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,270.0,,4.336808689942018e-19,8.673617379884035e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,280.0,,2.168404344971009e-19,7.589415207398531e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,290.0,,1.1926223897340549e-18,1.4094628242311558e-18,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,300.0,,3.0357660829594124e-18,2.3852447794681098e-18,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,310.0,,1.6263032587282567e-18,2.710505431213761e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,320.0,,8.673617379884035e-19,1.734723475976807e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,330.0,,0.0,1.734723475976807e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,340.0,,0.0,3.469446951953614e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,350.0,,1.734723475976807e-18,1.734723475976807e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,360.0,,8.673617379884035e-19,8.673617379884035e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,370.0,,1.0842021724855044e-18,2.168404344971009e-18,6.938893903907228e-18,0.0 +vol.T,S2,heatPumpSystem.declination,380.0,,1.5178830414797062e-18,5.421010862427522e-19,1.734723475976807e-18,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,390.0,,8.673617379884035e-19,2.710505431213761e-18,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,400.0,,1.3010426069826053e-18,6.505213034913027e-19,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,410.0,,1.6263032587282567e-18,2.8189256484623115e-18,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,420.0,,4.336808689942018e-19,7.047314121155779e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,430.0,,1.3010426069826053e-18,2.168404344971009e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,440.0,,8.673617379884035e-19,0.0,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,450.0,,8.673617379884035e-19,0.0,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,460.0,,2.168404344971009e-18,1.951563910473908e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,470.0,,5.421010862427522e-19,4.336808689942018e-19,5.204170427930421e-18,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,480.0,,1.734723475976807e-18,1.4094628242311558e-18,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,490.0,,2.168404344971009e-18,1.0299920638612292e-18,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,500.0,,1.0842021724855044e-18,6.505213034913027e-19,0.0,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,510.0,,2.3310346708438345e-18,4.119968255444917e-18,1.734723475976807e-18,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,520.0,,8.673617379884035e-19,5.421010862427522e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,530.0,,0.0,1.734723475976807e-18,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,540.0,,0.0,4.336808689942018e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,550.0,,0.0,1.734723475976807e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,560.0,,1.0842021724855044e-18,1.8431436932253575e-18,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,570.0,,7.589415207398531e-19,1.0842021724855044e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,580.0,,2.168404344971009e-18,9.75781955236954e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,590.0,,8.673617379884035e-19,1.951563910473908e-18,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,600.0,,2.927345865710862e-18,2.9815559743351372e-18,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,610.0,,7.589415207398531e-19,2.6020852139652106e-18,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,620.0,,1.1384122811097797e-18,4.336808689942018e-19,0.0,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,630.0,,6.505213034913027e-19,1.6263032587282567e-18,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,640.0,,0.0,8.673617379884035e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,650.0,,1.3010426069826053e-18,8.673617379884035e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,660.0,,1.8431436932253575e-18,2.2768245622195593e-18,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,670.0,,4.336808689942018e-19,5.421010862427522e-19,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,680.0,,2.168404344971009e-19,1.5178830414797062e-18,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,690.0,,6.505213034913027e-19,1.5178830414797062e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,700.0,,1.3010426069826053e-18,1.0842021724855044e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,710.0,,1.0842021724855044e-18,1.1926223897340549e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,720.0,,2.710505431213761e-19,1.3010426069826053e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,730.0,,4.336808689942018e-19,2.4936649967166602e-18,0.0,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,740.0,,8.673617379884035e-19,6.505213034913027e-19,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,750.0,,1.5178830414797062e-18,8.673617379884035e-19,0.0,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,760.0,,7.589415207398531e-19,5.421010862427522e-20,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,770.0,,1.0842021724855044e-19,1.3010426069826053e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,780.0,,0.0,2.168404344971009e-19,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,790.0,,2.168404344971009e-19,1.5178830414797062e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,800.0,,0.0,4.336808689942018e-19,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,810.0,,1.5178830414797062e-18,5.421010862427522e-19,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,820.0,,1.734723475976807e-18,4.336808689942018e-19,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,830.0,,1.3010426069826053e-18,2.1141942363467336e-18,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,840.0,,1.734723475976807e-18,3.2526065174565133e-18,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,850.0,,1.951563910473908e-18,4.336808689942018e-19,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,860.0,,1.0842021724855044e-19,4.336808689942018e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,870.0,,8.131516293641283e-19,1.3010426069826053e-18,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,880.0,,4.336808689942018e-19,1.951563910473908e-18,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,890.0,,1.3010426069826053e-18,1.5178830414797062e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,900.0,,3.2526065174565133e-19,4.336808689942018e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,910.0,,2.656295322589486e-18,1.0842021724855044e-19,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,920.0,,4.87890977618477e-19,8.673617379884035e-19,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,930.0,,6.505213034913027e-19,6.505213034913027e-19,1.734723475976807e-18,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,940.0,,1.3010426069826053e-18,8.673617379884035e-19,1.734723475976807e-18,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,950.0,,2.168404344971009e-19,1.3010426069826053e-18,1.734723475976807e-18,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,960.0,,1.734723475976807e-18,1.3010426069826053e-18,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,970.0,,2.9815559743351372e-18,8.673617379884035e-19,1.734723475976807e-18,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,980.0,,1.6263032587282567e-18,1.3010426069826053e-18,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,990.0,,4.336808689942018e-19,4.336808689942018e-19,0.0,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,1000.0,,3.577867169202165e-18,1.3010426069826053e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1010.0,,2.8189256484623115e-18,1.0842021724855044e-18,1.734723475976807e-18,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,1020.0,,1.1926223897340549e-18,1.0842021724855044e-18,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1030.0,,1.734723475976807e-18,1.0842021724855044e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1040.0,,2.168404344971009e-19,1.5178830414797062e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1050.0,,1.3010426069826053e-18,1.3010426069826053e-18,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1060.0,,4.87890977618477e-19,1.5178830414797062e-18,3.469446951953614e-18,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,1070.0,,1.5178830414797062e-18,3.2526065174565133e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1080.0,,2.4936649967166602e-18,2.4936649967166602e-18,1.734723475976807e-18,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,1090.0,,1.870248747537495e-18,5.421010862427522e-19,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1100.0,,5.692061405548898e-19,8.673617379884035e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1110.0,,2.168404344971009e-19,1.5178830414797062e-18,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1120.0,,1.4094628242311558e-18,1.5178830414797062e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1130.0,,2.3852447794681098e-18,1.463672932855431e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1140.0,,2.6020852139652106e-18,1.3010426069826053e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1150.0,,1.734723475976807e-18,8.673617379884035e-19,0.0,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,1160.0,,5.149960319306146e-19,3.2526065174565133e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1170.0,,2.168404344971009e-19,2.927345865710862e-18,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1180.0,,1.6805133673525319e-18,7.589415207398531e-19,1.734723475976807e-18,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,1190.0,,5.421010862427522e-19,2.168404344971009e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1200.0,,2.168404344971009e-18,2.1141942363467336e-18,1.734723475976807e-18,2.220446049250313e-16 +vol.T,S2,heatPumpSystem.declination,1210.0,,9.215718466126788e-19,8.673617379884035e-19,0.0,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,1220.0,,1.8431436932253575e-18,1.0842021724855044e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1230.0,,2.6020852139652106e-18,3.2526065174565133e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1240.0,,4.336808689942018e-19,4.336808689942018e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1250.0,,4.336808689942018e-19,1.734723475976807e-18,0.0,2.220446049250313e-16 +vol.T,S2,heatPumpSystem.declination,1260.0,,9.75781955236954e-19,1.951563910473908e-18,0.0,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,1270.0,,2.1141942363467336e-18,1.7889335846010823e-18,6.938893903907228e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1280.0,,1.8431436932253575e-18,8.673617379884035e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1290.0,,2.168404344971009e-19,1.3010426069826053e-18,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1300.0,,2.6020852139652106e-18,9.75781955236954e-19,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1310.0,,2.710505431213761e-18,2.168404344971009e-19,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1320.0,,2.8189256484623115e-18,1.5178830414797062e-18,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1330.0,,4.336808689942018e-19,1.1926223897340549e-18,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1340.0,,0.0,8.673617379884035e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1350.0,,2.168404344971009e-18,2.168404344971009e-18,0.0,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,1360.0,,1.734723475976807e-18,1.951563910473908e-18,3.469446951953614e-18,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,1370.0,,1.5178830414797062e-18,9.75781955236954e-19,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1380.0,,3.0357660829594124e-18,1.3010426069826053e-18,3.469446951953614e-18,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,1390.0,,1.3010426069826053e-18,1.3010426069826053e-18,0.0,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,1400.0,,2.6020852139652106e-18,2.168404344971009e-19,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1410.0,,4.336808689942018e-19,7.589415207398531e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1420.0,,1.951563910473908e-18,2.3852447794681098e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1430.0,,8.673617379884035e-19,2.710505431213761e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1440.0,,8.673617379884035e-19,1.3010426069826053e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1450.0,,8.673617379884035e-19,8.673617379884035e-19,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1460.0,,4.336808689942018e-19,6.505213034913027e-19,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1470.0,,2.168404344971009e-19,4.336808689942018e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1480.0,,4.336808689942018e-19,1.0842021724855044e-18,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1490.0,,2.168404344971009e-19,6.505213034913027e-19,0.0,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,1500.0,,4.336808689942018e-19,2.168404344971009e-19,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1510.0,,1.0842021724855044e-18,4.336808689942018e-19,0.0,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,1520.0,,3.415236843329339e-18,0.0,1.734723475976807e-18,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,1530.0,,1.5178830414797062e-18,2.2768245622195593e-18,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1540.0,,0.0,0.0,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1550.0,,0.0,4.336808689942018e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1560.0,,1.3010426069826053e-18,4.336808689942018e-19,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1570.0,,1.0842021724855044e-19,2.168404344971009e-19,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1580.0,,0.0,8.673617379884035e-19,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1590.0,,3.903127820947816e-18,2.168404344971009e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1600.0,,7.589415207398531e-19,1.3010426069826053e-18,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1610.0,,1.1926223897340549e-18,1.3010426069826053e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1620.0,,1.951563910473908e-18,6.505213034913027e-19,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1630.0,,2.3852447794681098e-18,1.0842021724855044e-18,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1640.0,,1.3010426069826053e-18,3.903127820947816e-18,3.469446951953614e-18,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,1650.0,,4.336808689942018e-18,3.469446951953614e-18,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1660.0,,1.2468324983583301e-18,6.505213034913027e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1670.0,,1.6263032587282567e-18,1.3010426069826053e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1680.0,,4.336808689942018e-19,1.0842021724855044e-19,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1690.0,,1.6263032587282567e-18,0.0,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1700.0,,3.0357660829594124e-18,1.3010426069826053e-18,5.204170427930421e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1710.0,,2.2768245622195593e-18,4.336808689942018e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1720.0,,1.951563910473908e-18,1.3010426069826053e-18,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1730.0,,8.673617379884035e-19,8.673617379884035e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1740.0,,4.336808689942018e-19,1.3010426069826053e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1750.0,,1.3010426069826053e-18,1.3010426069826053e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1760.0,,8.673617379884035e-19,1.0842021724855044e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1770.0,,6.505213034913027e-19,4.607859233063394e-19,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1780.0,,1.6263032587282567e-18,8.673617379884035e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1790.0,,4.336808689942018e-19,3.2526065174565133e-19,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1800.0,,1.6534083130403943e-18,1.6263032587282567e-18,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1810.0,,1.951563910473908e-18,0.0,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1820.0,,1.6263032587282567e-18,1.3010426069826053e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1830.0,,2.168404344971009e-18,6.505213034913027e-19,0.0,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,1840.0,,8.673617379884035e-19,1.734723475976807e-18,6.938893903907228e-18,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,1850.0,,0.0,2.168404344971009e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1860.0,,2.168404344971009e-19,5.421010862427522e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1870.0,,1.951563910473908e-18,6.505213034913027e-19,6.938893903907228e-18,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,1880.0,,2.1141942363467336e-18,8.673617379884035e-19,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1890.0,,7.589415207398531e-19,1.6263032587282567e-18,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1900.0,,2.4936649967166602e-18,2.0599841277224584e-18,5.204170427930421e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1910.0,,1.3552527156068805e-18,1.5178830414797062e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1920.0,,3.3610267347050637e-18,2.168404344971009e-19,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1930.0,,6.505213034913027e-19,7.589415207398531e-19,0.0,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,1940.0,,1.734723475976807e-18,1.5178830414797062e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1950.0,,4.336808689942018e-19,4.336808689942018e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1960.0,,1.0842021724855044e-18,1.6263032587282567e-19,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,1970.0,,1.951563910473908e-18,9.215718466126788e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1980.0,,2.3852447794681098e-18,3.2526065174565133e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,1990.0,,2.168404344971009e-18,1.5178830414797062e-18,0.0,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,2000.0,,4.119968255444917e-18,1.7889335846010823e-18,5.204170427930421e-18,0.0 +vol.T,S2,heatPumpSystem.declination,2010.0,,8.673617379884035e-19,4.336808689942018e-19,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,2020.0,,0.0,2.168404344971009e-19,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,2030.0,,2.6020852139652106e-18,2.6020852139652106e-18,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,2040.0,,4.336808689942018e-19,1.3010426069826053e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,2050.0,,1.3010426069826053e-18,1.734723475976807e-18,0.0,2.220446049250313e-16 +vol.T,S2,heatPumpSystem.declination,2060.0,,2.168404344971009e-19,8.944667923005412e-19,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,2070.0,,9.75781955236954e-19,2.927345865710862e-18,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,2080.0,,1.951563910473908e-18,4.336808689942018e-19,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,2090.0,,1.951563910473908e-18,8.673617379884035e-19,1.734723475976807e-18,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,2100.0,,8.673617379884035e-19,1.0842021724855044e-18,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,2110.0,,8.673617379884035e-19,1.5178830414797062e-18,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,2120.0,,1.0842021724855044e-19,1.951563910473908e-18,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,2130.0,,2.6020852139652106e-18,2.6020852139652106e-18,3.469446951953614e-18,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,2140.0,,1.734723475976807e-18,4.336808689942018e-19,0.0,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,2150.0,,1.734723475976807e-18,8.673617379884035e-19,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,2160.0,,8.673617379884035e-19,1.6263032587282567e-18,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,2170.0,,2.439454888092385e-18,0.0,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,2180.0,,1.5178830414797062e-18,8.673617379884035e-19,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,2190.0,,1.734723475976807e-18,1.3010426069826053e-18,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,2200.0,,5.421010862427522e-19,1.2874900798265365e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,2210.0,,2.710505431213761e-19,2.3852447794681098e-18,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,2220.0,,1.7889335846010823e-18,8.673617379884035e-19,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,2230.0,,0.0,1.5178830414797062e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,2240.0,,1.3010426069826053e-18,2.168404344971009e-18,0.0,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,2250.0,,2.168404344971009e-18,8.673617379884035e-19,0.0,1.1102230246251565e-16 +vol.T,S2,heatPumpSystem.declination,2260.0,,1.3010426069826053e-18,1.5178830414797062e-18,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,2270.0,,1.0299920638612292e-18,2.168404344971009e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,2280.0,,1.6263032587282567e-19,0.0,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,2290.0,,1.734723475976807e-18,1.3010426069826053e-18,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,2300.0,,2.656295322589486e-18,2.168404344971009e-19,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,2310.0,,3.7947076036992655e-19,7.589415207398531e-19,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,2320.0,,7.589415207398531e-19,4.336808689942018e-19,1.734723475976807e-18,0.0 +vol.T,S2,heatPumpSystem.declination,2330.0,,2.168404344971009e-18,4.336808689942018e-19,0.0,0.0 +vol.T,S2,heatPumpSystem.declination,2340.0,,8.673617379884035e-19,8.673617379884035e-19,0.0,2.220446049250313e-16 +vol.T,S2,heatPumpSystem.declination,2350.0,,1.3010426069826053e-18,1.734723475976807e-18,3.469446951953614e-18,0.0 +vol.T,S2,heatPumpSystem.declination,2360.0,,1.734723475976807e-18,8.673617379884035e-19,6.938893903907228e-18,1.1102230246251565e-16 +vol.T,S2,rad.n,0.0,0.0,0.0,0.0,0.0,0.0 +vol.T,S2,rad.n,10.0,0.0,0.013005184898623824,0.016930301346500615,,0.005656602371823416 +vol.T,S2,rad.n,20.0,3.469446951953614e-18,0.012698506505023723,0.004542974773679563,,0.003935169672749539 +vol.T,S2,rad.n,30.0,0.0,0.010537832459365383,0.0009166985610307224,,0.002898545529301244 +vol.T,S2,rad.n,40.0,0.0,0.007621338762123821,0.0019517277598792918,,0.0024471936702794572 +vol.T,S2,rad.n,50.0,0.0,0.0059843294541441355,0.0019598976599546347,,0.0022407707498480756 +vol.T,S2,rad.n,60.0,6.938893903907228e-18,0.005636838578411636,0.0016493135743245943,,0.001959321756843213 +vol.T,S2,rad.n,70.0,6.938893903907228e-18,0.005728357463731862,0.0016203676855829144,,0.001631128666245485 +vol.T,S2,rad.n,80.0,3.469446951953614e-18,0.00550718959905714,0.0021090086772803697,,0.0014772055419314256 +vol.T,S2,rad.n,90.0,3.469446951953614e-18,0.004833770766517174,0.002893261849951482,,0.0015780754276357722 +vol.T,S2,rad.n,100.0,0.0,0.0038457153618744744,0.003630185793170832,,0.0018932062903322944 +vol.T,S2,rad.n,110.0,0.0,0.0027072121788635634,0.004002865980983993,,0.0023402146070093943 +vol.T,S2,rad.n,120.0,0.0,0.0015751076723662244,0.003822381447470772,,0.0028277580514982636 +vol.T,S2,rad.n,130.0,0.0,0.0006111910731933685,0.0031770695399885793,,0.003271824020512737 +vol.T,S2,rad.n,140.0,1.3877787807814457e-17,3.135676068928561e-05,0.0023917652991624558,,0.003609306768109888 +vol.T,S2,rad.n,150.0,6.938893903907228e-18,0.00021463020506293923,0.0017351879832965475,,0.003753221462506451 +vol.T,S2,rad.n,160.0,0.0,0.00011129685730985883,0.0013189341516560808,,0.0036326475808489134 +vol.T,S2,rad.n,170.0,0.0,0.0007021645383780903,0.001249255661942606,,0.003357194515745232 +vol.T,S2,rad.n,180.0,0.0,0.001133540706747746,0.0015667736815231821,,0.003170071333230551 +vol.T,S2,rad.n,190.0,3.469446951953614e-18,0.00117776364946056,0.002130858475516178,,0.00321905525963162 +vol.T,S2,rad.n,200.0,0.0,0.0008635858832618214,0.0026954737487018023,,0.0035091310475908744 +vol.T,S2,rad.n,210.0,3.469446951953614e-18,0.00032719282785999976,0.003005566267830148,,0.003963001359711282 +vol.T,S2,rad.n,220.0,0.0,0.00026982957420838144,0.002899637872934846,,0.004465105279795489 +vol.T,S2,rad.n,230.0,3.469446951953614e-18,0.0007738309039523224,0.002416793185586224,,0.004887139074046476 +vol.T,S2,rad.n,240.0,6.938893903907228e-18,0.0010544964186437085,0.001781687474561474,,0.005117958596007943 +vol.T,S2,rad.n,250.0,0.0,0.0010077462872932486,0.0012303392426983861,,0.005066835941283432 +vol.T,S2,rad.n,260.0,0.0,0.0006035583151719898,0.0009082206690188208,,0.00472201118741844 +vol.T,S2,rad.n,270.0,0.0,1.5219834383621567e-05,0.0009110483894789398,,0.0042509611486937215 +vol.T,S2,rad.n,280.0,0.0,0.0004450348614210703,0.0012477952869033408,,0.003909637631618557 +vol.T,S2,rad.n,290.0,3.469446951953614e-18,0.0005869600076178604,0.0017881772115380928,,0.003839648296467768 +vol.T,S2,rad.n,300.0,3.469446951953614e-18,0.00041726399299635633,0.0023198035351200182,,0.004035647644332285 +vol.T,S2,rad.n,310.0,0.0,4.34733848362779e-05,0.0026221862331065465,,0.004408112222598737 +vol.T,S2,rad.n,320.0,0.0,0.0003968747101326577,0.00255534459141407,,0.004824306151590574 +vol.T,S2,rad.n,330.0,0.0,0.0007726518853150739,0.002147935245424056,,0.005136913013758071 +vol.T,S2,rad.n,340.0,0.0,0.0009697270692467404,0.001585386387723084,,0.005224974588373121 +vol.T,S2,rad.n,350.0,0.0,0.0008942421418575361,0.0010869963802314364,,0.005017673695902114 +vol.T,S2,rad.n,360.0,0.0,0.0005288635206395047,0.0008107660910257053,,0.004542071631983835 +vol.T,S2,rad.n,370.0,6.938893903907228e-18,2.9254303714882496e-05,0.00084500904578182,,0.003977552492866687 +vol.T,S2,rad.n,380.0,1.734723475976807e-18,0.0003445325456333092,0.0011794963317227451,,0.0035514182214840817 +vol.T,S2,rad.n,390.0,1.734723475976807e-18,0.0004328367453742179,0.0016869904324163867,,0.0033777303968774985 +vol.T,S2,rad.n,400.0,3.469446951953614e-18,0.00024041263636936754,0.0021726083084367773,,0.003438765815591216 +vol.T,S2,rad.n,410.0,1.734723475976807e-18,0.00013426290766189487,0.002440482281748736,,0.0036462055566919283 +vol.T,S2,rad.n,420.0,0.0,0.0005639963926663966,0.002366662938291313,,0.003887961308546628 +vol.T,S2,rad.n,430.0,0.0,0.0009221098144636623,0.001970621862581923,,0.004057643663458177 +vol.T,S2,rad.n,440.0,3.469446951953614e-18,0.0010990657125475485,0.0014172561130645495,,0.004074251393718531 +vol.T,S2,rad.n,450.0,3.469446951953614e-18,0.0010210789579294076,0.000920795268397688,,0.0038879575726240567 +vol.T,S2,rad.n,460.0,0.0,0.000693392783438232,0.0006465696694014332,,0.0035149028241892033 +vol.T,S2,rad.n,470.0,5.204170427930421e-18,0.00025697688612245397,0.0006797595600061337,,0.0030821889090489885 +vol.T,S2,rad.n,480.0,1.734723475976807e-18,6.858779561281537e-05,0.0009969825855514966,,0.00275759871789083 +vol.T,S2,rad.n,490.0,1.734723475976807e-18,0.00014744767953317126,0.0014720255227884272,,0.0026313216146490737 +vol.T,S2,rad.n,500.0,0.0,1.816442252349816e-05,0.0019226990168183227,,0.002689568763397765 +vol.T,S2,rad.n,510.0,1.734723475976807e-18,0.0003428753763617242,0.0021678630734514957,,0.0028618962670778902 +vol.T,S2,rad.n,520.0,0.0,0.0007121310169638032,0.002091821664238925,,0.00305824477076877 +vol.T,S2,rad.n,530.0,3.469446951953614e-18,0.001011204672276481,0.0017108190577930851,,0.0031971638357460863 +vol.T,S2,rad.n,540.0,0.0,0.0011414454294712759,0.0011787119747295304,,0.0032202447318154803 +vol.T,S2,rad.n,550.0,0.0,0.001039889058213863,0.0007023142233324522,,0.0030891954990532877 +vol.T,S2,rad.n,560.0,1.734723475976807e-18,0.0007182683185374076,0.0004494275287830647,,0.002808123612159319 +vol.T,S2,rad.n,570.0,0.0,0.00030613745772887883,0.0005007672024326584,,0.0024694350068366067 +vol.T,S2,rad.n,580.0,0.0,1.193541000112791e-06,0.0008259133169974918,,0.0022094805365038273 +vol.T,S2,rad.n,590.0,3.469446951953614e-18,8.038429746232839e-05,0.0012950499551659094,,0.002107652588707931 +vol.T,S2,rad.n,600.0,1.734723475976807e-18,6.704985555135504e-05,0.001733209933657975,,0.002156724082631234 +vol.T,S2,rad.n,610.0,3.469446951953614e-18,0.0003619818514945996,0.0019692584935247868,,0.002298023293220708 +vol.T,S2,rad.n,620.0,0.0,0.0006965464924456894,0.0018952470310317285,,0.0024571084285026634 +vol.T,S2,rad.n,630.0,1.734723475976807e-18,0.0009631596682436235,0.0015270797031549654,,0.0025698091333836715 +vol.T,S2,rad.n,640.0,0.0,0.0010693256242673074,0.0010088600825520523,,0.0025926447033887134 +vol.T,S2,rad.n,650.0,0.0,0.0009572225814578669,0.0005466076991165747,,0.0024988022237925067 +vol.T,S2,rad.n,660.0,1.734723475976807e-18,0.0006448698200188004,0.0003070317954285452,,0.0022808514099348365 +vol.T,S2,rad.n,670.0,1.734723475976807e-18,0.00025625592163218587,0.0003702268042723132,,0.00200692301776062 +vol.T,S2,rad.n,680.0,1.734723475976807e-18,3.0423868052827444e-05,0.0006997154142756919,,0.0017908000039039695 +vol.T,S2,rad.n,690.0,0.0,9.953041096000259e-05,0.0011650304479210293,,0.001704506728489652 +vol.T,S2,rad.n,700.0,0.0,4.4160089087880855e-05,0.0015942773504875763,,0.0017457417169873812 +vol.T,S2,rad.n,710.0,0.0,0.0003278815553340395,0.0018230562778484456,,0.0018631723606933326 +vol.T,S2,rad.n,720.0,0.0,0.0006523055883252641,0.001748387862898054,,0.0019912930143893837 +vol.T,S2,rad.n,730.0,0.0,0.0009144400366940652,0.0013864053426427894,,0.0020794706064397595 +vol.T,S2,rad.n,740.0,3.469446951953614e-18,0.001024422481069395,0.0008762841341253321,,0.0020982415067517524 +vol.T,S2,rad.n,750.0,0.0,0.0009271616449102165,0.00042067056650277844,,0.0020211060142221182 +vol.T,S2,rad.n,760.0,0.0,0.0006417581450588721,0.00019158907591820123,,0.001833193097966368 +vol.T,S2,rad.n,770.0,0.0,0.0002863539570794396,0.0002671979064452351,,0.0015837782308796289 +vol.T,S2,rad.n,780.0,1.734723475976807e-18,3.1126113667963307e-05,0.0006049278719424626,,0.0013743618888329978 +vol.T,S2,rad.n,790.0,0.0,1.3216608856402717e-05,0.001073044891941292,,0.0012766269094250937 +vol.T,S2,rad.n,800.0,1.734723475976807e-18,0.00015432636656275214,0.0015001140090445744,,0.001292381630817574 +vol.T,S2,rad.n,810.0,1.734723475976807e-18,0.00045335761427173216,0.0017195800156170789,,0.0013776132644900407 +vol.T,S2,rad.n,820.0,1.734723475976807e-18,0.0007745264784243568,0.0016311937857644426,,0.0014759889457672815 +vol.T,S2,rad.n,830.0,3.469446951953614e-18,0.0010132104616804808,0.0012583270500727464,,0.0015430285028166235 +vol.T,S2,rad.n,840.0,1.734723475976807e-18,0.0010837449390013448,0.0007487087071863623,,0.0015554208263039992 +vol.T,S2,rad.n,850.0,1.734723475976807e-18,0.0009402529243204526,0.00030638588578346497,,0.0014991874362981772 +vol.T,S2,rad.n,860.0,0.0,0.0006118395723127192,9.307934327745446e-05,,0.001365762522318681 +vol.T,S2,rad.n,870.0,1.734723475976807e-18,0.00021940172087555644,0.0001699745327845576,,0.0011917568840799087 +vol.T,S2,rad.n,880.0,1.734723475976807e-18,7.460109188575474e-05,0.0004873986635721018,,0.0010525334294775313 +vol.T,S2,rad.n,890.0,0.0,0.0001697457929499581,0.0009126218657240764,,0.0009959465352356034 +vol.T,S2,rad.n,900.0,0.0,6.693829300926865e-05,0.0012805202091862658,,0.001010441969821363 +vol.T,S2,rad.n,910.0,1.734723475976807e-18,0.00016494769875757646,0.0014459780422188297,,0.0010560760465433416 +vol.T,S2,rad.n,920.0,1.734723475976807e-18,0.0004313713453608682,0.0013275328005190323,,0.0010937328581973604 +vol.T,S2,rad.n,930.0,1.734723475976807e-18,0.0006303942794540027,0.0009543872299588013,,0.0011052908739470624 +vol.T,S2,rad.n,940.0,1.734723475976807e-18,0.0006701774855648185,0.0004665447746676765,,0.001100072476800995 +vol.T,S2,rad.n,950.0,1.734723475976807e-18,0.0005027044049066131,5.211249361215635e-05,,0.00107781560692366 +vol.T,S2,rad.n,960.0,1.734723475976807e-18,0.0001646705709405817,0.00013542093038170465,,0.0010167136715484304 +vol.T,S2,rad.n,970.0,1.734723475976807e-18,0.0002189497555390909,2.8000662042936345e-05,,0.0009210260263694536 +vol.T,S2,rad.n,980.0,1.734723475976807e-18,0.0004892728757136394,0.0003373907550001682,,0.0008426138509144421 +vol.T,S2,rad.n,990.0,0.0,0.0005551885385716923,0.0008323295419188585,,0.0008299082280028847 +vol.T,S2,rad.n,1000.0,0.0,0.00042777759413147216,0.001285094946758521,,0.0008832346906894051 +vol.T,S2,rad.n,1010.0,1.734723475976807e-18,0.00018876840742151207,0.0015280069078191898,,0.0009677508471717111 +vol.T,S2,rad.n,1020.0,3.469446951953614e-18,5.3848416655667e-05,0.0014562020898632125,,0.0010457987471007568 +vol.T,S2,rad.n,1030.0,0.0,0.0001927228961472703,0.0010927744586369439,,0.00110319497243494 +vol.T,S2,rad.n,1040.0,0.0,0.00014730602902781817,0.0005901894906566729,,0.0011520421430307737 +vol.T,S2,rad.n,1050.0,3.469446951953614e-18,0.00010340398486681501,0.0001526832098271355,,0.0011948280510407638 +vol.T,S2,rad.n,1060.0,3.469446951953614e-18,0.000501431944912277,5.987845203769132e-05,,0.001202022563586369 +vol.T,S2,rad.n,1070.0,0.0,0.0009170539688609577,1.8165407050393934e-05,,0.0011655378078453404 +vol.T,S2,rad.n,1080.0,1.734723475976807e-18,0.0012010454349726443,0.00034295071701947837,,0.0011309773157216485 +vol.T,S2,rad.n,1090.0,1.734723475976807e-18,0.0012713731973196096,0.0007800785865942263,,0.0011522234728225111 +vol.T,S2,rad.n,1100.0,0.0,0.001140628393704525,0.001160667867937384,,0.0012412672435595518 +vol.T,S2,rad.n,1110.0,1.734723475976807e-18,0.0008778587265235883,0.0013328791134382973,,0.0013645789190538382 +vol.T,S2,rad.n,1120.0,0.0,0.0005795191976252674,0.0012090936552362763,,0.0014757338238735596 +vol.T,S2,rad.n,1130.0,0.0,0.00035388109919911453,0.0008242340509523223,,0.0015573616244214383 +vol.T,S2,rad.n,1140.0,0.0,0.00029157367761351374,0.0003358292455285447,,0.0016260779501726663 +vol.T,S2,rad.n,1150.0,0.0,0.000424722563512777,5.04293411262742e-05,,0.0016861262572559488 +vol.T,S2,rad.n,1160.0,0.0,0.0007053688323100972,0.00017016470096286804,,0.001703027615689634 +vol.T,S2,rad.n,1170.0,3.469446951953614e-18,0.001008178122823479,4.350585061598661e-05,,0.0016644302063612004 +vol.T,S2,rad.n,1180.0,1.734723475976807e-18,0.001180023536194402,0.000535010875701342,,0.0016247411149314939 +vol.T,S2,rad.n,1190.0,0.0,0.0011328822209174267,0.0011519289562783464,,0.0016561851893123203 +vol.T,S2,rad.n,1200.0,1.734723475976807e-18,0.0008838169896048711,0.0017037508042401107,,0.0017837841493248963 +vol.T,S2,rad.n,1210.0,0.0,0.0005250931454580682,0.0020010455268763046,,0.001979509781942057 +vol.T,S2,rad.n,1220.0,0.0,0.00017347976168451996,0.0019303994110794094,,0.00220007869729133 +vol.T,S2,rad.n,1230.0,0.0,7.015654267404636e-05,0.001531442477980028,,0.0024161803994185993 +vol.T,S2,rad.n,1240.0,0.0,0.0001467041026423921,0.00099789526974799,,0.0026080579182934382 +vol.T,S2,rad.n,1250.0,0.0,4.7567790925698294e-05,0.000580902886538337,,0.0027278930148060265 +vol.T,S2,rad.n,1260.0,0.0,0.0001932879440528952,0.00046380816518104204,,0.0027112862956328865 +vol.T,S2,rad.n,1270.0,6.938893903907228e-18,0.0004860186013366623,0.000689739558683726,,0.0025726350530765885 +vol.T,S2,rad.n,1280.0,0.0,0.000695286863126093,0.0011650423398026598,,0.0024284699532950427 +vol.T,S2,rad.n,1290.0,1.734723475976807e-18,0.0007351675475463105,0.001689718263655226,,0.002383138758239478 +vol.T,S2,rad.n,1300.0,1.734723475976807e-18,0.0005867290766349495,0.0021549877753472887,,0.002490124014009276 +vol.T,S2,rad.n,1310.0,1.734723475976807e-18,0.0003230240822797402,0.0022938799484029677,,0.0027095514009957133 +vol.T,S2,rad.n,1320.0,3.469446951953614e-18,2.589069462132984e-05,0.0020772318903241258,,0.002978121745168427 +vol.T,S2,rad.n,1330.0,3.469446951953614e-18,0.0002448226903200533,0.0015663563980645515,,0.0032311341861561704 +vol.T,S2,rad.n,1340.0,0.0,0.0004436765087414245,0.0009517533563943928,,0.003406272039092828 +vol.T,S2,rad.n,1350.0,0.0,0.0005212993550572156,0.0004804517277774076,,0.0034284758064278 +vol.T,S2,rad.n,1360.0,3.469446951953614e-18,0.0004337443213839019,0.0003380580395344543,,0.00324387889412181 +vol.T,S2,rad.n,1370.0,1.734723475976807e-18,0.00021947511205797424,0.0005681749424268218,,0.002916313435391782 +vol.T,S2,rad.n,1380.0,3.469446951953614e-18,2.5129752812437858e-05,0.0010661044322621202,,0.0026065903425830372 +vol.T,S2,rad.n,1390.0,0.0,1.898192083002459e-05,0.001646553745368668,,0.0024413532400628934 +vol.T,S2,rad.n,1400.0,1.734723475976807e-18,0.00010388100454032309,0.002100775008280412,,0.002444808269113974 +vol.T,S2,rad.n,1410.0,0.0,0.00032474159728709644,0.0022430606531829746,,0.002578540831080778 +vol.T,S2,rad.n,1420.0,0.0,0.0005627394981961107,0.0019770080766262077,,0.0027841981754183065 +vol.T,S2,rad.n,1430.0,0.0,0.0007650809065595319,0.0013631134735947216,,0.0029978106411243655 +vol.T,S2,rad.n,1440.0,0.0,0.0008907986308054235,0.0006229004639757355,,0.0031568281106632012 +vol.T,S2,rad.n,1450.0,3.469446951953614e-18,0.0008764501022052902,4.204108290584152e-05,,0.003191052990579424 +vol.T,S2,rad.n,1460.0,3.469446951953614e-18,0.000657446644946642,0.0001764790544983401,,0.0030550399330382394 +vol.T,S2,rad.n,1470.0,0.0,0.00027831284138688656,1.0021953098468886e-05,,0.0028132486473498863 +vol.T,S2,rad.n,1480.0,1.734723475976807e-18,8.881860402179358e-05,0.0004087582478710921,,0.0026160551917872032 +vol.T,S2,rad.n,1490.0,0.0,0.00029016066270700844,0.0008783912525957022,,0.0025682781007235755 +vol.T,S2,rad.n,1500.0,1.734723475976807e-18,0.00028688776755109516,0.0012072116577202963,,0.002672230336129955 +vol.T,S2,rad.n,1510.0,0.0,0.00012150834624783183,0.0012512540575928231,,0.0028696083457799837 +vol.T,S2,rad.n,1520.0,1.734723475976807e-18,0.00013743958937876763,0.0009510184405984341,,0.0030856436605092297 +vol.T,S2,rad.n,1530.0,1.734723475976807e-18,0.0004057752134423113,0.00038163434397731413,,0.003256606475386281 +vol.T,S2,rad.n,1540.0,0.0,0.0005703118126232538,0.00024859705170100777,,0.003346020107074965 +vol.T,S2,rad.n,1550.0,0.0,0.0005038947548700913,0.0006922817060773905,,0.003321067098352559 +vol.T,S2,rad.n,1560.0,3.469446951953614e-18,0.00015771411949938585,0.0007850718075736937,,0.0031484087363714552 +vol.T,S2,rad.n,1570.0,3.469446951953614e-18,0.00033890828772262585,0.000511468761910874,,0.002874269390939932 +vol.T,S2,rad.n,1580.0,1.734723475976807e-18,0.0007408114989102509,1.6318203190633998e-05,,0.0026263329080359332 +vol.T,S2,rad.n,1590.0,0.0,0.0008775832683905992,0.0006243120233745333,,0.0025094099051903296 +vol.T,S2,rad.n,1600.0,1.734723475976807e-18,0.000733002354538017,0.001128005263409601,,0.002541026605925145 +vol.T,S2,rad.n,1610.0,0.0,0.00039345527169241425,0.001359676143337863,,0.002669821379507109 +vol.T,S2,rad.n,1620.0,3.469446951953614e-18,8.658752072246423e-06,0.00122298677992351,,0.002827960096142723 +vol.T,S2,rad.n,1630.0,3.469446951953614e-18,0.00031511048085158117,0.0007737762730608035,,0.0029690038850322953 +vol.T,S2,rad.n,1640.0,3.469446951953614e-18,0.0003615457254920601,0.00021882191635617596,,0.003075602027489577 +vol.T,S2,rad.n,1650.0,3.469446951953614e-18,4.293086187419359e-05,0.00018593087432017957,,0.0031197103829428974 +vol.T,S2,rad.n,1660.0,0.0,0.0005797984811980149,0.00027806995936970405,,0.0030485131573225743 +vol.T,S2,rad.n,1670.0,0.0,0.0012625075619730683,3.77061835759758e-05,,0.0028757540027475326 +vol.T,S2,rad.n,1680.0,3.469446951953614e-18,0.001726777461982014,0.00043380677603035295,,0.0027102564649736927 +vol.T,S2,rad.n,1690.0,0.0,0.0018396939191004363,0.0009724986261175888,,0.0026572065526113686 +vol.T,S2,rad.n,1700.0,5.204170427930421e-18,0.001625165185624779,0.0014089435420235451,,0.0027479657024452875 +vol.T,S2,rad.n,1710.0,0.0,0.0011884871341922634,0.001599518488697934,,0.0029485123280247327 +vol.T,S2,rad.n,1720.0,3.469446951953614e-18,0.0006828037366076248,0.0014657014222531836,,0.0031993931484500804 +vol.T,S2,rad.n,1730.0,0.0,0.00030424416789326045,0.0010657570520446816,,0.003457153636655441 +vol.T,S2,rad.n,1740.0,0.0,0.00024533431338629244,0.0005944605844325629,,0.0037030352181138815 +vol.T,S2,rad.n,1750.0,0.0,0.000583877110014043,0.0002792144751910981,,0.0038971420197646545 +vol.T,S2,rad.n,1760.0,0.0,0.001190273685095878,0.0002641672301355938,,0.003964868748980499 +vol.T,S2,rad.n,1770.0,3.469446951953614e-18,0.0017763322393542884,0.0005743013223405841,,0.003909208368528816 +vol.T,S2,rad.n,1780.0,0.0,0.002088533259989034,0.0011293657047256288,,0.00385972870665674 +vol.T,S2,rad.n,1790.0,3.469446951953614e-18,0.002046018418711982,0.0017742073785473496,,0.0039592496381560816 +vol.T,S2,rad.n,1800.0,1.734723475976807e-18,0.0017176386465610483,0.0023186824349746733,,0.004259953732991817 +vol.T,S2,rad.n,1810.0,0.0,0.0012414713897387544,0.00257802822821176,,0.0047267803325221625 +vol.T,S2,rad.n,1820.0,0.0,0.0007764614038267646,0.002443222435561729,,0.005279522962253758 +vol.T,S2,rad.n,1830.0,0.0,0.0004722145105099766,0.0019699066326384143,,0.005829189073225605 +vol.T,S2,rad.n,1840.0,6.938893903907228e-18,0.0004283001769384946,0.0013799387112208607,,0.00629071587761576 +vol.T,S2,rad.n,1850.0,0.0,0.0006464102519979746,0.000938591133193039,,0.006555818836535776 +vol.T,S2,rad.n,1860.0,0.0,0.0010196147116401932,0.0008119202574636136,,0.006526282837490238 +vol.T,S2,rad.n,1870.0,6.938893903907228e-18,0.0013722718438981714,0.0010184288235193517,,0.006258124415666977 +vol.T,S2,rad.n,1880.0,3.469446951953614e-18,0.0015474457788631317,0.0014572068623741677,,0.005976602861138658 +vol.T,S2,rad.n,1890.0,1.734723475976807e-18,0.0014872627377584286,0.0019594691410207143,,0.0058845538575234 +vol.T,S2,rad.n,1900.0,5.204170427930421e-18,0.0012391176029824449,0.00234374438352084,,0.006052067976685449 +vol.T,S2,rad.n,1910.0,0.0,0.0009005000815334487,0.0024505643198197806,,0.006445230555896964 +vol.T,S2,rad.n,1920.0,1.734723475976807e-18,0.0005658374880023152,0.002202131063374963,,0.006973285376635552 +vol.T,S2,rad.n,1930.0,0.0,0.0002979507600296763,0.001668781315752349,,0.007524201750070181 +vol.T,S2,rad.n,1940.0,0.0,0.00012158309688547336,0.0010631726944505641,,0.007969912155148084 +vol.T,S2,rad.n,1950.0,0.0,4.5238090887297217e-05,0.000635450672005218,,0.008148381318977438 +vol.T,S2,rad.n,1960.0,1.734723475976807e-18,8.012299045280329e-05,0.0005501145734016152,,0.007933529331365596 +vol.T,S2,rad.n,1970.0,0.0,0.00019405778483034923,0.0008291155396288243,,0.007419583150294673 +vol.T,S2,rad.n,1980.0,0.0,0.000279093336065921,0.0013632972294590085,,0.00690046021529811 +vol.T,S2,rad.n,1990.0,0.0,0.00024020634348167168,0.001970706685043795,,0.006623313665479191 +vol.T,S2,rad.n,2000.0,5.204170427930421e-18,7.601797034956746e-05,0.0024483081688204227,,0.006658759004840142 +vol.T,S2,rad.n,2010.0,1.734723475976807e-18,0.00014756272089292907,0.0026148166109574225,,0.006951969594518492 +vol.T,S2,rad.n,2020.0,1.734723475976807e-18,0.0003661795002992928,0.002378814176397461,,0.0073970864389645286 +vol.T,S2,rad.n,2030.0,3.469446951953614e-18,0.000561606589462171,0.0017998141427996491,,0.007863961037122169 +vol.T,S2,rad.n,2040.0,0.0,0.000739684534963661,0.0010869424112167087,,0.008201769630610478 +vol.T,S2,rad.n,2050.0,0.0,0.0008650437282825187,0.000507219489130982,,0.008236149840315732 +vol.T,S2,rad.n,2060.0,1.734723475976807e-18,0.0008453629356257059,0.00025834378121341976,,0.007857534788447307 +vol.T,S2,rad.n,2070.0,3.469446951953614e-18,0.0006557812852507356,0.00038017554852446886,,0.007189335624239512 +vol.T,S2,rad.n,2080.0,3.469446951953614e-18,0.0004229886690090851,0.0007862193644949528,,0.006566615091812444 +vol.T,S2,rad.n,2090.0,1.734723475976807e-18,0.00030313417027346724,0.0011871095192477667,,0.006170248099642062 +vol.T,S2,rad.n,2100.0,3.469446951953614e-18,0.00032557182309101915,0.0015351376055829005,,0.006118837815713873 +vol.T,S2,rad.n,2110.0,1.734723475976807e-18,0.0004697300971093117,0.0016309820003644494,,0.006373333768427636 +vol.T,S2,rad.n,2120.0,1.734723475976807e-18,0.0006807011939735184,0.0013843244558772085,,0.0068101179250043 +vol.T,S2,rad.n,2130.0,3.469446951953614e-18,0.0009009734213912095,0.0009312664595581745,,0.007330310074431079 +vol.T,S2,rad.n,2140.0,0.0,0.0011094347444410239,0.0003336018689082971,,0.007735606458835975 +vol.T,S2,rad.n,2150.0,3.469446951953614e-18,0.0011991485110178935,0.0001292767825393816,,0.007834578766781952 +vol.T,S2,rad.n,2160.0,1.734723475976807e-18,0.001066587967054368,0.00026424516916332026,,0.007519993553265714 +vol.T,S2,rad.n,2170.0,0.0,0.0007299391922501643,1.3418653063566183e-05,,0.006928235383631298 +vol.T,S2,rad.n,2180.0,1.734723475976807e-18,0.0003721623454006062,0.0005311036566302239,,0.006378842608262381 +vol.T,S2,rad.n,2190.0,1.734723475976807e-18,0.00017234407049737666,0.001184274379363963,,0.0061167902676905195 +vol.T,S2,rad.n,2200.0,0.0,0.0001802102544969566,0.0017391755857744367,,0.0061978540029938856 +vol.T,S2,rad.n,2210.0,3.469446951953614e-18,0.0003434035453661992,0.0020134480071765572,,0.0065516122151654255 +vol.T,S2,rad.n,2220.0,3.469446951953614e-18,0.0005747993084609,0.0018971881510665596,,0.007047002341653341 +vol.T,S2,rad.n,2230.0,0.0,0.0007874823052910936,0.001421460051671545,,0.007522812393066847 +vol.T,S2,rad.n,2240.0,0.0,0.0008972762890392776,0.0007685793980984519,,0.00781266313600315 +vol.T,S2,rad.n,2250.0,0.0,0.0008135683815476101,0.00019203807362946218,,0.0077675478403572695 +vol.T,S2,rad.n,2260.0,3.469446951953614e-18,0.0004809822474703754,0.00010397405990528533,,0.00733119135182736 +vol.T,S2,rad.n,2270.0,0.0,1.3132738021632423e-05,4.490577311370633e-05,,0.0066657328731297705 +vol.T,S2,rad.n,2280.0,3.469446951953614e-18,0.0004463379029682746,0.0002972067163919071,,0.006076615599413859 +vol.T,S2,rad.n,2290.0,0.0,0.0006363314355466217,0.0007531429835369412,,0.00578166407531755 +vol.T,S2,rad.n,2300.0,1.734723475976807e-18,0.0005430406169506831,0.0011300822892130885,,0.005819584648819376 +vol.T,S2,rad.n,2310.0,3.469446951953614e-18,0.00023105109185453214,0.0012554067763883674,,0.006119633502063571 +vol.T,S2,rad.n,2320.0,1.734723475976807e-18,0.0001822083107544982,0.0010260583808554043,,0.0065650781245006895 +vol.T,S2,rad.n,2330.0,0.0,0.0005481730171664374,0.00048434948685271983,,0.007028050676631703 +vol.T,S2,rad.n,2340.0,0.0,0.0007097172674258301,0.00017754914094564311,,0.007375296335818682 +vol.T,S2,rad.n,2350.0,3.469446951953614e-18,0.000553635069345703,0.0007116900726568051,,0.007461669080107147 +vol.T,S2,rad.n,2360.0,6.938893903907228e-18,9.302852401186709e-05,0.0009239722508315,,0.007199514255354145 +vol.T,S2,theCon.G,0.0,0.0,0.0,0.0,0.0,0.0 +vol.T,S2,theCon.G,10.0,0.0,0.08483794302445813,0.10627268956523495,0.005656602371823416, +vol.T,S2,theCon.G,20.0,0.0,0.059517407905425035,0.07965445901396717,0.003935169672749539, +vol.T,S2,theCon.G,30.0,0.0,0.0392225994958062,0.05616389618979212,0.002898545529301244, +vol.T,S2,theCon.G,40.0,0.0,0.032056997969040046,0.0472846594151638,0.0024471936702794572, +vol.T,S2,theCon.G,50.0,0.0,0.03346442483220913,0.04845680543922071,0.0022407707498480756, +vol.T,S2,theCon.G,60.0,0.0,0.037767132753942945,0.052005718053904526,0.001959321756843213, +vol.T,S2,theCon.G,70.0,0.0,0.039050262330653784,0.05193358823558736,0.001631128666245485, +vol.T,S2,theCon.G,80.0,0.0,0.03616788005523275,0.0479366853760812,0.0014772055419314256, +vol.T,S2,theCon.G,90.0,0.0,0.030881073820111515,0.04192940645286769,0.0015780754276357722, +vol.T,S2,theCon.G,100.0,0.0,0.02472849997014004,0.03511243142736009,0.0018932062903322944, +vol.T,S2,theCon.G,110.0,1.1102230246251565e-16,0.01865603647571057,0.02807002964403782,0.0023402146070093943, +vol.T,S2,theCon.G,120.0,0.0,0.013403347712134583,0.021457117240157975,0.0028277580514982636, +vol.T,S2,theCon.G,130.0,0.0,0.00957261442038404,0.016216006316210008,0.003271824020512737, +vol.T,S2,theCon.G,140.0,0.0,0.0075636629133738476,0.013206814577463866,0.003609306768109888, +vol.T,S2,theCon.G,150.0,0.0,0.0077295586058445664,0.012843252468881294,0.003753221462506451, +vol.T,S2,theCon.G,160.0,0.0,0.00990383002751416,0.014724247806625401,0.0036326475808489134, +vol.T,S2,theCon.G,170.0,0.0,0.012497979171193552,0.017211132674589957,0.003357194515745232, +vol.T,S2,theCon.G,180.0,0.0,0.013683117708031545,0.01852247253295447,0.003170071333230551, +vol.T,S2,theCon.G,190.0,0.0,0.012948401022958245,0.018024027292387723,0.00321905525963162, +vol.T,S2,theCon.G,200.0,0.0,0.010825555553226951,0.016009423535461864,0.0035091310475908744, +vol.T,S2,theCon.G,210.0,0.0,0.00813064817078979,0.013094707863324784,0.003963001359711282, +vol.T,S2,theCon.G,220.0,0.0,0.005609459854458376,0.009999780752382281,0.004465105279795489, +vol.T,S2,theCon.G,230.0,0.0,0.0037347750940814883,0.0073947708273015555,0.004887139074046476, +vol.T,S2,theCon.G,240.0,0.0,0.002720421454656341,0.0057452265118213,0.005117958596007943, +vol.T,S2,theCon.G,250.0,1.1102230246251565e-16,0.0028638872867631227,0.005430795367258878,0.005066835941283432, +vol.T,S2,theCon.G,260.0,0.0,0.0043682552135494435,0.006661613181838666,0.00472201118741844, +vol.T,S2,theCon.G,270.0,0.0,0.006470339268826897,0.008770365309327732,0.0042509611486937215, +vol.T,S2,theCon.G,280.0,0.0,0.007837704512960064,0.010445261669279948,0.003909637631618557, +vol.T,S2,theCon.G,290.0,0.0,0.007817556473808662,0.010861043450555496,0.003839648296467768, +vol.T,S2,theCon.G,300.0,0.0,0.00663486184354245,0.010000098847389949,0.004035647644332285, +vol.T,S2,theCon.G,310.0,0.0,0.004902057352163314,0.008295714998175274,0.004408112222598737, +vol.T,S2,theCon.G,320.0,0.0,0.0032324735609357003,0.006330651687322275,0.004824306151590574, +vol.T,S2,theCon.G,330.0,0.0,0.0019915319653941443,0.004607543655752888,0.005136913013758071, +vol.T,S2,theCon.G,340.0,0.0,0.0013117240201092617,0.003431107531577493,0.005224974588373121, +vol.T,S2,theCon.G,350.0,0.0,0.0014362748503501388,0.003119938887886531,0.005017673695902114, +vol.T,S2,theCon.G,360.0,0.0,0.0026091529802325653,0.003997812859736216,0.004542071631983835, +vol.T,S2,theCon.G,370.0,0.0,0.004331014720930337,0.005720798001928817,0.003977552492866687, +vol.T,S2,theCon.G,380.0,1.1102230246251565e-16,0.005546762613033884,0.007266919852999654,0.0035514182214840817, +vol.T,S2,theCon.G,390.0,0.0,0.005652809998825004,0.007858901606053292,0.0033777303968774985, +vol.T,S2,theCon.G,400.0,0.0,0.004777646282933312,0.007385581467739932,0.003438765815591216, +vol.T,S2,theCon.G,410.0,0.0,0.0034316765996489362,0.006183070730145346,0.0036462055566919283, +vol.T,S2,theCon.G,420.0,0.0,0.002141194146458414,0.004733644481955346,0.003887961308546628, +vol.T,S2,theCon.G,430.0,0.0,0.0011934274330047678,0.0034104738564361137,0.004057643663458177, +vol.T,S2,theCon.G,440.0,0.0,0.0006362766107078643,0.0023816523273268997,0.004074251393718531, +vol.T,S2,theCon.G,450.0,0.0,0.0006245147346387592,0.00188235590842456,0.0038879575726240567, +vol.T,S2,theCon.G,460.0,0.0,0.0014198479861589064,0.0023056347690757484,0.0035149028241892033, +vol.T,S2,theCon.G,470.0,1.1102230246251565e-16,0.0027409097313477737,0.003566798693849349,0.0030821889090489885, +vol.T,S2,theCon.G,480.0,0.0,0.003762421154194673,0.004884691914256112,0.00275759871789083, +vol.T,S2,theCon.G,490.0,0.0,0.0039272528479389335,0.005530449812374161,0.0026313216146490737, +vol.T,S2,theCon.G,500.0,1.1102230246251565e-16,0.0032877054422711938,0.005318140769134616,0.002689568763397765, +vol.T,S2,theCon.G,510.0,1.1102230246251565e-16,0.002261873949199522,0.004491205717859881,0.0028618962670778902, +vol.T,S2,theCon.G,520.0,0.0,0.0012959859701248133,0.0034426992740776985,0.00305824477076877, +vol.T,S2,theCon.G,530.0,0.0,0.0006016481206752022,0.00244394830924366,0.0031971638357460863, +vol.T,S2,theCon.G,540.0,0.0,0.00015856432896432793,0.001561330949373163,0.0032202447318154803, +vol.T,S2,theCon.G,550.0,0.0,7.506039619276095e-05,0.0009764588584141309,0.0030891954990532877, +vol.T,S2,theCon.G,560.0,0.0,0.0006506413330839012,0.0011444216965902365,0.002808123612159319, +vol.T,S2,theCon.G,570.0,0.0,0.0017488081382190934,0.002150740608096391,0.0024694350068366067, +vol.T,S2,theCon.G,580.0,0.0,0.0026780518145966825,0.0033625829543977304,0.0022094805365038273, +vol.T,S2,theCon.G,590.0,0.0,0.0029017987753994223,0.0040740974710272715,0.002107652588707931, +vol.T,S2,theCon.G,600.0,0.0,0.002424570514068969,0.004050750214973031,0.002156724082631234, +vol.T,S2,theCon.G,610.0,0.0,0.001608980740939514,0.0034790211200960153,0.002298023293220708, +vol.T,S2,theCon.G,620.0,1.1102230246251565e-16,0.0008535020633579915,0.0026982051446223787,0.0024571084285026634, +vol.T,S2,theCon.G,630.0,0.0,0.0003238328511270261,0.0019167626184278808,0.0025698091333836715, +vol.T,S2,theCon.G,640.0,0.0,4.191587225843563e-05,0.00113834412032765,0.0025926447033887134, +vol.T,S2,theCon.G,650.0,0.0,0.00016384203734531866,0.0005120341638977788,0.0024988022237925067, +vol.T,S2,theCon.G,660.0,0.0,0.00027723535679358147,0.0005246996419042693,0.0022808514099348365, +vol.T,S2,theCon.G,670.0,0.0,0.0012307154448500945,0.001366358358445896,0.00200692301776062, +vol.T,S2,theCon.G,680.0,0.0,0.002092056608832049,0.00249971975990837,0.0017908000039039695, +vol.T,S2,theCon.G,690.0,0.0,0.002341508015922922,0.003240739286074157,0.001704506728489652, +vol.T,S2,theCon.G,700.0,0.0,0.0019579668064385602,0.003327097565778203,0.0017457417169873812, +vol.T,S2,theCon.G,710.0,0.0,0.0012688514046381716,0.002911118028423143,0.0018631723606933326, +vol.T,S2,theCon.G,720.0,0.0,0.0006380312888697448,0.0022979567570099446,0.0019912930143893837, +vol.T,S2,theCon.G,730.0,1.1102230246251565e-16,0.00020446831205200855,0.0016594479785223548,0.0020794706064397595, +vol.T,S2,theCon.G,740.0,0.0,0.00012097388020770872,0.0009573785993249873,0.0020982415067517524, +vol.T,S2,theCon.G,750.0,1.1102230246251565e-16,0.00027772246334045736,0.0003131028473553066,0.0020211060142221182, +vol.T,S2,theCon.G,760.0,0.0,6.258896534017122e-05,0.0002275415786068269,0.001833193097966368, +vol.T,S2,theCon.G,770.0,0.0,0.000905648458901509,0.0009566062683026288,0.0015837782308796289, +vol.T,S2,theCon.G,780.0,0.0,0.0017042000662881307,0.0020316454833042563,0.0013743618888329978, +vol.T,S2,theCon.G,790.0,0.0,0.0019550884101225963,0.0027923108053282686,0.0012766269094250937, +vol.T,S2,theCon.G,800.0,0.0,0.0016170816448867198,0.0029591229640481,0.001292381630817574, +vol.T,S2,theCon.G,810.0,0.0,0.0010056222833708661,0.0026630255554668247,0.0013776132644900407, +vol.T,S2,theCon.G,820.0,0.0,0.0004878361072061521,0.002194713328308451,0.0014759889457672815, +vol.T,S2,theCon.G,830.0,0.0,0.00018835733519240172,0.0016987431813030307,0.0015430285028166235, +vol.T,S2,theCon.G,840.0,0.0,2.89217832422084e-05,0.0010844435309809164,0.0015554208263039992, +vol.T,S2,theCon.G,850.0,0.0,0.000165740369890921,0.0004141597561887478,0.0014991874362981772, +vol.T,S2,theCon.G,860.0,0.0,9.157551147043197e-05,0.00018360836893538401,0.001365762522318681, +vol.T,S2,theCon.G,870.0,0.0,0.0008216697831353592,0.0007299915348704111,0.0011917568840799087, +vol.T,S2,theCon.G,880.0,0.0,0.0015724513660990702,0.0016850462985553705,0.0010525334294775313, +vol.T,S2,theCon.G,890.0,0.0,0.0018837138120977315,0.0024271461186813337,0.0009959465352356034, +vol.T,S2,theCon.G,900.0,0.0,0.0017061532387442346,0.002665500281063715,0.001010441969821363, +vol.T,S2,theCon.G,910.0,0.0,0.0013241522742517553,0.0025128257375534035,0.0010560760465433416, +vol.T,S2,theCon.G,920.0,0.0,0.0010517631961983742,0.0022298874201214236,0.0010937328581973604, +vol.T,S2,theCon.G,930.0,1.1102230246251565e-16,0.0009416057425771784,0.0018993475730775256,0.0011052908739470624, +vol.T,S2,theCon.G,940.0,1.1102230246251565e-16,0.0007848158633545488,0.0013469295786169289,0.001100072476800995, +vol.T,S2,theCon.G,950.0,1.1102230246251565e-16,0.0005500703719569788,0.0005815836044301692,0.00107781560692366, +vol.T,S2,theCon.G,960.0,0.0,0.0006073140272163657,0.0001443776579787004,0.0010167136715484304, +vol.T,S2,theCon.G,970.0,1.1102230246251565e-16,0.001145948963867438,0.0004961768018141299,0.0009210260263694536, +vol.T,S2,theCon.G,980.0,0.0,0.0017843337394761738,0.001365149662862053,0.0008426138509144421, +vol.T,S2,theCon.G,990.0,1.1102230246251565e-16,0.0020672242266174257,0.0021457393827624127,0.0008299082280028847, +vol.T,S2,theCon.G,1000.0,0.0,0.0019333929613318812,0.0025278599486457942,0.0008832346906894051, +vol.T,S2,theCon.G,1010.0,1.1102230246251565e-16,0.0016570031422219467,0.002589898918882616,0.0009677508471717111, +vol.T,S2,theCon.G,1020.0,0.0,0.0015371859877407745,0.002543303397553376,0.0010457987471007568, +vol.T,S2,theCon.G,1030.0,0.0,0.0015858863563270598,0.00240448116890013,0.00110319497243494, +vol.T,S2,theCon.G,1040.0,0.0,0.0015260920099533504,0.0019246129465767536,0.0011520421430307737, +vol.T,S2,theCon.G,1050.0,0.0,0.0012804872392364608,0.0010827826902694015,0.0011948280510407638, +vol.T,S2,theCon.G,1060.0,1.1102230246251565e-16,0.00124538895891535,0.0004788368157041534,0.001202022563586369, +vol.T,S2,theCon.G,1070.0,0.0,0.0016816297007996583,0.0006754136713200687,0.0011655378078453404, +vol.T,S2,theCon.G,1080.0,1.1102230246251565e-16,0.0022482731889216234,0.0014463784079834507,0.0011309773157216485, +vol.T,S2,theCon.G,1090.0,0.0,0.002487937221213765,0.002166423228245229,0.0011522234728225111, +vol.T,S2,theCon.G,1100.0,0.0,0.0023293853421413324,0.0025014073190999797,0.0012412672435595518, +vol.T,S2,theCon.G,1110.0,0.0,0.0020335298876191787,0.0025258182698040255,0.0013645789190538382, +vol.T,S2,theCon.G,1120.0,0.0,0.0018741892604308141,0.0024489947506001197,0.0014757338238735596, +vol.T,S2,theCon.G,1130.0,0.0,0.0018397684097134492,0.002276676890495044,0.0015573616244214383, +vol.T,S2,theCon.G,1140.0,0.0,0.0016524801120717525,0.0017477290771983345,0.0016260779501726663, +vol.T,S2,theCon.G,1150.0,1.1102230246251565e-16,0.0012775160855207357,0.0008554106280566076,0.0016861262572559488, +vol.T,S2,theCon.G,1160.0,0.0,0.001172163906096313,0.00025007795714915293,0.001703027615689634, +vol.T,S2,theCon.G,1170.0,0.0,0.0015939210313005159,0.0005162416281762061,0.0016644302063612004, +vol.T,S2,theCon.G,1180.0,1.1102230246251565e-16,0.002126132806595904,0.0013750068868125798,0.0016247411149314939, +vol.T,S2,theCon.G,1190.0,0.0,0.0022440109351464788,0.002138955501027384,0.0016561851893123203, +vol.T,S2,theCon.G,1200.0,2.220446049250313e-16,0.001862074713267381,0.002451232916061419,0.0017837841493248963, +vol.T,S2,theCon.G,1210.0,1.1102230246251565e-16,0.0012798428149349839,0.0023891238244505564,0.001979509781942057, +vol.T,S2,theCon.G,1220.0,0.0,0.000842851290307256,0.0021893336581693124,0.00220007869729133, +vol.T,S2,theCon.G,1230.0,0.0,0.0006147000189000718,0.001906199426680688,0.0024161803994185993, +vol.T,S2,theCon.G,1240.0,0.0,0.00036867664299233827,0.001333370092719055,0.0026080579182934382, +vol.T,S2,theCon.G,1250.0,2.220446049250313e-16,7.936108513972862e-05,0.0005057388771173565,0.0027278930148060265, +vol.T,S2,theCon.G,1260.0,1.1102230246251565e-16,0.000163288229976577,7.765893126365775e-05,0.0027112862956328865, +vol.T,S2,theCon.G,1270.0,0.0,0.0007927170150074936,0.0005670962636266097,0.0025726350530765885, +vol.T,S2,theCon.G,1280.0,0.0,0.0014751053094770317,0.0015960983192478961,0.0024284699532950427, +vol.T,S2,theCon.G,1290.0,0.0,0.0017036484369946647,0.0024250871671481766,0.002383138758239478, +vol.T,S2,theCon.G,1300.0,0.0,0.0013098522112544586,0.002687761650953635,0.002490124014009276, +vol.T,S2,theCon.G,1310.0,0.0,0.0006808306454398894,0.0024382741213295756,0.0027095514009957133, +vol.T,S2,theCon.G,1320.0,0.0,0.00017530839123736097,0.0020195567866242436,0.002978121745168427, +vol.T,S2,theCon.G,1330.0,0.0,0.00012819184860290989,0.0015466991595306512,0.0032311341861561704, +vol.T,S2,theCon.G,1340.0,0.0,0.0004292013353658364,0.0008656743191260974,0.003406272039092828, +vol.T,S2,theCon.G,1350.0,1.1102230246251565e-16,0.000723279427935597,4.2993674347013844e-05,0.0034284758064278, +vol.T,S2,theCon.G,1360.0,1.1102230246251565e-16,0.0005808362320144367,0.00027931226029676015,0.00324387889412181, +vol.T,S2,theCon.G,1370.0,0.0,0.00014358209294162982,0.0003556612410917648,0.002916313435391782, +vol.T,S2,theCon.G,1380.0,1.1102230246251565e-16,0.0009134383688013115,0.0015064445344461497,0.0026065903425830372, +vol.T,S2,theCon.G,1390.0,1.1102230246251565e-16,0.0011603661649175478,0.0024042308045457705,0.0024413532400628934, +vol.T,S2,theCon.G,1400.0,0.0,0.0008128582717487065,0.002681522877725162,0.002444808269113974, +vol.T,S2,theCon.G,1410.0,0.0,0.00020720870029167227,0.0024512256143158773,0.002578540831080778, +vol.T,S2,theCon.G,1420.0,0.0,0.000262200595361084,0.0020225537727387444,0.0027841981754183065, +vol.T,S2,theCon.G,1430.0,0.0,0.0004924397237070499,0.0015353714033445875,0.0029978106411243655, +vol.T,S2,theCon.G,1440.0,0.0,0.0006963853122763375,0.0008517285991116452,0.0031568281106632012, +vol.T,S2,theCon.G,1450.0,0.0,0.0009071929581530025,2.569846420863442e-05,0.003191052990579424, +vol.T,S2,theCon.G,1460.0,0.0,0.0007139350923045518,0.0003271169956218234,0.0030550399330382394, +vol.T,S2,theCon.G,1470.0,0.0,5.522673923186172e-05,0.0002472135934712405,0.0028132486473498863, +vol.T,S2,theCon.G,1480.0,0.0,0.0009102588804000833,0.0013373893639273549,0.0026160551917872032, +vol.T,S2,theCon.G,1490.0,1.1102230246251565e-16,0.001309935332580059,0.00220212888476079,0.0025682781007235755, +vol.T,S2,theCon.G,1500.0,0.0,0.0011807223540588607,0.0024920189500712286,0.002672230336129955, +vol.T,S2,theCon.G,1510.0,1.1102230246251565e-16,0.0008290083582432883,0.0023312593572529794,0.0028696083457799837, +vol.T,S2,theCon.G,1520.0,1.1102230246251565e-16,0.0005944124721626309,0.0020216764934357645,0.0030856436605092297, +vol.T,S2,theCon.G,1530.0,0.0,0.0005143538371359391,0.0016624462812474539,0.003256606475386281, +vol.T,S2,theCon.G,1540.0,0.0,0.00032638687393238275,0.0010467704396354138,0.003346020107074965, +vol.T,S2,theCon.G,1550.0,0.0,3.879871730116946e-06,0.0001720371739877269,0.003321067098352559, +vol.T,S2,theCon.G,1560.0,0.0,2.745443177620821e-05,0.00033512787989964377,0.0031484087363714552, +vol.T,S2,theCon.G,1570.0,0.0,0.0006506057847032176,6.360240655156613e-05,0.002874269390939932, +vol.T,S2,theCon.G,1580.0,0.0,0.0014128154681928295,0.0010418337849746884,0.0026263329080359332, +vol.T,S2,theCon.G,1590.0,0.0,0.0017598341476785517,0.0018945087334212296,0.0025094099051903296, +vol.T,S2,theCon.G,1600.0,0.0,0.001608000383737762,0.0022771545904178847,0.002541026605925145, +vol.T,S2,theCon.G,1610.0,0.0,0.001267812083029063,0.002295369619221499,0.002669821379507109, +vol.T,S2,theCon.G,1620.0,0.0,0.0010874645485069445,0.002211138746291974,0.002827960096142723, +vol.T,S2,theCon.G,1630.0,0.0,0.0010963177986573758,0.002066146344548825,0.0029690038850322953, +vol.T,S2,theCon.G,1640.0,1.1102230246251565e-16,0.0009984760114063462,0.001577596763823741,0.003075602027489577, +vol.T,S2,theCon.G,1650.0,0.0,0.0007345379421468401,0.0006907958027888572,0.0031197103829428974, +vol.T,S2,theCon.G,1660.0,0.0,0.0007770817600967206,5.6206363146849014e-05,0.0030485131573225743, +vol.T,S2,theCon.G,1670.0,0.0,0.0013897978982315706,0.0002995024250282974,0.0028757540027475326, +vol.T,S2,theCon.G,1680.0,0.0,0.002116146519280604,0.0011537108106390859,0.0027102564649736927, +vol.T,S2,theCon.G,1690.0,0.0,0.0024051149064411304,0.0019171170709650909,0.0026572065526113686, +vol.T,S2,theCon.G,1700.0,0.0,0.0021824839569491994,0.002238145336105335,0.0027479657024452875, +vol.T,S2,theCon.G,1710.0,0.0,0.0017636955363385942,0.0022334123277885087,0.0029485123280247327, +vol.T,S2,theCon.G,1720.0,0.0,0.00149022075453209,0.0021691473030744923,0.0031993931484500804, +vol.T,S2,theCon.G,1730.0,0.0,0.001394224064224514,0.002068011888205934,0.003457153636655441, +vol.T,S2,theCon.G,1740.0,0.0,0.001208449553323665,0.0016144493733687426,0.0037030352181138815, +vol.T,S2,theCon.G,1750.0,0.0,0.0009216941061034323,0.0007502721837263637,0.0038971420197646545, +vol.T,S2,theCon.G,1760.0,0.0,0.0010329511162254779,0.00017664281783458247,0.003964868748980499, +vol.T,S2,theCon.G,1770.0,0.0,0.0017445055425807654,0.0005508571974712773,0.003909208368528816, +vol.T,S2,theCon.G,1780.0,0.0,0.002498180158389207,0.0015616283545338838,0.00385972870665674, +vol.T,S2,theCon.G,1790.0,0.0,0.0026908232495057582,0.0024501589098236964,0.0039592496381560816, +vol.T,S2,theCon.G,1800.0,0.0,0.0022583652325981474,0.0028326470145687566,0.004259953732991817, +vol.T,S2,theCon.G,1810.0,0.0,0.001561746862166813,0.00281064955249255,0.0047267803325221625, +vol.T,S2,theCon.G,1820.0,0.0,0.001012401161078591,0.0026569844549313437,0.005279522962253758, +vol.T,S2,theCon.G,1830.0,1.1102230246251565e-16,0.0007198548109090819,0.0024352035580961218,0.005829189073225605, +vol.T,S2,theCon.G,1840.0,1.1102230246251565e-16,0.0004740366297887322,0.001896513907688635,0.00629071587761576, +vol.T,S2,theCon.G,1850.0,0.0,0.00027097365393424777,0.001037432486332146,0.006555818836535776, +vol.T,S2,theCon.G,1860.0,0.0,0.0005486925959220512,0.0005552781642066407,0.006526282837490238, +vol.T,S2,theCon.G,1870.0,1.1102230246251565e-16,0.0014072722684792538,0.0010242365494852468,0.006258124415666977, +vol.T,S2,theCon.G,1880.0,0.0,0.002228100655312981,0.002043897495904834,0.005976602861138658, +vol.T,S2,theCon.G,1890.0,0.0,0.002410998913186191,0.0028240069440556015,0.0058845538575234, +vol.T,S2,theCon.G,1900.0,0.0,0.00191528552573772,0.003000019069550275,0.006052067976685449, +vol.T,S2,theCon.G,1910.0,0.0,0.001118433852866696,0.0027107542056699074,0.006445230555896964, +vol.T,S2,theCon.G,1920.0,0.0,0.00044596341527358696,0.0022839737563183915,0.006973285376635552, +vol.T,S2,theCon.G,1930.0,1.1102230246251565e-16,3.072268715254012e-05,0.0018506783429336204,0.007524201750070181, +vol.T,S2,theCon.G,1940.0,0.0,0.00031046814456880956,0.0012244563434952171,0.007969912155148084, +vol.T,S2,theCon.G,1950.0,0.0,0.0005717956440138838,0.00042450030532492633,0.008148381318977438, +vol.T,S2,theCon.G,1960.0,0.0,0.00032586796109623783,0.00010820410412248904,0.007933529331365596, +vol.T,S2,theCon.G,1970.0,0.0,0.0005162961778878428,0.0007695002183250033,0.007419583150294673, +vol.T,S2,theCon.G,1980.0,0.0,0.00133553899021166,0.0019541207623918755,0.00690046021529811, +vol.T,S2,theCon.G,1990.0,1.1102230246251565e-16,0.0015399354611221883,0.002868732227702009,0.006623313665479191, +vol.T,S2,theCon.G,2000.0,0.0,0.0010895262152744722,0.0031523770454554567,0.006658759004840142, +vol.T,S2,theCon.G,2010.0,0.0,0.00036383337423795403,0.0029359649461577764,0.006951969594518492, +vol.T,S2,theCon.G,2020.0,0.0,0.0002037798864110707,0.002544485659430107,0.0073970864389645286, +vol.T,S2,theCon.G,2030.0,0.0,0.0004953625159003217,0.0021114892387492645,0.007863961037122169, +vol.T,S2,theCon.G,2040.0,0.0,0.0007484390318687195,0.001449855648839482,0.008201769630610478, +vol.T,S2,theCon.G,2050.0,2.220446049250313e-16,0.0010248556700055422,0.0005656666714852765,0.008236149840315732, +vol.T,S2,theCon.G,2060.0,0.0,0.0009003989034123139,0.00010331320741141514,0.007857534788447307, +vol.T,S2,theCon.G,2070.0,0.0,0.00019005677258199238,0.0005800454538504862,0.007189335624239512, +vol.T,S2,theCon.G,2080.0,0.0,0.0005526359367102884,0.0015881418145619053,0.006566615091812444, +vol.T,S2,theCon.G,2090.0,1.1102230246251565e-16,0.0008630097083791588,0.0023415380083012804,0.006170248099642062, +vol.T,S2,theCon.G,2100.0,0.0,0.0006208561348816088,0.0025948307706623597,0.006118837815713873, +vol.T,S2,theCon.G,2110.0,0.0,0.00015321255473166318,0.0024206262727539674,0.006373333768427636, +vol.T,S2,theCon.G,2120.0,0.0,0.00017576101367722252,0.002100516996829005,0.0068101179250043, +vol.T,S2,theCon.G,2130.0,1.1102230246251565e-16,0.00027505522338477917,0.0018598245259873192,0.007330310074431079, +vol.T,S2,theCon.G,2140.0,1.1102230246251565e-16,0.000517054337188072,0.0012592261984372133,0.007735606458835975, +vol.T,S2,theCon.G,2150.0,0.0,0.0009564951911285036,0.0003099421933815405,0.007834578766781952, +vol.T,S2,theCon.G,2160.0,0.0,0.0010801602013023048,0.00030632170845346085,0.007519993553265714, +vol.T,S2,theCon.G,2170.0,0.0,0.0005634769988573929,3.99921314856444e-05,0.006928235383631298, +vol.T,S2,theCon.G,2180.0,0.0,0.00014678891425357055,0.0010357858553926569,0.006378842608262381, +vol.T,S2,theCon.G,2190.0,0.0,0.000467639682673493,0.0019327590854101295,0.0061167902676905195, +vol.T,S2,theCon.G,2200.0,0.0,0.00029883317271717225,0.002354466509453701,0.0061978540029938856, +vol.T,S2,theCon.G,2210.0,0.0,4.6885493271586753e-05,0.0024056669075402937,0.0065516122151654255, +vol.T,S2,theCon.G,2220.0,0.0,0.00021864125670423284,0.0023526033963879867,0.007047002341653341, +vol.T,S2,theCon.G,2230.0,0.0,0.00021484448183395344,0.0022096259246841,0.007522812393066847, +vol.T,S2,theCon.G,2240.0,1.1102230246251565e-16,0.00039895855226768084,0.0016334305157564843,0.00781266313600315, +vol.T,S2,theCon.G,2250.0,1.1102230246251565e-16,0.0008596812194623382,0.0005487788117776171,0.0077675478403572695, +vol.T,S2,theCon.G,2260.0,0.0,0.0010209387607099663,0.0003025150470885585,0.00733119135182736, +vol.T,S2,theCon.G,2270.0,0.0,0.0004897709513745907,0.0001935044503478256,0.0066657328731297705, +vol.T,S2,theCon.G,2280.0,0.0,0.00028230454657796056,0.0006030177692740724,0.006076615599413859, +vol.T,S2,theCon.G,2290.0,0.0,0.0006660323763233444,0.001325073957158751,0.00578166407531755, +vol.T,S2,theCon.G,2300.0,0.0,0.0005273687847044961,0.0015815185371137463,0.005819584648819376, +vol.T,S2,theCon.G,2310.0,0.0,0.00017213599874510432,0.0014849314020182192,0.006119633502063571, +vol.T,S2,theCon.G,2320.0,0.0,4.91320343056767e-05,0.0013170265506496914,0.0065650781245006895, +vol.T,S2,theCon.G,2330.0,0.0,0.0001303694089298535,0.001105780547851043,0.007028050676631703, +vol.T,S2,theCon.G,2340.0,2.220446049250313e-16,0.000410267561662625,0.0005101903991324708,0.007375296335818682, +vol.T,S2,theCon.G,2350.0,0.0,0.0009125626486531369,0.0005329434592332705,0.007461669080107147, +vol.T,S2,theCon.G,2360.0,1.1102230246251565e-16,0.0010029482117495103,0.0012507689510035114,0.007199514255354145, +vol.T,S2,vol.V,0.0,0.0,0.0,0.0,0.0,0.0 +vol.T,S2,vol.V,10.0,0.0,,0.059759928949247844,0.013005184898623824,0.08483794302445813 +vol.T,S2,vol.V,20.0,0.0,,0.04989191702432194,0.012698506505023723,0.059517407905425035 +vol.T,S2,vol.V,30.0,0.0,,0.054519107280839724,0.010537832459365383,0.0392225994958062 +vol.T,S2,vol.V,40.0,0.0,,0.039850569487019094,0.007621338762123821,0.032056997969040046 +vol.T,S2,vol.V,50.0,0.0,,0.020483248643644564,0.0059843294541441355,0.03346442483220913 +vol.T,S2,vol.V,60.0,0.0,,0.009088663948075046,0.005636838578411636,0.037767132753942945 +vol.T,S2,vol.V,70.0,1.734723475976807e-18,,0.0064002199887197055,0.005728357463731862,0.039050262330653784 +vol.T,S2,vol.V,80.0,1.3010426069826053e-18,,0.005835808997236939,0.00550718959905714,0.03616788005523275 +vol.T,S2,vol.V,90.0,6.505213034913027e-19,,0.004459225187556995,0.004833770766517174,0.030881073820111515 +vol.T,S2,vol.V,100.0,0.0,,0.0028797891154247477,0.0038457153618744744,0.02472849997014004 +vol.T,S2,vol.V,110.0,1.3010426069826053e-18,,0.002421020677624891,0.0027072121788635634,0.01865603647571057 +vol.T,S2,vol.V,120.0,0.0,,0.0034885393863604373,0.0015751076723662244,0.013403347712134583 +vol.T,S2,vol.V,130.0,6.938893903907228e-18,,0.004653904360277766,0.0006111910731933685,0.00957261442038404 +vol.T,S2,vol.V,140.0,0.0,,0.0038479136257987406,3.135676068928561e-05,0.0075636629133738476 +vol.T,S2,vol.V,150.0,0.0,,0.00154566112132409,0.00021463020506293923,0.0077295586058445664 +vol.T,S2,vol.V,160.0,3.469446951953614e-18,,0.0005014076175399,0.00011129685730985883,0.00990383002751416 +vol.T,S2,vol.V,170.0,8.673617379884035e-19,,0.001300457587061491,0.0007021645383780903,0.012497979171193552 +vol.T,S2,vol.V,180.0,6.505213034913027e-19,,0.0020020976104439996,0.001133540706747746,0.013683117708031545 +vol.T,S2,vol.V,190.0,1.0842021724855044e-18,,0.0015444039171242496,0.00117776364946056,0.012948401022958245 +vol.T,S2,vol.V,200.0,4.336808689942018e-19,,0.0004955720232231045,0.0008635858832618214,0.010825555553226951 +vol.T,S2,vol.V,210.0,4.336808689942018e-19,,9.177481781473261e-05,0.00032719282785999976,0.00813064817078979 +vol.T,S2,vol.V,220.0,8.673617379884035e-19,,0.00027557511498868363,0.00026982957420838144,0.005609459854458376 +vol.T,S2,vol.V,230.0,1.734723475976807e-18,,0.0009153861878462063,0.0007738309039523224,0.0037347750940814883 +vol.T,S2,vol.V,240.0,3.469446951953614e-18,,0.0006452217338041577,0.0010544964186437085,0.002720421454656341 +vol.T,S2,vol.V,250.0,1.734723475976807e-18,,0.00031129196462759134,0.0010077462872932486,0.0028638872867631227 +vol.T,S2,vol.V,260.0,1.734723475976807e-18,,0.0003974984928526628,0.0006035583151719898,0.0043682552135494435 +vol.T,S2,vol.V,270.0,4.336808689942018e-19,,0.000616811914902335,1.5219834383621567e-05,0.006470339268826897 +vol.T,S2,vol.V,280.0,2.168404344971009e-19,,0.0013720625802584754,0.0004450348614210703,0.007837704512960064 +vol.T,S2,vol.V,290.0,1.1926223897340549e-18,,0.0011141984184889068,0.0005869600076178604,0.007817556473808662 +vol.T,S2,vol.V,300.0,3.0357660829594124e-18,,0.0003014143374930824,0.00041726399299635633,0.00663486184354245 +vol.T,S2,vol.V,310.0,1.6263032587282567e-18,,0.00020683899379055607,4.34733848362779e-05,0.004902057352163314 +vol.T,S2,vol.V,320.0,8.673617379884035e-19,,1.847045168502752e-06,0.0003968747101326577,0.0032324735609357003 +vol.T,S2,vol.V,330.0,0.0,,0.0004029247325157692,0.0007726518853150739,0.0019915319653941443 +vol.T,S2,vol.V,340.0,0.0,,0.00014364664169557416,0.0009697270692467404,0.0013117240201092617 +vol.T,S2,vol.V,350.0,1.734723475976807e-18,,0.0004975047084446408,0.0008942421418575361,0.0014362748503501388 +vol.T,S2,vol.V,360.0,8.673617379884035e-19,,0.0003047650669155168,0.0005288635206395047,0.0026091529802325653 +vol.T,S2,vol.V,370.0,1.0842021724855044e-18,,0.0007841070713728142,2.9254303714882496e-05,0.004331014720930337 +vol.T,S2,vol.V,380.0,1.5178830414797062e-18,,0.0015561207514772073,0.0003445325456333092,0.005546762613033884 +vol.T,S2,vol.V,390.0,8.673617379884035e-19,,0.0013249597841327575,0.0004328367453742179,0.005652809998825004 +vol.T,S2,vol.V,400.0,1.3010426069826053e-18,,0.0004651129825810191,0.00024041263636936754,0.004777646282933312 +vol.T,S2,vol.V,410.0,1.6263032587282567e-18,,0.00025781572773115723,0.00013426290766189487,0.0034316765996489362 +vol.T,S2,vol.V,420.0,4.336808689942018e-19,,0.0004092582809582445,0.0005639963926663966,0.002141194146458414 +vol.T,S2,vol.V,430.0,1.3010426069826053e-18,,0.0002801748085043236,0.0009221098144636623,0.0011934274330047678 +vol.T,S2,vol.V,440.0,8.673617379884035e-19,,0.0004775099126853831,0.0010990657125475485,0.0006362766107078643 +vol.T,S2,vol.V,450.0,8.673617379884035e-19,,0.0008227538794413642,0.0010210789579294076,0.0006245147346387592 +vol.T,S2,vol.V,460.0,2.168404344971009e-18,,0.0004496855573907772,0.000693392783438232,0.0014198479861589064 +vol.T,S2,vol.V,470.0,5.421010862427522e-19,,0.0006009230996825491,0.00025697688612245397,0.0027409097313477737 +vol.T,S2,vol.V,480.0,1.734723475976807e-18,,0.0012985696531870525,6.858779561281537e-05,0.003762421154194673 +vol.T,S2,vol.V,490.0,2.168404344971009e-18,,0.001080404006822085,0.00014744767953317126,0.0039272528479389335 +vol.T,S2,vol.V,500.0,1.0842021724855044e-18,,0.00029921218740871944,1.816442252349816e-05,0.0032877054422711938 +vol.T,S2,vol.V,510.0,2.3310346708438345e-18,,0.000345965209009526,0.0003428753763617242,0.002261873949199522 +vol.T,S2,vol.V,520.0,8.673617379884035e-19,,0.0004552893149941449,0.0007121310169638032,0.0012959859701248133 +vol.T,S2,vol.V,530.0,0.0,,0.00029879933293122207,0.001011204672276481,0.0006016481206752022 +vol.T,S2,vol.V,540.0,0.0,,0.0004510102140096949,0.0011414454294712759,0.00015856432896432793 +vol.T,S2,vol.V,550.0,0.0,,0.0007784520995942207,0.001039889058213863,7.506039619276095e-05 +vol.T,S2,vol.V,560.0,1.0842021724855044e-18,,0.00048712702768256995,0.0007182683185374076,0.0006506413330839012 +vol.T,S2,vol.V,570.0,7.589415207398531e-19,,0.0004365677712811428,0.00030613745772887883,0.0017488081382190934 +vol.T,S2,vol.V,580.0,2.168404344971009e-18,,0.0010813823546152739,1.193541000112791e-06,0.0026780518145966825 +vol.T,S2,vol.V,590.0,8.673617379884035e-19,,0.0009118265295762333,8.038429746232839e-05,0.0029017987753994223 +vol.T,S2,vol.V,600.0,2.927345865710862e-18,,0.000231336194740774,6.704985555135504e-05,0.002424570514068969 +vol.T,S2,vol.V,610.0,7.589415207398531e-19,,0.0003179029017209734,0.0003619818514945996,0.001608980740939514 +vol.T,S2,vol.V,620.0,1.1384122811097797e-18,,0.00036607405045146254,0.0006965464924456894,0.0008535020633579915 +vol.T,S2,vol.V,630.0,6.505213034913027e-19,,0.0001771146017058688,0.0009631596682436235,0.0003238328511270261 +vol.T,S2,vol.V,640.0,0.0,,0.0003076686103515331,0.0010693256242673074,4.191587225843563e-05 +vol.T,S2,vol.V,650.0,1.3010426069826053e-18,,0.0006454895195806517,0.0009572225814578669,0.00016384203734531866 +vol.T,S2,vol.V,660.0,1.8431436932253575e-18,,0.0004296998505181411,0.0006448698200188004,0.00027723535679358147 +vol.T,S2,vol.V,670.0,4.336808689942018e-19,,0.00039591013488438987,0.00025625592163218587,0.0012307154448500945 +vol.T,S2,vol.V,680.0,2.168404344971009e-19,,0.0009970584933769182,3.0423868052827444e-05,0.002092056608832049 +vol.T,S2,vol.V,690.0,6.505213034913027e-19,,0.000851030811433997,9.953041096000259e-05,0.002341508015922922 +vol.T,S2,vol.V,700.0,1.3010426069826053e-18,,0.00022953410548928516,4.4160089087880855e-05,0.0019579668064385602 +vol.T,S2,vol.V,710.0,1.0842021724855044e-18,,0.0002647385398879962,0.0003278815553340395,0.0012688514046381716 +vol.T,S2,vol.V,720.0,2.710505431213761e-19,,0.0002850578452912246,0.0006523055883252641,0.0006380312888697448 +vol.T,S2,vol.V,730.0,4.336808689942018e-19,,8.980976306660339e-05,0.0009144400366940652,0.00020446831205200855 +vol.T,S2,vol.V,740.0,8.673617379884035e-19,,0.00022237928031144656,0.001024422481069395,0.00012097388020770872 +vol.T,S2,vol.V,750.0,1.5178830414797062e-18,,0.0005830371108750349,0.0009271616449102165,0.00027772246334045736 +vol.T,S2,vol.V,760.0,7.589415207398531e-19,,0.0004307217552397245,0.0006417581450588721,6.258896534017122e-05 +vol.T,S2,vol.V,770.0,1.0842021724855044e-19,,0.00032063891655386453,0.0002863539570794396,0.000905648458901509 +vol.T,S2,vol.V,780.0,0.0,,0.0008830311947568834,3.1126113667963307e-05,0.0017042000662881307 +vol.T,S2,vol.V,790.0,2.168404344971009e-19,,0.0007390495145241673,1.3216608856402717e-05,0.0019550884101225963 +vol.T,S2,vol.V,800.0,0.0,,0.00013218699020208294,0.00015432636656275214,0.0016170816448867198 +vol.T,S2,vol.V,810.0,1.5178830414797062e-18,,0.00034472851352964,0.00045335761427173216,0.0010056222833708661 +vol.T,S2,vol.V,820.0,1.734723475976807e-18,,0.00033819534063570834,0.0007745264784243568,0.0004878361072061521 +vol.T,S2,vol.V,830.0,1.3010426069826053e-18,,9.921242733778653e-05,0.0010132104616804808,0.00018835733519240172 +vol.T,S2,vol.V,840.0,1.734723475976807e-18,,0.00018025661081222063,0.0010837449390013448,2.89217832422084e-05 +vol.T,S2,vol.V,850.0,1.951563910473908e-18,,0.0005179714969039569,0.0009402529243204526,0.000165740369890921 +vol.T,S2,vol.V,860.0,1.0842021724855044e-19,,0.0003919798476104408,0.0006118395723127192,9.157551147043197e-05 +vol.T,S2,vol.V,870.0,8.131516293641283e-19,,0.00032403534918599053,0.00021940172087555644,0.0008216697831353592 +vol.T,S2,vol.V,880.0,4.336808689942018e-19,,0.0008952254016655189,7.460109188575474e-05,0.0015724513660990702 +vol.T,S2,vol.V,890.0,1.3010426069826053e-18,,0.0008170703890618034,0.0001697457929499581,0.0018837138120977315 +vol.T,S2,vol.V,900.0,3.2526065174565133e-19,,0.000316860526568326,6.693829300926865e-05,0.0017061532387442346 +vol.T,S2,vol.V,910.0,2.656295322589486e-18,,3.7719695301479555e-05,0.00016494769875757646,0.0013241522742517553 +vol.T,S2,vol.V,920.0,4.87890977618477e-19,,8.276137020578832e-05,0.0004313713453608682,0.0010517631961983742 +vol.T,S2,vol.V,930.0,6.505213034913027e-19,,0.00040524369409039725,0.0006303942794540027,0.0009416057425771784 +vol.T,S2,vol.V,940.0,1.3010426069826053e-18,,0.0003525569631332825,0.0006701774855648185,0.0007848158633545488 +vol.T,S2,vol.V,950.0,2.168404344971009e-19,,2.2995095077288754e-05,0.0005027044049066131,0.0005500703719569788 +vol.T,S2,vol.V,960.0,1.734723475976807e-18,,2.8407994317727154e-05,0.0001646705709405817,0.0006073140272163657 +vol.T,S2,vol.V,970.0,2.9815559743351372e-18,,0.000682700540457562,0.0002189497555390909,0.001145948963867438 +vol.T,S2,vol.V,980.0,1.6263032587282567e-18,,0.0012163618916530938,0.0004892728757136394,0.0017843337394761738 +vol.T,S2,vol.V,990.0,4.336808689942018e-19,,0.0011113966663011147,0.0005551885385716923,0.0020672242266174257 +vol.T,S2,vol.V,1000.0,3.577867169202165e-18,,0.0005988483116120674,0.00042777759413147216,0.0019333929613318812 +vol.T,S2,vol.V,1010.0,2.8189256484623115e-18,,0.0002732829502379785,0.00018876840742151207,0.0016570031422219467 +vol.T,S2,vol.V,1020.0,1.1926223897340549e-18,,0.00048227018128184883,5.3848416655667e-05,0.0015371859877407745 +vol.T,S2,vol.V,1030.0,1.734723475976807e-18,,0.0009282859617491088,0.0001927228961472703,0.0015858863563270598 +vol.T,S2,vol.V,1040.0,2.168404344971009e-19,,0.0009734472126914201,0.00014730602902781817,0.0015260920099533504 +vol.T,S2,vol.V,1050.0,1.3010426069826053e-18,,0.0006370822839480272,0.00010340398486681501,0.0012804872392364608 +vol.T,S2,vol.V,1060.0,4.87890977618477e-19,,0.000706513836065654,0.000501431944912277,0.00124538895891535 +vol.T,S2,vol.V,1070.0,1.5178830414797062e-18,,0.001393684350561468,0.0009170539688609577,0.0016816297007996583 +vol.T,S2,vol.V,1080.0,2.4936649967166602e-18,,0.001958560966293475,0.0012010454349726443,0.0022482731889216234 +vol.T,S2,vol.V,1090.0,1.870248747537495e-18,,0.0018590775550364246,0.0012713731973196096,0.002487937221213765 +vol.T,S2,vol.V,1100.0,5.692061405548898e-19,,0.0013301918391518607,0.001140628393704525,0.0023293853421413324 +vol.T,S2,vol.V,1110.0,2.168404344971009e-19,,0.000975493048819867,0.0008778587265235883,0.0020335298876191787 +vol.T,S2,vol.V,1120.0,1.4094628242311558e-18,,0.001142854809921828,0.0005795191976252674,0.0018741892604308141 +vol.T,S2,vol.V,1130.0,2.3852447794681098e-18,,0.001515645384312351,0.00035388109919911453,0.0018397684097134492 +vol.T,S2,vol.V,1140.0,2.6020852139652106e-18,,0.0014342994269619805,0.00029157367761351374,0.0016524801120717525 +vol.T,S2,vol.V,1150.0,1.734723475976807e-18,,0.0009500331665089801,0.000424722563512777,0.0012775160855207357 +vol.T,S2,vol.V,1160.0,5.149960319306146e-19,,0.0009221145916455186,0.0007053688323100972,0.001172163906096313 +vol.T,S2,vol.V,1170.0,2.168404344971009e-19,,0.001564884093782666,0.001008178122823479,0.0015939210313005159 +vol.T,S2,vol.V,1180.0,1.6805133673525319e-18,,0.0020645276997762426,0.001180023536194402,0.002126132806595904 +vol.T,S2,vol.V,1190.0,5.421010862427522e-19,,0.0018356372890331622,0.0011328822209174267,0.0022440109351464788 +vol.T,S2,vol.V,1200.0,2.168404344971009e-18,,0.0011361773260013305,0.0008838169896048711,0.001862074713267381 +vol.T,S2,vol.V,1210.0,9.215718466126788e-19,,0.0006269574215231246,0.0005250931454580682,0.0012798428149349839 +vol.T,S2,vol.V,1220.0,1.8431436932253575e-18,,0.0006963419361831877,0.00017347976168451996,0.000842851290307256 +vol.T,S2,vol.V,1230.0,2.6020852139652106e-18,,0.0010197782907148427,7.015654267404636e-05,0.0006147000189000718 +vol.T,S2,vol.V,1240.0,4.336808689942018e-19,,0.0009016972647052646,0.0001467041026423921,0.00036867664299233827 +vol.T,S2,vol.V,1250.0,4.336808689942018e-19,,0.00039046464814107,4.7567790925698294e-05,7.936108513972862e-05 +vol.T,S2,vol.V,1260.0,9.75781955236954e-19,,0.00038235164154041255,0.0001932879440528952,0.000163288229976577 +vol.T,S2,vol.V,1270.0,2.1141942363467336e-18,,0.0010925558475559068,0.0004860186013366623,0.0007927170150074936 +vol.T,S2,vol.V,1280.0,1.8431436932253575e-18,,0.0016697527119794533,0.000695286863126093,0.0014751053094770317 +vol.T,S2,vol.V,1290.0,2.168404344971009e-19,,0.0015636585553053404,0.0007351675475463105,0.0017036484369946647 +vol.T,S2,vol.V,1300.0,2.6020852139652106e-18,,0.0008759251872753995,0.0005867290766349495,0.0013098522112544586 +vol.T,S2,vol.V,1310.0,2.710505431213761e-18,,0.0003969890143425338,0.0003230240822797402,0.0006808306454398894 +vol.T,S2,vol.V,1320.0,2.8189256484623115e-18,,0.00046687871171672245,2.589069462132984e-05,0.00017530839123736097 +vol.T,S2,vol.V,1330.0,4.336808689942018e-19,,0.0007343952443531121,0.0002448226903200533,0.00012819184860290989 +vol.T,S2,vol.V,1340.0,0.0,,0.0004955755135374264,0.0004436765087414245,0.0004292013353658364 +vol.T,S2,vol.V,1350.0,2.168404344971009e-18,,0.00017287984279008546,0.0005212993550572156,0.000723279427935597 +vol.T,S2,vol.V,1360.0,1.734723475976807e-18,,0.0003205752087941053,0.0004337443213839019,0.0005808362320144367 +vol.T,S2,vol.V,1370.0,1.5178830414797062e-18,,0.00030539488693975706,0.00021947511205797424,0.00014358209294162982 +vol.T,S2,vol.V,1380.0,3.0357660829594124e-18,,0.000856914351136246,2.5129752812437858e-05,0.0009134383688013115 +vol.T,S2,vol.V,1390.0,1.3010426069826053e-18,,0.0007164812680429719,1.898192083002459e-05,0.0011603661649175478 +vol.T,S2,vol.V,1400.0,2.6020852139652106e-18,,0.0001305725723238898,0.00010388100454032309,0.0008128582717487065 +vol.T,S2,vol.V,1410.0,4.336808689942018e-19,,0.00025362228206480414,0.00032474159728709644,0.00020720870029167227 +vol.T,S2,vol.V,1420.0,1.951563910473908e-18,,7.589899264392346e-05,0.0005627394981961107,0.000262200595361084 +vol.T,S2,vol.V,1430.0,8.673617379884035e-19,,0.0003011883145881074,0.0007650809065595319,0.0004924397237070499 +vol.T,S2,vol.V,1440.0,8.673617379884035e-19,,0.0001560204414942732,0.0008907986308054235,0.0006963853122763375 +vol.T,S2,vol.V,1450.0,8.673617379884035e-19,,0.0004442439328542092,0.0008764501022052902,0.0009071929581530025 +vol.T,S2,vol.V,1460.0,4.336808689942018e-19,,0.000534378175720896,0.000657446644946642,0.0007139350923045518 +vol.T,S2,vol.V,1470.0,2.168404344971009e-19,,0.00017167926485925637,0.00027831284138688656,5.522673923186172e-05 +vol.T,S2,vol.V,1480.0,4.336808689942018e-19,,0.0008496397451305798,8.881860402179358e-05,0.0009102588804000833 +vol.T,S2,vol.V,1490.0,2.168404344971009e-19,,0.0008747609564619119,0.00029016066270700844,0.001309935332580059 +vol.T,S2,vol.V,1500.0,4.336808689942018e-19,,0.0004635836603444463,0.00028688776755109516,0.0011807223540588607 +vol.T,S2,vol.V,1510.0,1.0842021724855044e-18,,0.0002261285207710331,0.00012150834624783183,0.0008290083582432883 +vol.T,S2,vol.V,1520.0,3.415236843329339e-18,,0.0004955964546534094,0.00013743958937876763,0.0005944124721626309 +vol.T,S2,vol.V,1530.0,1.5178830414797062e-18,,0.0009050227370772656,0.0004057752134423113,0.0005143538371359391 +vol.T,S2,vol.V,1540.0,0.0,,0.0007473209203418246,0.0005703118126232538,0.00032638687393238275 +vol.T,S2,vol.V,1550.0,0.0,,0.00011861690523317899,0.0005038947548700913,3.879871730116946e-06 +vol.T,S2,vol.V,1560.0,1.3010426069826053e-18,,1.0369200239596478e-05,0.00015771411949938585,2.745443177620821e-05 +vol.T,S2,vol.V,1570.0,1.0842021724855044e-19,,0.0007104951236480081,0.00033890828772262585,0.0006506057847032176 +vol.T,S2,vol.V,1580.0,0.0,,0.0013635851898306933,0.0007408114989102509,0.0014128154681928295 +vol.T,S2,vol.V,1590.0,3.903127820947816e-18,,0.0013195657862135766,0.0008775832683905992,0.0017598341476785517 +vol.T,S2,vol.V,1600.0,7.589415207398531e-19,,0.000806524783852301,0.000733002354538017,0.001608000383737762 +vol.T,S2,vol.V,1610.0,1.1926223897340549e-18,,0.00047580792388488653,0.00039345527169241425,0.001267812083029063 +vol.T,S2,vol.V,1620.0,1.951563910473908e-18,,0.0007088747197292434,8.658752072246423e-06,0.0010874645485069445 +vol.T,S2,vol.V,1630.0,2.3852447794681098e-18,,0.0011655691040320052,0.00031511048085158117,0.0010963177986573758 +vol.T,S2,vol.V,1640.0,1.3010426069826053e-18,,0.0011342633864572624,0.0003615457254920601,0.0009984760114063462 +vol.T,S2,vol.V,1650.0,4.336808689942018e-18,,0.0006944920636161415,4.293086187419359e-05,0.0007345379421468401 +vol.T,S2,vol.V,1660.0,1.2468324983583301e-18,,0.0008086379646299517,0.0005797984811980149,0.0007770817600967206 +vol.T,S2,vol.V,1670.0,1.6263032587282567e-18,,0.001699896265486338,0.0012625075619730683,0.0013897978982315706 +vol.T,S2,vol.V,1680.0,4.336808689942018e-19,,0.002442199772393363,0.001726777461982014,0.002116146519280604 +vol.T,S2,vol.V,1690.0,1.6263032587282567e-18,,0.0023716752945573604,0.0018396939191004363,0.0024051149064411304 +vol.T,S2,vol.V,1700.0,3.0357660829594124e-18,,0.0017473272017057009,0.001625165185624779,0.0021824839569491994 +vol.T,S2,vol.V,1710.0,2.2768245622195593e-18,,0.0012601854872474941,0.0011884871341922634,0.0017636955363385942 +vol.T,S2,vol.V,1720.0,1.951563910473908e-18,,0.0013319829219113778,0.0006828037366076248,0.00149022075453209 +vol.T,S2,vol.V,1730.0,8.673617379884035e-19,,0.0016588011441438164,0.00030424416789326045,0.001394224064224514 +vol.T,S2,vol.V,1740.0,4.336808689942018e-19,,0.001558744389847707,0.00024533431338629244,0.001208449553323665 +vol.T,S2,vol.V,1750.0,1.3010426069826053e-18,,0.0011417557868196632,0.000583877110014043,0.0009216941061034323 +vol.T,S2,vol.V,1760.0,8.673617379884035e-19,,0.0013678352372119272,0.001190273685095878,0.0010329511162254779 +vol.T,S2,vol.V,1770.0,6.505213034913027e-19,,0.0023612083538519114,0.0017763322393542884,0.0017445055425807654 +vol.T,S2,vol.V,1780.0,1.6263032587282567e-18,,0.003086900823434144,0.002088533259989034,0.002498180158389207 +vol.T,S2,vol.V,1790.0,4.336808689942018e-19,,0.002867803647404683,0.002046018418711982,0.0026908232495057582 +vol.T,S2,vol.V,1800.0,1.6534083130403943e-18,,0.0020202985632354793,0.0017176386465610483,0.0022583652325981474 +vol.T,S2,vol.V,1810.0,1.951563910473908e-18,,0.0013076520599102502,0.0012414713897387544,0.001561746862166813 +vol.T,S2,vol.V,1820.0,1.6263032587282567e-18,,0.0012093573594712148,0.0007764614038267646,0.001012401161078591 +vol.T,S2,vol.V,1830.0,2.168404344971009e-18,,0.0014449738031854736,0.0004722145105099766,0.0007198548109090819 +vol.T,S2,vol.V,1840.0,8.673617379884035e-19,,0.0013181926273372166,0.0004283001769384946,0.0004740366297887322 +vol.T,S2,vol.V,1850.0,0.0,,0.0009084378577064664,0.0006464102519979746,0.00027097365393424777 +vol.T,S2,vol.V,1860.0,2.168404344971009e-19,,0.001145081793260524,0.0010196147116401932,0.0005486925959220512 +vol.T,S2,vol.V,1870.0,1.951563910473908e-18,,0.0021193036664341144,0.0013722718438981714,0.0014072722684792538 +vol.T,S2,vol.V,1880.0,2.1141942363467336e-18,,0.0027964960728288843,0.0015474457788631317,0.002228100655312981 +vol.T,S2,vol.V,1890.0,7.589415207398531e-19,,0.0025384485252647414,0.0014872627377584286,0.002410998913186191 +vol.T,S2,vol.V,1900.0,2.4936649967166602e-18,,0.0016920058499074458,0.0012391176029824449,0.00191528552573772 +vol.T,S2,vol.V,1910.0,1.3552527156068805e-18,,0.0010173569835864225,0.0009005000815334487,0.001118433852866696 +vol.T,S2,vol.V,1920.0,3.3610267347050637e-18,,0.0009614591229897998,0.0005658374880023152,0.00044596341527358696 +vol.T,S2,vol.V,1930.0,6.505213034913027e-19,,0.0011955156025229563,0.0002979507600296763,3.072268715254012e-05 +vol.T,S2,vol.V,1940.0,1.734723475976807e-18,,0.0009721453842699316,0.00012158309688547336,0.00031046814456880956 +vol.T,S2,vol.V,1950.0,4.336808689942018e-19,,0.0003488003689206833,4.5238090887297217e-05,0.0005717956440138838 +vol.T,S2,vol.V,1960.0,1.0842021724855044e-18,,0.000298324407676573,8.012299045280329e-05,0.00032586796109623783 +vol.T,S2,vol.V,1970.0,1.951563910473908e-18,,0.0010138156985854004,0.00019405778483034923,0.0005162961778878428 +vol.T,S2,vol.V,1980.0,2.3852447794681098e-18,,0.0015443427828835518,0.000279093336065921,0.00133553899021166 +vol.T,S2,vol.V,1990.0,2.168404344971009e-18,,0.0012638730484175673,0.00024020634348167168,0.0015399354611221883 +vol.T,S2,vol.V,2000.0,4.119968255444917e-18,,0.0004916537011134559,7.601797034956746e-05,0.0010895262152744722 +vol.T,S2,vol.V,2010.0,8.673617379884035e-19,,4.248646307259069e-05,0.00014756272089292907,0.00036383337423795403 +vol.T,S2,vol.V,2020.0,0.0,,7.809364618025492e-05,0.0003661795002992928,0.0002037798864110707 +vol.T,S2,vol.V,2030.0,2.6020852139652106e-18,,0.0004759673541499804,0.000561606589462171,0.0004953625159003217 +vol.T,S2,vol.V,2040.0,4.336808689942018e-19,,0.00033491625469855586,0.000739684534963661,0.0007484390318687195 +vol.T,S2,vol.V,2050.0,1.3010426069826053e-18,,0.00034453624955512537,0.0008650437282825187,0.0010248556700055422 +vol.T,S2,vol.V,2060.0,2.168404344971009e-19,,0.0005585176228943371,0.0008453629356257059,0.0009003989034123139 +vol.T,S2,vol.V,2070.0,9.75781955236954e-19,,1.8512309247661836e-05,0.0006557812852507356,0.00019005677258199238 +vol.T,S2,vol.V,2080.0,1.951563910473908e-18,,0.00048141564497382273,0.0004229886690090851,0.0005526359367102884 +vol.T,S2,vol.V,2090.0,1.951563910473908e-18,,0.0003886126720486693,0.00030313417027346724,0.0008630097083791588 +vol.T,S2,vol.V,2100.0,8.673617379884035e-19,,0.00016338992177595508,0.00032557182309101915,0.0006208561348816088 +vol.T,S2,vol.V,2110.0,8.673617379884035e-19,,0.0004733343209757095,0.0004697300971093117,0.00015321255473166318 +vol.T,S2,vol.V,2120.0,1.0842021724855044e-19,,0.00022111139518020818,0.0006807011939735184,0.00017576101367722252 +vol.T,S2,vol.V,2130.0,2.6020852139652106e-18,,0.00033809604611547664,0.0009009734213912095,0.00027505522338477917 +vol.T,S2,vol.V,2140.0,1.734723475976807e-18,,0.00021735111629139683,0.0011094347444410239,0.000517054337188072 +vol.T,S2,vol.V,2150.0,1.734723475976807e-18,,0.0005318375314624559,0.0011991485110178935,0.0009564951911285036 +vol.T,S2,vol.V,2160.0,8.673617379884035e-19,,0.0008193093274757459,0.001066587967054368,0.0010801602013023048 +vol.T,S2,vol.V,2170.0,2.439454888092385e-18,,0.00023306034712075764,0.0007299391922501643,0.0005634769988573929 +vol.T,S2,vol.V,2180.0,1.5178830414797062e-18,,0.0003879605474162315,0.0003721623454006062,0.00014678891425357055 +vol.T,S2,vol.V,2190.0,1.734723475976807e-18,,0.00036596919758126445,0.00017234407049737666,0.000467639682673493 +vol.T,S2,vol.V,2200.0,5.421010862427522e-19,,8.004650049302505e-05,0.0001802102544969566,0.00029883317271717225 +vol.T,S2,vol.V,2210.0,2.710505431213761e-19,,0.0002939413381387048,0.0003434035453661992,4.6885493271586753e-05 +vol.T,S2,vol.V,2220.0,1.7889335846010823e-18,,9.277659107666909e-05,0.0005747993084609,0.00021864125670423284 +vol.T,S2,vol.V,2230.0,0.0,,0.0006683375532863623,0.0007874823052910936,0.00021484448183395344 +vol.T,S2,vol.V,2240.0,1.3010426069826053e-18,,0.0006051956698919629,0.0008972762890392776,0.00039895855226768084 +vol.T,S2,vol.V,2250.0,2.168404344971009e-18,,3.918286569171755e-05,0.0008135683815476101,0.0008596812194623382 +vol.T,S2,vol.V,2260.0,1.3010426069826053e-18,,0.0001496315070483213,0.0004809822474703754,0.0010209387607099663 +vol.T,S2,vol.V,2270.0,1.0299920638612292e-18,,0.0006394873799157336,1.3132738021632423e-05,0.0004897709513745907 +vol.T,S2,vol.V,2280.0,1.6263032587282567e-19,,0.0013982029824222328,0.0004463379029682746,0.00028230454657796056 +vol.T,S2,vol.V,2290.0,1.734723475976807e-18,,0.0014024781079541007,0.0006363314355466217,0.0006660323763233444 +vol.T,S2,vol.V,2300.0,2.656295322589486e-18,,0.0008832488618584896,0.0005430406169506831,0.0005273687847044961 +vol.T,S2,vol.V,2310.0,3.7947076036992655e-19,,0.0005321618596012909,0.00023105109185453214,0.00017213599874510432 +vol.T,S2,vol.V,2320.0,7.589415207398531e-19,,0.0007542075019947782,0.0001822083107544982,4.91320343056767e-05 +vol.T,S2,vol.V,2330.0,2.168404344971009e-18,,0.0011662968945996422,0.0005481730171664374,0.0001303694089298535 +vol.T,S2,vol.V,2340.0,8.673617379884035e-19,,0.000979470899481149,0.0007097172674258301,0.000410267561662625 +vol.T,S2,vol.V,2350.0,1.3010426069826053e-18,,0.000315862736234308,0.000553635069345703,0.0009125626486531369 +vol.T,S2,vol.V,2360.0,1.734723475976807e-18,,0.00031676582057744464,9.302852401186709e-05,0.0010029482117495103 +vol.T,S2_conf,heaCap.C,0.0,0.0,0.0,0.0,0.0,0.0 +vol.T,S2_conf,heaCap.C,10.0,2.0650753283862785e-17,0.08064037314104332,,0.07138618494809137,0.06722167398089085 +vol.T,S2_conf,heaCap.C,20.0,3.684185925601141e-17,0.07052216277905982,,0.06311558697473259,0.0670172744341171 +vol.T,S2_conf,heaCap.C,30.0,4.797622745130576e-17,0.06087561477619907,,0.05167119895432832,0.066721276021373 +vol.T,S2_conf,heaCap.C,40.0,4.580557649488959e-17,0.06024758786802615,,0.05298711052443172,0.06798523960615536 +vol.T,S2_conf,heaCap.C,50.0,4.4632193000501045e-17,0.047802371183492176,,0.048097061862837936,0.05964119234159044 +vol.T,S2_conf,heaCap.C,60.0,2.6866158872448707e-17,0.03540424400512706,,0.03946565112995666,0.04985742329917538 +vol.T,S2_conf,heaCap.C,70.0,1.524762338846986e-17,0.027411953624181064,,0.031175265261220147,0.0316662857340659 +vol.T,S2_conf,heaCap.C,80.0,1.1382979342111257e-17,0.0247707531206763,,0.02961850427730396,0.028861425141476226 +vol.T,S2_conf,heaCap.C,90.0,1.0806874858935758e-17,0.022944256639953843,,0.028333135879792474,0.023880795712540585 +vol.T,S2_conf,heaCap.C,100.0,1.0309581529556717e-17,0.02040752951378884,,0.021723756569252586,0.02310208567023732 +vol.T,S2_conf,heaCap.C,110.0,1.0458391628388627e-17,0.018950393179199165,,0.021581537750396233,0.021797046931300832 +vol.T,S2_conf,heaCap.C,120.0,1.1847267026028015e-17,0.01905301025568435,,0.0182175626956385,0.026089420689012845 +vol.T,S2_conf,heaCap.C,130.0,2.492981137742494e-17,0.021092122237931082,,0.020934779141024477,0.03196281989999821 +vol.T,S2_conf,heaCap.C,140.0,2.2633127332783402e-17,0.020851276212174818,,0.02307511782921436,0.03204414639760892 +vol.T,S2_conf,heaCap.C,150.0,2.2395566393423825e-17,0.02143678739209362,,0.023764997714398613,0.03144867282107705 +vol.T,S2_conf,heaCap.C,160.0,2.0263891569843232e-17,0.017260509438686462,,0.018115861072148454,0.027141023865047034 +vol.T,S2_conf,heaCap.C,170.0,1.0379130354990895e-17,0.016053185008365643,,0.01770124733004317,0.02166983596201971 +vol.T,S2_conf,heaCap.C,180.0,1.0089436280668421e-17,0.016393655655803564,,0.01755798947225899,0.014081298182275659 +vol.T,S2_conf,heaCap.C,190.0,9.720398895637362e-18,0.015138677052197305,,0.017799035966154557,0.01704140685465023 +vol.T,S2_conf,heaCap.C,200.0,9.235545340326837e-18,0.013434842364105838,,0.014161495535491144,0.015038932753878517 +vol.T,S2_conf,heaCap.C,210.0,8.240987530258538e-18,0.011883787970638856,,0.013244046189679488,0.015943354048716597 +vol.T,S2_conf,heaCap.C,220.0,1.1706493248877948e-17,0.012712986585986356,,0.014310291036948492,0.020311057044436854 +vol.T,S2_conf,heaCap.C,230.0,1.9404547262192545e-17,0.014167352271811758,,0.013719975738294922,0.021985987449497892 +vol.T,S2_conf,heaCap.C,240.0,1.634559973663137e-17,0.012099374886665126,,0.014238478654711447,0.021615945031652577 +vol.T,S2_conf,heaCap.C,250.0,1.866058736974459e-17,0.015106696024758693,,0.015065889627592489,0.022815553958491327 +vol.T,S2_conf,heaCap.C,260.0,1.0879646133093769e-17,0.014263528302983016,,0.013296276024843559,0.018880424853343857 +vol.T,S2_conf,heaCap.C,270.0,8.662483981379954e-18,0.012090020403171533,,0.0130928444187487,0.018771940215963442 +vol.T,S2_conf,heaCap.C,280.0,7.125937437850376e-18,0.010971007404069269,,0.013556421044368909,0.013854650854162003 +vol.T,S2_conf,heaCap.C,290.0,7.91372576120482e-18,0.012203875534531054,,0.012409452029228937,0.011675264449648514 +vol.T,S2_conf,heaCap.C,300.0,7.910253147524089e-18,0.00984309189768391,,0.011296425510648012,0.011906412374014286 +vol.T,S2_conf,heaCap.C,310.0,6.837890304337686e-18,0.008974358256354292,,0.011212976548331942,0.01063350499635885 +vol.T,S2_conf,heaCap.C,320.0,8.765393455955226e-18,0.009519197077158039,,0.010686961473656529,0.013895850028484974 +vol.T,S2_conf,heaCap.C,330.0,1.2034321750987784e-17,0.01003418200733236,,0.013267911345847,0.021987830387399668 +vol.T,S2_conf,heaCap.C,340.0,1.7632360280888174e-17,0.01100856263597935,,0.012647556488105028,0.01794651006816717 +vol.T,S2_conf,heaCap.C,350.0,1.4703253496686166e-17,0.010827239055039213,,0.01216187097988114,0.017574736513145218 +vol.T,S2_conf,heaCap.C,360.0,9.534224746782413e-18,0.009267936982745598,,0.010373425150464697,0.01400337119220978 +vol.T,S2_conf,heaCap.C,370.0,7.358211432470842e-18,0.009488169352720123,,0.010192519698967822,0.012068666980793348 +vol.T,S2_conf,heaCap.C,380.0,7.836678868464632e-18,0.010421103017504714,,0.010826107703097441,0.009706474198014198 +vol.T,S2_conf,heaCap.C,390.0,6.838510295444357e-18,0.010943157668146391,,0.011979084660262094,0.010404881643830483 +vol.T,S2_conf,heaCap.C,400.0,6.561933149030541e-18,0.007755064558117529,,0.009334145738942434,0.008696105205022299 +vol.T,S2_conf,heaCap.C,410.0,7.350632103887884e-18,0.007269250821387961,,0.0073294547342062505,0.007964003852786774 +vol.T,S2_conf,heaCap.C,420.0,6.154299693935276e-18,0.007113913027155328,,0.007209090773459601,0.011459253734420033 +vol.T,S2_conf,heaCap.C,430.0,7.532115734164067e-18,0.007424940970014314,,0.00920840468022799,0.012635769486634058 +vol.T,S2_conf,heaCap.C,440.0,8.67975871998159e-18,0.006879999202173274,,0.008718190679342774,0.013193715433545158 +vol.T,S2_conf,heaCap.C,450.0,1.101168040751906e-17,0.008522872230799623,,0.007900716743427804,0.012556425653825662 +vol.T,S2_conf,heaCap.C,460.0,7.397039901049236e-18,0.006885349443144686,,0.006246979883341377,0.008831099680897467 +vol.T,S2_conf,heaCap.C,470.0,6.658905452356075e-18,0.006941286085166686,,0.007762352657076247,0.008264649841307382 +vol.T,S2_conf,heaCap.C,480.0,7.44036433238373e-18,0.009067776038844212,,0.010192905392413363,0.00867225543983512 +vol.T,S2_conf,heaCap.C,490.0,6.6278979712823425e-18,0.008409694774058132,,0.00910472742408816,0.007685626636913025 +vol.T,S2_conf,heaCap.C,500.0,6.334225942804559e-18,0.0077656459804327895,,0.0076642258834694835,0.007767904911228261 +vol.T,S2_conf,heaCap.C,510.0,7.13907961393847e-18,0.005776144746466632,,0.006336280942119451,0.006736039834889258 +vol.T,S2_conf,heaCap.C,520.0,6.047366873766787e-18,0.0052335480880815145,,0.00586311845527404,0.007879681467153937 +vol.T,S2_conf,heaCap.C,530.0,6.694919104993449e-18,0.005851163989374684,,0.0069286987869193765,0.009600562394687854 +vol.T,S2_conf,heaCap.C,540.0,7.052534448903303e-18,0.0060257026686330005,,0.0064749331203269155,0.011032168655147757 +vol.T,S2_conf,heaCap.C,550.0,6.407915345282064e-18,0.005550548489645187,,0.0060759644310164635,0.009273926110261756 +vol.T,S2_conf,heaCap.C,560.0,5.125481867448758e-18,0.004595528034732491,,0.005364650741158133,0.007552578615905497 +vol.T,S2_conf,heaCap.C,570.0,6.242604470324286e-18,0.005896915121071927,,0.007552503003475096,0.006859463611457059 +vol.T,S2_conf,heaCap.C,580.0,5.831112734210708e-18,0.006935800667275769,,0.008395124937340343,0.007210588729556275 +vol.T,S2_conf,heaCap.C,590.0,7.414885445598256e-18,0.007941828153591441,,0.007613333105166525,0.006814101439806118 +vol.T,S2_conf,heaCap.C,600.0,6.2066599150832556e-18,0.005848362555900096,,0.006697933849052918,0.006884658912862581 +vol.T,S2_conf,heaCap.C,610.0,6.126525888383546e-18,0.004687318708860344,,0.0053190481473336425,0.005961721387114294 +vol.T,S2_conf,heaCap.C,620.0,4.691740901918213e-18,0.0042664100871936655,,0.004458304647777001,0.005135944638434068 +vol.T,S2_conf,heaCap.C,630.0,5.362638121795099e-18,0.004576512007230101,,0.005095148134567942,0.007525125267196318 +vol.T,S2_conf,heaCap.C,640.0,5.723987564768467e-18,0.00517462230480598,,0.005048454408144125,0.008114105818771979 +vol.T,S2_conf,heaCap.C,650.0,7.097350234023971e-18,0.004334907650494991,,0.0044385460756713145,0.007395134863761335 +vol.T,S2_conf,heaCap.C,660.0,5.742905496580484e-18,0.003582661782500736,,0.004253477257444239,0.00609774266142204 +vol.T,S2_conf,heaCap.C,670.0,5.6760590783313605e-18,0.004814084360819648,,0.006169010245403015,0.00598952739847469 +vol.T,S2_conf,heaCap.C,680.0,6.91224929443395e-18,0.007232220078999005,,0.007605867754850623,0.006879194495872392 +vol.T,S2_conf,heaCap.C,690.0,6.004400968580168e-18,0.007285621877590355,,0.007382709434116673,0.005800904664816255 +vol.T,S2_conf,heaCap.C,700.0,6.667725840632376e-18,0.005755256863736352,,0.00619650319151791,0.0054599443843255735 +vol.T,S2_conf,heaCap.C,710.0,5.526125850719589e-18,0.0045460796819298665,,0.0051302751494609914,0.004909320861529807 +vol.T,S2_conf,heaCap.C,720.0,5.440596589750272e-18,0.004178461650905749,,0.0038004420020980524,0.004423623465599569 +vol.T,S2_conf,heaCap.C,730.0,5.3276017553692165e-18,0.004668118215479699,,0.00505305104816352,0.007367636469810317 +vol.T,S2_conf,heaCap.C,740.0,5.493353056125092e-18,0.00510773108305598,,0.0044709142505527984,0.007440875582367826 +vol.T,S2_conf,heaCap.C,750.0,5.541225539152572e-18,0.003747794432934198,,0.004023209207308564,0.00627439209473521 +vol.T,S2_conf,heaCap.C,760.0,5.001860015119477e-18,0.00316784780600485,,0.0035295869597723856,0.0044441316069296485 +vol.T,S2_conf,heaCap.C,770.0,5.80891884171799e-18,0.0046981505157143374,,0.005041232352951823,0.005218413227390031 +vol.T,S2_conf,heaCap.C,780.0,6.175777558700504e-18,0.006164825146201769,,0.006649344301668325,0.006856703562121385 +vol.T,S2_conf,heaCap.C,790.0,7.397176877036177e-18,0.007132494262216072,,0.008338568704701475,0.00711741770433512 +vol.T,S2_conf,heaCap.C,800.0,5.1682471146065005e-18,0.006018991415081198,,0.006614151674949597,0.00694318209550372 +vol.T,S2_conf,heaCap.C,810.0,5.263974808044616e-18,0.0038119524779358952,,0.00475192793309092,0.004238765268817869 +vol.T,S2_conf,heaCap.C,820.0,5.574363803836711e-18,0.0031814038650895844,,0.003576485501887996,0.004382171237234923 +vol.T,S2_conf,heaCap.C,830.0,4.945867300864979e-18,0.004408176002569928,,0.0048578792701754305,0.006370328515869968 +vol.T,S2_conf,heaCap.C,840.0,6.42815182379803e-18,0.004114766049938561,,0.005119883167667821,0.006622746602421507 +vol.T,S2_conf,heaCap.C,850.0,5.864708598555823e-18,0.004134514154478724,,0.003951878030106355,0.006752485989740183 +vol.T,S2_conf,heaCap.C,860.0,3.7322970178045965e-18,0.0030240750701725832,,0.002849191912099988,0.005132595286783504 +vol.T,S2_conf,heaCap.C,870.0,5.382882357790244e-18,0.004872701968013467,,0.004211545005827685,0.004322647039416671 +vol.T,S2_conf,heaCap.C,880.0,6.4246382208226265e-18,0.005446489154631535,,0.006489780857127214,0.005367829729910075 +vol.T,S2_conf,heaCap.C,890.0,5.5036662980948835e-18,0.005898700923623142,,0.006133567748916519,0.005886382171091598 +vol.T,S2_conf,heaCap.C,900.0,5.1664458515006736e-18,0.004831316267587535,,0.005701586474518266,0.005199602443326315 +vol.T,S2_conf,heaCap.C,910.0,5.466897030956601e-18,0.003262921191031166,,0.004053411390660369,0.003692429826567673 +vol.T,S2_conf,heaCap.C,920.0,3.943653757735212e-18,0.003132526066919303,,0.003448423906515093,0.004249644031333997 +vol.T,S2_conf,heaCap.C,930.0,5.153644706353333e-18,0.004367423117086045,,0.004700596439172601,0.006102596265397466 +vol.T,S2_conf,heaCap.C,940.0,5.674955411588525e-18,0.0054244350601212205,,0.00576916486632632,0.007051163599972587 +vol.T,S2_conf,heaCap.C,950.0,6.1723426954515775e-18,0.003652804924514599,,0.004224914489130134,0.007577261274453334 +vol.T,S2_conf,heaCap.C,960.0,4.405324313027319e-18,0.0023722685517043153,,0.0031212474617699714,0.005520947009331454 +vol.T,S2_conf,heaCap.C,970.0,4.546033399905145e-18,0.003655831569098819,,0.003791428420359215,0.003889195000278886 +vol.T,S2_conf,heaCap.C,980.0,5.938436547686793e-18,0.00540695359788977,,0.0053020382758879195,0.005419341965907167 +vol.T,S2_conf,heaCap.C,990.0,5.719779540528843e-18,0.006909639426103746,,0.006516231077548839,0.005475039997993995 +vol.T,S2_conf,heaCap.C,1000.0,4.904137719373245e-18,0.0048900242375393725,,0.0055590755858579,0.00505258478690489 +vol.T,S2_conf,heaCap.C,1010.0,4.430329228060713e-18,0.0034643619110436823,,0.003763138109058756,0.003092836841103038 +vol.T,S2_conf,heaCap.C,1020.0,4.342300505580688e-18,0.003598438175545235,,0.0033294144496943887,0.004203119704430091 +vol.T,S2_conf,heaCap.C,1030.0,5.1434159517702605e-18,0.004763901854342194,,0.005342496479574952,0.007066008633893599 +vol.T,S2_conf,heaCap.C,1040.0,6.851531780264728e-18,0.0067183224376861925,,0.006194376345675198,0.00862594726382774 +vol.T,S2_conf,heaCap.C,1050.0,5.923960086749166e-18,0.004125974021896875,,0.00505943196475364,0.007339422188502427 +vol.T,S2_conf,heaCap.C,1060.0,4.612870649093139e-18,0.0031214994129620164,,0.002995622725152096,0.00484659582350391 +vol.T,S2_conf,heaCap.C,1070.0,4.644600532413324e-18,0.0036426326783562278,,0.003589197779016692,0.003943386265670208 +vol.T,S2_conf,heaCap.C,1080.0,5.873962590788937e-18,0.004944311676148552,,0.00555028926441794,0.005121540681720166 +vol.T,S2_conf,heaCap.C,1090.0,5.288420036298984e-18,0.005274012581124863,,0.006465633434327546,0.005120253057947763 +vol.T,S2_conf,heaCap.C,1100.0,5.945094668519953e-18,0.004600935264007624,,0.004617903329673702,0.0044200386248176415 +vol.T,S2_conf,heaCap.C,1110.0,4.973704721877996e-18,0.0030075910301179953,,0.0033884980329384772,0.003429157085253217 +vol.T,S2_conf,heaCap.C,1120.0,6.143178698050924e-18,0.003994069902696968,,0.0035261528990322088,0.00424185062328668 +vol.T,S2_conf,heaCap.C,1130.0,5.678310373464248e-18,0.005962381170769179,,0.005480641293179831,0.007207686819947957 +vol.T,S2_conf,heaCap.C,1140.0,6.029594339014801e-18,0.005562400748468137,,0.006261242598462682,0.0076443993647628255 +vol.T,S2_conf,heaCap.C,1150.0,5.055376788065703e-18,0.004545509669165044,,0.005564014534997551,0.006728005660721785 +vol.T,S2_conf,heaCap.C,1160.0,5.136359189701827e-18,0.0030733609430803116,,0.0030531963031315322,0.005281565338413934 +vol.T,S2_conf,heaCap.C,1170.0,4.549135725952109e-18,0.003864239586639816,,0.00389752913468701,0.0037089602155925363 +vol.T,S2_conf,heaCap.C,1180.0,6.191269717026012e-18,0.0054981684888328625,,0.005769156252972724,0.005438060168013287 +vol.T,S2_conf,heaCap.C,1190.0,7.601099989053067e-18,0.005505176271680898,,0.00636857239607448,0.005875442950805319 +vol.T,S2_conf,heaCap.C,1200.0,5.1009561584431e-18,0.005338051657332426,,0.004807906923386838,0.0053187241350694985 +vol.T,S2_conf,heaCap.C,1210.0,5.2311279250122644e-18,0.002985693703230249,,0.0039182091008203536,0.0037021821336619635 +vol.T,S2_conf,heaCap.C,1220.0,3.696163840682903e-18,0.0035070459238210317,,0.003271014769780584,0.003984533360312751 +vol.T,S2_conf,heaCap.C,1230.0,5.2507766126824175e-18,0.004591555569867416,,0.00462941264046654,0.005733150910687617 +vol.T,S2_conf,heaCap.C,1240.0,6.317581488706299e-18,0.005392927764641455,,0.005581859475183682,0.007946482500119811 +vol.T,S2_conf,heaCap.C,1250.0,6.110642759706353e-18,0.0046267218849165995,,0.004831463452587565,0.006272458926983805 +vol.T,S2_conf,heaCap.C,1260.0,4.666338443981441e-18,0.0027171239241982562,,0.0027182861917233437,0.004976923254766562 +vol.T,S2_conf,heaCap.C,1270.0,5.1769259294240354e-18,0.0045323907600413995,,0.004192811595337551,0.003896891151695489 +vol.T,S2_conf,heaCap.C,1280.0,5.998280601627553e-18,0.0066206151346967545,,0.005796345856209013,0.005955317818214295 +vol.T,S2_conf,heaCap.C,1290.0,6.416933663134463e-18,0.006875566351530591,,0.005999527319211837,0.005499146183395275 +vol.T,S2_conf,heaCap.C,1300.0,6.454820444108872e-18,0.005053635938981558,,0.005394865418170006,0.005016448285909472 +vol.T,S2_conf,heaCap.C,1310.0,4.764930518498621e-18,0.003236128575885127,,0.004060997360322361,0.0036381308927522825 +vol.T,S2_conf,heaCap.C,1320.0,4.886748904497842e-18,0.003234611046461326,,0.0032764790809253004,0.003797242565251605 +vol.T,S2_conf,heaCap.C,1330.0,5.119620903802292e-18,0.004948176335655817,,0.004388058824204096,0.005687647347516923 +vol.T,S2_conf,heaCap.C,1340.0,7.410975007381957e-18,0.005697916398696448,,0.005586556699277214,0.006372644573885521 +vol.T,S2_conf,heaCap.C,1350.0,5.867051104076339e-18,0.004548129219381506,,0.004299639230262777,0.006434169528292595 +vol.T,S2_conf,heaCap.C,1360.0,4.705780614767869e-18,0.0028673137305652097,,0.003230452229546781,0.004895212303270532 +vol.T,S2_conf,heaCap.C,1370.0,6.090945974635845e-18,0.00436189490658273,,0.00488502359581939,0.004419643005103734 +vol.T,S2_conf,heaCap.C,1380.0,6.167503191061832e-18,0.006290756599001958,,0.006433545834589795,0.006632863433018524 +vol.T,S2_conf,heaCap.C,1390.0,6.751508712342761e-18,0.006802666114808891,,0.007102121926767393,0.007105381946361918 +vol.T,S2_conf,heaCap.C,1400.0,5.352457786106205e-18,0.004943769135765339,,0.006057576677376473,0.00531011067442422 +vol.T,S2_conf,heaCap.C,1410.0,4.391888027527579e-18,0.003741193870787024,,0.003837771939345038,0.00382564884789118 +vol.T,S2_conf,heaCap.C,1420.0,5.053862997591191e-18,0.0031459904347343015,,0.0032662444141286374,0.0041840021689760285 +vol.T,S2_conf,heaCap.C,1430.0,4.99474096666287e-18,0.004410529609273726,,0.00475208459240794,0.006425209572218335 +vol.T,S2_conf,heaCap.C,1440.0,6.406095101457066e-18,0.004548031012544237,,0.0055018341285099125,0.007463524806103231 +vol.T,S2_conf,heaCap.C,1450.0,5.844129304462775e-18,0.004152223429309099,,0.004605757572298562,0.0061306211408807725 +vol.T,S2_conf,heaCap.C,1460.0,4.575045075254984e-18,0.0026056963392775494,,0.002802000068709287,0.004182696438160724 +vol.T,S2_conf,heaCap.C,1470.0,4.500768362083991e-18,0.004145060534705919,,0.0041070939058011156,0.0045606001472884425 +vol.T,S2_conf,heaCap.C,1480.0,5.7061467533696786e-18,0.0060419810150504774,,0.005770515232165907,0.005907531353400558 +vol.T,S2_conf,heaCap.C,1490.0,7.22660328301636e-18,0.006152967525207452,,0.005673839489676845,0.005529788119179833 +vol.T,S2_conf,heaCap.C,1500.0,5.045481337203505e-18,0.004870741762504236,,0.006129261837741317,0.005373437627385894 +vol.T,S2_conf,heaCap.C,1510.0,4.928625139166414e-18,0.0033732683384615244,,0.0034506784695414764,0.0033775735978445473 +vol.T,S2_conf,heaCap.C,1520.0,5.3039784080466645e-18,0.0032208714341151767,,0.0036040086529028474,0.004076277323400102 +vol.T,S2_conf,heaCap.C,1530.0,4.718392627072155e-18,0.005325351811051418,,0.004878688521488146,0.005426805099139311 +vol.T,S2_conf,heaCap.C,1540.0,6.182578920607041e-18,0.006127933403525789,,0.005979825569425516,0.007926062753232176 +vol.T,S2_conf,heaCap.C,1550.0,6.494141213959816e-18,0.00490364129588601,,0.005395289200368894,0.007321577983416224 +vol.T,S2_conf,heaCap.C,1560.0,4.610820709446081e-18,0.002512278580198019,,0.003421038009195259,0.005501846849869704 +vol.T,S2_conf,heaCap.C,1570.0,4.442056617652505e-18,0.003500229488796976,,0.00345314073439425,0.003697055587235976 +vol.T,S2_conf,heaCap.C,1580.0,5.622086797570075e-18,0.005149701887297792,,0.004858448244079021,0.0050336627755383214 +vol.T,S2_conf,heaCap.C,1590.0,5.7310321792733496e-18,0.00674703128222455,,0.005964270137809779,0.005197512925541961 +vol.T,S2_conf,heaCap.C,1600.0,5.4584751392554206e-18,0.004615685695294291,,0.0050048688237863785,0.004087570346911799 +vol.T,S2_conf,heaCap.C,1610.0,4.905795140790331e-18,0.002938266865673149,,0.0032123928843523,0.002773394087711161 +vol.T,S2_conf,heaCap.C,1620.0,5.848544225822827e-18,0.0033902340280349847,,0.003640211196083366,0.004106949348598992 +vol.T,S2_conf,heaCap.C,1630.0,5.778205117318051e-18,0.006041947780647085,,0.006338082041132161,0.00655665820268635 +vol.T,S2_conf,heaCap.C,1640.0,6.589829643660089e-18,0.005878710063115935,,0.00677359777144763,0.007928490590196671 +vol.T,S2_conf,heaCap.C,1650.0,7.709721508837084e-18,0.004937043448217245,,0.005761456172174947,0.007141039347034679 +vol.T,S2_conf,heaCap.C,1660.0,4.625780006770714e-18,0.0030463688335425764,,0.0033604356924221463,0.005010079608146479 +vol.T,S2_conf,heaCap.C,1670.0,4.9939507449847486e-18,0.003590834791744603,,0.003097882084360736,0.004065311748865554 +vol.T,S2_conf,heaCap.C,1680.0,4.872118297898313e-18,0.005267714096557447,,0.005140400996423774,0.004723566040704634 +vol.T,S2_conf,heaCap.C,1690.0,5.935172300927716e-18,0.005049297654224071,,0.00621009092863313,0.005042711647947684 +vol.T,S2_conf,heaCap.C,1700.0,5.962693012238199e-18,0.004089894822513493,,0.004761279932898887,0.004471006136539428 +vol.T,S2_conf,heaCap.C,1710.0,4.79023571314607e-18,0.0029783649262464192,,0.0028477498659837575,0.0024794555116176395 +vol.T,S2_conf,heaCap.C,1720.0,5.544495018740866e-18,0.003141948430453754,,0.0035097563700256275,0.004402498684239004 +vol.T,S2_conf,heaCap.C,1730.0,5.962027705297462e-18,0.006162916465559563,,0.005695493769703737,0.006407813264378104 +vol.T,S2_conf,heaCap.C,1740.0,7.119248431649791e-18,0.006324891054727309,,0.006928852190496341,0.008161200948618117 +vol.T,S2_conf,heaCap.C,1750.0,6.67403947291307e-18,0.005273120172026969,,0.005903581132086807,0.007812002287907394 +vol.T,S2_conf,heaCap.C,1760.0,5.085608630432441e-18,0.0034139410161588093,,0.0034816773911822943,0.004742035090740895 +vol.T,S2_conf,heaCap.C,1770.0,4.364161764431559e-18,0.004371426378482966,,0.0035457250934680076,0.0037072397730344517 +vol.T,S2_conf,heaCap.C,1780.0,4.802473138868344e-18,0.005798012686585104,,0.005610304644687321,0.005237769857721601 +vol.T,S2_conf,heaCap.C,1790.0,6.0656800841384156e-18,0.005956599893191428,,0.006604266735181023,0.005600968777630684 +vol.T,S2_conf,heaCap.C,1800.0,4.776110073145702e-18,0.004460637458673799,,0.005980919056311252,0.004668628498754664 +vol.T,S2_conf,heaCap.C,1810.0,5.05130175843297e-18,0.002933513403989353,,0.0032634006708522406,0.00333916645803051 +vol.T,S2_conf,heaCap.C,1820.0,6.2538435386352565e-18,0.0030221242477878585,,0.0034745692989095437,0.003927024830375838 +vol.T,S2_conf,heaCap.C,1830.0,5.5889204932006125e-18,0.005641924567955838,,0.004597100856185036,0.005704477312400628 +vol.T,S2_conf,heaCap.C,1840.0,8.028054699782609e-18,0.005929223772455068,,0.005549117302573922,0.006729060850055582 +vol.T,S2_conf,heaCap.C,1850.0,6.4248337420344285e-18,0.0050398814361466765,,0.0053978643506814245,0.007494918704851351 +vol.T,S2_conf,heaCap.C,1860.0,5.417534448987877e-18,0.002796954120532987,,0.003238568522283468,0.004554821523598128 +vol.T,S2_conf,heaCap.C,1870.0,4.72392469204763e-18,0.004818328896488042,,0.004126244120015448,0.004585716805781566 +vol.T,S2_conf,heaCap.C,1880.0,5.716038642309333e-18,0.0066259920807492925,,0.006047316788225767,0.006003913418162736 +vol.T,S2_conf,heaCap.C,1890.0,5.423421691236262e-18,0.006211875645269489,,0.006834203086060996,0.006034228565693787 +vol.T,S2_conf,heaCap.C,1900.0,5.5344078977094776e-18,0.005111461920557242,,0.006343840028805303,0.005484720591035414 +vol.T,S2_conf,heaCap.C,1910.0,5.0091171216690395e-18,0.003217454688155298,,0.003498013863811251,0.003953737882251654 +vol.T,S2_conf,heaCap.C,1920.0,5.604368211036335e-18,0.003023243059560076,,0.003214101229030176,0.003931696232346103 +vol.T,S2_conf,heaCap.C,1930.0,5.682409075214896e-18,0.004887965130597523,,0.004957100342850515,0.005216934938379796 +vol.T,S2_conf,heaCap.C,1940.0,7.40962925959058e-18,0.005264367136468022,,0.005245228594014494,0.006960722145647208 +vol.T,S2_conf,heaCap.C,1950.0,6.8775210956493905e-18,0.004232682237768268,,0.004981940089594683,0.006771826792397342 +vol.T,S2_conf,heaCap.C,1960.0,4.2600706671488575e-18,0.003099673836830711,,0.0030252487646472907,0.004376628781609415 +vol.T,S2_conf,heaCap.C,1970.0,4.460071798122192e-18,0.004604880927703552,,0.004105481056524146,0.003988359950505899 +vol.T,S2_conf,heaCap.C,1980.0,6.427685162092534e-18,0.005992528390563939,,0.006476447899170761,0.005324290054233769 +vol.T,S2_conf,heaCap.C,1990.0,7.348735836402883e-18,0.007137315747857461,,0.006756184307344213,0.007311668996887291 +vol.T,S2_conf,heaCap.C,2000.0,5.708154302205212e-18,0.004838468523468344,,0.006191533769088718,0.005359469288816272 +vol.T,S2_conf,heaCap.C,2010.0,4.909318893079237e-18,0.0033540849703220434,,0.003492750809221595,0.003560543942942654 +vol.T,S2_conf,heaCap.C,2020.0,5.22919367493352e-18,0.002759531540268972,,0.002981066931623021,0.0035103708593133627 +vol.T,S2_conf,heaCap.C,2030.0,5.176437826511282e-18,0.005048855259892033,,0.005371213537923363,0.006378052601020199 +vol.T,S2_conf,heaCap.C,2040.0,7.072284399684278e-18,0.0046312536179709055,,0.0053881067230006,0.0062122316136936475 +vol.T,S2_conf,heaCap.C,2050.0,5.864343939154845e-18,0.004491901384534491,,0.0047701798134538766,0.005732630457848414 +vol.T,S2_conf,heaCap.C,2060.0,3.921152814312546e-18,0.0024509593100966397,,0.0031130691551646155,0.00445267414036916 +vol.T,S2_conf,heaCap.C,2070.0,3.963818186513873e-18,0.004291023509483068,,0.004885359804695571,0.004493664236718251 +vol.T,S2_conf,heaCap.C,2080.0,5.928541523865142e-18,0.005846580978590767,,0.00627182541835057,0.00557475171963279 +vol.T,S2_conf,heaCap.C,2090.0,6.979205137016773e-18,0.006014485142316708,,0.007098464772160678,0.00675187535229296 +vol.T,S2_conf,heaCap.C,2100.0,5.502781160391295e-18,0.0054307164998885216,,0.005967817525810497,0.005529443577410923 +vol.T,S2_conf,heaCap.C,2110.0,4.704197968071188e-18,0.003073219071317033,,0.0035157567869508253,0.003375688016351437 +vol.T,S2_conf,heaCap.C,2120.0,6.01845931792856e-18,0.0032391583675084206,,0.0031150423008328956,0.0034895423296617493 +vol.T,S2_conf,heaCap.C,2130.0,6.157100983864025e-18,0.004929503731328012,,0.005384913445470678,0.006482284719089437 +vol.T,S2_conf,heaCap.C,2140.0,7.127614730078317e-18,0.006343967105456071,,0.005524305971766237,0.0075922148578378024 +vol.T,S2_conf,heaCap.C,2150.0,8.390734894821266e-18,0.00457771579430415,,0.005494581427931395,0.007809140880413561 +vol.T,S2_conf,heaCap.C,2160.0,3.989717624265425e-18,0.0028456649416881983,,0.003406513172770003,0.0046012384914406596 +vol.T,S2_conf,heaCap.C,2170.0,4.249291770941874e-18,0.0033220767232961836,,0.003522000234366286,0.0037509871984595464 +vol.T,S2_conf,heaCap.C,2180.0,5.2788750507171714e-18,0.005303449190299575,,0.006506483264997198,0.005215408876669397 +vol.T,S2_conf,heaCap.C,2190.0,5.6680822701706246e-18,0.005617911775102827,,0.006431178045180374,0.00611413492644821 +vol.T,S2_conf,heaCap.C,2200.0,5.525740703293542e-18,0.004549690740693902,,0.005131421316336728,0.005227202761946924 +vol.T,S2_conf,heaCap.C,2210.0,4.736986401008892e-18,0.0030894639201663817,,0.003443107237468261,0.0033412877574183412 +vol.T,S2_conf,heaCap.C,2220.0,6.802758439575763e-18,0.003854992838113028,,0.003640673997861271,0.0043495252387739484 +vol.T,S2_conf,heaCap.C,2230.0,6.244916599912412e-18,0.006443472100661208,,0.006812176694132375,0.006299105424777317 +vol.T,S2_conf,heaCap.C,2240.0,7.648661111888435e-18,0.006818068014686277,,0.007489798688847865,0.008817439588638013 +vol.T,S2_conf,heaCap.C,2250.0,8.581646995242017e-18,0.005534463261784108,,0.006341062361696598,0.008052302856303 +vol.T,S2_conf,heaCap.C,2260.0,4.3051909671320085e-18,0.003689189262450815,,0.0037831777978036964,0.0047792303675196265 +vol.T,S2_conf,heaCap.C,2270.0,4.454493992229704e-18,0.003231312421434359,,0.0031051948870719093,0.0033341488884087796 +vol.T,S2_conf,heaCap.C,2280.0,5.102958763236139e-18,0.005129996399664734,,0.005081675397131644,0.0046969471386739455 +vol.T,S2_conf,heaCap.C,2290.0,6.124673443751817e-18,0.006183674755056271,,0.006691869761155506,0.005998486651534002 +vol.T,S2_conf,heaCap.C,2300.0,5.210536371463284e-18,0.004911092078593858,,0.005120131190104116,0.004948427327859799 +vol.T,S2_conf,heaCap.C,2310.0,4.418293863967788e-18,0.0029568390420011575,,0.003439731396703707,0.0036621833160127883 +vol.T,S2_conf,heaCap.C,2320.0,5.584194428697683e-18,0.003857161906525716,,0.003972314249076057,0.004643205756517561 +vol.T,S2_conf,heaCap.C,2330.0,5.935997682307522e-18,0.005980924213600255,,0.005903354235187326,0.006344477187452171 +vol.T,S2_conf,heaCap.C,2340.0,8.794275736578532e-18,0.0064767498695850025,,0.007249123435131521,0.0076166172676769865 +vol.T,S2_conf,heaCap.C,2350.0,7.783207095379021e-18,0.005103862387747841,,0.005732172521021484,0.008154603143964698 +vol.T,S2_conf,heaCap.C,2360.0,6.396078735627026e-18,0.0032410620002137273,,0.004093697796495666,0.005941524900721457 +vol.T,S2_conf,heatPumpSystem.declination,0.0,0.0,0.0,0.0,0.0,0.0 +vol.T,S2_conf,heatPumpSystem.declination,10.0,,1.764536244679056e-17,2.0650753283862785e-17,1.613877715906552e-17,1.6934467137444533e-16 +vol.T,S2_conf,heatPumpSystem.declination,20.0,,2.8464452302405736e-17,3.684185925601141e-17,2.2193004258119417e-17,1.3580296002872782e-16 +vol.T,S2_conf,heatPumpSystem.declination,30.0,,3.522416856476277e-17,4.797622745130576e-17,2.199269131651003e-17,1.7781741895558336e-16 +vol.T,S2_conf,heatPumpSystem.declination,40.0,,4.878791658104758e-17,4.580557649488959e-17,2.733494233220523e-17,1.2379040312820338e-16 +vol.T,S2_conf,heatPumpSystem.declination,50.0,,3.4006548651955845e-17,4.4632193000501045e-17,2.2902380372530518e-17,1.7631830486248965e-16 +vol.T,S2_conf,heatPumpSystem.declination,60.0,,2.3617519305769874e-17,2.6866158872448707e-17,2.3309094847889877e-17,1.6718442935194298e-16 +vol.T,S2_conf,heatPumpSystem.declination,70.0,,1.2174411304331528e-17,1.524762338846986e-17,2.480097719271725e-17,9.185229541671978e-17 +vol.T,S2_conf,heatPumpSystem.declination,80.0,,1.0585476506461222e-17,1.1382979342111257e-17,2.0247837101839062e-17,2.0543454439925073e-16 +vol.T,S2_conf,heatPumpSystem.declination,90.0,,1.2437351134747273e-17,1.0806874858935758e-17,2.321529541287964e-17,1.914557753477751e-16 +vol.T,S2_conf,heatPumpSystem.declination,100.0,,9.949888227618065e-18,1.0309581529556717e-17,1.957665437919415e-17,1.992294820169791e-16 +vol.T,S2_conf,heatPumpSystem.declination,110.0,,1.0350938219097814e-17,1.0458391628388627e-17,2.0808539170491616e-17,1.99709033756645e-16 +vol.T,S2_conf,heatPumpSystem.declination,120.0,,1.1537052344464798e-17,1.1847267026028015e-17,2.300866652213405e-17,1.492269316770386e-16 +vol.T,S2_conf,heatPumpSystem.declination,130.0,,1.9162564947594513e-17,2.492981137742494e-17,2.3756853276332114e-17,1.315633777745725e-16 +vol.T,S2_conf,heatPumpSystem.declination,140.0,,2.339360253870925e-17,2.2633127332783402e-17,2.5809943355789616e-17,1.5042402234634634e-16 +vol.T,S2_conf,heatPumpSystem.declination,150.0,,2.3832884980123443e-17,2.2395566393423825e-17,2.197611983389106e-17,1.2862222099784707e-16 +vol.T,S2_conf,heatPumpSystem.declination,160.0,,1.4239660279778882e-17,2.0263891569843232e-17,2.6156070456539602e-17,2.106190660663762e-16 +vol.T,S2_conf,heatPumpSystem.declination,170.0,,9.648112576668141e-18,1.0379130354990895e-17,2.1186610244398155e-17,1.3580296002872782e-16 +vol.T,S2_conf,heatPumpSystem.declination,180.0,,1.1791464305019172e-17,1.0089436280668421e-17,1.9532653111259334e-17,1.8826913626297006e-16 +vol.T,S2_conf,heatPumpSystem.declination,190.0,,7.533221447982002e-18,9.720398895637362e-18,2.2018446598001817e-17,1.4696627616680355e-16 +vol.T,S2_conf,heatPumpSystem.declination,200.0,,8.738234823706416e-18,9.235545340326837e-18,1.8259692797571374e-17,8.799624655919487e-17 +vol.T,S2_conf,heatPumpSystem.declination,210.0,,7.050693125582428e-18,8.240987530258538e-18,1.7631325510915794e-17,1.0666893143941657e-16 +vol.T,S2_conf,heatPumpSystem.declination,220.0,,9.605688817595675e-18,1.1706493248877948e-17,2.0328040090200027e-17,1.3114464597299033e-16 +vol.T,S2_conf,heatPumpSystem.declination,230.0,,1.5994958412516464e-17,1.9404547262192545e-17,1.8455349080239674e-17,2.1511277875398804e-16 +vol.T,S2_conf,heatPumpSystem.declination,240.0,,1.6169271872154367e-17,1.634559973663137e-17,2.100380843679116e-17,1.460358422302318e-16 +vol.T,S2_conf,heatPumpSystem.declination,250.0,,1.5085780460494695e-17,1.866058736974459e-17,2.1310885523601898e-17,1.0738393856547695e-16 +vol.T,S2_conf,heatPumpSystem.declination,260.0,,1.288105029455117e-17,1.0879646133093769e-17,2.3131961468942382e-17,1.6516973878507051e-16 +vol.T,S2_conf,heatPumpSystem.declination,270.0,,8.631125706220786e-18,8.662483981379954e-18,1.8622667909022643e-17,2.1951451928255644e-16 +vol.T,S2_conf,heatPumpSystem.declination,280.0,,7.87000949767291e-18,7.125937437850376e-18,2.0318093091863326e-17,1.9516698326935311e-16 +vol.T,S2_conf,heatPumpSystem.declination,290.0,,8.229371874793914e-18,7.91372576120482e-18,1.6643393930312883e-17,1.5377295303273618e-16 +vol.T,S2_conf,heatPumpSystem.declination,300.0,,6.563195987876941e-18,7.910253147524089e-18,1.4550410149872267e-17,1.8395175925070536e-16 +vol.T,S2_conf,heatPumpSystem.declination,310.0,,6.882328002410327e-18,6.837890304337686e-18,1.5393717332572918e-17,1.2479090136576372e-16 +vol.T,S2_conf,heatPumpSystem.declination,320.0,,8.657238043576415e-18,8.765393455955226e-18,1.6630409563507714e-17,1.4392452850804985e-16 +vol.T,S2_conf,heatPumpSystem.declination,330.0,,1.0660925456452982e-17,1.2034321750987784e-17,1.579532804503617e-17,2.180278985230362e-16 +vol.T,S2_conf,heatPumpSystem.declination,340.0,,1.2301456865904591e-17,1.7632360280888174e-17,1.5847315903866666e-17,2.266010797527369e-16 +vol.T,S2_conf,heatPumpSystem.declination,350.0,,1.2739503090119543e-17,1.4703253496686166e-17,1.7058903256177425e-17,1.7323976606498332e-16 +vol.T,S2_conf,heatPumpSystem.declination,360.0,,9.388918295298743e-18,9.534224746782413e-18,1.811458539443647e-17,2.618512911528471e-16 +vol.T,S2_conf,heatPumpSystem.declination,370.0,,7.270726374169863e-18,7.358211432470842e-18,1.6340312574805193e-17,1.444718035644087e-16 +vol.T,S2_conf,heatPumpSystem.declination,380.0,,6.671630441673558e-18,7.836678868464632e-18,1.4144528251190287e-17,2.283147922421728e-16 +vol.T,S2_conf,heatPumpSystem.declination,390.0,,6.949531124282423e-18,6.838510295444357e-18,1.4304287133342703e-17,2.068267076813452e-16 +vol.T,S2_conf,heatPumpSystem.declination,400.0,,5.658661317961392e-18,6.561933149030541e-18,1.5385598823023692e-17,2.876828528004899e-16 +vol.T,S2_conf,heatPumpSystem.declination,410.0,,6.0673707882115785e-18,7.350632103887884e-18,1.413941161750858e-17,2.9055301141013813e-16 +vol.T,S2_conf,heatPumpSystem.declination,420.0,,5.719284452005512e-18,6.154299693935276e-18,1.5993774357619213e-17,1.5271179150173002e-16 +vol.T,S2_conf,heatPumpSystem.declination,430.0,,8.156840447618017e-18,7.532115734164067e-18,1.6590656505803997e-17,1.5364849088929021e-16 +vol.T,S2_conf,heatPumpSystem.declination,440.0,,1.008893114428062e-17,8.67975871998159e-18,1.9216356118553957e-17,1.9089287125859726e-16 +vol.T,S2_conf,heatPumpSystem.declination,450.0,,8.50390712058016e-18,1.101168040751906e-17,1.7625836075370755e-17,1.576432191302232e-16 +vol.T,S2_conf,heatPumpSystem.declination,460.0,,6.439560087520883e-18,7.397039901049236e-18,1.7168285706766327e-17,1.8217516320824025e-16 +vol.T,S2_conf,heatPumpSystem.declination,470.0,,4.511972814275087e-18,6.658905452356075e-18,1.732299082164312e-17,1.968263473215424e-16 +vol.T,S2_conf,heatPumpSystem.declination,480.0,,7.542249725457834e-18,7.44036433238373e-18,1.537208376588167e-17,2.0631733854700566e-16 +vol.T,S2_conf,heatPumpSystem.declination,490.0,,6.6385730971343595e-18,6.6278979712823425e-18,1.3464986569266953e-17,2.588661651257924e-16 +vol.T,S2_conf,heatPumpSystem.declination,500.0,,6.340242140284463e-18,6.334225942804559e-18,1.4254729693766522e-17,2.0246803645937487e-16 +vol.T,S2_conf,heatPumpSystem.declination,510.0,,4.7549811736826455e-18,7.13907961393847e-18,1.6329886741022413e-17,1.4392452850804985e-16 +vol.T,S2_conf,heatPumpSystem.declination,520.0,,5.691007240787539e-18,6.047366873766787e-18,1.2929793726437678e-17,2.3221966745652875e-16 +vol.T,S2_conf,heatPumpSystem.declination,530.0,,5.662615212684517e-18,6.694919104993449e-18,1.5104799755209327e-17,1.943812046048836e-16 +vol.T,S2_conf,heatPumpSystem.declination,540.0,,8.742599980184968e-18,7.052534448903303e-18,1.709258993886108e-17,1.5220986149478187e-16 +vol.T,S2_conf,heatPumpSystem.declination,550.0,,7.469105444536522e-18,6.407915345282064e-18,1.8883831253574216e-17,1.9039111491372814e-16 +vol.T,S2_conf,heatPumpSystem.declination,560.0,,4.916849604817964e-18,5.125481867448758e-18,1.934842978541586e-17,1.6689810540597914e-16 +vol.T,S2_conf,heatPumpSystem.declination,570.0,,5.661410889742852e-18,6.242604470324286e-18,1.6332423306806727e-17,2.4675842103289427e-16 +vol.T,S2_conf,heatPumpSystem.declination,580.0,,6.5858148294413555e-18,5.831112734210708e-18,1.445103149370397e-17,1.6955636111671246e-16 +vol.T,S2_conf,heatPumpSystem.declination,590.0,,5.543703922551914e-18,7.414885445598256e-18,1.3893201298962728e-17,2.1755575032774467e-16 +vol.T,S2_conf,heatPumpSystem.declination,600.0,,5.446720322926053e-18,6.2066599150832556e-18,1.2158480920231094e-17,2.126979657243195e-16 +vol.T,S2_conf,heatPumpSystem.declination,610.0,,6.623574510933496e-18,6.126525888383546e-18,1.4239956891541032e-17,2.327237219026308e-16 +vol.T,S2_conf,heatPumpSystem.declination,620.0,,4.684049613982451e-18,4.691740901918213e-18,1.2986968227244992e-17,1.65675708274267e-16 +vol.T,S2_conf,heatPumpSystem.declination,630.0,,6.514135218548013e-18,5.362638121795099e-18,1.471383187443951e-17,2.724849628115364e-16 +vol.T,S2_conf,heatPumpSystem.declination,640.0,,6.588970440679072e-18,5.723987564768467e-18,1.785305085056308e-17,2.287020062032711e-16 +vol.T,S2_conf,heatPumpSystem.declination,650.0,,6.594459182557151e-18,7.097350234023971e-18,1.3691745049262078e-17,1.7045661691455495e-16 +vol.T,S2_conf,heatPumpSystem.declination,660.0,,4.602379177029002e-18,5.742905496580484e-18,1.6115598813031097e-17,2.0667634291579057e-16 +vol.T,S2_conf,heatPumpSystem.declination,670.0,,4.9477448659569806e-18,5.6760590783313605e-18,1.6541527926816227e-17,6.123486361114653e-17 +vol.T,S2_conf,heatPumpSystem.declination,680.0,,6.429394801435304e-18,6.91224929443395e-18,1.3483575020316259e-17,1.7270057231657534e-16 +vol.T,S2_conf,heatPumpSystem.declination,690.0,,6.201239123757848e-18,6.004400968580168e-18,1.4698351222680765e-17,2.5126250726174513e-16 +vol.T,S2_conf,heatPumpSystem.declination,700.0,,5.560063079482855e-18,6.667725840632376e-18,1.4372639459552333e-17,1.8395175925070536e-16 +vol.T,S2_conf,heatPumpSystem.declination,710.0,,3.981424858964124e-18,5.526125850719589e-18,1.36797740385277e-17,2.2727548921940655e-16 +vol.T,S2_conf,heatPumpSystem.declination,720.0,,4.2805210042267054e-18,5.440596589750272e-18,1.4008317744586018e-17,2.016276954997257e-16 +vol.T,S2_conf,heatPumpSystem.declination,730.0,,5.8696348482849655e-18,5.3276017553692165e-18,1.580165893668446e-17,1.8302642305482778e-16 +vol.T,S2_conf,heatPumpSystem.declination,740.0,,6.381654231658041e-18,5.493353056125092e-18,1.5142359432299702e-17,1.453793505166197e-16 +vol.T,S2_conf,heatPumpSystem.declination,750.0,,5.895719019733066e-18,5.541225539152572e-18,1.4096320260704225e-17,3.191762186557748e-16 +vol.T,S2_conf,heatPumpSystem.declination,760.0,,3.932447110699862e-18,5.001860015119477e-18,1.3989552739355197e-17,1.0633211679546701e-16 +vol.T,S2_conf,heatPumpSystem.declination,770.0,,5.7855878447075554e-18,5.80891884171799e-18,1.6830368164713032e-17,2.3221966745652875e-16 +vol.T,S2_conf,heatPumpSystem.declination,780.0,,6.354070610724473e-18,6.175777558700504e-18,1.3192143220967435e-17,2.569095608270408e-16 +vol.T,S2_conf,heatPumpSystem.declination,790.0,,6.894677088521132e-18,7.397176877036177e-18,1.3968670265864057e-17,7.089932190810649e-17 +vol.T,S2_conf,heatPumpSystem.declination,800.0,,5.28024629444868e-18,5.1682471146065005e-18,1.3745747313141201e-17,1.943812046048836e-16 +vol.T,S2_conf,heatPumpSystem.declination,810.0,,4.395126248605565e-18,5.263974808044616e-18,1.5726241655174622e-17,2.027631021037891e-16 +vol.T,S2_conf,heatPumpSystem.declination,820.0,,4.805498182152201e-18,5.574363803836711e-18,1.6016060497340393e-17,2.283147922421728e-16 +vol.T,S2_conf,heatPumpSystem.declination,830.0,,5.156155433328891e-18,4.945867300864979e-18,1.6754879320225946e-17,2.1269796572431952e-16 +vol.T,S2_conf,heatPumpSystem.declination,840.0,,6.5818824609579754e-18,6.42815182379803e-18,1.5893815178102502e-17,2.137857698654585e-16 +vol.T,S2_conf,heatPumpSystem.declination,850.0,,6.153284257663331e-18,5.864708598555823e-18,1.6060992126895193e-17,1.6389068600734672e-16 +vol.T,S2_conf,heatPumpSystem.declination,860.0,,4.4395756221194355e-18,3.7322970178045965e-18,1.418146635806393e-17,2.0487503030241862e-16 +vol.T,S2_conf,heatPumpSystem.declination,870.0,,4.361406593433344e-18,5.382882357790244e-18,1.629967069415178e-17,1.784617843549039e-16 +vol.T,S2_conf,heatPumpSystem.declination,880.0,,6.4007538963990745e-18,6.4246382208226265e-18,1.4199209391676867e-17,1.5746107785723394e-16 +vol.T,S2_conf,heatPumpSystem.declination,890.0,,7.345155479873611e-18,5.5036662980948835e-18,1.3811425105111445e-17,1.9438120460488363e-16 +vol.T,S2_conf,heatPumpSystem.declination,900.0,,4.143532167482393e-18,5.1664458515006736e-18,1.55065536786202e-17,2.520607110199889e-16 +vol.T,S2_conf,heatPumpSystem.declination,910.0,,4.7568955896820345e-18,5.466897030956601e-18,1.66769659388524e-17,1.893836141791958e-16 +vol.T,S2_conf,heatPumpSystem.declination,920.0,,4.599547771294792e-18,3.943653757735212e-18,1.6131384251106005e-17,2.6265373465607307e-16 +vol.T,S2_conf,heatPumpSystem.declination,930.0,,5.573934951816089e-18,5.153644706353333e-18,1.483228678966243e-17,2.631176670129507e-16 +vol.T,S2_conf,heatPumpSystem.declination,940.0,,6.813738066776675e-18,5.674955411588525e-18,1.5425306520902846e-17,1.3302754782921573e-16 +vol.T,S2_conf,heatPumpSystem.declination,950.0,,4.923243797128988e-18,6.1723426954515775e-18,1.6094661244037677e-17,2.52506224159983e-16 +vol.T,S2_conf,heatPumpSystem.declination,960.0,,4.604809227428319e-18,4.405324313027319e-18,1.4721659045315025e-17,1.794239935510364e-16 +vol.T,S2_conf,heatPumpSystem.declination,970.0,,4.7597832226927516e-18,4.546033399905145e-18,1.776032779666128e-17,1.1572301477289452e-16 +vol.T,S2_conf,heatPumpSystem.declination,980.0,,5.627553400326352e-18,5.938436547686793e-18,1.45008384334772e-17,1.9961321557492374e-16 +vol.T,S2_conf,heatPumpSystem.declination,990.0,,5.417830305474727e-18,5.719779540528843e-18,1.4521732087562286e-17,2.472715234295394e-16 +vol.T,S2_conf,heatPumpSystem.declination,1000.0,,5.838196394969993e-18,4.904137719373245e-18,1.635495525093128e-17,1.19464847468696e-16 +vol.T,S2_conf,heatPumpSystem.declination,1010.0,,4.6692441680910655e-18,4.430329228060713e-18,1.5164594442880783e-17,1.412410112864836e-16 +vol.T,S2_conf,heatPumpSystem.declination,1020.0,,5.92043829144759e-18,4.342300505580688e-18,1.2509603106700103e-17,1.9574203063749297e-16 +vol.T,S2_conf,heatPumpSystem.declination,1030.0,,5.084747842135949e-18,5.1434159517702605e-18,1.7514044396011528e-17,2.228553493718007e-16 +vol.T,S2_conf,heatPumpSystem.declination,1040.0,,6.847054469071007e-18,6.851531780264728e-18,1.8374438940745768e-17,1.9894119610879596e-16 +vol.T,S2_conf,heatPumpSystem.declination,1050.0,,5.785410229876321e-18,5.923960086749166e-18,1.571405993442964e-17,2.1645374876060837e-16 +vol.T,S2_conf,heatPumpSystem.declination,1060.0,,4.4965542665645845e-18,4.612870649093139e-18,1.4988004463682316e-17,2.456706040712279e-16 +vol.T,S2_conf,heatPumpSystem.declination,1070.0,,4.7947083765723615e-18,4.644600532413324e-18,1.7908762322562375e-17,1.0558734272305651e-16 +vol.T,S2_conf,heatPumpSystem.declination,1080.0,,5.358481166526748e-18,5.873962590788937e-18,1.5917380671205452e-17,2.4481249979188624e-16 +vol.T,S2_conf,heatPumpSystem.declination,1090.0,,5.396080985094004e-18,5.288420036298984e-18,1.5260539116825962e-17,2.273175733766452e-16 +vol.T,S2_conf,heatPumpSystem.declination,1100.0,,4.535159533465436e-18,5.945094668519953e-18,1.3886760406359777e-17,1.0570052460003955e-16 +vol.T,S2_conf,heatPumpSystem.declination,1110.0,,4.6186209266864244e-18,4.973704721877996e-18,1.599441088357456e-17,2.8794873349753686e-16 +vol.T,S2_conf,heatPumpSystem.declination,1120.0,,5.243415509404825e-18,6.143178698050924e-18,1.8653742047151322e-17,8.470057391901895e-17 +vol.T,S2_conf,heatPumpSystem.declination,1130.0,,6.148720652318684e-18,5.678310373464248e-18,1.6698901890139467e-17,1.4546157401197591e-16 +vol.T,S2_conf,heatPumpSystem.declination,1140.0,,8.893430911958166e-18,6.029594339014801e-18,1.961631622648823e-17,1.805930649614544e-16 +vol.T,S2_conf,heatPumpSystem.declination,1150.0,,5.277919702213701e-18,5.055376788065703e-18,1.9724118565389656e-17,1.2759554146966863e-16 +vol.T,S2_conf,heatPumpSystem.declination,1160.0,,3.624670696589575e-18,5.136359189701827e-18,1.681735457560765e-17,1.6505387083760455e-16 +vol.T,S2_conf,heatPumpSystem.declination,1170.0,,4.1443959694143494e-18,4.549135725952109e-18,1.6514036577875925e-17,1.6158359662220444e-16 +vol.T,S2_conf,heatPumpSystem.declination,1180.0,,5.23607042532689e-18,6.191269717026012e-18,1.5083806573390726e-17,1.6762726494714546e-16 +vol.T,S2_conf,heatPumpSystem.declination,1190.0,,5.1905727043154685e-18,7.601099989053067e-18,1.4996705634773495e-17,2.106190660663762e-16 +vol.T,S2_conf,heatPumpSystem.declination,1200.0,,4.696407122686374e-18,5.1009561584431e-18,1.5395423951022743e-17,2.0994810380964527e-16 +vol.T,S2_conf,heatPumpSystem.declination,1210.0,,4.3304858301409454e-18,5.2311279250122644e-18,1.4221711136114816e-17,2.409231359151089e-16 +vol.T,S2_conf,heatPumpSystem.declination,1220.0,,4.106038806992966e-18,3.696163840682903e-18,1.5713895063630675e-17,1.4405739216755328e-16 +vol.T,S2_conf,heatPumpSystem.declination,1230.0,,5.415280277781161e-18,5.2507766126824175e-18,1.7015287937616462e-17,1.5824884264031298e-16 +vol.T,S2_conf,heatPumpSystem.declination,1240.0,,7.195416451852425e-18,6.317581488706299e-18,1.8078610976939486e-17,2.222858942783128e-16 +vol.T,S2_conf,heatPumpSystem.declination,1250.0,,6.158188847209203e-18,6.110642759706353e-18,1.4824018346368604e-17,2.375243320493057e-16 +vol.T,S2_conf,heatPumpSystem.declination,1260.0,,5.180789951867678e-18,4.666338443981441e-18,1.6838524722150244e-17,2.486217953168459e-16 +vol.T,S2_conf,heatPumpSystem.declination,1270.0,,4.74607049297677e-18,5.1769259294240354e-18,1.8761683927004906e-17,1.8133309525603601e-16 +vol.T,S2_conf,heatPumpSystem.declination,1280.0,,6.3015528112454774e-18,5.998280601627553e-18,1.6318483108169753e-17,1.6798354008859726e-16 +vol.T,S2_conf,heatPumpSystem.declination,1290.0,,8.172802571603691e-18,6.416933663134463e-18,1.6565676495125657e-17,2.1314721739333765e-16 +vol.T,S2_conf,heatPumpSystem.declination,1300.0,,5.266574073638657e-18,6.454820444108872e-18,1.5790561456845508e-17,2.380071055800217e-16 +vol.T,S2_conf,heatPumpSystem.declination,1310.0,,4.744804490122741e-18,4.764930518498621e-18,1.3115525876412819e-17,1.5158011174623704e-16 +vol.T,S2_conf,heatPumpSystem.declination,1320.0,,4.9678567236079315e-18,4.886748904497842e-18,1.730309462272076e-17,1.778174189555834e-16 +vol.T,S2_conf,heatPumpSystem.declination,1330.0,,6.659240868073424e-18,5.119620903802292e-18,1.504205252777992e-17,2.208720740859652e-16 +vol.T,S2_conf,heatPumpSystem.declination,1340.0,,8.887416967606694e-18,7.410975007381957e-18,1.5055521502652747e-17,1.6649642466618931e-16 +vol.T,S2_conf,heatPumpSystem.declination,1350.0,,6.278217243884889e-18,5.867051104076339e-18,1.3342753800682073e-17,1.278763624567107e-16 +vol.T,S2_conf,heatPumpSystem.declination,1360.0,,4.44468963137426e-18,4.705780614767869e-18,1.517734040588068e-17,8.747837658735218e-17 +vol.T,S2_conf,heatPumpSystem.declination,1370.0,,5.613740761669999e-18,6.090945974635845e-18,1.509342925239705e-17,1.8474306485440631e-16 +vol.T,S2_conf,heatPumpSystem.declination,1380.0,,5.891259819660395e-18,6.167503191061832e-18,1.6133646130468356e-17,1.7631830486248967e-16 +vol.T,S2_conf,heatPumpSystem.declination,1390.0,,7.175793104986688e-18,6.751508712342761e-18,1.2789120447616296e-17,2.413495752075678e-16 +vol.T,S2_conf,heatPumpSystem.declination,1400.0,,6.704053919885243e-18,5.352457786106205e-18,1.4118306256285818e-17,1.7906377101971958e-16 +vol.T,S2_conf,heatPumpSystem.declination,1410.0,,5.036458064836573e-18,4.391888027527579e-18,1.535308363779803e-17,1.7045661691455497e-16 +vol.T,S2_conf,heatPumpSystem.declination,1420.0,,4.437838352962603e-18,5.053862997591191e-18,1.4080507959431e-17,1.8716079934194695e-16 +vol.T,S2_conf,heatPumpSystem.declination,1430.0,,6.181465818324985e-18,4.99474096666287e-18,1.416174298171982e-17,1.5493492325979529e-16 +vol.T,S2_conf,heatPumpSystem.declination,1440.0,,7.443646704375278e-18,6.406095101457066e-18,1.6148975576605686e-17,1.2379040312820338e-16 +vol.T,S2_conf,heatPumpSystem.declination,1450.0,,7.098603676164947e-18,5.844129304462775e-18,1.5017706374678365e-17,1.3121756488102827e-16 +vol.T,S2_conf,heatPumpSystem.declination,1460.0,,5.156458867536908e-18,4.575045075254984e-18,1.434923793170243e-17,2.423877277389023e-16 +vol.T,S2_conf,heatPumpSystem.declination,1470.0,,4.867613684126108e-18,4.500768362083991e-18,1.5127047157229793e-17,1.0827105763357577e-16 +vol.T,S2_conf,heatPumpSystem.declination,1480.0,,6.192855972112763e-18,5.7061467533696786e-18,1.4271154393218817e-17,1.9039111491372814e-16 +vol.T,S2_conf,heatPumpSystem.declination,1490.0,,6.039494590380737e-18,7.22660328301636e-18,1.3076684721380823e-17,1.9239028893145384e-16 +vol.T,S2_conf,heatPumpSystem.declination,1500.0,,6.153656370042116e-18,5.045481337203505e-18,1.4031487108962232e-17,9.691956701107981e-17 +vol.T,S2_conf,heatPumpSystem.declination,1510.0,,4.262655354840178e-18,4.928625139166414e-18,1.4129340012897993e-17,2.1315843655366827e-16 +vol.T,S2_conf,heatPumpSystem.declination,1520.0,,4.105715002624441e-18,5.3039784080466645e-18,1.5795690736669367e-17,2.77631892107944e-16 +vol.T,S2_conf,heatPumpSystem.declination,1530.0,,5.9900548649043805e-18,4.718392627072155e-18,1.515855656154737e-17,2.016276954997257e-16 +vol.T,S2_conf,heatPumpSystem.declination,1540.0,,7.429020994149991e-18,6.182578920607041e-18,1.5938750302331044e-17,1.5618014136092354e-16 +vol.T,S2_conf,heatPumpSystem.declination,1550.0,,6.433967197232346e-18,6.494141213959816e-18,1.7353339071493915e-17,1.8908031712481105e-16 +vol.T,S2_conf,heatPumpSystem.declination,1560.0,,4.4363444938094424e-18,4.610820709446081e-18,1.7861265428023317e-17,1.2995397924298102e-16 +vol.T,S2_conf,heatPumpSystem.declination,1570.0,,4.775089131380262e-18,4.442056617652505e-18,1.7785597443992782e-17,1.322342075874069e-16 +vol.T,S2_conf,heatPumpSystem.declination,1580.0,,6.2050092782670774e-18,5.622086797570075e-18,1.7826543795959303e-17,1.1142767468590036e-16 +vol.T,S2_conf,heatPumpSystem.declination,1590.0,,6.228123176443312e-18,5.7310321792733496e-18,1.2614265657714842e-17,1.5770388614002342e-16 +vol.T,S2_conf,heatPumpSystem.declination,1600.0,,5.8611027990062174e-18,5.4584751392554206e-18,1.5303785831169663e-17,2.3205484112579347e-16 +vol.T,S2_conf,heatPumpSystem.declination,1610.0,,4.529650913282668e-18,4.905795140790331e-18,1.5842378390915304e-17,2.416664370165634e-16 +vol.T,S2_conf,heatPumpSystem.declination,1620.0,,4.926626855454883e-18,5.848544225822827e-18,1.698814870660586e-17,1.6205649639793662e-16 +vol.T,S2_conf,heatPumpSystem.declination,1630.0,,6.4690284350537534e-18,5.778205117318051e-18,1.6630514882922702e-17,1.3795190214268723e-16 +vol.T,S2_conf,heatPumpSystem.declination,1640.0,,7.655405455292869e-18,6.589829643660089e-18,1.74527417361249e-17,2.1034639049700176e-16 +vol.T,S2_conf,heatPumpSystem.declination,1650.0,,7.320669024352898e-18,7.709721508837084e-18,1.9638060794625452e-17,1.5357065082609021e-16 +vol.T,S2_conf,heatPumpSystem.declination,1660.0,,4.3158707349527304e-18,4.625780006770714e-18,2.1300938388869372e-17,2.0096241257898837e-16 +vol.T,S2_conf,heatPumpSystem.declination,1670.0,,4.230828659165413e-18,4.9939507449847486e-18,1.613935596513069e-17,2.6823928691990066e-16 +vol.T,S2_conf,heatPumpSystem.declination,1680.0,,4.7167320906480755e-18,4.872118297898313e-18,1.584219412557593e-17,1.786760564229013e-16 +vol.T,S2_conf,heatPumpSystem.declination,1690.0,,6.034278694900956e-18,5.935172300927716e-18,1.6477792122898296e-17,2.1108407197468264e-16 +vol.T,S2_conf,heatPumpSystem.declination,1700.0,,4.889355936430897e-18,5.962693012238199e-18,1.5090411791876175e-17,1.3114464597299033e-16 +vol.T,S2_conf,heatPumpSystem.declination,1710.0,,5.257696715340992e-18,4.79023571314607e-18,1.5728758993316495e-17,2.283252661184653e-16 +vol.T,S2_conf,heatPumpSystem.declination,1720.0,,4.491096640583148e-18,5.544495018740866e-18,1.614228585235138e-17,1.7190947781907965e-16 +vol.T,S2_conf,heatPumpSystem.declination,1730.0,,6.625782068114148e-18,5.962027705297462e-18,1.886240114239781e-17,1.378131523945874e-16 +vol.T,S2_conf,heatPumpSystem.declination,1740.0,,7.355336804372755e-18,7.119248431649791e-18,1.7475374365197812e-17,1.6798354008859721e-16 +vol.T,S2_conf,heatPumpSystem.declination,1750.0,,6.240412308992284e-18,6.67403947291307e-18,1.8148596622316943e-17,1.0486008590454722e-16 +vol.T,S2_conf,heatPumpSystem.declination,1760.0,,4.7957211740895304e-18,5.085608630432441e-18,2.301747420103086e-17,2.420619310001875e-16 +vol.T,S2_conf,heatPumpSystem.declination,1770.0,,4.78455802776496e-18,4.364161764431559e-18,1.515428075656383e-17,2.468359387984232e-16 +vol.T,S2_conf,heatPumpSystem.declination,1780.0,,5.8577768157007396e-18,4.802473138868344e-18,1.516559360521657e-17,2.346883608120694e-16 +vol.T,S2_conf,heatPumpSystem.declination,1790.0,,4.9719845650504394e-18,6.0656800841384156e-18,1.6209166909744683e-17,1.6039524736989354e-16 +vol.T,S2_conf,heatPumpSystem.declination,1800.0,,5.164391184098486e-18,4.776110073145702e-18,1.5287343958954236e-17,1.8995099087986048e-16 +vol.T,S2_conf,heatPumpSystem.declination,1810.0,,4.344304186106834e-18,5.05130175843297e-18,1.489489856598682e-17,1.1363774460970327e-16 +vol.T,S2_conf,heatPumpSystem.declination,1820.0,,4.65816915063706e-18,6.2538435386352565e-18,1.8873625790821458e-17,2.81396332185204e-16 +vol.T,S2_conf,heatPumpSystem.declination,1830.0,,5.211892253615962e-18,5.5889204932006125e-18,1.8045675058951444e-17,1.6474932976302415e-16 +vol.T,S2_conf,heatPumpSystem.declination,1840.0,,7.520123579319068e-18,8.028054699782609e-18,2.0458521592293263e-17,1.2407983631059972e-16 +vol.T,S2_conf,heatPumpSystem.declination,1850.0,,5.622884211663562e-18,6.4248337420344285e-18,1.8859800960397263e-17,2.6187868766445567e-16 +vol.T,S2_conf,heatPumpSystem.declination,1860.0,,4.618615579087565e-18,5.417534448987877e-18,1.6769725756571364e-17,1.880785096628072e-16 +vol.T,S2_conf,heatPumpSystem.declination,1870.0,,4.8503368049866855e-18,4.72392469204763e-18,1.6027769090259907e-17,7.563212684992442e-17 +vol.T,S2_conf,heatPumpSystem.declination,1880.0,,7.300581910741736e-18,5.716038642309333e-18,1.5692607555695233e-17,1.2315125572950714e-16 +vol.T,S2_conf,heatPumpSystem.declination,1890.0,,6.29598971400468e-18,5.423421691236262e-18,1.2507561079711698e-17,1.9560759661064554e-16 +vol.T,S2_conf,heatPumpSystem.declination,1900.0,,4.917126361843051e-18,5.5344078977094776e-18,1.5756358324263675e-17,2.2727548921940655e-16 +vol.T,S2_conf,heatPumpSystem.declination,1910.0,,3.7620341247651215e-18,5.0091171216690395e-18,1.42729346382209e-17,2.1269796572431952e-16 +vol.T,S2_conf,heatPumpSystem.declination,1920.0,,4.300758885989807e-18,5.604368211036335e-18,1.3918060079957787e-17,1.3585577767253283e-16 +vol.T,S2_conf,heatPumpSystem.declination,1930.0,,6.110327670995362e-18,5.682409075214896e-18,1.4622384145549008e-17,1.9784429606229303e-16 +vol.T,S2_conf,heatPumpSystem.declination,1940.0,,7.305123013566185e-18,7.40962925959058e-18,1.5111192959623303e-17,2.891008148358638e-16 +vol.T,S2_conf,heatPumpSystem.declination,1950.0,,6.839752259011479e-18,6.8775210956493905e-18,1.6735284533436356e-17,1.5158011174623706e-16 +vol.T,S2_conf,heatPumpSystem.declination,1960.0,,3.895558644977677e-18,4.2600706671488575e-18,1.5057218590635617e-17,1.94331987942592e-16 +vol.T,S2_conf,heatPumpSystem.declination,1970.0,,4.9306112554624304e-18,4.460071798122192e-18,1.6202202504151545e-17,2.7533984051140594e-16 +vol.T,S2_conf,heatPumpSystem.declination,1980.0,,6.154721379131217e-18,6.427685162092534e-18,1.5196898229297738e-17,1.3092564557642356e-16 +vol.T,S2_conf,heatPumpSystem.declination,1990.0,,6.719686759212259e-18,7.348735836402883e-18,1.277724209040163e-17,1.6365705697052947e-16 +vol.T,S2_conf,heatPumpSystem.declination,2000.0,,5.6159301123453965e-18,5.708154302205212e-18,1.441857319870953e-17,1.8395175925070536e-16 +vol.T,S2_conf,heatPumpSystem.declination,2010.0,,5.028480893033603e-18,4.909318893079237e-18,1.3658008020427496e-17,3.2010392796574954e-16 +vol.T,S2_conf,heatPumpSystem.declination,2020.0,,4.349569661138444e-18,5.22919367493352e-18,1.3533200053079614e-17,1.9687494042123884e-16 +vol.T,S2_conf,heatPumpSystem.declination,2030.0,,5.3599306843452e-18,5.176437826511282e-18,1.6045286963935705e-17,1.9560759661064554e-16 +vol.T,S2_conf,heatPumpSystem.declination,2040.0,,7.184808468176448e-18,7.072284399684278e-18,1.5722289665546257e-17,1.5050348984744997e-16 +vol.T,S2_conf,heatPumpSystem.declination,2050.0,,7.59332212609868e-18,5.864343939154845e-18,1.4443272409025938e-17,3.219736097274926e-16 +vol.T,S2_conf,heatPumpSystem.declination,2060.0,,4.602780960863222e-18,3.921152814312546e-18,1.7637491842628313e-17,2.476097817151351e-16 +vol.T,S2_conf,heatPumpSystem.declination,2070.0,,4.601496578345596e-18,3.963818186513873e-18,1.533333296460433e-17,1.6451692008320022e-16 +vol.T,S2_conf,heatPumpSystem.declination,2080.0,,6.781319491634502e-18,5.928541523865142e-18,1.502603033479237e-17,1.3720447248935504e-16 +vol.T,S2_conf,heatPumpSystem.declination,2090.0,,6.584214023469291e-18,6.979205137016773e-18,1.291472878570714e-17,1.4953110103216507e-16 +vol.T,S2_conf,heatPumpSystem.declination,2100.0,,6.0619713062013286e-18,5.502781160391295e-18,1.4458631077350724e-17,1.8311786116219011e-16 +vol.T,S2_conf,heatPumpSystem.declination,2110.0,,4.358687802479584e-18,4.704197968071188e-18,1.652909934057818e-17,1.4299102623347348e-16 +vol.T,S2_conf,heatPumpSystem.declination,2120.0,,5.0742902990918354e-18,6.01845931792856e-18,1.5840904208184545e-17,2.3639402629834736e-16 +vol.T,S2_conf,heatPumpSystem.declination,2130.0,,6.6432542955700165e-18,6.157100983864025e-18,1.4067609279974677e-17,1.6146515526736865e-16 +vol.T,S2_conf,heatPumpSystem.declination,2140.0,,8.397490283524082e-18,7.127614730078317e-18,1.9026508857837974e-17,1.9555868859722684e-16 +vol.T,S2_conf,heatPumpSystem.declination,2150.0,,7.65463718091749e-18,8.390734894821266e-18,1.511733484386426e-17,1.9803759781437428e-16 +vol.T,S2_conf,heatPumpSystem.declination,2160.0,,4.920813613667241e-18,3.989717624265425e-18,1.7967339498945342e-17,1.0879985715362162e-16 +vol.T,S2_conf,heatPumpSystem.declination,2170.0,,4.0811313401140845e-18,4.249291770941874e-18,1.52468079018446e-17,1.0095607285855253e-16 +vol.T,S2_conf,heatPumpSystem.declination,2180.0,,5.882844775074641e-18,5.2788750507171714e-18,1.491119258565074e-17,1.4734005068008858e-16 +vol.T,S2_conf,heatPumpSystem.declination,2190.0,,5.605422976482128e-18,5.6680822701706246e-18,1.8163619736082572e-17,1.8776036858172653e-16 +vol.T,S2_conf,heatPumpSystem.declination,2200.0,,6.229283757598429e-18,5.525740703293542e-18,1.4134362747116932e-17,2.557433743211321e-16 +vol.T,S2_conf,heatPumpSystem.declination,2210.0,,3.743402386178036e-18,4.736986401008892e-18,1.5463426308666074e-17,8.444608989691545e-17 +vol.T,S2_conf,heatPumpSystem.declination,2220.0,,5.017960268992712e-18,6.802758439575763e-18,1.503267368334602e-17,1.6076755010227093e-16 +vol.T,S2_conf,heatPumpSystem.declination,2230.0,,6.2925889990203156e-18,6.244916599912412e-18,1.7437137558800663e-17,2.383183770557891e-16 +vol.T,S2_conf,heatPumpSystem.declination,2240.0,,7.904771978920952e-18,7.648661111888435e-18,1.9948156511665136e-17,8.444608989691545e-17 +vol.T,S2_conf,heatPumpSystem.declination,2250.0,,7.902926757625727e-18,8.581646995242017e-18,1.42562482369596e-17,1.6785536815176359e-16 +vol.T,S2_conf,heatPumpSystem.declination,2260.0,,5.2641771297805655e-18,4.3051909671320085e-18,1.729938263105535e-17,1.9159312258093696e-16 +vol.T,S2_conf,heatPumpSystem.declination,2270.0,,4.436913709461732e-18,4.454493992229704e-18,1.6957088786253304e-17,1.99709033756645e-16 +vol.T,S2_conf,heatPumpSystem.declination,2280.0,,5.331319036665304e-18,5.102958763236139e-18,1.6138451571531308e-17,1.9823071107119463e-16 +vol.T,S2_conf,heatPumpSystem.declination,2290.0,,5.724347540696323e-18,6.124673443751817e-18,1.4942017347991554e-17,2.3305231186070696e-16 +vol.T,S2_conf,heatPumpSystem.declination,2300.0,,4.096590217276987e-18,5.210536371463284e-18,1.5996864921731845e-17,2.0214888181168592e-16 +vol.T,S2_conf,heatPumpSystem.declination,2310.0,,3.5757772213941685e-18,4.418293863967788e-18,1.3410607303652048e-17,1.8395175925070536e-16 +vol.T,S2_conf,heatPumpSystem.declination,2320.0,,5.133218128602148e-18,5.584194428697683e-18,1.7556537092121638e-17,1.21745105860927e-16 +vol.T,S2_conf,heatPumpSystem.declination,2330.0,,6.848200715518296e-18,5.935997682307522e-18,1.9046068445234013e-17,2.1185305110418685e-16 +vol.T,S2_conf,heatPumpSystem.declination,2340.0,,7.849501740266957e-18,8.794275736578532e-18,1.9153094809143166e-17,1.6087164046610735e-16 +vol.T,S2_conf,heatPumpSystem.declination,2350.0,,6.731498685355079e-18,7.783207095379021e-18,1.9116808960139774e-17,2.3565439077470237e-16 +vol.T,S2_conf,heatPumpSystem.declination,2360.0,,5.592200974769962e-18,6.396078735627026e-18,1.8329423016001538e-17,1.7959717634490117e-16 +vol.T,S2_conf,rad.n,0.0,0.0,0.0,0.0,0.0,0.0 +vol.T,S2_conf,rad.n,10.0,1.613877715906552e-17,0.04499857504018547,0.07138618494809137,,0.021728356270564096 +vol.T,S2_conf,rad.n,20.0,2.2193004258119417e-17,0.046511410769996285,0.06311558697473259,,0.025613407376534603 +vol.T,S2_conf,rad.n,30.0,2.199269131651003e-17,0.03937827891819017,0.05167119895432832,,0.029445859312076515 +vol.T,S2_conf,rad.n,40.0,2.733494233220523e-17,0.047225431597944255,0.05298711052443172,,0.03125157656484809 +vol.T,S2_conf,rad.n,50.0,2.2902380372530518e-17,0.04059866364934067,0.048097061862837936,,0.027855744816863957 +vol.T,S2_conf,rad.n,60.0,2.3309094847889877e-17,0.03006534989628395,0.03946565112995666,,0.0272230228216199 +vol.T,S2_conf,rad.n,70.0,2.480097719271725e-17,0.026849862213176614,0.031175265261220147,,0.02319064190632621 +vol.T,S2_conf,rad.n,80.0,2.0247837101839062e-17,0.023678307189105543,0.02961850427730396,,0.0228136135774604 +vol.T,S2_conf,rad.n,90.0,2.321529541287964e-17,0.021941459434170443,0.028333135879792474,,0.02216936410123386 +vol.T,S2_conf,rad.n,100.0,1.957665437919415e-17,0.02035921222708509,0.021723756569252586,,0.018735855121925223 +vol.T,S2_conf,rad.n,110.0,2.0808539170491616e-17,0.018796070141605965,0.021581537750396233,,0.022110219727388213 +vol.T,S2_conf,rad.n,120.0,2.300866652213405e-17,0.018768587931927285,0.0182175626956385,,0.021208123878361948 +vol.T,S2_conf,rad.n,130.0,2.3756853276332114e-17,0.020232902066857808,0.020934779141024477,,0.021544094216703273 +vol.T,S2_conf,rad.n,140.0,2.5809943355789616e-17,0.020994913385820907,0.02307511782921436,,0.02276148195162717 +vol.T,S2_conf,rad.n,150.0,2.197611983389106e-17,0.02103413826638119,0.023764997714398613,,0.023558343050530086 +vol.T,S2_conf,rad.n,160.0,2.6156070456539602e-17,0.01755385759452238,0.018115861072148454,,0.022302826994636513 +vol.T,S2_conf,rad.n,170.0,2.1186610244398155e-17,0.015782088041690807,0.01770124733004317,,0.02145893465788982 +vol.T,S2_conf,rad.n,180.0,1.9532653111259334e-17,0.016463333399979924,0.01755798947225899,,0.023476720568771186 +vol.T,S2_conf,rad.n,190.0,2.2018446598001817e-17,0.014869915399497686,0.017799035966154557,,0.01825889089882998 +vol.T,S2_conf,rad.n,200.0,1.8259692797571374e-17,0.013439070709888623,0.014161495535491144,,0.019853395536989227 +vol.T,S2_conf,rad.n,210.0,1.7631325510915794e-17,0.011911676600059574,0.013244046189679488,,0.01985111068626519 +vol.T,S2_conf,rad.n,220.0,2.0328040090200027e-17,0.012682917896436111,0.014310291036948492,,0.018403364200344167 +vol.T,S2_conf,rad.n,230.0,1.8455349080239674e-17,0.014152254949713745,0.013719975738294922,,0.019278546914430598 +vol.T,S2_conf,rad.n,240.0,2.100380843679116e-17,0.011967199535621434,0.014238478654711447,,0.024491500865846737 +vol.T,S2_conf,rad.n,250.0,2.1310885523601898e-17,0.014859548508214266,0.015065889627592489,,0.022336012849978604 +vol.T,S2_conf,rad.n,260.0,2.3131961468942382e-17,0.014096038417649896,0.013296276024843559,,0.020375652523460182 +vol.T,S2_conf,rad.n,270.0,1.8622667909022643e-17,0.01211083620796861,0.0130928444187487,,0.02018641420201769 +vol.T,S2_conf,rad.n,280.0,2.0318093091863326e-17,0.010824220853785298,0.013556421044368909,,0.018824237065151187 +vol.T,S2_conf,rad.n,290.0,1.6643393930312883e-17,0.01191118272139565,0.012409452029228937,,0.018159154270307017 +vol.T,S2_conf,rad.n,300.0,1.4550410149872267e-17,0.009816295463948606,0.011296425510648012,,0.01901010675832099 +vol.T,S2_conf,rad.n,310.0,1.5393717332572918e-17,0.009008976843338633,0.011212976548331942,,0.018080652641649302 +vol.T,S2_conf,rad.n,320.0,1.6630409563507714e-17,0.009158529530518126,0.010686961473656529,,0.01825799659037165 +vol.T,S2_conf,rad.n,330.0,1.579532804503617e-17,0.010082971785288301,0.013267911345847,,0.020198154809526907 +vol.T,S2_conf,rad.n,340.0,1.5847315903866666e-17,0.01116013020193202,0.012647556488105028,,0.020396822404056183 +vol.T,S2_conf,rad.n,350.0,1.7058903256177425e-17,0.010888045835523396,0.01216187097988114,,0.022247765994913057 +vol.T,S2_conf,rad.n,360.0,1.811458539443647e-17,0.009242427604307003,0.010373425150464697,,0.020443599400738584 +vol.T,S2_conf,rad.n,370.0,1.6340312574805193e-17,0.009324904678533764,0.010192519698967822,,0.01877255611115914 +vol.T,S2_conf,rad.n,380.0,1.4144528251190287e-17,0.010300705010991236,0.010826107703097441,,0.016967691357477218 +vol.T,S2_conf,rad.n,390.0,1.4304287133342703e-17,0.010752718602098487,0.011979084660262094,,0.016408697490081982 +vol.T,S2_conf,rad.n,400.0,1.5385598823023692e-17,0.00781279764275276,0.009334145738942434,,0.015543786794341381 +vol.T,S2_conf,rad.n,410.0,1.413941161750858e-17,0.007432705075478957,0.0073294547342062505,,0.01600479211347577 +vol.T,S2_conf,rad.n,420.0,1.5993774357619213e-17,0.007166563654220715,0.007209090773459601,,0.015868826469016075 +vol.T,S2_conf,rad.n,430.0,1.6590656505803997e-17,0.0074134445680361155,0.00920840468022799,,0.017812354223045224 +vol.T,S2_conf,rad.n,440.0,1.9216356118553957e-17,0.007028931941354717,0.008718190679342774,,0.019287856294284946 +vol.T,S2_conf,rad.n,450.0,1.7625836075370755e-17,0.008650745980587602,0.007900716743427804,,0.019984677033440035 +vol.T,S2_conf,rad.n,460.0,1.7168285706766327e-17,0.006987875162215887,0.006246979883341377,,0.01916143864392566 +vol.T,S2_conf,rad.n,470.0,1.732299082164312e-17,0.0068947102411703425,0.007762352657076247,,0.017363698284247046 +vol.T,S2_conf,rad.n,480.0,1.537208376588167e-17,0.008878849700220562,0.010192905392413363,,0.01605697141064522 +vol.T,S2_conf,rad.n,490.0,1.3464986569266953e-17,0.008478831398428857,0.00910472742408816,,0.017737530136606644 +vol.T,S2_conf,rad.n,500.0,1.4254729693766522e-17,0.007798917603873483,0.0076642258834694835,,0.018512707986937903 +vol.T,S2_conf,rad.n,510.0,1.6329886741022413e-17,0.00588505840773254,0.006336280942119451,,0.017619537665786476 +vol.T,S2_conf,rad.n,520.0,1.2929793726437678e-17,0.005291734535100319,0.00586311845527404,,0.016386102506227098 +vol.T,S2_conf,rad.n,530.0,1.5104799755209327e-17,0.005972118535222711,0.0069286987869193765,,0.015975082855152707 +vol.T,S2_conf,rad.n,540.0,1.709258993886108e-17,0.006130407785282789,0.0064749331203269155,,0.015563056673391569 +vol.T,S2_conf,rad.n,550.0,1.8883831253574216e-17,0.005556767112976549,0.0060759644310164635,,0.018259353386126474 +vol.T,S2_conf,rad.n,560.0,1.934842978541586e-17,0.004631791231844086,0.005364650741158133,,0.018054822735250914 +vol.T,S2_conf,rad.n,570.0,1.6332423306806727e-17,0.005907097761416615,0.007552503003475096,,0.01725864518652584 +vol.T,S2_conf,rad.n,580.0,1.445103149370397e-17,0.006865327807306089,0.008395124937340343,,0.016440636796320126 +vol.T,S2_conf,rad.n,590.0,1.3893201298962728e-17,0.007593047914497755,0.007613333105166525,,0.0171692546126561 +vol.T,S2_conf,rad.n,600.0,1.2158480920231094e-17,0.005857656891962659,0.006697933849052918,,0.015623857536057904 +vol.T,S2_conf,rad.n,610.0,1.4239956891541032e-17,0.004797568731634159,0.0053190481473336425,,0.015782629152278172 +vol.T,S2_conf,rad.n,620.0,1.2986968227244992e-17,0.004395123060092793,0.004458304647777001,,0.015395396714478978 +vol.T,S2_conf,rad.n,630.0,1.471383187443951e-17,0.004657593909786545,0.005095148134567942,,0.01682857574993562 +vol.T,S2_conf,rad.n,640.0,1.785305085056308e-17,0.005148097417400663,0.005048454408144125,,0.015559997831403737 +vol.T,S2_conf,rad.n,650.0,1.3691745049262078e-17,0.004436088026666035,0.0044385460756713145,,0.016027551707529 +vol.T,S2_conf,rad.n,660.0,1.6115598813031097e-17,0.0035909161241720667,0.004253477257444239,,0.01634494860158534 +vol.T,S2_conf,rad.n,670.0,1.6541527926816227e-17,0.0046973851188981414,0.006169010245403015,,0.012700943885744812 +vol.T,S2_conf,rad.n,680.0,1.3483575020316259e-17,0.00695990713013193,0.007605867754850623,,0.015496346778827299 +vol.T,S2_conf,rad.n,690.0,1.4698351222680765e-17,0.00718418575746676,0.007382709434116673,,0.01466894489137052 +vol.T,S2_conf,rad.n,700.0,1.4372639459552333e-17,0.005710962011446001,0.00619650319151791,,0.01522639603815165 +vol.T,S2_conf,rad.n,710.0,1.36797740385277e-17,0.004577382311036107,0.0051302751494609914,,0.014757782579428714 +vol.T,S2_conf,rad.n,720.0,1.4008317744586018e-17,0.004262643658712748,0.0038004420020980524,,0.017073210262800276 +vol.T,S2_conf,rad.n,730.0,1.580165893668446e-17,0.004611016351766424,0.00505305104816352,,0.014656965918398483 +vol.T,S2_conf,rad.n,740.0,1.5142359432299702e-17,0.005206177425740927,0.0044709142505527984,,0.015938155021195038 +vol.T,S2_conf,rad.n,750.0,1.4096320260704225e-17,0.003786362577976328,0.004023209207308564,,0.01663129005649427 +vol.T,S2_conf,rad.n,760.0,1.3989552739355197e-17,0.0032022679705988764,0.0035295869597723856,,0.017176482574191066 +vol.T,S2_conf,rad.n,770.0,1.6830368164713032e-17,0.0046120632834004095,0.005041232352951823,,0.014995925547328261 +vol.T,S2_conf,rad.n,780.0,1.3192143220967435e-17,0.005960794355326642,0.006649344301668325,,0.014893237094102153 +vol.T,S2_conf,rad.n,790.0,1.3968670265864057e-17,0.007063913269602478,0.008338568704701475,,0.013804651572307956 +vol.T,S2_conf,rad.n,800.0,1.3745747313141201e-17,0.006022169634626642,0.006614151674949597,,0.012204519839082 +vol.T,S2_conf,rad.n,810.0,1.5726241655174622e-17,0.003792874078568849,0.00475192793309092,,0.011995000404529433 +vol.T,S2_conf,rad.n,820.0,1.6016060497340393e-17,0.003175537174311491,0.003576485501887996,,0.014894444259563397 +vol.T,S2_conf,rad.n,830.0,1.6754879320225946e-17,0.0044029944474175044,0.0048578792701754305,,0.014509561300961869 +vol.T,S2_conf,rad.n,840.0,1.5893815178102502e-17,0.004099717798961532,0.005119883167667821,,0.016251214887328252 +vol.T,S2_conf,rad.n,850.0,1.6060992126895193e-17,0.00414434717152196,0.003951878030106355,,0.015409417568155219 +vol.T,S2_conf,rad.n,860.0,1.418146635806393e-17,0.003077789943437753,0.002849191912099988,,0.01577959321742159 +vol.T,S2_conf,rad.n,870.0,1.629967069415178e-17,0.004727259616379655,0.004211545005827685,,0.01512188589362115 +vol.T,S2_conf,rad.n,880.0,1.4199209391676867e-17,0.00531963033866239,0.006489780857127214,,0.015619753183985782 +vol.T,S2_conf,rad.n,890.0,1.3811425105111445e-17,0.005841635363415386,0.006133567748916519,,0.01492327829102951 +vol.T,S2_conf,rad.n,900.0,1.55065536786202e-17,0.004773247825822285,0.005701586474518266,,0.013533175685789758 +vol.T,S2_conf,rad.n,910.0,1.66769659388524e-17,0.003258121510061863,0.004053411390660369,,0.014725681551968435 +vol.T,S2_conf,rad.n,920.0,1.6131384251106005e-17,0.0032164179239703014,0.003448423906515093,,0.015421085347012945 +vol.T,S2_conf,rad.n,930.0,1.483228678966243e-17,0.004489201752763892,0.004700596439172601,,0.016138546150948084 +vol.T,S2_conf,rad.n,940.0,1.5425306520902846e-17,0.00542945870471998,0.00576916486632632,,0.01625757853132058 +vol.T,S2_conf,rad.n,950.0,1.6094661244037677e-17,0.0036273366165529854,0.004224914489130134,,0.019793394823090435 +vol.T,S2_conf,rad.n,960.0,1.4721659045315025e-17,0.002460368032720886,0.0031212474617699714,,0.017368949380302288 +vol.T,S2_conf,rad.n,970.0,1.776032779666128e-17,0.003610681964385073,0.003791428420359215,,0.015992793180723525 +vol.T,S2_conf,rad.n,980.0,1.45008384334772e-17,0.005204138230375075,0.0053020382758879195,,0.015059214015420418 +vol.T,S2_conf,rad.n,990.0,1.4521732087562286e-17,0.006777891960498451,0.006516231077548839,,0.01567976023580914 +vol.T,S2_conf,rad.n,1000.0,1.635495525093128e-17,0.004827852116096885,0.0055590755858579,,0.01315087707902798 +vol.T,S2_conf,rad.n,1010.0,1.5164594442880783e-17,0.003468298172349241,0.003763138109058756,,0.01295745423247671 +vol.T,S2_conf,rad.n,1020.0,1.2509603106700103e-17,0.0035964529737180003,0.0033294144496943887,,0.016747648234039052 +vol.T,S2_conf,rad.n,1030.0,1.7514044396011528e-17,0.004937506547587712,0.005342496479574952,,0.01636803509189834 +vol.T,S2_conf,rad.n,1040.0,1.8374438940745768e-17,0.006753166200030986,0.006194376345675198,,0.016927793506002906 +vol.T,S2_conf,rad.n,1050.0,1.571405993442964e-17,0.004220118850251991,0.00505943196475364,,0.015866578657288462 +vol.T,S2_conf,rad.n,1060.0,1.4988004463682316e-17,0.0031287487796705102,0.002995622725152096,,0.017615444001322294 +vol.T,S2_conf,rad.n,1070.0,1.7908762322562375e-17,0.0035633322953159425,0.003589197779016692,,0.01690590900347812 +vol.T,S2_conf,rad.n,1080.0,1.5917380671205452e-17,0.004900514423265283,0.00555028926441794,,0.016034199468841707 +vol.T,S2_conf,rad.n,1090.0,1.5260539116825962e-17,0.00515350984511379,0.006465633434327546,,0.014613399873079344 +vol.T,S2_conf,rad.n,1100.0,1.3886760406359777e-17,0.004569429254422448,0.004617903329673702,,0.016813682720488356 +vol.T,S2_conf,rad.n,1110.0,1.599441088357456e-17,0.0030522975730532835,0.0033884980329384772,,0.017274747013878395 +vol.T,S2_conf,rad.n,1120.0,1.8653742047151322e-17,0.004028253791326338,0.0035261528990322088,,0.013750133151816555 +vol.T,S2_conf,rad.n,1130.0,1.6698901890139467e-17,0.005928983915111854,0.005480641293179831,,0.016774806441037383 +vol.T,S2_conf,rad.n,1140.0,1.961631622648823e-17,0.005687870264627771,0.006261242598462682,,0.01656408161187311 +vol.T,S2_conf,rad.n,1150.0,1.9724118565389656e-17,0.004750389367872168,0.005564014534997551,,0.01784702517310519 +vol.T,S2_conf,rad.n,1160.0,1.681735457560765e-17,0.003083965393455086,0.0030531963031315322,,0.019348667048386652 +vol.T,S2_conf,rad.n,1170.0,1.6514036577875925e-17,0.0037447384344065446,0.00389752913468701,,0.015927706933510897 +vol.T,S2_conf,rad.n,1180.0,1.5083806573390726e-17,0.005321814113048596,0.005769156252972724,,0.015555936960913114 +vol.T,S2_conf,rad.n,1190.0,1.4996705634773495e-17,0.00547655915465852,0.00636857239607448,,0.013239313555519647 +vol.T,S2_conf,rad.n,1200.0,1.5395423951022743e-17,0.005206465825534676,0.004807906923386838,,0.014307592380068929 +vol.T,S2_conf,rad.n,1210.0,1.4221711136114816e-17,0.002989230144447262,0.0039182091008203536,,0.01524125234706379 +vol.T,S2_conf,rad.n,1220.0,1.5713895063630675e-17,0.0034882123923622244,0.003271014769780584,,0.016284434743479907 +vol.T,S2_conf,rad.n,1230.0,1.7015287937616462e-17,0.004767468664246258,0.00462941264046654,,0.015955806425313607 +vol.T,S2_conf,rad.n,1240.0,1.8078610976939486e-17,0.005377753117835007,0.005581859475183682,,0.017546317985343448 +vol.T,S2_conf,rad.n,1250.0,1.4824018346368604e-17,0.00466228959076102,0.004831463452587565,,0.01551249296549096 +vol.T,S2_conf,rad.n,1260.0,1.6838524722150244e-17,0.0027325334703458843,0.0027182861917233437,,0.017082382789918922 +vol.T,S2_conf,rad.n,1270.0,1.8761683927004906e-17,0.004334539370140556,0.004192811595337551,,0.016566588939716364 +vol.T,S2_conf,rad.n,1280.0,1.6318483108169753e-17,0.006394779852895801,0.005796345856209013,,0.015474790073941294 +vol.T,S2_conf,rad.n,1290.0,1.6565676495125657e-17,0.006717851806005661,0.005999527319211837,,0.015214151379141108 +vol.T,S2_conf,rad.n,1300.0,1.5790561456845508e-17,0.005098908354789403,0.005394865418170006,,0.013315001910439874 +vol.T,S2_conf,rad.n,1310.0,1.3115525876412819e-17,0.0031432573706549317,0.004060997360322361,,0.013759084819041681 +vol.T,S2_conf,rad.n,1320.0,1.730309462272076e-17,0.003295091000897392,0.0032764790809253004,,0.015899002383013148 +vol.T,S2_conf,rad.n,1330.0,1.504205252777992e-17,0.004892566100677069,0.004388058824204096,,0.016950424016371382 +vol.T,S2_conf,rad.n,1340.0,1.5055521502652747e-17,0.005683625248026216,0.005586556699277214,,0.01719491335616099 +vol.T,S2_conf,rad.n,1350.0,1.3342753800682073e-17,0.004570954390586373,0.004299639230262777,,0.016331120030454914 +vol.T,S2_conf,rad.n,1360.0,1.517734040588068e-17,0.0028869950895011945,0.003230452229546781,,0.01778790746620688 +vol.T,S2_conf,rad.n,1370.0,1.509342925239705e-17,0.0043077467338483895,0.00488502359581939,,0.01640226087789719 +vol.T,S2_conf,rad.n,1380.0,1.6133646130468356e-17,0.006073600419112445,0.006433545834589795,,0.014683612723795663 +vol.T,S2_conf,rad.n,1390.0,1.2789120447616296e-17,0.006676766663816889,0.007102121926767393,,0.01466984203357903 +vol.T,S2_conf,rad.n,1400.0,1.4118306256285818e-17,0.004943095655884082,0.006057576677376473,,0.014222132315913062 +vol.T,S2_conf,rad.n,1410.0,1.535308363779803e-17,0.0037880814132337432,0.003837771939345038,,0.015179726513777528 +vol.T,S2_conf,rad.n,1420.0,1.4080507959431e-17,0.0032442015757810634,0.0032662444141286374,,0.015345734220195455 +vol.T,S2_conf,rad.n,1430.0,1.416174298171982e-17,0.004485527210809936,0.00475208459240794,,0.01466724173131964 +vol.T,S2_conf,rad.n,1440.0,1.6148975576605686e-17,0.004695422803518683,0.0055018341285099125,,0.014324667825168934 +vol.T,S2_conf,rad.n,1450.0,1.5017706374678365e-17,0.004270658777698498,0.004605757572298562,,0.016247638027124187 +vol.T,S2_conf,rad.n,1460.0,1.434923793170243e-17,0.0025636510594753774,0.002802000068709287,,0.017881792656378827 +vol.T,S2_conf,rad.n,1470.0,1.5127047157229793e-17,0.004054689290215068,0.0041070939058011156,,0.015587737579281948 +vol.T,S2_conf,rad.n,1480.0,1.4271154393218817e-17,0.005821566520556874,0.005770515232165907,,0.01627886147816612 +vol.T,S2_conf,rad.n,1490.0,1.3076684721380823e-17,0.006140431126166709,0.005673839489676845,,0.013343332148671512 +vol.T,S2_conf,rad.n,1500.0,1.4031487108962232e-17,0.004784629111313527,0.006129261837741317,,0.014056592051482407 +vol.T,S2_conf,rad.n,1510.0,1.4129340012897993e-17,0.0033890492051754633,0.0034506784695414764,,0.013399156002486819 +vol.T,S2_conf,rad.n,1520.0,1.5795690736669367e-17,0.0032412091504230556,0.0036040086529028474,,0.013837249410021393 +vol.T,S2_conf,rad.n,1530.0,1.515855656154737e-17,0.005451299349288159,0.004878688521488146,,0.017602123567728195 +vol.T,S2_conf,rad.n,1540.0,1.5938750302331044e-17,0.0062937812594786886,0.005979825569425516,,0.016070705763153077 +vol.T,S2_conf,rad.n,1550.0,1.7353339071493915e-17,0.00495059746521755,0.005395289200368894,,0.017449351241205627 +vol.T,S2_conf,rad.n,1560.0,1.7861265428023317e-17,0.0025480963284553594,0.003421038009195259,,0.01503133860599339 +vol.T,S2_conf,rad.n,1570.0,1.7785597443992782e-17,0.003378128467942158,0.00345314073439425,,0.014042547176573082 +vol.T,S2_conf,rad.n,1580.0,1.7826543795959303e-17,0.005064681977056702,0.004858448244079021,,0.017294753872903405 +vol.T,S2_conf,rad.n,1590.0,1.2614265657714842e-17,0.006642667212345468,0.005964270137809779,,0.014283093554532495 +vol.T,S2_conf,rad.n,1600.0,1.5303785831169663e-17,0.004588913333279186,0.0050048688237863785,,0.014648632662231664 +vol.T,S2_conf,rad.n,1610.0,1.5842378390915304e-17,0.0029269182076184504,0.0032123928843523,,0.013908275745866118 +vol.T,S2_conf,rad.n,1620.0,1.698814870660586e-17,0.003473119349579738,0.003640211196083366,,0.016035051202827628 +vol.T,S2_conf,rad.n,1630.0,1.6630514882922702e-17,0.006158860440551116,0.006338082041132161,,0.016991059347602786 +vol.T,S2_conf,rad.n,1640.0,1.74527417361249e-17,0.005873466088540019,0.00677359777144763,,0.01690024835072809 +vol.T,S2_conf,rad.n,1650.0,1.9638060794625452e-17,0.005079338301353775,0.005761456172174947,,0.0178128122566161 +vol.T,S2_conf,rad.n,1660.0,2.1300938388869372e-17,0.0031017700394006015,0.0033604356924221463,,0.017995513508983922 +vol.T,S2_conf,rad.n,1670.0,1.613935596513069e-17,0.0034528323190764552,0.003097882084360736,,0.014866711390749927 +vol.T,S2_conf,rad.n,1680.0,1.584219412557593e-17,0.005044032292273206,0.005140400996423774,,0.014603612454402854 +vol.T,S2_conf,rad.n,1690.0,1.6477792122898296e-17,0.004985310666578144,0.00621009092863313,,0.016204832214155175 +vol.T,S2_conf,rad.n,1700.0,1.5090411791876175e-17,0.004097559112698156,0.004761279932898887,,0.01686771411560585 +vol.T,S2_conf,rad.n,1710.0,1.5728758993316495e-17,0.002990582989845554,0.0028477498659837575,,0.013783794903835626 +vol.T,S2_conf,rad.n,1720.0,1.614228585235138e-17,0.0032227590014970585,0.0035097563700256275,,0.016437678301329008 +vol.T,S2_conf,rad.n,1730.0,1.886240114239781e-17,0.0062300866672534575,0.005695493769703737,,0.016540806028650584 +vol.T,S2_conf,rad.n,1740.0,1.7475374365197812e-17,0.006476928753211533,0.006928852190496341,,0.016074239046865772 +vol.T,S2_conf,rad.n,1750.0,1.8148596622316943e-17,0.005230588921621628,0.005903581132086807,,0.01828121211174777 +vol.T,S2_conf,rad.n,1760.0,2.301747420103086e-17,0.0034879175147530584,0.0034816773911822943,,0.01871634299637122 +vol.T,S2_conf,rad.n,1770.0,1.515428075656383e-17,0.004245836925971587,0.0035457250934680076,,0.014771876924916385 +vol.T,S2_conf,rad.n,1780.0,1.516559360521657e-17,0.005604576430793355,0.005610304644687321,,0.016713766957908105 +vol.T,S2_conf,rad.n,1790.0,1.6209166909744683e-17,0.005785168296066333,0.006604266735181023,,0.014817318665503126 +vol.T,S2_conf,rad.n,1800.0,1.5287343958954236e-17,0.004491952732970412,0.005980919056311252,,0.015021127568071616 +vol.T,S2_conf,rad.n,1810.0,1.489489856598682e-17,0.0029765129678628187,0.0032634006708522406,,0.015463889939932375 +vol.T,S2_conf,rad.n,1820.0,1.8873625790821458e-17,0.0030827692335600393,0.0034745692989095437,,0.015073309802803955 +vol.T,S2_conf,rad.n,1830.0,1.8045675058951444e-17,0.005616863748611404,0.004597100856185036,,0.015976144488333507 +vol.T,S2_conf,rad.n,1840.0,2.0458521592293263e-17,0.005966323452198943,0.005549117302573922,,0.02001588830917485 +vol.T,S2_conf,rad.n,1850.0,1.8859800960397263e-17,0.00513787015738467,0.0053978643506814245,,0.016919773600086136 +vol.T,S2_conf,rad.n,1860.0,1.6769725756571364e-17,0.002816833123609408,0.003238568522283468,,0.01654138366363211 +vol.T,S2_conf,rad.n,1870.0,1.6027769090259907e-17,0.004680787262586836,0.004126244120015448,,0.015960116655752546 +vol.T,S2_conf,rad.n,1880.0,1.5692607555695233e-17,0.006535702928930696,0.006047316788225767,,0.014706358946628329 +vol.T,S2_conf,rad.n,1890.0,1.2507561079711698e-17,0.005826582000043359,0.006834203086060996,,0.014505224761313947 +vol.T,S2_conf,rad.n,1900.0,1.5756358324263675e-17,0.0051140905017572,0.006343840028805303,,0.01622428811947776 +vol.T,S2_conf,rad.n,1910.0,1.42729346382209e-17,0.0032947223915621555,0.003498013863811251,,0.015098796014501566 +vol.T,S2_conf,rad.n,1920.0,1.3918060079957787e-17,0.0030807518366088344,0.003214101229030176,,0.015795089742579368 +vol.T,S2_conf,rad.n,1930.0,1.4622384145549008e-17,0.004911397346040798,0.004957100342850515,,0.015187126134287151 +vol.T,S2_conf,rad.n,1940.0,1.5111192959623303e-17,0.005554738697847274,0.005245228594014494,,0.01828524535330886 +vol.T,S2_conf,rad.n,1950.0,1.6735284533436356e-17,0.004252749436596142,0.004981940089594683,,0.016182048873053547 +vol.T,S2_conf,rad.n,1960.0,1.5057218590635617e-17,0.0030728651528622334,0.0030252487646472907,,0.0158236302193653 +vol.T,S2_conf,rad.n,1970.0,1.6202202504151545e-17,0.004594923332088703,0.004105481056524146,,0.017297789421080744 +vol.T,S2_conf,rad.n,1980.0,1.5196898229297738e-17,0.005699738409057894,0.006476447899170761,,0.014269319109448734 +vol.T,S2_conf,rad.n,1990.0,1.277724209040163e-17,0.006982705677658784,0.006756184307344213,,0.015751041262943164 +vol.T,S2_conf,rad.n,2000.0,1.441857319870953e-17,0.004890635858142214,0.006191533769088718,,0.015333809037674461 +vol.T,S2_conf,rad.n,2010.0,1.3658008020427496e-17,0.003375635811746056,0.003492750809221595,,0.014982213569943231 +vol.T,S2_conf,rad.n,2020.0,1.3533200053079614e-17,0.0028168128134730182,0.002981066931623021,,0.01477855402721999 +vol.T,S2_conf,rad.n,2030.0,1.6045286963935705e-17,0.005119621340052765,0.005371213537923363,,0.015422459032809994 +vol.T,S2_conf,rad.n,2040.0,1.5722289665546257e-17,0.004807005734522534,0.0053881067230006,,0.015349642759145707 +vol.T,S2_conf,rad.n,2050.0,1.4443272409025938e-17,0.004521647924372643,0.0047701798134538766,,0.01761841912436116 +vol.T,S2_conf,rad.n,2060.0,1.7637491842628313e-17,0.00244065434619078,0.0031130691551646155,,0.01717872036507766 +vol.T,S2_conf,rad.n,2070.0,1.533333296460433e-17,0.004173360005153337,0.004885359804695571,,0.01476734079820174 +vol.T,S2_conf,rad.n,2080.0,1.502603033479237e-17,0.005705768090620148,0.00627182541835057,,0.01508231325233553 +vol.T,S2_conf,rad.n,2090.0,1.291472878570714e-17,0.005783849589135861,0.007098464772160678,,0.017330099113258692 +vol.T,S2_conf,rad.n,2100.0,1.4458631077350724e-17,0.0053865593403046785,0.005967817525810497,,0.015202405410015754 +vol.T,S2_conf,rad.n,2110.0,1.652909934057818e-17,0.0030943712623185916,0.0035157567869508253,,0.016671568668136433 +vol.T,S2_conf,rad.n,2120.0,1.5840904208184545e-17,0.0032455028896863003,0.0031150423008328956,,0.01661035659327763 +vol.T,S2_conf,rad.n,2130.0,1.4067609279974677e-17,0.0049586238802547125,0.005384913445470678,,0.01765682100360846 +vol.T,S2_conf,rad.n,2140.0,1.9026508857837974e-17,0.006452901581472768,0.005524305971766237,,0.015660864972995455 +vol.T,S2_conf,rad.n,2150.0,1.511733484386426e-17,0.00460507803110405,0.005494581427931395,,0.016770273635301067 +vol.T,S2_conf,rad.n,2160.0,1.7967339498945342e-17,0.002875337516828022,0.003406513172770003,,0.017048573718063474 +vol.T,S2_conf,rad.n,2170.0,1.52468079018446e-17,0.003134698325900493,0.003522000234366286,,0.014084821262299253 +vol.T,S2_conf,rad.n,2180.0,1.491119258565074e-17,0.005213172796626579,0.006506483264997198,,0.01566888541628194 +vol.T,S2_conf,rad.n,2190.0,1.8163619736082572e-17,0.005558237200876927,0.006431178045180374,,0.015331466273382225 +vol.T,S2_conf,rad.n,2200.0,1.4134362747116932e-17,0.004570562725118141,0.005131421316336728,,0.016883470679294785 +vol.T,S2_conf,rad.n,2210.0,1.5463426308666074e-17,0.003122964921853536,0.003443107237468261,,0.016544323523238508 +vol.T,S2_conf,rad.n,2220.0,1.503267368334602e-17,0.003809031069281057,0.003640673997861271,,0.016274366379779234 +vol.T,S2_conf,rad.n,2230.0,1.7437137558800663e-17,0.00627305115926414,0.006812176694132375,,0.01593644838133481 +vol.T,S2_conf,rad.n,2240.0,1.9948156511665136e-17,0.006906288331097252,0.007489798688847865,,0.01753350191829857 +vol.T,S2_conf,rad.n,2250.0,1.42562482369596e-17,0.005525893200419658,0.006341062361696598,,0.014433739695527668 +vol.T,S2_conf,rad.n,2260.0,1.729938263105535e-17,0.0036760829368129725,0.0037831777978036964,,0.018136270599362587 +vol.T,S2_conf,rad.n,2270.0,1.6957088786253304e-17,0.003138432601371211,0.0031051948870719093,,0.014820847040698899 +vol.T,S2_conf,rad.n,2280.0,1.6138451571531308e-17,0.00513171008232049,0.005081675397131644,,0.01701786361438273 +vol.T,S2_conf,rad.n,2290.0,1.4942017347991554e-17,0.005962014429658212,0.006691869761155506,,0.013727606983148137 +vol.T,S2_conf,rad.n,2300.0,1.5996864921731845e-17,0.004802572565342754,0.005120131190104116,,0.01428235204412146 +vol.T,S2_conf,rad.n,2310.0,1.3410607303652048e-17,0.002997271568366182,0.003439731396703707,,0.01645804346155304 +vol.T,S2_conf,rad.n,2320.0,1.7556537092121638e-17,0.004024641801200022,0.003972314249076057,,0.01537661837125926 +vol.T,S2_conf,rad.n,2330.0,1.9046068445234013e-17,0.006045596188340062,0.005903354235187326,,0.016388648026076664 +vol.T,S2_conf,rad.n,2340.0,1.9153094809143166e-17,0.0065469359735904325,0.007249123435131521,,0.018193045298042883 +vol.T,S2_conf,rad.n,2350.0,1.9116808960139774e-17,0.005060223431488988,0.005732172521021484,,0.015999206841580377 +vol.T,S2_conf,rad.n,2360.0,1.8329423016001538e-17,0.0033160102563709903,0.004093697796495666,,0.018949330207909044 +vol.T,S2_conf,theCon.G,0.0,0.0,0.0,0.0,0.0,0.0 +vol.T,S2_conf,theCon.G,10.0,1.6934467137444533e-16,0.0462236722845147,0.06722167398089085,0.021728356270564096, +vol.T,S2_conf,theCon.G,20.0,1.3580296002872782e-16,0.04895021281736261,0.0670172744341171,0.025613407376534603, +vol.T,S2_conf,theCon.G,30.0,1.7781741895558336e-16,0.04978652480849504,0.066721276021373,0.029445859312076515, +vol.T,S2_conf,theCon.G,40.0,1.2379040312820338e-16,0.051535976142576656,0.06798523960615536,0.03125157656484809, +vol.T,S2_conf,theCon.G,50.0,1.7631830486248965e-16,0.04640331226789988,0.05964119234159044,0.027855744816863957, +vol.T,S2_conf,theCon.G,60.0,1.6718442935194298e-16,0.03493742274625545,0.04985742329917538,0.0272230228216199, +vol.T,S2_conf,theCon.G,70.0,9.185229541671978e-17,0.031479437017003786,0.0316662857340659,0.02319064190632621, +vol.T,S2_conf,theCon.G,80.0,2.0543454439925073e-16,0.023282142803814958,0.028861425141476226,0.0228136135774604, +vol.T,S2_conf,theCon.G,90.0,1.914557753477751e-16,0.022028095665398817,0.023880795712540585,0.02216936410123386, +vol.T,S2_conf,theCon.G,100.0,1.992294820169791e-16,0.01880781232990604,0.02310208567023732,0.018735855121925223, +vol.T,S2_conf,theCon.G,110.0,1.99709033756645e-16,0.01930061423243025,0.021797046931300832,0.022110219727388213, +vol.T,S2_conf,theCon.G,120.0,1.492269316770386e-16,0.020368872288606368,0.026089420689012845,0.021208123878361948, +vol.T,S2_conf,theCon.G,130.0,1.315633777745725e-16,0.02324500631676785,0.03196281989999821,0.021544094216703273, +vol.T,S2_conf,theCon.G,140.0,1.5042402234634634e-16,0.030694583898425103,0.03204414639760892,0.02276148195162717, +vol.T,S2_conf,theCon.G,150.0,1.2862222099784707e-16,0.02806145492032678,0.03144867282107705,0.023558343050530086, +vol.T,S2_conf,theCon.G,160.0,2.106190660663762e-16,0.022569718174381134,0.027141023865047034,0.022302826994636513, +vol.T,S2_conf,theCon.G,170.0,1.3580296002872782e-16,0.017259267463621976,0.02166983596201971,0.02145893465788982, +vol.T,S2_conf,theCon.G,180.0,1.8826913626297006e-16,0.016708979431816515,0.014081298182275659,0.023476720568771186, +vol.T,S2_conf,theCon.G,190.0,1.4696627616680355e-16,0.015249017446205273,0.01704140685465023,0.01825889089882998, +vol.T,S2_conf,theCon.G,200.0,8.799624655919487e-17,0.013974902526297578,0.015038932753878517,0.019853395536989227, +vol.T,S2_conf,theCon.G,210.0,1.0666893143941657e-16,0.014430242563418206,0.015943354048716597,0.01985111068626519, +vol.T,S2_conf,theCon.G,220.0,1.3114464597299033e-16,0.015325631118519674,0.020311057044436854,0.018403364200344167, +vol.T,S2_conf,theCon.G,230.0,2.1511277875398804e-16,0.021227984287195672,0.021985987449497892,0.019278546914430598, +vol.T,S2_conf,theCon.G,240.0,1.460358422302318e-16,0.018639353317884196,0.021615945031652577,0.024491500865846737, +vol.T,S2_conf,theCon.G,250.0,1.0738393856547695e-16,0.019060837697959142,0.022815553958491327,0.022336012849978604, +vol.T,S2_conf,theCon.G,260.0,1.6516973878507051e-16,0.015150811849224871,0.018880424853343857,0.020375652523460182, +vol.T,S2_conf,theCon.G,270.0,2.1951451928255644e-16,0.012712488792116155,0.018771940215963442,0.02018641420201769, +vol.T,S2_conf,theCon.G,280.0,1.9516698326935311e-16,0.011317053948568526,0.013854650854162003,0.018824237065151187, +vol.T,S2_conf,theCon.G,290.0,1.5377295303273618e-16,0.01218906907857795,0.011675264449648514,0.018159154270307017, +vol.T,S2_conf,theCon.G,300.0,1.8395175925070536e-16,0.009550045846059124,0.011906412374014286,0.01901010675832099, +vol.T,S2_conf,theCon.G,310.0,1.2479090136576372e-16,0.01089777517148143,0.01063350499635885,0.018080652641649302, +vol.T,S2_conf,theCon.G,320.0,1.4392452850804985e-16,0.014320713581963605,0.013895850028484974,0.01825799659037165, +vol.T,S2_conf,theCon.G,330.0,2.180278985230362e-16,0.01680430380768877,0.021987830387399668,0.020198154809526907, +vol.T,S2_conf,theCon.G,340.0,2.266010797527369e-16,0.014120620259603494,0.01794651006816717,0.020396822404056183, +vol.T,S2_conf,theCon.G,350.0,1.7323976606498332e-16,0.016703331717377305,0.017574736513145218,0.022247765994913057, +vol.T,S2_conf,theCon.G,360.0,2.618512911528471e-16,0.012917447497745212,0.01400337119220978,0.020443599400738584, +vol.T,S2_conf,theCon.G,370.0,1.444718035644087e-16,0.010555732473954034,0.012068666980793348,0.01877255611115914, +vol.T,S2_conf,theCon.G,380.0,2.283147922421728e-16,0.010017125391841419,0.009706474198014198,0.016967691357477218, +vol.T,S2_conf,theCon.G,390.0,2.068267076813452e-16,0.009206382724670783,0.010404881643830483,0.016408697490081982, +vol.T,S2_conf,theCon.G,400.0,2.876828528004899e-16,0.008260652653674892,0.008696105205022299,0.015543786794341381, +vol.T,S2_conf,theCon.G,410.0,2.9055301141013813e-16,0.007879761851798563,0.007964003852786774,0.01600479211347577, +vol.T,S2_conf,theCon.G,420.0,1.5271179150173002e-16,0.009616499505014375,0.011459253734420033,0.015868826469016075, +vol.T,S2_conf,theCon.G,430.0,1.5364849088929021e-16,0.011161543295992362,0.012635769486634058,0.017812354223045224, +vol.T,S2_conf,theCon.G,440.0,1.9089287125859726e-16,0.01118053576380884,0.013193715433545158,0.019287856294284946, +vol.T,S2_conf,theCon.G,450.0,1.576432191302232e-16,0.012265279659579291,0.012556425653825662,0.019984677033440035, +vol.T,S2_conf,theCon.G,460.0,1.8217516320824025e-16,0.00881719812734379,0.008831099680897467,0.01916143864392566, +vol.T,S2_conf,theCon.G,470.0,1.968263473215424e-16,0.008189111868855752,0.008264649841307382,0.017363698284247046, +vol.T,S2_conf,theCon.G,480.0,2.0631733854700566e-16,0.007976351501599178,0.00867225543983512,0.01605697141064522, +vol.T,S2_conf,theCon.G,490.0,2.588661651257924e-16,0.007960054953805265,0.007685626636913025,0.017737530136606644, +vol.T,S2_conf,theCon.G,500.0,2.0246803645937487e-16,0.007101711650969095,0.007767904911228261,0.018512707986937903, +vol.T,S2_conf,theCon.G,510.0,1.4392452850804985e-16,0.005250279826470486,0.006736039834889258,0.017619537665786476, +vol.T,S2_conf,theCon.G,520.0,2.3221966745652875e-16,0.006668344476566331,0.007879681467153937,0.016386102506227098, +vol.T,S2_conf,theCon.G,530.0,1.943812046048836e-16,0.009597024140663055,0.009600562394687854,0.015975082855152707, +vol.T,S2_conf,theCon.G,540.0,1.5220986149478187e-16,0.009500581787920726,0.011032168655147757,0.015563056673391569, +vol.T,S2_conf,theCon.G,550.0,1.9039111491372814e-16,0.008743758745001074,0.009273926110261756,0.018259353386126474, +vol.T,S2_conf,theCon.G,560.0,1.6689810540597914e-16,0.006204619980189511,0.007552578615905497,0.018054822735250914, +vol.T,S2_conf,theCon.G,570.0,2.4675842103289427e-16,0.006763691448589409,0.006859463611457059,0.01725864518652584, +vol.T,S2_conf,theCon.G,580.0,1.6955636111671246e-16,0.006149146826155446,0.007210588729556275,0.016440636796320126, +vol.T,S2_conf,theCon.G,590.0,2.1755575032774467e-16,0.006714884923556863,0.006814101439806118,0.0171692546126561, +vol.T,S2_conf,theCon.G,600.0,2.126979657243195e-16,0.005628777098367773,0.006884658912862581,0.015623857536057904, +vol.T,S2_conf,theCon.G,610.0,2.327237219026308e-16,0.004803908048970506,0.005961721387114294,0.015782629152278172, +vol.T,S2_conf,theCon.G,620.0,1.65675708274267e-16,0.004959862443626416,0.005135944638434068,0.015395396714478978, +vol.T,S2_conf,theCon.G,630.0,2.724849628115364e-16,0.007041594692301424,0.007525125267196318,0.01682857574993562, +vol.T,S2_conf,theCon.G,640.0,2.287020062032711e-16,0.008806790518438388,0.008114105818771979,0.015559997831403737, +vol.T,S2_conf,theCon.G,650.0,1.7045661691455495e-16,0.0068610169179796525,0.007395134863761335,0.016027551707529, +vol.T,S2_conf,theCon.G,660.0,2.0667634291579057e-16,0.005155911918218837,0.00609774266142204,0.01634494860158534, +vol.T,S2_conf,theCon.G,670.0,6.123486361114653e-17,0.004361955885526264,0.00598952739847469,0.012700943885744812, +vol.T,S2_conf,theCon.G,680.0,1.7270057231657534e-16,0.005708924015503729,0.006879194495872392,0.015496346778827299, +vol.T,S2_conf,theCon.G,690.0,2.5126250726174513e-16,0.005870810975627431,0.005800904664816255,0.01466894489137052, +vol.T,S2_conf,theCon.G,700.0,1.8395175925070536e-16,0.005457134708276009,0.0054599443843255735,0.01522639603815165, +vol.T,S2_conf,theCon.G,710.0,2.2727548921940655e-16,0.004386467395784948,0.004909320861529807,0.014757782579428714, +vol.T,S2_conf,theCon.G,720.0,2.016276954997257e-16,0.004635701843388275,0.004423623465599569,0.017073210262800276, +vol.T,S2_conf,theCon.G,730.0,1.8302642305482778e-16,0.005631640077697235,0.007367636469810317,0.014656965918398483, +vol.T,S2_conf,theCon.G,740.0,1.453793505166197e-16,0.006606584149900057,0.007440875582367826,0.015938155021195038, +vol.T,S2_conf,theCon.G,750.0,3.191762186557748e-16,0.006016445084887647,0.00627439209473521,0.01663129005649427, +vol.T,S2_conf,theCon.G,760.0,1.0633211679546701e-16,0.004830199910272132,0.0044441316069296485,0.017176482574191066, +vol.T,S2_conf,theCon.G,770.0,2.3221966745652875e-16,0.004898791179108896,0.005218413227390031,0.014995925547328261, +vol.T,S2_conf,theCon.G,780.0,2.569095608270408e-16,0.00614739918046634,0.006856703562121385,0.014893237094102153, +vol.T,S2_conf,theCon.G,790.0,7.089932190810649e-17,0.006638733735924559,0.00711741770433512,0.013804651572307956, +vol.T,S2_conf,theCon.G,800.0,1.943812046048836e-16,0.005380362610725805,0.00694318209550372,0.012204519839082, +vol.T,S2_conf,theCon.G,810.0,2.027631021037891e-16,0.003438729843921543,0.004238765268817869,0.011995000404529433, +vol.T,S2_conf,theCon.G,820.0,2.283147922421728e-16,0.004361440434314003,0.004382171237234923,0.014894444259563397, +vol.T,S2_conf,theCon.G,830.0,2.1269796572431952e-16,0.0058103142688936,0.006370328515869968,0.014509561300961869, +vol.T,S2_conf,theCon.G,840.0,2.137857698654585e-16,0.006370666018414747,0.006622746602421507,0.016251214887328252, +vol.T,S2_conf,theCon.G,850.0,1.6389068600734672e-16,0.006937933847266532,0.006752485989740183,0.015409417568155219, +vol.T,S2_conf,theCon.G,860.0,2.0487503030241862e-16,0.004073217307382878,0.005132595286783504,0.01577959321742159, +vol.T,S2_conf,theCon.G,870.0,1.784617843549039e-16,0.003823043419555174,0.004322647039416671,0.01512188589362115, +vol.T,S2_conf,theCon.G,880.0,1.5746107785723394e-16,0.004499646043622866,0.005367829729910075,0.015619753183985782, +vol.T,S2_conf,theCon.G,890.0,1.9438120460488363e-16,0.005208625220694409,0.005886382171091598,0.01492327829102951, +vol.T,S2_conf,theCon.G,900.0,2.520607110199889e-16,0.004685128666815095,0.005199602443326315,0.013533175685789758, +vol.T,S2_conf,theCon.G,910.0,1.893836141791958e-16,0.003452950313769614,0.003692429826567673,0.014725681551968435, +vol.T,S2_conf,theCon.G,920.0,2.6265373465607307e-16,0.004507017565572521,0.004249644031333997,0.015421085347012945, +vol.T,S2_conf,theCon.G,930.0,2.631176670129507e-16,0.005802414323959226,0.006102596265397466,0.016138546150948084, +vol.T,S2_conf,theCon.G,940.0,1.3302754782921573e-16,0.00759415138166274,0.007051163599972587,0.01625757853132058, +vol.T,S2_conf,theCon.G,950.0,2.52506224159983e-16,0.005728463040290441,0.007577261274453334,0.019793394823090435, +vol.T,S2_conf,theCon.G,960.0,1.794239935510364e-16,0.004054471821915763,0.005520947009331454,0.017368949380302288, +vol.T,S2_conf,theCon.G,970.0,1.1572301477289452e-16,0.003909347992939492,0.003889195000278886,0.015992793180723525, +vol.T,S2_conf,theCon.G,980.0,1.9961321557492374e-16,0.004712863995077092,0.005419341965907167,0.015059214015420418, +vol.T,S2_conf,theCon.G,990.0,2.472715234295394e-16,0.005290668496833714,0.005475039997993995,0.01567976023580914, +vol.T,S2_conf,theCon.G,1000.0,1.19464847468696e-16,0.0042227822080725666,0.00505258478690489,0.01315087707902798, +vol.T,S2_conf,theCon.G,1010.0,1.412410112864836e-16,0.0034142767924500057,0.003092836841103038,0.01295745423247671, +vol.T,S2_conf,theCon.G,1020.0,1.9574203063749297e-16,0.004761533887645181,0.004203119704430091,0.016747648234039052, +vol.T,S2_conf,theCon.G,1030.0,2.228553493718007e-16,0.006181712498732497,0.007066008633893599,0.01636803509189834, +vol.T,S2_conf,theCon.G,1040.0,1.9894119610879596e-16,0.007325123999065952,0.00862594726382774,0.016927793506002906, +vol.T,S2_conf,theCon.G,1050.0,2.1645374876060837e-16,0.005784252149497544,0.007339422188502427,0.015866578657288462, +vol.T,S2_conf,theCon.G,1060.0,2.456706040712279e-16,0.004991681840389412,0.00484659582350391,0.017615444001322294, +vol.T,S2_conf,theCon.G,1070.0,1.0558734272305651e-16,0.0032287057059321765,0.003943386265670208,0.01690590900347812, +vol.T,S2_conf,theCon.G,1080.0,2.4481249979188624e-16,0.004424362274424854,0.005121540681720166,0.016034199468841707, +vol.T,S2_conf,theCon.G,1090.0,2.273175733766452e-16,0.0039030008352603836,0.005120253057947763,0.014613399873079344, +vol.T,S2_conf,theCon.G,1100.0,1.0570052460003955e-16,0.004348132630398265,0.0044200386248176415,0.016813682720488356, +vol.T,S2_conf,theCon.G,1110.0,2.8794873349753686e-16,0.003526214454000345,0.003429157085253217,0.017274747013878395, +vol.T,S2_conf,theCon.G,1120.0,8.470057391901895e-17,0.004563683051489092,0.00424185062328668,0.013750133151816555, +vol.T,S2_conf,theCon.G,1130.0,1.4546157401197591e-16,0.0065477852037041945,0.007207686819947957,0.016774806441037383, +vol.T,S2_conf,theCon.G,1140.0,1.805930649614544e-16,0.006690559949996006,0.0076443993647628255,0.01656408161187311, +vol.T,S2_conf,theCon.G,1150.0,1.2759554146966863e-16,0.006733186100051414,0.006728005660721785,0.01784702517310519, +vol.T,S2_conf,theCon.G,1160.0,1.6505387083760455e-16,0.004645320482427445,0.005281565338413934,0.019348667048386652, +vol.T,S2_conf,theCon.G,1170.0,1.6158359662220444e-16,0.003773905479464188,0.0037089602155925363,0.015927706933510897, +vol.T,S2_conf,theCon.G,1180.0,1.6762726494714546e-16,0.00504207692278202,0.005438060168013287,0.015555936960913114, +vol.T,S2_conf,theCon.G,1190.0,2.106190660663762e-16,0.005109429668858148,0.005875442950805319,0.013239313555519647, +vol.T,S2_conf,theCon.G,1200.0,2.0994810380964527e-16,0.004790733978840351,0.0053187241350694985,0.014307592380068929, +vol.T,S2_conf,theCon.G,1210.0,2.409231359151089e-16,0.0034046872138615808,0.0037021821336619635,0.01524125234706379, +vol.T,S2_conf,theCon.G,1220.0,1.4405739216755328e-16,0.004250416493559173,0.003984533360312751,0.016284434743479907, +vol.T,S2_conf,theCon.G,1230.0,1.5824884264031298e-16,0.005370433220224432,0.005733150910687617,0.015955806425313607, +vol.T,S2_conf,theCon.G,1240.0,2.222858942783128e-16,0.007333151989859464,0.007946482500119811,0.017546317985343448, +vol.T,S2_conf,theCon.G,1250.0,2.375243320493057e-16,0.005866629058855848,0.006272458926983805,0.01551249296549096, +vol.T,S2_conf,theCon.G,1260.0,2.486217953168459e-16,0.004426288223000335,0.004976923254766562,0.017082382789918922, +vol.T,S2_conf,theCon.G,1270.0,1.8133309525603601e-16,0.0039936195030937415,0.003896891151695489,0.016566588939716364, +vol.T,S2_conf,theCon.G,1280.0,1.6798354008859726e-16,0.004869094708689678,0.005955317818214295,0.015474790073941294, +vol.T,S2_conf,theCon.G,1290.0,2.1314721739333765e-16,0.0064747552955041025,0.005499146183395275,0.015214151379141108, +vol.T,S2_conf,theCon.G,1300.0,2.380071055800217e-16,0.004188460290224428,0.005016448285909472,0.013315001910439874, +vol.T,S2_conf,theCon.G,1310.0,1.5158011174623704e-16,0.002957774749510215,0.0036381308927522825,0.013759084819041681, +vol.T,S2_conf,theCon.G,1320.0,1.778174189555834e-16,0.0034697649723667303,0.003797242565251605,0.015899002383013148, +vol.T,S2_conf,theCon.G,1330.0,2.208720740859652e-16,0.006379024889667214,0.005687647347516923,0.016950424016371382, +vol.T,S2_conf,theCon.G,1340.0,1.6649642466618931e-16,0.006761108041241342,0.006372644573885521,0.01719491335616099, +vol.T,S2_conf,theCon.G,1350.0,1.278763624567107e-16,0.005896392749940292,0.006434169528292595,0.016331120030454914, +vol.T,S2_conf,theCon.G,1360.0,8.747837658735218e-17,0.0036685384758012125,0.004895212303270532,0.01778790746620688, +vol.T,S2_conf,theCon.G,1370.0,1.8474306485440631e-16,0.003957171427973881,0.004419643005103734,0.01640226087789719, +vol.T,S2_conf,theCon.G,1380.0,1.7631830486248967e-16,0.0060134854417001615,0.006632863433018524,0.014683612723795663, +vol.T,S2_conf,theCon.G,1390.0,2.413495752075678e-16,0.0056966726650088985,0.007105381946361918,0.01466984203357903, +vol.T,S2_conf,theCon.G,1400.0,1.7906377101971958e-16,0.004733106462428756,0.00531011067442422,0.014222132315913062, +vol.T,S2_conf,theCon.G,1410.0,1.7045661691455497e-16,0.0034711079368834694,0.00382564884789118,0.015179726513777528, +vol.T,S2_conf,theCon.G,1420.0,1.8716079934194695e-16,0.0035963484141796546,0.0041840021689760285,0.015345734220195455, +vol.T,S2_conf,theCon.G,1430.0,1.5493492325979529e-16,0.00536013838308769,0.006425209572218335,0.01466724173131964, +vol.T,S2_conf,theCon.G,1440.0,1.2379040312820338e-16,0.006694845207148548,0.007463524806103231,0.014324667825168934, +vol.T,S2_conf,theCon.G,1450.0,1.3121756488102827e-16,0.006432956412994897,0.0061306211408807725,0.016247638027124187, +vol.T,S2_conf,theCon.G,1460.0,2.423877277389023e-16,0.0034877505189441554,0.004182696438160724,0.017881792656378827, +vol.T,S2_conf,theCon.G,1470.0,1.0827105763357577e-16,0.003553303894885587,0.0045606001472884425,0.015587737579281948, +vol.T,S2_conf,theCon.G,1480.0,1.9039111491372814e-16,0.004924700659944195,0.005907531353400558,0.01627886147816612, +vol.T,S2_conf,theCon.G,1490.0,1.9239028893145384e-16,0.00543488495967825,0.005529788119179833,0.013343332148671512, +vol.T,S2_conf,theCon.G,1500.0,9.691956701107981e-17,0.004128093839248899,0.005373437627385894,0.014056592051482407, +vol.T,S2_conf,theCon.G,1510.0,2.1315843655366827e-16,0.0032276762233195565,0.0033775735978445473,0.013399156002486819, +vol.T,S2_conf,theCon.G,1520.0,2.77631892107944e-16,0.003282038960679988,0.004076277323400102,0.013837249410021393, +vol.T,S2_conf,theCon.G,1530.0,2.016276954997257e-16,0.006486400068378687,0.005426805099139311,0.017602123567728195, +vol.T,S2_conf,theCon.G,1540.0,1.5618014136092354e-16,0.007765561393376773,0.007926062753232176,0.016070705763153077, +vol.T,S2_conf,theCon.G,1550.0,1.8908031712481105e-16,0.006911045566923334,0.007321577983416224,0.017449351241205627, +vol.T,S2_conf,theCon.G,1560.0,1.2995397924298102e-16,0.0038845163508202996,0.005501846849869704,0.01503133860599339, +vol.T,S2_conf,theCon.G,1570.0,1.322342075874069e-16,0.0035891252352343557,0.003697055587235976,0.014042547176573082, +vol.T,S2_conf,theCon.G,1580.0,1.1142767468590036e-16,0.004243628245832614,0.0050336627755383214,0.017294753872903405, +vol.T,S2_conf,theCon.G,1590.0,1.5770388614002342e-16,0.005779695797466625,0.005197512925541961,0.014283093554532495, +vol.T,S2_conf,theCon.G,1600.0,2.3205484112579347e-16,0.0036880672506351985,0.004087570346911799,0.014648632662231664, +vol.T,S2_conf,theCon.G,1610.0,2.416664370165634e-16,0.0027954340613699593,0.002773394087711161,0.013908275745866118, +vol.T,S2_conf,theCon.G,1620.0,1.6205649639793662e-16,0.004339021886585406,0.004106949348598992,0.016035051202827628, +vol.T,S2_conf,theCon.G,1630.0,1.3795190214268723e-16,0.006752268786258839,0.00655665820268635,0.016991059347602786, +vol.T,S2_conf,theCon.G,1640.0,2.1034639049700176e-16,0.006598510202634409,0.007928490590196671,0.01690024835072809, +vol.T,S2_conf,theCon.G,1650.0,1.5357065082609021e-16,0.006175159936425735,0.007141039347034679,0.0178128122566161, +vol.T,S2_conf,theCon.G,1660.0,2.0096241257898837e-16,0.004574047196695545,0.005010079608146479,0.017995513508983922, +vol.T,S2_conf,theCon.G,1670.0,2.6823928691990066e-16,0.004015219854446318,0.004065311748865554,0.014866711390749927, +vol.T,S2_conf,theCon.G,1680.0,1.786760564229013e-16,0.004659793160329305,0.004723566040704634,0.014603612454402854, +vol.T,S2_conf,theCon.G,1690.0,2.1108407197468264e-16,0.004358438921091311,0.005042711647947684,0.016204832214155175, +vol.T,S2_conf,theCon.G,1700.0,1.3114464597299033e-16,0.0038802540396551937,0.004471006136539428,0.01686771411560585, +vol.T,S2_conf,theCon.G,1710.0,2.283252661184653e-16,0.002982799861936127,0.0024794555116176395,0.013783794903835626, +vol.T,S2_conf,theCon.G,1720.0,1.7190947781907965e-16,0.004298061328682772,0.004402498684239004,0.016437678301329008, +vol.T,S2_conf,theCon.G,1730.0,1.378131523945874e-16,0.006648590334433008,0.006407813264378104,0.016540806028650584, +vol.T,S2_conf,theCon.G,1740.0,1.6798354008859721e-16,0.007377121797427114,0.008161200948618117,0.016074239046865772, +vol.T,S2_conf,theCon.G,1750.0,1.0486008590454722e-16,0.006102059608794038,0.007812002287907394,0.01828121211174777, +vol.T,S2_conf,theCon.G,1760.0,2.420619310001875e-16,0.0042086989373140695,0.004742035090740895,0.01871634299637122, +vol.T,S2_conf,theCon.G,1770.0,2.468359387984232e-16,0.003687757747415153,0.0037072397730344517,0.014771876924916385, +vol.T,S2_conf,theCon.G,1780.0,2.346883608120694e-16,0.005420421898395302,0.005237769857721601,0.016713766957908105, +vol.T,S2_conf,theCon.G,1790.0,1.6039524736989354e-16,0.00578984319633352,0.005600968777630684,0.014817318665503126, +vol.T,S2_conf,theCon.G,1800.0,1.8995099087986048e-16,0.004343032158217244,0.004668628498754664,0.015021127568071616, +vol.T,S2_conf,theCon.G,1810.0,1.1363774460970327e-16,0.002714394536406781,0.00333916645803051,0.015463889939932375, +vol.T,S2_conf,theCon.G,1820.0,2.81396332185204e-16,0.0041275405316908275,0.003927024830375838,0.015073309802803955, +vol.T,S2_conf,theCon.G,1830.0,1.6474932976302415e-16,0.006343902246605894,0.005704477312400628,0.015976144488333507, +vol.T,S2_conf,theCon.G,1840.0,1.2407983631059972e-16,0.006939801400065146,0.006729060850055582,0.02001588830917485, +vol.T,S2_conf,theCon.G,1850.0,2.6187868766445567e-16,0.00629463210439378,0.007494918704851351,0.016919773600086136, +vol.T,S2_conf,theCon.G,1860.0,1.880785096628072e-16,0.004549224008495608,0.004554821523598128,0.01654138366363211, +vol.T,S2_conf,theCon.G,1870.0,7.563212684992442e-17,0.0038925749864497255,0.004585716805781566,0.015960116655752546, +vol.T,S2_conf,theCon.G,1880.0,1.2315125572950714e-16,0.006053860874758184,0.006003913418162736,0.014706358946628329, +vol.T,S2_conf,theCon.G,1890.0,1.9560759661064554e-16,0.005733363798425012,0.006034228565693787,0.014505224761313947, +vol.T,S2_conf,theCon.G,1900.0,2.2727548921940655e-16,0.004986614952629501,0.005484720591035414,0.01622428811947776, +vol.T,S2_conf,theCon.G,1910.0,2.1269796572431952e-16,0.0034577263828866516,0.003953737882251654,0.015098796014501566, +vol.T,S2_conf,theCon.G,1920.0,1.3585577767253283e-16,0.003771425974234615,0.003931696232346103,0.015795089742579368, +vol.T,S2_conf,theCon.G,1930.0,1.9784429606229303e-16,0.005972554293245593,0.005216934938379796,0.015187126134287151, +vol.T,S2_conf,theCon.G,1940.0,2.891008148358638e-16,0.006698124173000016,0.006960722145647208,0.01828524535330886, +vol.T,S2_conf,theCon.G,1950.0,1.5158011174623706e-16,0.005999260753732541,0.006771826792397342,0.016182048873053547, +vol.T,S2_conf,theCon.G,1960.0,1.94331987942592e-16,0.003645231065275444,0.004376628781609415,0.0158236302193653, +vol.T,S2_conf,theCon.G,1970.0,2.7533984051140594e-16,0.0047791314630442295,0.003988359950505899,0.017297789421080744, +vol.T,S2_conf,theCon.G,1980.0,1.3092564557642356e-16,0.005553778266852,0.005324290054233769,0.014269319109448734, +vol.T,S2_conf,theCon.G,1990.0,1.6365705697052947e-16,0.006237002965234189,0.007311668996887291,0.015751041262943164, +vol.T,S2_conf,theCon.G,2000.0,1.8395175925070536e-16,0.004917912752005627,0.005359469288816272,0.015333809037674461, +vol.T,S2_conf,theCon.G,2010.0,3.2010392796574954e-16,0.0030176668091516762,0.003560543942942654,0.014982213569943231, +vol.T,S2_conf,theCon.G,2020.0,1.9687494042123884e-16,0.003858205122557285,0.0035103708593133627,0.01477855402721999, +vol.T,S2_conf,theCon.G,2030.0,1.9560759661064554e-16,0.005702613387365563,0.006378052601020199,0.015422459032809994, +vol.T,S2_conf,theCon.G,2040.0,1.5050348984744997e-16,0.007502779496682393,0.0062122316136936475,0.015349642759145707, +vol.T,S2_conf,theCon.G,2050.0,3.219736097274926e-16,0.005862389326976359,0.005732630457848414,0.01761841912436116, +vol.T,S2_conf,theCon.G,2060.0,2.476097817151351e-16,0.0038313905432662424,0.00445267414036916,0.01717872036507766, +vol.T,S2_conf,theCon.G,2070.0,1.6451692008320022e-16,0.004158351787453486,0.004493664236718251,0.01476734079820174, +vol.T,S2_conf,theCon.G,2080.0,1.3720447248935504e-16,0.005410111206419996,0.00557475171963279,0.01508231325233553, +vol.T,S2_conf,theCon.G,2090.0,1.4953110103216507e-16,0.005583962111736393,0.00675187535229296,0.017330099113258692, +vol.T,S2_conf,theCon.G,2100.0,1.8311786116219011e-16,0.004504897531132964,0.005529443577410923,0.015202405410015754, +vol.T,S2_conf,theCon.G,2110.0,1.4299102623347348e-16,0.0030054517623457964,0.003375688016351437,0.016671568668136433, +vol.T,S2_conf,theCon.G,2120.0,2.3639402629834736e-16,0.003908903941334928,0.0034895423296617493,0.01661035659327763, +vol.T,S2_conf,theCon.G,2130.0,1.6146515526736865e-16,0.005292039842984295,0.006482284719089437,0.01765682100360846, +vol.T,S2_conf,theCon.G,2140.0,1.9555868859722684e-16,0.007484280973415615,0.0075922148578378024,0.015660864972995455, +vol.T,S2_conf,theCon.G,2150.0,1.9803759781437428e-16,0.006030926935953141,0.007809140880413561,0.016770273635301067, +vol.T,S2_conf,theCon.G,2160.0,1.0879985715362162e-16,0.0036040430794606394,0.0046012384914406596,0.017048573718063474, +vol.T,S2_conf,theCon.G,2170.0,1.0095607285855253e-16,0.0029552527004774887,0.0037509871984595464,0.014084821262299253, +vol.T,S2_conf,theCon.G,2180.0,1.4734005068008858e-16,0.004969476864567143,0.005215408876669397,0.01566888541628194, +vol.T,S2_conf,theCon.G,2190.0,1.8776036858172653e-16,0.004949533242361584,0.00611413492644821,0.015331466273382225, +vol.T,S2_conf,theCon.G,2200.0,2.557433743211321e-16,0.004363151940230427,0.005227202761946924,0.016883470679294785, +vol.T,S2_conf,theCon.G,2210.0,8.444608989691545e-17,0.0032284668786305205,0.0033412877574183412,0.016544323523238508, +vol.T,S2_conf,theCon.G,2220.0,1.6076755010227093e-16,0.004242434142276459,0.0043495252387739484,0.016274366379779234, +vol.T,S2_conf,theCon.G,2230.0,2.383183770557891e-16,0.00667280751683436,0.006299105424777317,0.01593644838133481, +vol.T,S2_conf,theCon.G,2240.0,8.444608989691545e-17,0.008613769839440302,0.008817439588638013,0.01753350191829857, +vol.T,S2_conf,theCon.G,2250.0,1.6785536815176359e-16,0.006954433002469562,0.008052302856303,0.014433739695527668, +vol.T,S2_conf,theCon.G,2260.0,1.9159312258093696e-16,0.004922593204822589,0.0047792303675196265,0.018136270599362587, +vol.T,S2_conf,theCon.G,2270.0,1.99709033756645e-16,0.003260563613697139,0.0033341488884087796,0.014820847040698899, +vol.T,S2_conf,theCon.G,2280.0,1.9823071107119463e-16,0.004603404080272051,0.0046969471386739455,0.01701786361438273, +vol.T,S2_conf,theCon.G,2290.0,2.3305231186070696e-16,0.005257113937406618,0.005998486651534002,0.013727606983148137, +vol.T,S2_conf,theCon.G,2300.0,2.0214888181168592e-16,0.004326541225710579,0.004948427327859799,0.01428235204412146, +vol.T,S2_conf,theCon.G,2310.0,1.8395175925070536e-16,0.002805009064285517,0.0036621833160127883,0.01645804346155304, +vol.T,S2_conf,theCon.G,2320.0,1.21745105860927e-16,0.004793915683630436,0.004643205756517561,0.01537661837125926, +vol.T,S2_conf,theCon.G,2330.0,2.1185305110418685e-16,0.007506991185476759,0.006344477187452171,0.016388648026076664, +vol.T,S2_conf,theCon.G,2340.0,1.6087164046610735e-16,0.007723357841906882,0.0076166172676769865,0.018193045298042883, +vol.T,S2_conf,theCon.G,2350.0,2.3565439077470237e-16,0.007053137313987075,0.008154603143964698,0.015999206841580377, +vol.T,S2_conf,theCon.G,2360.0,1.7959717634490117e-16,0.004020233724625505,0.005941524900721457,0.018949330207909044, +vol.T,S2_conf,vol.V,0.0,0.0,0.0,0.0,0.0,0.0 +vol.T,S2_conf,vol.V,10.0,1.764536244679056e-17,,0.08064037314104332,0.04499857504018547,0.0462236722845147 +vol.T,S2_conf,vol.V,20.0,2.8464452302405736e-17,,0.07052216277905982,0.046511410769996285,0.04895021281736261 +vol.T,S2_conf,vol.V,30.0,3.522416856476277e-17,,0.06087561477619907,0.03937827891819017,0.04978652480849504 +vol.T,S2_conf,vol.V,40.0,4.878791658104758e-17,,0.06024758786802615,0.047225431597944255,0.051535976142576656 +vol.T,S2_conf,vol.V,50.0,3.4006548651955845e-17,,0.047802371183492176,0.04059866364934067,0.04640331226789988 +vol.T,S2_conf,vol.V,60.0,2.3617519305769874e-17,,0.03540424400512706,0.03006534989628395,0.03493742274625545 +vol.T,S2_conf,vol.V,70.0,1.2174411304331528e-17,,0.027411953624181064,0.026849862213176614,0.031479437017003786 +vol.T,S2_conf,vol.V,80.0,1.0585476506461222e-17,,0.0247707531206763,0.023678307189105543,0.023282142803814958 +vol.T,S2_conf,vol.V,90.0,1.2437351134747273e-17,,0.022944256639953843,0.021941459434170443,0.022028095665398817 +vol.T,S2_conf,vol.V,100.0,9.949888227618065e-18,,0.02040752951378884,0.02035921222708509,0.01880781232990604 +vol.T,S2_conf,vol.V,110.0,1.0350938219097814e-17,,0.018950393179199165,0.018796070141605965,0.01930061423243025 +vol.T,S2_conf,vol.V,120.0,1.1537052344464798e-17,,0.01905301025568435,0.018768587931927285,0.020368872288606368 +vol.T,S2_conf,vol.V,130.0,1.9162564947594513e-17,,0.021092122237931082,0.020232902066857808,0.02324500631676785 +vol.T,S2_conf,vol.V,140.0,2.339360253870925e-17,,0.020851276212174818,0.020994913385820907,0.030694583898425103 +vol.T,S2_conf,vol.V,150.0,2.3832884980123443e-17,,0.02143678739209362,0.02103413826638119,0.02806145492032678 +vol.T,S2_conf,vol.V,160.0,1.4239660279778882e-17,,0.017260509438686462,0.01755385759452238,0.022569718174381134 +vol.T,S2_conf,vol.V,170.0,9.648112576668141e-18,,0.016053185008365643,0.015782088041690807,0.017259267463621976 +vol.T,S2_conf,vol.V,180.0,1.1791464305019172e-17,,0.016393655655803564,0.016463333399979924,0.016708979431816515 +vol.T,S2_conf,vol.V,190.0,7.533221447982002e-18,,0.015138677052197305,0.014869915399497686,0.015249017446205273 +vol.T,S2_conf,vol.V,200.0,8.738234823706416e-18,,0.013434842364105838,0.013439070709888623,0.013974902526297578 +vol.T,S2_conf,vol.V,210.0,7.050693125582428e-18,,0.011883787970638856,0.011911676600059574,0.014430242563418206 +vol.T,S2_conf,vol.V,220.0,9.605688817595675e-18,,0.012712986585986356,0.012682917896436111,0.015325631118519674 +vol.T,S2_conf,vol.V,230.0,1.5994958412516464e-17,,0.014167352271811758,0.014152254949713745,0.021227984287195672 +vol.T,S2_conf,vol.V,240.0,1.6169271872154367e-17,,0.012099374886665126,0.011967199535621434,0.018639353317884196 +vol.T,S2_conf,vol.V,250.0,1.5085780460494695e-17,,0.015106696024758693,0.014859548508214266,0.019060837697959142 +vol.T,S2_conf,vol.V,260.0,1.288105029455117e-17,,0.014263528302983016,0.014096038417649896,0.015150811849224871 +vol.T,S2_conf,vol.V,270.0,8.631125706220786e-18,,0.012090020403171533,0.01211083620796861,0.012712488792116155 +vol.T,S2_conf,vol.V,280.0,7.87000949767291e-18,,0.010971007404069269,0.010824220853785298,0.011317053948568526 +vol.T,S2_conf,vol.V,290.0,8.229371874793914e-18,,0.012203875534531054,0.01191118272139565,0.01218906907857795 +vol.T,S2_conf,vol.V,300.0,6.563195987876941e-18,,0.00984309189768391,0.009816295463948606,0.009550045846059124 +vol.T,S2_conf,vol.V,310.0,6.882328002410327e-18,,0.008974358256354292,0.009008976843338633,0.01089777517148143 +vol.T,S2_conf,vol.V,320.0,8.657238043576415e-18,,0.009519197077158039,0.009158529530518126,0.014320713581963605 +vol.T,S2_conf,vol.V,330.0,1.0660925456452982e-17,,0.01003418200733236,0.010082971785288301,0.01680430380768877 +vol.T,S2_conf,vol.V,340.0,1.2301456865904591e-17,,0.01100856263597935,0.01116013020193202,0.014120620259603494 +vol.T,S2_conf,vol.V,350.0,1.2739503090119543e-17,,0.010827239055039213,0.010888045835523396,0.016703331717377305 +vol.T,S2_conf,vol.V,360.0,9.388918295298743e-18,,0.009267936982745598,0.009242427604307003,0.012917447497745212 +vol.T,S2_conf,vol.V,370.0,7.270726374169863e-18,,0.009488169352720123,0.009324904678533764,0.010555732473954034 +vol.T,S2_conf,vol.V,380.0,6.671630441673558e-18,,0.010421103017504714,0.010300705010991236,0.010017125391841419 +vol.T,S2_conf,vol.V,390.0,6.949531124282423e-18,,0.010943157668146391,0.010752718602098487,0.009206382724670783 +vol.T,S2_conf,vol.V,400.0,5.658661317961392e-18,,0.007755064558117529,0.00781279764275276,0.008260652653674892 +vol.T,S2_conf,vol.V,410.0,6.0673707882115785e-18,,0.007269250821387961,0.007432705075478957,0.007879761851798563 +vol.T,S2_conf,vol.V,420.0,5.719284452005512e-18,,0.007113913027155328,0.007166563654220715,0.009616499505014375 +vol.T,S2_conf,vol.V,430.0,8.156840447618017e-18,,0.007424940970014314,0.0074134445680361155,0.011161543295992362 +vol.T,S2_conf,vol.V,440.0,1.008893114428062e-17,,0.006879999202173274,0.007028931941354717,0.01118053576380884 +vol.T,S2_conf,vol.V,450.0,8.50390712058016e-18,,0.008522872230799623,0.008650745980587602,0.012265279659579291 +vol.T,S2_conf,vol.V,460.0,6.439560087520883e-18,,0.006885349443144686,0.006987875162215887,0.00881719812734379 +vol.T,S2_conf,vol.V,470.0,4.511972814275087e-18,,0.006941286085166686,0.0068947102411703425,0.008189111868855752 +vol.T,S2_conf,vol.V,480.0,7.542249725457834e-18,,0.009067776038844212,0.008878849700220562,0.007976351501599178 +vol.T,S2_conf,vol.V,490.0,6.6385730971343595e-18,,0.008409694774058132,0.008478831398428857,0.007960054953805265 +vol.T,S2_conf,vol.V,500.0,6.340242140284463e-18,,0.0077656459804327895,0.007798917603873483,0.007101711650969095 +vol.T,S2_conf,vol.V,510.0,4.7549811736826455e-18,,0.005776144746466632,0.00588505840773254,0.005250279826470486 +vol.T,S2_conf,vol.V,520.0,5.691007240787539e-18,,0.0052335480880815145,0.005291734535100319,0.006668344476566331 +vol.T,S2_conf,vol.V,530.0,5.662615212684517e-18,,0.005851163989374684,0.005972118535222711,0.009597024140663055 +vol.T,S2_conf,vol.V,540.0,8.742599980184968e-18,,0.0060257026686330005,0.006130407785282789,0.009500581787920726 +vol.T,S2_conf,vol.V,550.0,7.469105444536522e-18,,0.005550548489645187,0.005556767112976549,0.008743758745001074 +vol.T,S2_conf,vol.V,560.0,4.916849604817964e-18,,0.004595528034732491,0.004631791231844086,0.006204619980189511 +vol.T,S2_conf,vol.V,570.0,5.661410889742852e-18,,0.005896915121071927,0.005907097761416615,0.006763691448589409 +vol.T,S2_conf,vol.V,580.0,6.5858148294413555e-18,,0.006935800667275769,0.006865327807306089,0.006149146826155446 +vol.T,S2_conf,vol.V,590.0,5.543703922551914e-18,,0.007941828153591441,0.007593047914497755,0.006714884923556863 +vol.T,S2_conf,vol.V,600.0,5.446720322926053e-18,,0.005848362555900096,0.005857656891962659,0.005628777098367773 +vol.T,S2_conf,vol.V,610.0,6.623574510933496e-18,,0.004687318708860344,0.004797568731634159,0.004803908048970506 +vol.T,S2_conf,vol.V,620.0,4.684049613982451e-18,,0.0042664100871936655,0.004395123060092793,0.004959862443626416 +vol.T,S2_conf,vol.V,630.0,6.514135218548013e-18,,0.004576512007230101,0.004657593909786545,0.007041594692301424 +vol.T,S2_conf,vol.V,640.0,6.588970440679072e-18,,0.00517462230480598,0.005148097417400663,0.008806790518438388 +vol.T,S2_conf,vol.V,650.0,6.594459182557151e-18,,0.004334907650494991,0.004436088026666035,0.0068610169179796525 +vol.T,S2_conf,vol.V,660.0,4.602379177029002e-18,,0.003582661782500736,0.0035909161241720667,0.005155911918218837 +vol.T,S2_conf,vol.V,670.0,4.9477448659569806e-18,,0.004814084360819648,0.0046973851188981414,0.004361955885526264 +vol.T,S2_conf,vol.V,680.0,6.429394801435304e-18,,0.007232220078999005,0.00695990713013193,0.005708924015503729 +vol.T,S2_conf,vol.V,690.0,6.201239123757848e-18,,0.007285621877590355,0.00718418575746676,0.005870810975627431 +vol.T,S2_conf,vol.V,700.0,5.560063079482855e-18,,0.005755256863736352,0.005710962011446001,0.005457134708276009 +vol.T,S2_conf,vol.V,710.0,3.981424858964124e-18,,0.0045460796819298665,0.004577382311036107,0.004386467395784948 +vol.T,S2_conf,vol.V,720.0,4.2805210042267054e-18,,0.004178461650905749,0.004262643658712748,0.004635701843388275 +vol.T,S2_conf,vol.V,730.0,5.8696348482849655e-18,,0.004668118215479699,0.004611016351766424,0.005631640077697235 +vol.T,S2_conf,vol.V,740.0,6.381654231658041e-18,,0.00510773108305598,0.005206177425740927,0.006606584149900057 +vol.T,S2_conf,vol.V,750.0,5.895719019733066e-18,,0.003747794432934198,0.003786362577976328,0.006016445084887647 +vol.T,S2_conf,vol.V,760.0,3.932447110699862e-18,,0.00316784780600485,0.0032022679705988764,0.004830199910272132 +vol.T,S2_conf,vol.V,770.0,5.7855878447075554e-18,,0.0046981505157143374,0.0046120632834004095,0.004898791179108896 +vol.T,S2_conf,vol.V,780.0,6.354070610724473e-18,,0.006164825146201769,0.005960794355326642,0.00614739918046634 +vol.T,S2_conf,vol.V,790.0,6.894677088521132e-18,,0.007132494262216072,0.007063913269602478,0.006638733735924559 +vol.T,S2_conf,vol.V,800.0,5.28024629444868e-18,,0.006018991415081198,0.006022169634626642,0.005380362610725805 +vol.T,S2_conf,vol.V,810.0,4.395126248605565e-18,,0.0038119524779358952,0.003792874078568849,0.003438729843921543 +vol.T,S2_conf,vol.V,820.0,4.805498182152201e-18,,0.0031814038650895844,0.003175537174311491,0.004361440434314003 +vol.T,S2_conf,vol.V,830.0,5.156155433328891e-18,,0.004408176002569928,0.0044029944474175044,0.0058103142688936 +vol.T,S2_conf,vol.V,840.0,6.5818824609579754e-18,,0.004114766049938561,0.004099717798961532,0.006370666018414747 +vol.T,S2_conf,vol.V,850.0,6.153284257663331e-18,,0.004134514154478724,0.00414434717152196,0.006937933847266532 +vol.T,S2_conf,vol.V,860.0,4.4395756221194355e-18,,0.0030240750701725832,0.003077789943437753,0.004073217307382878 +vol.T,S2_conf,vol.V,870.0,4.361406593433344e-18,,0.004872701968013467,0.004727259616379655,0.003823043419555174 +vol.T,S2_conf,vol.V,880.0,6.4007538963990745e-18,,0.005446489154631535,0.00531963033866239,0.004499646043622866 +vol.T,S2_conf,vol.V,890.0,7.345155479873611e-18,,0.005898700923623142,0.005841635363415386,0.005208625220694409 +vol.T,S2_conf,vol.V,900.0,4.143532167482393e-18,,0.004831316267587535,0.004773247825822285,0.004685128666815095 +vol.T,S2_conf,vol.V,910.0,4.7568955896820345e-18,,0.003262921191031166,0.003258121510061863,0.003452950313769614 +vol.T,S2_conf,vol.V,920.0,4.599547771294792e-18,,0.003132526066919303,0.0032164179239703014,0.004507017565572521 +vol.T,S2_conf,vol.V,930.0,5.573934951816089e-18,,0.004367423117086045,0.004489201752763892,0.005802414323959226 +vol.T,S2_conf,vol.V,940.0,6.813738066776675e-18,,0.0054244350601212205,0.00542945870471998,0.00759415138166274 +vol.T,S2_conf,vol.V,950.0,4.923243797128988e-18,,0.003652804924514599,0.0036273366165529854,0.005728463040290441 +vol.T,S2_conf,vol.V,960.0,4.604809227428319e-18,,0.0023722685517043153,0.002460368032720886,0.004054471821915763 +vol.T,S2_conf,vol.V,970.0,4.7597832226927516e-18,,0.003655831569098819,0.003610681964385073,0.003909347992939492 +vol.T,S2_conf,vol.V,980.0,5.627553400326352e-18,,0.00540695359788977,0.005204138230375075,0.004712863995077092 +vol.T,S2_conf,vol.V,990.0,5.417830305474727e-18,,0.006909639426103746,0.006777891960498451,0.005290668496833714 +vol.T,S2_conf,vol.V,1000.0,5.838196394969993e-18,,0.0048900242375393725,0.004827852116096885,0.0042227822080725666 +vol.T,S2_conf,vol.V,1010.0,4.6692441680910655e-18,,0.0034643619110436823,0.003468298172349241,0.0034142767924500057 +vol.T,S2_conf,vol.V,1020.0,5.92043829144759e-18,,0.003598438175545235,0.0035964529737180003,0.004761533887645181 +vol.T,S2_conf,vol.V,1030.0,5.084747842135949e-18,,0.004763901854342194,0.004937506547587712,0.006181712498732497 +vol.T,S2_conf,vol.V,1040.0,6.847054469071007e-18,,0.0067183224376861925,0.006753166200030986,0.007325123999065952 +vol.T,S2_conf,vol.V,1050.0,5.785410229876321e-18,,0.004125974021896875,0.004220118850251991,0.005784252149497544 +vol.T,S2_conf,vol.V,1060.0,4.4965542665645845e-18,,0.0031214994129620164,0.0031287487796705102,0.004991681840389412 +vol.T,S2_conf,vol.V,1070.0,4.7947083765723615e-18,,0.0036426326783562278,0.0035633322953159425,0.0032287057059321765 +vol.T,S2_conf,vol.V,1080.0,5.358481166526748e-18,,0.004944311676148552,0.004900514423265283,0.004424362274424854 +vol.T,S2_conf,vol.V,1090.0,5.396080985094004e-18,,0.005274012581124863,0.00515350984511379,0.0039030008352603836 +vol.T,S2_conf,vol.V,1100.0,4.535159533465436e-18,,0.004600935264007624,0.004569429254422448,0.004348132630398265 +vol.T,S2_conf,vol.V,1110.0,4.6186209266864244e-18,,0.0030075910301179953,0.0030522975730532835,0.003526214454000345 +vol.T,S2_conf,vol.V,1120.0,5.243415509404825e-18,,0.003994069902696968,0.004028253791326338,0.004563683051489092 +vol.T,S2_conf,vol.V,1130.0,6.148720652318684e-18,,0.005962381170769179,0.005928983915111854,0.0065477852037041945 +vol.T,S2_conf,vol.V,1140.0,8.893430911958166e-18,,0.005562400748468137,0.005687870264627771,0.006690559949996006 +vol.T,S2_conf,vol.V,1150.0,5.277919702213701e-18,,0.004545509669165044,0.004750389367872168,0.006733186100051414 +vol.T,S2_conf,vol.V,1160.0,3.624670696589575e-18,,0.0030733609430803116,0.003083965393455086,0.004645320482427445 +vol.T,S2_conf,vol.V,1170.0,4.1443959694143494e-18,,0.003864239586639816,0.0037447384344065446,0.003773905479464188 +vol.T,S2_conf,vol.V,1180.0,5.23607042532689e-18,,0.0054981684888328625,0.005321814113048596,0.00504207692278202 +vol.T,S2_conf,vol.V,1190.0,5.1905727043154685e-18,,0.005505176271680898,0.00547655915465852,0.005109429668858148 +vol.T,S2_conf,vol.V,1200.0,4.696407122686374e-18,,0.005338051657332426,0.005206465825534676,0.004790733978840351 +vol.T,S2_conf,vol.V,1210.0,4.3304858301409454e-18,,0.002985693703230249,0.002989230144447262,0.0034046872138615808 +vol.T,S2_conf,vol.V,1220.0,4.106038806992966e-18,,0.0035070459238210317,0.0034882123923622244,0.004250416493559173 +vol.T,S2_conf,vol.V,1230.0,5.415280277781161e-18,,0.004591555569867416,0.004767468664246258,0.005370433220224432 +vol.T,S2_conf,vol.V,1240.0,7.195416451852425e-18,,0.005392927764641455,0.005377753117835007,0.007333151989859464 +vol.T,S2_conf,vol.V,1250.0,6.158188847209203e-18,,0.0046267218849165995,0.00466228959076102,0.005866629058855848 +vol.T,S2_conf,vol.V,1260.0,5.180789951867678e-18,,0.0027171239241982562,0.0027325334703458843,0.004426288223000335 +vol.T,S2_conf,vol.V,1270.0,4.74607049297677e-18,,0.0045323907600413995,0.004334539370140556,0.0039936195030937415 +vol.T,S2_conf,vol.V,1280.0,6.3015528112454774e-18,,0.0066206151346967545,0.006394779852895801,0.004869094708689678 +vol.T,S2_conf,vol.V,1290.0,8.172802571603691e-18,,0.006875566351530591,0.006717851806005661,0.0064747552955041025 +vol.T,S2_conf,vol.V,1300.0,5.266574073638657e-18,,0.005053635938981558,0.005098908354789403,0.004188460290224428 +vol.T,S2_conf,vol.V,1310.0,4.744804490122741e-18,,0.003236128575885127,0.0031432573706549317,0.002957774749510215 +vol.T,S2_conf,vol.V,1320.0,4.9678567236079315e-18,,0.003234611046461326,0.003295091000897392,0.0034697649723667303 +vol.T,S2_conf,vol.V,1330.0,6.659240868073424e-18,,0.004948176335655817,0.004892566100677069,0.006379024889667214 +vol.T,S2_conf,vol.V,1340.0,8.887416967606694e-18,,0.005697916398696448,0.005683625248026216,0.006761108041241342 +vol.T,S2_conf,vol.V,1350.0,6.278217243884889e-18,,0.004548129219381506,0.004570954390586373,0.005896392749940292 +vol.T,S2_conf,vol.V,1360.0,4.44468963137426e-18,,0.0028673137305652097,0.0028869950895011945,0.0036685384758012125 +vol.T,S2_conf,vol.V,1370.0,5.613740761669999e-18,,0.00436189490658273,0.0043077467338483895,0.003957171427973881 +vol.T,S2_conf,vol.V,1380.0,5.891259819660395e-18,,0.006290756599001958,0.006073600419112445,0.0060134854417001615 +vol.T,S2_conf,vol.V,1390.0,7.175793104986688e-18,,0.006802666114808891,0.006676766663816889,0.0056966726650088985 +vol.T,S2_conf,vol.V,1400.0,6.704053919885243e-18,,0.004943769135765339,0.004943095655884082,0.004733106462428756 +vol.T,S2_conf,vol.V,1410.0,5.036458064836573e-18,,0.003741193870787024,0.0037880814132337432,0.0034711079368834694 +vol.T,S2_conf,vol.V,1420.0,4.437838352962603e-18,,0.0031459904347343015,0.0032442015757810634,0.0035963484141796546 +vol.T,S2_conf,vol.V,1430.0,6.181465818324985e-18,,0.004410529609273726,0.004485527210809936,0.00536013838308769 +vol.T,S2_conf,vol.V,1440.0,7.443646704375278e-18,,0.004548031012544237,0.004695422803518683,0.006694845207148548 +vol.T,S2_conf,vol.V,1450.0,7.098603676164947e-18,,0.004152223429309099,0.004270658777698498,0.006432956412994897 +vol.T,S2_conf,vol.V,1460.0,5.156458867536908e-18,,0.0026056963392775494,0.0025636510594753774,0.0034877505189441554 +vol.T,S2_conf,vol.V,1470.0,4.867613684126108e-18,,0.004145060534705919,0.004054689290215068,0.003553303894885587 +vol.T,S2_conf,vol.V,1480.0,6.192855972112763e-18,,0.0060419810150504774,0.005821566520556874,0.004924700659944195 +vol.T,S2_conf,vol.V,1490.0,6.039494590380737e-18,,0.006152967525207452,0.006140431126166709,0.00543488495967825 +vol.T,S2_conf,vol.V,1500.0,6.153656370042116e-18,,0.004870741762504236,0.004784629111313527,0.004128093839248899 +vol.T,S2_conf,vol.V,1510.0,4.262655354840178e-18,,0.0033732683384615244,0.0033890492051754633,0.0032276762233195565 +vol.T,S2_conf,vol.V,1520.0,4.105715002624441e-18,,0.0032208714341151767,0.0032412091504230556,0.003282038960679988 +vol.T,S2_conf,vol.V,1530.0,5.9900548649043805e-18,,0.005325351811051418,0.005451299349288159,0.006486400068378687 +vol.T,S2_conf,vol.V,1540.0,7.429020994149991e-18,,0.006127933403525789,0.0062937812594786886,0.007765561393376773 +vol.T,S2_conf,vol.V,1550.0,6.433967197232346e-18,,0.00490364129588601,0.00495059746521755,0.006911045566923334 +vol.T,S2_conf,vol.V,1560.0,4.4363444938094424e-18,,0.002512278580198019,0.0025480963284553594,0.0038845163508202996 +vol.T,S2_conf,vol.V,1570.0,4.775089131380262e-18,,0.003500229488796976,0.003378128467942158,0.0035891252352343557 +vol.T,S2_conf,vol.V,1580.0,6.2050092782670774e-18,,0.005149701887297792,0.005064681977056702,0.004243628245832614 +vol.T,S2_conf,vol.V,1590.0,6.228123176443312e-18,,0.00674703128222455,0.006642667212345468,0.005779695797466625 +vol.T,S2_conf,vol.V,1600.0,5.8611027990062174e-18,,0.004615685695294291,0.004588913333279186,0.0036880672506351985 +vol.T,S2_conf,vol.V,1610.0,4.529650913282668e-18,,0.002938266865673149,0.0029269182076184504,0.0027954340613699593 +vol.T,S2_conf,vol.V,1620.0,4.926626855454883e-18,,0.0033902340280349847,0.003473119349579738,0.004339021886585406 +vol.T,S2_conf,vol.V,1630.0,6.4690284350537534e-18,,0.006041947780647085,0.006158860440551116,0.006752268786258839 +vol.T,S2_conf,vol.V,1640.0,7.655405455292869e-18,,0.005878710063115935,0.005873466088540019,0.006598510202634409 +vol.T,S2_conf,vol.V,1650.0,7.320669024352898e-18,,0.004937043448217245,0.005079338301353775,0.006175159936425735 +vol.T,S2_conf,vol.V,1660.0,4.3158707349527304e-18,,0.0030463688335425764,0.0031017700394006015,0.004574047196695545 +vol.T,S2_conf,vol.V,1670.0,4.230828659165413e-18,,0.003590834791744603,0.0034528323190764552,0.004015219854446318 +vol.T,S2_conf,vol.V,1680.0,4.7167320906480755e-18,,0.005267714096557447,0.005044032292273206,0.004659793160329305 +vol.T,S2_conf,vol.V,1690.0,6.034278694900956e-18,,0.005049297654224071,0.004985310666578144,0.004358438921091311 +vol.T,S2_conf,vol.V,1700.0,4.889355936430897e-18,,0.004089894822513493,0.004097559112698156,0.0038802540396551937 +vol.T,S2_conf,vol.V,1710.0,5.257696715340992e-18,,0.0029783649262464192,0.002990582989845554,0.002982799861936127 +vol.T,S2_conf,vol.V,1720.0,4.491096640583148e-18,,0.003141948430453754,0.0032227590014970585,0.004298061328682772 +vol.T,S2_conf,vol.V,1730.0,6.625782068114148e-18,,0.006162916465559563,0.0062300866672534575,0.006648590334433008 +vol.T,S2_conf,vol.V,1740.0,7.355336804372755e-18,,0.006324891054727309,0.006476928753211533,0.007377121797427114 +vol.T,S2_conf,vol.V,1750.0,6.240412308992284e-18,,0.005273120172026969,0.005230588921621628,0.006102059608794038 +vol.T,S2_conf,vol.V,1760.0,4.7957211740895304e-18,,0.0034139410161588093,0.0034879175147530584,0.0042086989373140695 +vol.T,S2_conf,vol.V,1770.0,4.78455802776496e-18,,0.004371426378482966,0.004245836925971587,0.003687757747415153 +vol.T,S2_conf,vol.V,1780.0,5.8577768157007396e-18,,0.005798012686585104,0.005604576430793355,0.005420421898395302 +vol.T,S2_conf,vol.V,1790.0,4.9719845650504394e-18,,0.005956599893191428,0.005785168296066333,0.00578984319633352 +vol.T,S2_conf,vol.V,1800.0,5.164391184098486e-18,,0.004460637458673799,0.004491952732970412,0.004343032158217244 +vol.T,S2_conf,vol.V,1810.0,4.344304186106834e-18,,0.002933513403989353,0.0029765129678628187,0.002714394536406781 +vol.T,S2_conf,vol.V,1820.0,4.65816915063706e-18,,0.0030221242477878585,0.0030827692335600393,0.0041275405316908275 +vol.T,S2_conf,vol.V,1830.0,5.211892253615962e-18,,0.005641924567955838,0.005616863748611404,0.006343902246605894 +vol.T,S2_conf,vol.V,1840.0,7.520123579319068e-18,,0.005929223772455068,0.005966323452198943,0.006939801400065146 +vol.T,S2_conf,vol.V,1850.0,5.622884211663562e-18,,0.0050398814361466765,0.00513787015738467,0.00629463210439378 +vol.T,S2_conf,vol.V,1860.0,4.618615579087565e-18,,0.002796954120532987,0.002816833123609408,0.004549224008495608 +vol.T,S2_conf,vol.V,1870.0,4.8503368049866855e-18,,0.004818328896488042,0.004680787262586836,0.0038925749864497255 +vol.T,S2_conf,vol.V,1880.0,7.300581910741736e-18,,0.0066259920807492925,0.006535702928930696,0.006053860874758184 +vol.T,S2_conf,vol.V,1890.0,6.29598971400468e-18,,0.006211875645269489,0.005826582000043359,0.005733363798425012 +vol.T,S2_conf,vol.V,1900.0,4.917126361843051e-18,,0.005111461920557242,0.0051140905017572,0.004986614952629501 +vol.T,S2_conf,vol.V,1910.0,3.7620341247651215e-18,,0.003217454688155298,0.0032947223915621555,0.0034577263828866516 +vol.T,S2_conf,vol.V,1920.0,4.300758885989807e-18,,0.003023243059560076,0.0030807518366088344,0.003771425974234615 +vol.T,S2_conf,vol.V,1930.0,6.110327670995362e-18,,0.004887965130597523,0.004911397346040798,0.005972554293245593 +vol.T,S2_conf,vol.V,1940.0,7.305123013566185e-18,,0.005264367136468022,0.005554738697847274,0.006698124173000016 +vol.T,S2_conf,vol.V,1950.0,6.839752259011479e-18,,0.004232682237768268,0.004252749436596142,0.005999260753732541 +vol.T,S2_conf,vol.V,1960.0,3.895558644977677e-18,,0.003099673836830711,0.0030728651528622334,0.003645231065275444 +vol.T,S2_conf,vol.V,1970.0,4.9306112554624304e-18,,0.004604880927703552,0.004594923332088703,0.0047791314630442295 +vol.T,S2_conf,vol.V,1980.0,6.154721379131217e-18,,0.005992528390563939,0.005699738409057894,0.005553778266852 +vol.T,S2_conf,vol.V,1990.0,6.719686759212259e-18,,0.007137315747857461,0.006982705677658784,0.006237002965234189 +vol.T,S2_conf,vol.V,2000.0,5.6159301123453965e-18,,0.004838468523468344,0.004890635858142214,0.004917912752005627 +vol.T,S2_conf,vol.V,2010.0,5.028480893033603e-18,,0.0033540849703220434,0.003375635811746056,0.0030176668091516762 +vol.T,S2_conf,vol.V,2020.0,4.349569661138444e-18,,0.002759531540268972,0.0028168128134730182,0.003858205122557285 +vol.T,S2_conf,vol.V,2030.0,5.3599306843452e-18,,0.005048855259892033,0.005119621340052765,0.005702613387365563 +vol.T,S2_conf,vol.V,2040.0,7.184808468176448e-18,,0.0046312536179709055,0.004807005734522534,0.007502779496682393 +vol.T,S2_conf,vol.V,2050.0,7.59332212609868e-18,,0.004491901384534491,0.004521647924372643,0.005862389326976359 +vol.T,S2_conf,vol.V,2060.0,4.602780960863222e-18,,0.0024509593100966397,0.00244065434619078,0.0038313905432662424 +vol.T,S2_conf,vol.V,2070.0,4.601496578345596e-18,,0.004291023509483068,0.004173360005153337,0.004158351787453486 +vol.T,S2_conf,vol.V,2080.0,6.781319491634502e-18,,0.005846580978590767,0.005705768090620148,0.005410111206419996 +vol.T,S2_conf,vol.V,2090.0,6.584214023469291e-18,,0.006014485142316708,0.005783849589135861,0.005583962111736393 +vol.T,S2_conf,vol.V,2100.0,6.0619713062013286e-18,,0.0054307164998885216,0.0053865593403046785,0.004504897531132964 +vol.T,S2_conf,vol.V,2110.0,4.358687802479584e-18,,0.003073219071317033,0.0030943712623185916,0.0030054517623457964 +vol.T,S2_conf,vol.V,2120.0,5.0742902990918354e-18,,0.0032391583675084206,0.0032455028896863003,0.003908903941334928 +vol.T,S2_conf,vol.V,2130.0,6.6432542955700165e-18,,0.004929503731328012,0.0049586238802547125,0.005292039842984295 +vol.T,S2_conf,vol.V,2140.0,8.397490283524082e-18,,0.006343967105456071,0.006452901581472768,0.007484280973415615 +vol.T,S2_conf,vol.V,2150.0,7.65463718091749e-18,,0.00457771579430415,0.00460507803110405,0.006030926935953141 +vol.T,S2_conf,vol.V,2160.0,4.920813613667241e-18,,0.0028456649416881983,0.002875337516828022,0.0036040430794606394 +vol.T,S2_conf,vol.V,2170.0,4.0811313401140845e-18,,0.0033220767232961836,0.003134698325900493,0.0029552527004774887 +vol.T,S2_conf,vol.V,2180.0,5.882844775074641e-18,,0.005303449190299575,0.005213172796626579,0.004969476864567143 +vol.T,S2_conf,vol.V,2190.0,5.605422976482128e-18,,0.005617911775102827,0.005558237200876927,0.004949533242361584 +vol.T,S2_conf,vol.V,2200.0,6.229283757598429e-18,,0.004549690740693902,0.004570562725118141,0.004363151940230427 +vol.T,S2_conf,vol.V,2210.0,3.743402386178036e-18,,0.0030894639201663817,0.003122964921853536,0.0032284668786305205 +vol.T,S2_conf,vol.V,2220.0,5.017960268992712e-18,,0.003854992838113028,0.003809031069281057,0.004242434142276459 +vol.T,S2_conf,vol.V,2230.0,6.2925889990203156e-18,,0.006443472100661208,0.00627305115926414,0.00667280751683436 +vol.T,S2_conf,vol.V,2240.0,7.904771978920952e-18,,0.006818068014686277,0.006906288331097252,0.008613769839440302 +vol.T,S2_conf,vol.V,2250.0,7.902926757625727e-18,,0.005534463261784108,0.005525893200419658,0.006954433002469562 +vol.T,S2_conf,vol.V,2260.0,5.2641771297805655e-18,,0.003689189262450815,0.0036760829368129725,0.004922593204822589 +vol.T,S2_conf,vol.V,2270.0,4.436913709461732e-18,,0.003231312421434359,0.003138432601371211,0.003260563613697139 +vol.T,S2_conf,vol.V,2280.0,5.331319036665304e-18,,0.005129996399664734,0.00513171008232049,0.004603404080272051 +vol.T,S2_conf,vol.V,2290.0,5.724347540696323e-18,,0.006183674755056271,0.005962014429658212,0.005257113937406618 +vol.T,S2_conf,vol.V,2300.0,4.096590217276987e-18,,0.004911092078593858,0.004802572565342754,0.004326541225710579 +vol.T,S2_conf,vol.V,2310.0,3.5757772213941685e-18,,0.0029568390420011575,0.002997271568366182,0.002805009064285517 +vol.T,S2_conf,vol.V,2320.0,5.133218128602148e-18,,0.003857161906525716,0.004024641801200022,0.004793915683630436 +vol.T,S2_conf,vol.V,2330.0,6.848200715518296e-18,,0.005980924213600255,0.006045596188340062,0.007506991185476759 +vol.T,S2_conf,vol.V,2340.0,7.849501740266957e-18,,0.0064767498695850025,0.0065469359735904325,0.007723357841906882 +vol.T,S2_conf,vol.V,2350.0,6.731498685355079e-18,,0.005103862387747841,0.005060223431488988,0.007053137313987075 +vol.T,S2_conf,vol.V,2360.0,5.592200974769962e-18,,0.0032410620002137273,0.0033160102563709903,0.004020233724625505 diff --git a/examples/data/SobolAnalyzer_results_time_A.csv b/examples/data/SobolAnalyzer_results_time_A.csv new file mode 100644 index 00000000..da6c7c93 --- /dev/null +++ b/examples/data/SobolAnalyzer_results_time_A.csv @@ -0,0 +1,1897 @@ +Goal,Analysis variable,time,heatPumpSystem.declination,vol.V,heaCap.C,rad.n,theCon.G +Pel,S1,0.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,10.0,0.0,0.0009881996984964705,0.0007144321429961436,0.9139728516799425,0.05596652434856135 +Pel,S1,20.0,0.0,0.005177788878903077,0.008780251026065456,0.7307058742015893,0.18974778701771142 +Pel,S1,30.0,0.0,0.013959775888399159,0.021418902952659455,0.5872389761307729,0.2947004041729702 +Pel,S1,40.0,0.0,0.025680918726145984,0.03712761208894021,0.4934554972746361,0.3568566572326475 +Pel,S1,50.0,0.0,0.03458960862300402,0.049267763119913065,0.42379178185288013,0.40556111224869895 +Pel,S1,60.0,0.0,0.03687439795454266,0.05294486938549478,0.36297074544348235,0.460946924474765 +Pel,S1,70.0,0.0,0.03229371185594155,0.04758982142587358,0.30382551135799685,0.5294148576412254 +Pel,S1,80.0,0.0,0.023889717036169118,0.03683670266627897,0.24596262645590275,0.6050971765554574 +Pel,S1,90.0,0.0,0.015648324605629402,0.025750890521237954,0.19380693551204003,0.6763221660256724 +Pel,S1,100.0,0.0,0.00991477919739517,0.01754144026297968,0.1520062233871906,0.7343856782461023 +Pel,S1,110.0,0.0,0.006935886871662045,0.012793493831324967,0.12191078173208773,0.7771566218027737 +Pel,S1,120.0,0.0,0.0060304551569618685,0.010820416206658759,0.10184741733933178,0.8066689052472992 +Pel,S1,130.0,0.0,0.006483022818224955,0.01078652301793622,0.08899986323044023,0.8260921927029997 +Pel,S1,140.0,0.0,0.007690883185678353,0.011929564238414056,0.08068352951409723,0.838595618253617 +Pel,S1,150.0,0.0,0.009031213353503719,0.013424777154754925,0.0747602914250937,0.8472727676389112 +Pel,S1,160.0,0.0,0.009870970918288443,0.014413838299570898,0.06968023558931322,0.8549516095852753 +Pel,S1,170.0,0.0,0.009782266799899153,0.01426841352396824,0.06446818459468544,0.8636204881158419 +Pel,S1,180.0,0.0,0.008874319681053322,0.013049869454274205,0.05873275346042302,0.87437058180496 +Pel,S1,190.0,0.0,0.007495358641438002,0.011192482085545465,0.05282057193956259,0.8862071283033779 +Pel,S1,200.0,0.0,0.006156402496225784,0.009371823503955023,0.04732931032112931,0.8986746897491413 +Pel,S1,210.0,0.0,0.004978278152581382,0.007804061476916842,0.042656587421051426,0.909578139480997 +Pel,S1,220.0,0.0,0.0042231695285268695,0.006515709823512144,0.03883642666971873,0.918603870929463 +Pel,S1,230.0,0.0,0.004253659533458032,0.006040968097234745,0.0364346605858596,0.9261720226985862 +Pel,S1,240.0,0.0,0.004430104710266748,0.006070561514510169,0.03487796963121301,0.9319613220535494 +Pel,S1,250.0,0.0,0.004840226858112244,0.006154909584697456,0.03371848782492615,0.936603470627492 +Pel,S1,260.0,0.0,0.004716740790925747,0.00588070273489456,0.03246416954904484,0.9396308849011801 +Pel,S1,270.0,0.0,0.004075773079891142,0.0054438731568027775,0.03099169839547547,0.9423073039889924 +Pel,S1,280.0,0.0,0.003524710907466248,0.004931474742376147,0.029365538917419422,0.9454766683517208 +Pel,S1,290.0,0.0,0.0029824300612105227,0.004417573947814563,0.027894851622033968,0.9489867798425877 +Pel,S1,300.0,0.0,0.0025344579700185216,0.003690439116970018,0.026189423484652703,0.9523732067580746 +Pel,S1,310.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,320.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,330.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,340.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,350.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,360.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,370.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,380.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,390.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,400.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,410.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,420.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,430.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,440.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,450.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,460.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,470.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,480.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,490.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,500.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,510.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,520.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,530.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,540.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,550.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,560.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,570.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,580.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,590.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,600.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,610.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,620.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,630.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,640.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,650.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,660.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,670.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1,680.0,0.0,0.0003256003256003255,0.0,0.0003256003256003255,0.0 +Pel,S1,690.0,0.0,0.00047245747882690577,0.00047245747882690577,0.0,1.0456087261815464e-19 +Pel,S1,700.0,0.0,0.00047245747882690577,0.00047245747882690577,0.0,1.0456087261815464e-19 +Pel,S1,710.0,0.0,0.00047245747882690577,0.00047245747882690577,0.0,1.0456087261815464e-19 +Pel,S1,720.0,0.0,0.00047245747882690577,0.00047245747882690577,0.0,1.0456087261815464e-19 +Pel,S1,730.0,0.0,0.00047264337961206354,0.00047249639068881516,2.5135670373639086e-07,3.959521231608635e-08 +Pel,S1,740.0,0.0,0.00047342390203194414,0.00047286847518834184,1.0280371518010678e-06,9.164192239924289e-07 +Pel,S1,750.0,0.0,0.0004732516734019153,0.00047340805907286116,8.183330795411075e-07,7.160792102874101e-07 +Pel,S1,760.0,0.0,0.0004731404310065863,0.0004736835225955967,3.7596053662886746e-07,2.3321222833053573e-07 +Pel,S1,770.0,0.0,0.00047309939008407734,0.0004735635762160801,9.340979031853823e-09,1.8352232574995438e-07 +Pel,S1,780.0,0.0,0.0045328458476072715,0.003935768071889618,0.04251160643985761,0.7999947996739979 +Pel,S1,790.0,0.0,0.004845864188945315,0.0024162348867915314,0.02922714926183184,0.8201779100659734 +Pel,S1,800.0,0.0,0.004844820141690447,0.00241590474881735,0.029229570459652375,0.8201897570599063 +Pel,S1,810.0,0.0,0.004831746284449678,0.0024004875947873745,0.029239287657955068,0.820218211820231 +Pel,S1,820.0,0.0,0.0048167059080443985,0.00236900480709421,0.029291993928991143,0.8201361043675433 +Pel,S1,830.0,0.0,0.004881955228270761,0.002414018668344936,0.029202922829257974,0.8196411825600476 +Pel,S1,840.0,0.0,0.0048963988076240255,0.0024318783773697485,0.029140202365490284,0.8194213907289375 +Pel,S1,850.0,0.0,0.004886567899391904,0.0024277093377190685,0.029123347256603642,0.8194361791970781 +Pel,S1,860.0,0.0,0.004871751951841715,0.00241103787375681,0.029124358659363178,0.8194938205350092 +Pel,S1,870.0,0.0,0.004869001632009785,0.0023943225550479203,0.029140893507524947,0.8195022789023574 +Pel,S1,880.0,0.0,0.003736738150350351,0.0009472631490883591,0.01638011164318311,0.8886620352440987 +Pel,S1,890.0,0.0,9.665928834924294e-05,0.0049332154301692625,0.01663622061625816,0.8785311061758198 +Pel,S1,900.0,0.0,0.00010531656539852583,0.0049368098282203034,0.016680173261599002,0.8787946573306088 +Pel,S1,910.0,0.0,0.00011631302109409214,0.004927633684012727,0.01669545377756908,0.878955461629243 +Pel,S1,920.0,0.0,8.036925406380076e-05,0.004945434644449476,0.01667051216432324,0.8787172870593265 +Pel,S1,930.0,0.0,5.975057728653937e-05,0.005029547677568829,0.016717449340094004,0.8784743089390713 +Pel,S1,940.0,0.0,4.4885519056690425e-05,0.005058244706070322,0.016773570120338414,0.8786496881135698 +Pel,S1,950.0,0.0,3.109030878475286e-05,0.005064832102950961,0.016792373403358835,0.8789885971634683 +Pel,S1,960.0,0.0,5.4945989163601344e-06,0.005076889400994317,0.016802004524167975,0.879295029098558 +Pel,S1,970.0,0.0,1.1258279195073314e-05,0.005067728928515213,0.016804344651949923,0.8794157992319707 +Pel,S1,980.0,0.0,0.0012974665590610322,3.908025669774394e-05,0.008180331429807954,0.8982400650141671 +Pel,S1,990.0,0.0,0.0022804561803714068,0.0008617058609296291,0.01381453257940447,0.8988853082540865 +Pel,S1,1000.0,0.0,0.0023056496351139214,0.0008450014727025974,0.013809623479145742,0.8991716557158235 +Pel,S1,1010.0,0.0,0.0023157235230252234,0.0008388351719376742,0.01383594564983887,0.8992675923688811 +Pel,S1,1020.0,0.0,0.00232727598157584,0.0008149368183197865,0.01388373368832804,0.8990700400317346 +Pel,S1,1030.0,0.0,0.0023508032624132698,0.0008167102252211679,0.01392599605928123,0.8990443695236979 +Pel,S1,1040.0,0.0,0.0024067459708075212,0.0007959200956697179,0.013949706755880982,0.8993359332578091 +Pel,S1,1050.0,0.0,0.002459328414411174,0.0007730373244993793,0.013958355966123782,0.8996696019072685 +Pel,S1,1060.0,0.0,0.0024803168409518006,0.0007533338364300078,0.013958349502039072,0.8999226035684351 +Pel,S1,1070.0,0.0,0.0024980533756333583,0.0007375318207831821,0.013951176119530909,0.9000455966586977 +Pel,S1,1080.0,0.0,0.0037897707927685357,0.008174362825977803,0.017423396388801804,0.7883128624090087 +Pel,S1,1090.0,0.0,0.007626838522176482,0.005076312792105997,0.005426599623400446,0.7668368287155807 +Pel,S1,1100.0,0.0,0.007580875784882558,0.005048082772306097,0.0053453676090584575,0.7669993325298324 +Pel,S1,1110.0,0.0,0.007567213981686357,0.005023853464851345,0.005371434144395151,0.7670808797112224 +Pel,S1,1120.0,0.0,0.007596440547269489,0.005023975029812957,0.005445372629678068,0.767158845919801 +Pel,S1,1130.0,0.0,0.007659466246446827,0.005053141349018497,0.005373064104182844,0.767193777760158 +Pel,S1,1140.0,0.0,0.00769982165843594,0.005058576020061395,0.005292554139113047,0.7673340089661875 +Pel,S1,1150.0,0.0,0.007725147939220814,0.005050554495959685,0.0052346360669769075,0.7674958942405434 +Pel,S1,1160.0,0.0,0.007739253184187419,0.005036626305729379,0.005216710067384319,0.7676300686727437 +Pel,S1,1170.0,0.0,0.007742686076820135,0.005038317939191195,0.005254309773062672,0.7677396583137296 +Pel,S1,1180.0,0.0,0.0002514334118287289,0.0015034179853986107,0.01825130971699824,0.7881415597384914 +Pel,S1,1190.0,0.0,0.010604387738071942,0.00377062690739709,0.00904779796039907,0.7435982119938749 +Pel,S1,1200.0,0.0,0.010615547752601645,0.0037636734626084675,0.009179989955355404,0.7440057596286423 +Pel,S1,1210.0,0.0,0.010641679490871218,0.0037575574167926576,0.009257165183829064,0.7442063199319762 +Pel,S1,1220.0,0.0,0.01064183904303732,0.0037729366282611178,0.0092239391547423,0.7441196601051149 +Pel,S1,1230.0,0.0,0.010686944430444965,0.003838649538049387,0.009257890845550273,0.7440692941557399 +Pel,S1,1240.0,0.0,0.010725105289664033,0.0038638921701072085,0.009347524496951438,0.744243080583927 +Pel,S1,1250.0,0.0,0.01075238797422759,0.003863988935157878,0.009432476443740376,0.7444747963076656 +Pel,S1,1260.0,0.0,0.01076852750415417,0.0038641264785835225,0.009480080217724547,0.7446695512480939 +Pel,S1,1270.0,0.0,0.0107695780978614,0.003862022919565837,0.009501655417945712,0.7448159065763266 +Pel,S1,1280.0,0.0,0.0006425573285655976,0.0012552029305929917,0.010049993963351704,0.7338210700263248 +Pel,S1,1290.0,0.0,0.0008482505484021168,0.0037696317002202124,0.0018450016359026805,0.7417664325958595 +Pel,S1,1300.0,0.0,0.0008352706711891612,0.003805017367004826,0.001942171517614501,0.7421724425801658 +Pel,S1,1310.0,0.0,0.0008116032735442322,0.0038229788869232786,0.0020064446758589504,0.7423688971976593 +Pel,S1,1320.0,0.0,0.0008278445132500776,0.0038570506513546303,0.0016923856352917292,0.7418138020664008 +Pel,S1,1330.0,0.0,0.000817072157398297,0.003895050385468875,0.0016019453413056448,0.7417100663783652 +Pel,S1,1340.0,0.0,0.0007997100398777327,0.003922497546320958,0.0016359991547734635,0.7419068503761305 +Pel,S1,1350.0,0.0,0.0007777854682769418,0.003945521490498079,0.0017061690035355766,0.7422204307091542 +Pel,S1,1360.0,0.0,0.0007622639806900343,0.00395792195719824,0.0017661447699721063,0.7425324071766998 +Pel,S1,1370.0,0.0,0.00075939301018973,0.003961103759214722,0.001798747565073473,0.7428042444413712 +Pel,S1,1380.0,0.0,0.006856151362710525,0.0038937873915210397,0.003719952466280769,0.6941919928427712 +Pel,S1,1390.0,0.0,0.0019338930374508201,0.004522201289469223,0.013828179343138873,0.7111304506119626 +Pel,S1,1400.0,0.0,0.0019040638562767887,0.0044833052313052076,0.01369624974923432,0.7109465092528138 +Pel,S1,1410.0,0.0,0.0018838798994307926,0.004468310079858586,0.013551971063905717,0.71062271945554 +Pel,S1,1420.0,0.0,0.0018896634864625239,0.004417851877397909,0.013403701906843523,0.7103489317048962 +Pel,S1,1430.0,0.0,0.0018555354181394488,0.004434935240185989,0.013284490333842021,0.7100506490959965 +Pel,S1,1440.0,0.0,0.0018197189999854008,0.004422355347791009,0.013150733846047244,0.7097954531702793 +Pel,S1,1450.0,0.0,0.0017883889056736655,0.004395356758770727,0.013007107415598835,0.7095460387846954 +Pel,S1,1460.0,0.0,0.0017620697130006449,0.004364595667166194,0.012860009399113423,0.7092874223422442 +Pel,S1,1470.0,0.0,0.0017403823069208281,0.004335865334336788,0.01271485533593334,0.7090198274102221 +Pel,S1,1480.0,0.0,0.004738560179525378,0.0002628368781463124,0.004896102338828184,0.7536594247046071 +Pel,S1,1490.0,0.0,0.004535618863878975,0.0033258374290193967,0.006156226510386006,0.7475078596199398 +Pel,S1,1500.0,0.0,0.004549259950629626,0.003308742476261119,0.006126589439636595,0.7470657245830051 +Pel,S1,1510.0,0.0,0.004561031965981581,0.0032983108956631565,0.00616589597886285,0.7463537650595613 +Pel,S1,1520.0,0.0,0.004576557409957489,0.0033171780679542083,0.006135800101560205,0.7455312466785127 +Pel,S1,1530.0,0.0,0.004601257722114919,0.0033143806700269003,0.006071048338090736,0.744828963567311 +Pel,S1,1540.0,0.0,0.004623262783563562,0.003301280011842546,0.00602454897460421,0.7442348010462979 +Pel,S1,1550.0,0.0,0.00464070024188858,0.0032866396297693092,0.005989558117148995,0.7436572634219449 +Pel,S1,1560.0,0.0,0.004655157799718631,0.0032735146814526586,0.005959267081742237,0.7430559990195873 +Pel,S1,1570.0,0.0,0.0046678194872279005,0.003263183742419741,0.005930106799623379,0.7424254083718034 +Pel,S1,1580.0,0.0,0.004984107874300399,0.0028115959529048545,0.020988649514375766,0.7748842776103024 +Pel,S1,1590.0,0.0,0.00341000892994059,0.002840309778380466,0.0012558669635853662,0.7707049953565999 +Pel,S1,1600.0,0.0,0.0034235735734156328,0.002834589376928987,0.0011997078391654701,0.770051495242229 +Pel,S1,1610.0,0.0,0.003448803744140842,0.002843114325553554,0.0011114966451197155,0.7625738118663882 +Pel,S1,1620.0,0.0,0.003464250059816532,0.002818596863933356,0.0010307221083655379,0.7615856906283763 +Pel,S1,1630.0,0.0,0.0034474469829247453,0.0027843362695983745,0.0009750041997838788,0.7605861308092752 +Pel,S1,1640.0,0.0,0.003462006664954018,0.0027754161683975096,0.0009688284511543637,0.7598207498711708 +Pel,S1,1650.0,0.0,0.003516036064555854,0.002736530290096854,0.0009422171566803474,0.7592466772501991 +Pel,S1,1660.0,0.0,0.0035604885648405213,0.0027182081076178597,0.0009188925775310597,0.7586701630245919 +Pel,S1,1670.0,0.0,0.003576559608464138,0.002710355049613168,0.0009551059862139579,0.7581147772223497 +Pel,S1,1680.0,0.0,0.002607949924203987,0.005859653895378644,0.030180990436463467,0.6622893642815691 +Pel,S1,1690.0,0.0,0.0021505458782957957,0.00467166370218205,0.022529210605584483,0.6581592091876876 +Pel,S1,1700.0,0.0,0.0021821254380174925,0.004682791464269388,0.022431523947657007,0.6583970097253652 +Pel,S1,1710.0,0.0,0.00014827195926775388,0.00023839194120397073,0.029448148226928858,0.7001529015309274 +Pel,S1,1720.0,0.0,0.0001836968606305172,0.0002845295833462411,0.029426625723893107,0.700037193694836 +Pel,S1,1730.0,0.0,0.00022031517974338414,0.00027587892724483567,0.02937103693964625,0.7000736461663607 +Pel,S1,1740.0,0.0,0.00023628426521653628,0.00025284028327761425,0.029273569914045616,0.7002104705073755 +Pel,S1,1750.0,0.0,0.00027856347517934814,0.00027931294718338444,0.029244259186332305,0.7004412340310161 +Pel,S1,1760.0,0.0,0.0003205972498074265,0.0002968332488554349,0.02923991327267271,0.7006649904250135 +Pel,S1,1770.0,0.0,0.0003322506443877172,0.0002999753391821672,0.02927168481426538,0.7008410422106682 +Pel,S1,1780.0,0.0,0.0008412863544908078,0.00768917340162251,0.006480803564061785,0.688520353034553 +Pel,S1,1790.0,0.0,0.011824959016288732,0.0027087492177742217,0.019203664872930067,0.6761765614859172 +Pel,S1,1800.0,0.0,0.011825148726485806,0.0027162262490215746,0.019233194087431762,0.6764013163186567 +Pel,S1,1810.0,0.0,0.011810888581813478,0.002668118038780152,0.019278076425606902,0.6762694280190125 +Pel,S1,1820.0,0.0,0.011781746254954421,0.002686900055908455,0.019213872950094555,0.6760884154738371 +Pel,S1,1830.0,0.0,0.01177585535597618,0.002730165589833522,0.01926533781715598,0.6761306884105855 +Pel,S1,1840.0,0.0,0.011770146047578575,0.002743002202943419,0.019309977328073557,0.6762868707016061 +Pel,S1,1850.0,0.0,0.011757680532183434,0.0027411771079451763,0.019346970976433297,0.6764524786206246 +Pel,S1,1860.0,0.0,0.011740048436926538,0.0027338927260583895,0.019375238779394944,0.6765766250421081 +Pel,S1,1870.0,0.0,0.011721965894860194,0.002723639875573172,0.01937490835175008,0.6766359135896338 +Pel,S1,1880.0,0.0,0.004580225967665283,0.01422683532646201,0.0018217958360826091,0.608606184326515 +Pel,S1,1890.0,0.0,0.0030190356380262393,0.007718254881224094,0.01753306237227757,0.6139150882564822 +Pel,S1,1900.0,0.0,0.003020373557131942,0.007714264792674145,0.017652077556303197,0.6140839625766478 +Pel,S1,1910.0,0.0,0.003078886304374586,0.0075762529264071215,0.01761401378059604,0.6079954089894919 +Pel,S1,1920.0,0.0,0.0030157738634432538,0.0075858203641431384,0.017457220550478,0.6080350179123907 +Pel,S1,1930.0,0.0,0.0029930029654362095,0.00763755444422625,0.017541991853056365,0.6080379074147134 +Pel,S1,1940.0,0.0,0.002981875705081546,0.0076495780316183735,0.017651296188509868,0.608138891409872 +Pel,S1,1950.0,0.0,0.002975003775545141,0.007643354959653959,0.017744828333950455,0.6082873997600148 +Pel,S1,1960.0,0.0,0.0029756667967055835,0.0076453239506633465,0.01778342603070895,0.608404392085253 +Pel,S1,1970.0,0.0,0.002977338598884302,0.0076348277140281876,0.017781632884539034,0.6085333856870945 +Pel,S1,1980.0,0.0,0.001230783083518499,0.0020578211504115435,0.007028961916960913,0.5323800072881604 +Pel,S1,1990.0,0.0,0.0010113705839443331,0.0027733505483507194,0.0001969022709593306,0.5536683664109384 +Pel,S1,2000.0,0.0,0.0010188575657477268,0.0027937544450734467,0.00013135656072678126,0.5533722890549305 +Pel,S1,2010.0,0.0,0.00012131189819744191,0.004213558370893148,0.018717169871207064,0.6183009779511265 +Pel,S1,2020.0,0.0,9.378506929701639e-05,0.004217228545594175,0.018737721439253306,0.6175472510025674 +Pel,S1,2030.0,0.0,8.231919852933723e-05,0.00426780565694366,0.018692778604925863,0.6167977194089684 +Pel,S1,2040.0,0.0,7.244013995555159e-05,0.004290858822773062,0.018608289922167197,0.6161481333446539 +Pel,S1,2050.0,0.0,5.9738290509216085e-05,0.004303536334762388,0.018515404863713898,0.6155145251738573 +Pel,S1,2060.0,0.0,4.5958738118099474e-05,0.004313575847644187,0.018432961454500504,0.614864439792161 +Pel,S1,2070.0,0.0,3.119940714138376e-05,0.00432845020639926,0.018369350691915278,0.6141954502422413 +Pel,S1,2080.0,0.0,0.0008115577371501453,0.0035892520386361557,0.024686425548629126,0.6938461843501433 +Pel,S1,2090.0,0.0,0.0036450302982740687,0.00105009898328294,0.04073646162871461,0.7017508531405126 +Pel,S1,2100.0,0.0,0.0036585827841376438,0.0010321219235608628,0.04075476784404704,0.7009000920051071 +Pel,S1,2110.0,0.0,0.003678844072366785,0.0010114670339376275,0.04077676400995016,0.7000396271852667 +Pel,S1,2120.0,0.0,0.0037047206667036267,0.0009431425705140338,0.0408022868590583,0.6987332870094642 +Pel,S1,2130.0,0.0,0.003731117562482234,0.0008947111898818838,0.04083633883155216,0.6974025557396242 +Pel,S1,2140.0,0.0,0.0037508937830944143,0.0008617245470718357,0.04086318149512542,0.6963215408754359 +Pel,S1,2150.0,0.0,0.0037657666348577044,0.0008317704850902976,0.040881470997193955,0.6953240805302352 +Pel,S1,2160.0,0.0,0.003777906492108084,0.000800343331204236,0.04089228400588395,0.6943256677961933 +Pel,S1,2170.0,0.0,0.0037885818829439416,0.0007660708160511803,0.040896822443530614,0.6933010406606471 +Pel,S1,2180.0,0.0,0.0015391461834346986,0.0010597664797178947,0.016514299950536094,0.6688981572424744 +Pel,S1,2190.0,0.0,0.0007701734128492121,0.008501564305049156,0.003488952909350792,0.6880456833535956 +Pel,S1,2200.0,0.0,0.0007687073310466092,0.008507600816361666,0.00350625891459297,0.6869641523559056 +Pel,S1,2210.0,0.0,0.0004250209786360111,0.007690469919177034,0.0014317095726347165,0.6736129037848965 +Pel,S1,2220.0,0.0,0.0004327170726336485,0.007685397536364506,0.0014396340497153087,0.6719413904617003 +Pel,S1,2230.0,0.0,0.0004332980613508506,0.007682268687514484,0.0014073997310055126,0.6706339330652059 +Pel,S1,2240.0,0.0,0.00042962621322458275,0.0076864295901658605,0.0014000811958818807,0.6693910566934781 +Pel,S1,2250.0,0.0,0.0004354027104256034,0.0076956043275473365,0.0014055302577449975,0.6681071095548763 +Pel,S1,2260.0,0.0,0.00044700640714716435,0.007688318333741808,0.0014085881851762117,0.6667638337067209 +Pel,S1,2270.0,0.0,0.00046549564616659995,0.00766192366202549,0.00138722391347145,0.6653478908258995 +Pel,S1,2280.0,0.0,0.004081647821364761,0.00620515329856087,0.010293980297651982,0.5028763435345154 +Pel,S1,2290.0,0.0,0.0036953240694821685,0.00428625214350651,0.009392163273015529,0.47940744398147345 +Pel,S1,2300.0,0.0,0.003693829939113908,0.004306218436026633,0.009377254223771139,0.4791265349423155 +Pel,S1,2310.0,0.0,0.004944121881862328,0.0015792989074186535,0.0011832675046071597,0.5794517502622295 +Pel,S1,2320.0,0.0,0.004849660604826597,0.0015555419505925818,0.0013323623093856192,0.5787877915377777 +Pel,S1,2330.0,0.0,0.0048190952455404315,0.0015475398025900247,0.0014907724244749819,0.5784864241734833 +Pel,S1,2340.0,0.0,0.004765750138049925,0.0015385909486762988,0.0015595073722273376,0.5784035947745323 +Pel,S1,2350.0,0.0,0.004696539896172693,0.0015090374039751,0.0016270912562272393,0.578426308394014 +Pel,S1,2360.0,0.0,0.0046184561428455,0.0014846860229574721,0.0016696535919877055,0.5784328325249954 +Pel,S1_conf,0.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,10.0,0.0,0.008046257874862866,0.009709209854886366,0.05136289188464565,0.018532475014414476 +Pel,S1_conf,20.0,0.0,0.013893524493401865,0.014505688703706044,0.04683675254947722,0.02992772731536481 +Pel,S1_conf,30.0,0.0,0.01851587909179881,0.018776989823071282,0.04380792513479472,0.035122672638896776 +Pel,S1_conf,40.0,0.0,0.019651953584552538,0.01991487315337502,0.036696047752735356,0.03959251436523837 +Pel,S1_conf,50.0,0.0,0.019484809755896927,0.01834463346524393,0.03985892346200098,0.0395894379295001 +Pel,S1_conf,60.0,0.0,0.01935158905496683,0.023590184910700522,0.03574326942517776,0.039197437732302644 +Pel,S1_conf,70.0,0.0,0.017854315300552807,0.018771689265178016,0.034221062730568505,0.03996605289399987 +Pel,S1_conf,80.0,0.0,0.015916693569803395,0.019022292861206547,0.029793325334587825,0.040332234728295904 +Pel,S1_conf,90.0,0.0,0.01735201302159809,0.018252800333824523,0.028461094369861654,0.044377623366588966 +Pel,S1_conf,100.0,0.0,0.013950590635624018,0.018702707759141318,0.024537534561246285,0.04695792237969794 +Pel,S1_conf,110.0,0.0,0.014850236098244898,0.014693113238969224,0.02042389020659542,0.056848502460015916 +Pel,S1_conf,120.0,0.0,0.013907148068768112,0.012130058347735942,0.01916135707568158,0.05323169938239629 +Pel,S1_conf,130.0,0.0,0.012454126162277888,0.01343572964718136,0.01725534043941125,0.04850877548745899 +Pel,S1_conf,140.0,0.0,0.013468284858578913,0.013492351206590576,0.017873343938136933,0.05399501373941028 +Pel,S1_conf,150.0,0.0,0.011542788006944764,0.01281550639267548,0.016567577580007462,0.055697173743485456 +Pel,S1_conf,160.0,0.0,0.011216325752881248,0.012896075011415738,0.0157332825199091,0.055659724982878696 +Pel,S1_conf,170.0,0.0,0.011265322379348118,0.013660396127097943,0.016013034615560657,0.054261895013210514 +Pel,S1_conf,180.0,0.0,0.011215190033383194,0.011889143886180975,0.01469179600348498,0.05357019225651799 +Pel,S1_conf,190.0,0.0,0.008426970339001397,0.013157732736703748,0.014095726140922653,0.04736735190111392 +Pel,S1_conf,200.0,0.0,0.008822135953399635,0.010792600041311735,0.012600108808068968,0.051432425122943756 +Pel,S1_conf,210.0,0.0,0.008746304131950891,0.011495462985096377,0.012563859225533835,0.05217932148304201 +Pel,S1_conf,220.0,0.0,0.0087397908834439,0.009171533387053479,0.011526920496198075,0.050314281685587145 +Pel,S1_conf,230.0,0.0,0.007429402330576901,0.00909629133705773,0.012001618212712655,0.049400749167729824 +Pel,S1_conf,240.0,0.0,0.007042324827678924,0.008710043465819878,0.010236812684271648,0.04990305421041212 +Pel,S1_conf,250.0,0.0,0.007300823508300192,0.007842261378427319,0.01077615564017406,0.047524646222316586 +Pel,S1_conf,260.0,0.0,0.0064650937020310755,0.007455488117607473,0.00984486000801252,0.05063385906516301 +Pel,S1_conf,270.0,0.0,0.005925087965548218,0.007831882612658853,0.010211318910511077,0.053415973628309216 +Pel,S1_conf,280.0,0.0,0.006874800475729317,0.007739624354672898,0.011077441501803028,0.046286266024425524 +Pel,S1_conf,290.0,0.0,0.006575164568026089,0.006451563714902607,0.01001723941918564,0.04783529498911733 +Pel,S1_conf,300.0,0.0,0.0062494584451700304,0.0060073169475168145,0.009518930111318595,0.048607241666923005 +Pel,S1_conf,310.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,320.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,330.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,340.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,350.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,360.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,370.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,380.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,390.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,400.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,410.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,420.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,430.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,440.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,450.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,460.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,470.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,480.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,490.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,500.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,510.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,520.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,530.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,540.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,550.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,560.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,570.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,580.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,590.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,600.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,610.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,620.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,630.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,640.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,650.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,660.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,670.0,0.0,0.0,0.0,0.0,0.0 +Pel,S1_conf,680.0,0.0,0.0003059497506154458,3.9230605536225804e+26,0.0003059497506154458,4.089642890462111e+26 +Pel,S1_conf,690.0,0.0,0.0025912597156275675,0.0019211790422704682,0.0049267458126963665,0.004063658111820064 +Pel,S1_conf,700.0,0.0,0.0022564012432767394,0.0016852660421186908,0.003879400540721009,0.0039561738573100505 +Pel,S1_conf,710.0,0.0,0.003050682131713484,0.0016086616735594315,0.0037064012368993454,0.004365505303077036 +Pel,S1_conf,720.0,0.0,0.0020209560018442166,0.0015549595909744795,0.0036027977424596164,0.00399483308861273 +Pel,S1_conf,730.0,0.0,0.0026768790153361938,0.0017235083765660697,0.003624613436626991,0.004013912138258532 +Pel,S1_conf,740.0,0.0,0.002273896044250046,0.0015555989723230522,0.0030415523469134,0.00375507889028378 +Pel,S1_conf,750.0,0.0,0.0023594882623131867,0.0014459209309156517,0.0037432116890251796,0.0048211394982126945 +Pel,S1_conf,760.0,0.0,0.0020989337710266838,0.0014794838129328128,0.003314097691416755,0.0038970994179328006 +Pel,S1_conf,770.0,0.0,0.00256814882814755,0.0016904693977122824,0.0034957668635175903,0.003778583007890876 +Pel,S1_conf,780.0,0.0,0.008789790008351363,0.013149913001430641,0.031135427441896107,0.07208094797090982 +Pel,S1_conf,790.0,0.0,0.01257330323720125,0.013166488782035865,0.03148280172934719,0.06346503021945551 +Pel,S1_conf,800.0,0.0,0.011436774404883316,0.014186978183842411,0.02689842040827419,0.06369043326317417 +Pel,S1_conf,810.0,0.0,0.013343951750561427,0.014231395525236053,0.028839102990385758,0.06414101432731609 +Pel,S1_conf,820.0,0.0,0.012047134060010243,0.013791131758083771,0.02758303219659438,0.07438406836413293 +Pel,S1_conf,830.0,0.0,0.009873798212750135,0.014625388674088245,0.03032090231313473,0.061217724459237184 +Pel,S1_conf,840.0,0.0,0.012203665031025263,0.014849378782421636,0.031551434288787754,0.06701925791087512 +Pel,S1_conf,850.0,0.0,0.011738021590474722,0.01349663934835973,0.03093012996816456,0.06492122323405464 +Pel,S1_conf,860.0,0.0,0.010606515223921203,0.014713252791183823,0.02937786636211449,0.06459866140772852 +Pel,S1_conf,870.0,0.0,0.012218379427874177,0.014318468647340104,0.02855337704299971,0.059628724662140434 +Pel,S1_conf,880.0,0.0,0.007942049230081162,0.0055692950301501586,0.024039705105069704,0.05274863080411861 +Pel,S1_conf,890.0,0.0,0.0076840560705384925,0.007526113600998457,0.02067684215303149,0.05075852966413686 +Pel,S1_conf,900.0,0.0,0.008467311344442213,0.008619161167894242,0.0207688031316063,0.047849506506699 +Pel,S1_conf,910.0,0.0,0.007845570073009182,0.007821606270904584,0.02211695672097048,0.045490270894938394 +Pel,S1_conf,920.0,0.0,0.007530666210094717,0.007301159448166904,0.021058425998086314,0.043030046711372276 +Pel,S1_conf,930.0,0.0,0.01040181267554725,0.010151067426598964,0.02230767306691049,0.05144229128014176 +Pel,S1_conf,940.0,0.0,0.008041928344731058,0.010166612284803167,0.023597197893280908,0.05742043713574721 +Pel,S1_conf,950.0,0.0,0.0075622185394188446,0.008717373933265948,0.021464913978603277,0.05112669476163804 +Pel,S1_conf,960.0,0.0,0.00860570390752672,0.01013672876429352,0.020656401288209458,0.05360091844391969 +Pel,S1_conf,970.0,0.0,0.008783989419402548,0.008426140732029547,0.021325375540238927,0.04591271775432396 +Pel,S1_conf,980.0,0.0,0.004073357980111248,0.005539586297718608,0.016883028172614997,0.050944387206017995 +Pel,S1_conf,990.0,0.0,0.007079142793878146,0.006679424234124159,0.019131007745022112,0.043953276963481495 +Pel,S1_conf,1000.0,0.0,0.0068370252920637396,0.005850978033916026,0.020715361945510265,0.04406096217840904 +Pel,S1_conf,1010.0,0.0,0.007303157595339839,0.005976750444428061,0.019856441512953255,0.04852872518258653 +Pel,S1_conf,1020.0,0.0,0.007305833825592257,0.006117306781673258,0.016876251595140224,0.046311763171976966 +Pel,S1_conf,1030.0,0.0,0.007680260634660537,0.006298377409865818,0.020654988928779292,0.04642899073548635 +Pel,S1_conf,1040.0,0.0,0.006879508137220709,0.00613371102291155,0.018899516399044216,0.04432464327613474 +Pel,S1_conf,1050.0,0.0,0.006760845993746401,0.006601376725862013,0.020152008548685194,0.048192796211734494 +Pel,S1_conf,1060.0,0.0,0.0069210739977738425,0.006721769110587383,0.023450322337493515,0.050592872055706055 +Pel,S1_conf,1070.0,0.0,0.0076726256182941144,0.006037978118449431,0.01738034040503409,0.04996107499664004 +Pel,S1_conf,1080.0,0.0,0.009155228595694275,0.011504512930353991,0.026467921237216436,0.052841590361435646 +Pel,S1_conf,1090.0,0.0,0.009681757198785895,0.011774837710420323,0.026653058898682275,0.05710575762927935 +Pel,S1_conf,1100.0,0.0,0.009172839407193495,0.011388836762045376,0.02836637672637061,0.05465214497689356 +Pel,S1_conf,1110.0,0.0,0.009867777567405063,0.011049019886601655,0.02879133298143654,0.05732401731670555 +Pel,S1_conf,1120.0,0.0,0.009935973102145317,0.011514408755710833,0.028495525517272274,0.06428802636998275 +Pel,S1_conf,1130.0,0.0,0.009335807548365542,0.011645038402284843,0.02550993578424358,0.05799296657233712 +Pel,S1_conf,1140.0,0.0,0.009135455129332226,0.011773312518995492,0.03110694496180072,0.053347733088841 +Pel,S1_conf,1150.0,0.0,0.009974241548384237,0.01015861354159108,0.023773260753063234,0.0594517487244154 +Pel,S1_conf,1160.0,0.0,0.01125611117015882,0.011611624023835079,0.027340506086218044,0.05811526056313578 +Pel,S1_conf,1170.0,0.0,0.010048732738068817,0.010694456919794372,0.02600695546089615,0.05964466958546193 +Pel,S1_conf,1180.0,0.0,0.006908278339644341,0.007579756769538148,0.035038609446789444,0.05640103115707058 +Pel,S1_conf,1190.0,0.0,0.010609783008335233,0.009034663712060104,0.03115322407064519,0.06721235397013857 +Pel,S1_conf,1200.0,0.0,0.010372229418143386,0.009787798206457957,0.028329658884639546,0.05643888481231104 +Pel,S1_conf,1210.0,0.0,0.00981314224401188,0.00885576884000748,0.031023332900464252,0.054466610968761965 +Pel,S1_conf,1220.0,0.0,0.010296186850090254,0.00875644897007793,0.03095896423775266,0.052481727943381705 +Pel,S1_conf,1230.0,0.0,0.008719257036686568,0.008334174856652839,0.03228767498388153,0.06415096301996834 +Pel,S1_conf,1240.0,0.0,0.011191931789381961,0.008010166202394812,0.030718879518439622,0.06348984519554683 +Pel,S1_conf,1250.0,0.0,0.010055432416825657,0.00862989856792548,0.03165879116127236,0.056039092904502694 +Pel,S1_conf,1260.0,0.0,0.009566059713856186,0.008257048049091094,0.029932372366091788,0.06384465823352002 +Pel,S1_conf,1270.0,0.0,0.010208001884331777,0.009064895054903425,0.033216609481966496,0.061398821961390446 +Pel,S1_conf,1280.0,0.0,0.010137057970210894,0.010711631474379856,0.035501791902726315,0.07280687408542723 +Pel,S1_conf,1290.0,0.0,0.011328852992837537,0.008852480214671641,0.030198050704009213,0.06393034865573598 +Pel,S1_conf,1300.0,0.0,0.010755750554726499,0.008552284493574678,0.03514508298981927,0.06251139016558994 +Pel,S1_conf,1310.0,0.0,0.009726908586920463,0.00906007497321377,0.03111968655602755,0.06159012664361394 +Pel,S1_conf,1320.0,0.0,0.010702998322323128,0.008882152565240662,0.03018860104201097,0.055507539361851155 +Pel,S1_conf,1330.0,0.0,0.010332885569068898,0.009312781987750127,0.034339917092061086,0.061015672168865207 +Pel,S1_conf,1340.0,0.0,0.011633428125921275,0.009670174078856267,0.029154456745060873,0.0630706451948159 +Pel,S1_conf,1350.0,0.0,0.011887825153817515,0.009852171571650588,0.032445601132746,0.06835819833196423 +Pel,S1_conf,1360.0,0.0,0.010701158426020775,0.008875248181694616,0.033229391358616245,0.06371144503156546 +Pel,S1_conf,1370.0,0.0,0.011376299812172823,0.009956589750515311,0.032999009329216254,0.06749575913344484 +Pel,S1_conf,1380.0,0.0,0.00959896468699733,0.012500242559578996,0.030457756033553246,0.0611286621244199 +Pel,S1_conf,1390.0,0.0,0.009150342253043998,0.01263423305825543,0.029938824468896022,0.054282194243973576 +Pel,S1_conf,1400.0,0.0,0.008913269574948987,0.012870255877798152,0.02909298758161656,0.053306798529752925 +Pel,S1_conf,1410.0,0.0,0.00795725872981797,0.01532105207512846,0.03148545815029875,0.05091710857747407 +Pel,S1_conf,1420.0,0.0,0.009745389253016521,0.011838267956610332,0.03346006943652868,0.052408345092436213 +Pel,S1_conf,1430.0,0.0,0.008542299545109813,0.013654365288021159,0.030002831576531608,0.06251269270601265 +Pel,S1_conf,1440.0,0.0,0.008869996765428385,0.013389223138320295,0.02749540158670466,0.055158793336987824 +Pel,S1_conf,1450.0,0.0,0.008523141254993524,0.012533992377998127,0.027690858008246038,0.05241954353182178 +Pel,S1_conf,1460.0,0.0,0.008471712398526333,0.012507800934404905,0.0345729359351433,0.04838180444291997 +Pel,S1_conf,1470.0,0.0,0.008657376924630393,0.011504530502394793,0.03207938763698222,0.05492410066625827 +Pel,S1_conf,1480.0,0.0,0.007455520230683457,0.009473710710554735,0.03131515738125396,0.05079183731358306 +Pel,S1_conf,1490.0,0.0,0.008881387319194141,0.009216749337344154,0.031408434665427865,0.05005278770437932 +Pel,S1_conf,1500.0,0.0,0.00916962794654477,0.00984630767944607,0.032324271045705386,0.05068924632937055 +Pel,S1_conf,1510.0,0.0,0.010354909843485794,0.009550512713528267,0.031132899958527072,0.05685175663557973 +Pel,S1_conf,1520.0,0.0,0.008597772089971013,0.009656457419406808,0.029779054016916266,0.05064982510318475 +Pel,S1_conf,1530.0,0.0,0.00787095344076363,0.00995158237558909,0.03228055814992671,0.04778150959006562 +Pel,S1_conf,1540.0,0.0,0.00975209399992075,0.009849738184153467,0.028820379978057937,0.05734199478510992 +Pel,S1_conf,1550.0,0.0,0.00906883411395013,0.010621610686977602,0.029871101184046477,0.05000681047643454 +Pel,S1_conf,1560.0,0.0,0.009570119832283265,0.009486967157927323,0.030067499504215577,0.04791342268465603 +Pel,S1_conf,1570.0,0.0,0.01096120675544641,0.009554358818133274,0.03087264121131641,0.048918779434889065 +Pel,S1_conf,1580.0,0.0,0.0055484019519648825,0.00805091021514226,0.029816038924254537,0.044124050017233574 +Pel,S1_conf,1590.0,0.0,0.008494430767326535,0.006932344425095651,0.024207377083858523,0.048089435212045936 +Pel,S1_conf,1600.0,0.0,0.008411388370329387,0.007705469746665549,0.0291381531367284,0.05129166831131444 +Pel,S1_conf,1610.0,0.0,0.007429412277496692,0.008768384809479139,0.027906284795823574,0.05713560503974472 +Pel,S1_conf,1620.0,0.0,0.007240774451421301,0.00838689783027784,0.03386841989660054,0.05025014635569641 +Pel,S1_conf,1630.0,0.0,0.008445416007625791,0.0076479285037265796,0.025878348870596812,0.05020468915056955 +Pel,S1_conf,1640.0,0.0,0.007988054846127576,0.007903976564929886,0.029412985941171248,0.05428694186544366 +Pel,S1_conf,1650.0,0.0,0.007347264341249373,0.0072545998475780325,0.028560250039710328,0.048736694797404764 +Pel,S1_conf,1660.0,0.0,0.007475956232976561,0.007941037998727956,0.029100514352826623,0.04984699276802621 +Pel,S1_conf,1670.0,0.0,0.008850428886916372,0.007243122322595047,0.027818477511074937,0.04723654005524954 +Pel,S1_conf,1680.0,0.0,0.010675371938157844,0.014066459377569588,0.036581077969475566,0.05855539391549156 +Pel,S1_conf,1690.0,0.0,0.011588885271960076,0.013933691614391045,0.03101399930204162,0.05245838427780806 +Pel,S1_conf,1700.0,0.0,0.010694821856644386,0.014340985230971253,0.03680214692763463,0.054178028026986715 +Pel,S1_conf,1710.0,0.0,0.011056386086323484,0.013675014297618372,0.03559301323618356,0.05536438068666141 +Pel,S1_conf,1720.0,0.0,0.010514702746329553,0.011568574193487436,0.036883624043689354,0.05917250635902303 +Pel,S1_conf,1730.0,0.0,0.01017791885307069,0.009528047786527152,0.03531017996449921,0.05559984448886527 +Pel,S1_conf,1740.0,0.0,0.010137801025900693,0.012049573815536035,0.03346271595772625,0.0580502236729767 +Pel,S1_conf,1750.0,0.0,0.009293068006218088,0.011451272485170829,0.035573908534992614,0.05969584746423379 +Pel,S1_conf,1760.0,0.0,0.009773953348565475,0.01199858452029341,0.03942202063589019,0.05709720112043566 +Pel,S1_conf,1770.0,0.0,0.011274769975008854,0.012931896389101418,0.036776128995689446,0.06041509999173313 +Pel,S1_conf,1780.0,0.0,0.008903755562353172,0.011845840398148247,0.03255867369991806,0.06390902737940585 +Pel,S1_conf,1790.0,0.0,0.008972674907283486,0.008662976291446684,0.03473110821100472,0.057537618851761535 +Pel,S1_conf,1800.0,0.0,0.009345467513939382,0.009145727284082215,0.03847266289657102,0.05826710447720339 +Pel,S1_conf,1810.0,0.0,0.00969625937446531,0.009668153635835971,0.03291407723097823,0.053995255968558434 +Pel,S1_conf,1820.0,0.0,0.01047224618626547,0.008822856604776844,0.038049121620309746,0.06299254905552219 +Pel,S1_conf,1830.0,0.0,0.009483704346022402,0.009332766557032959,0.03607373256587598,0.055087222349602616 +Pel,S1_conf,1840.0,0.0,0.009487530722709421,0.009256081091074796,0.034242354865168904,0.0610106481426218 +Pel,S1_conf,1850.0,0.0,0.010328380801120899,0.008412014764645486,0.036518189699302706,0.05738713629204855 +Pel,S1_conf,1860.0,0.0,0.010322312115760734,0.009198238641775866,0.041238690512782235,0.06361511676064634 +Pel,S1_conf,1870.0,0.0,0.010028602449063272,0.009156100823665112,0.03681320837522737,0.06121633269443094 +Pel,S1_conf,1880.0,0.0,0.012291631945067157,0.014442906949215358,0.04019234671798672,0.06345094627944545 +Pel,S1_conf,1890.0,0.0,0.012004588025037594,0.011073831525055308,0.041164531845717625,0.06642731845000392 +Pel,S1_conf,1900.0,0.0,0.011837877313020979,0.011640710854320148,0.04077296837615103,0.07601834589097277 +Pel,S1_conf,1910.0,0.0,0.012258900142928452,0.010963405577240062,0.03543010524328294,0.07285337331082838 +Pel,S1_conf,1920.0,0.0,0.013988492034548326,0.01225863393326331,0.04358543955944287,0.06606662114791663 +Pel,S1_conf,1930.0,0.0,0.01360437044325646,0.011283713414430695,0.04166681453646349,0.07433018494839859 +Pel,S1_conf,1940.0,0.0,0.013072772452236406,0.012071091588093026,0.045656938537800444,0.08077149237770459 +Pel,S1_conf,1950.0,0.0,0.012239452082980957,0.011144825969789055,0.042074601568403314,0.06213110426400227 +Pel,S1_conf,1960.0,0.0,0.013354521734406623,0.011220191070255178,0.03649651422446074,0.06533548921242889 +Pel,S1_conf,1970.0,0.0,0.012857971212114438,0.011027091777855137,0.03988566211217773,0.06991220753215914 +Pel,S1_conf,1980.0,0.0,0.01119800426001775,0.014205086818967145,0.04069690981874823,0.062477746075519223 +Pel,S1_conf,1990.0,0.0,0.010943660858120019,0.014787938173219757,0.03826912351654378,0.060966805838695105 +Pel,S1_conf,2000.0,0.0,0.012101735962396436,0.014370291811713386,0.042111642308336646,0.06463368254875705 +Pel,S1_conf,2010.0,0.0,0.009472444322164514,0.012557702214430897,0.043783471182518435,0.05812497272107729 +Pel,S1_conf,2020.0,0.0,0.010852630156118497,0.013336100366208633,0.03839881370946229,0.05363492111239733 +Pel,S1_conf,2030.0,0.0,0.009178816545117933,0.01421431303538202,0.03568025482908085,0.05444934698725995 +Pel,S1_conf,2040.0,0.0,0.010375757871106579,0.012615524853007666,0.03645510012032671,0.05483995679700164 +Pel,S1_conf,2050.0,0.0,0.01049178082273555,0.014383831779804871,0.036981001942869074,0.06241198634981254 +Pel,S1_conf,2060.0,0.0,0.01083739483784112,0.014760028189115438,0.04115015589279108,0.05602621413913877 +Pel,S1_conf,2070.0,0.0,0.010253496523961323,0.012826200575918094,0.03511674517329104,0.06288593977706082 +Pel,S1_conf,2080.0,0.0,0.008493986375741374,0.008538817029241778,0.03576230562743411,0.051708062696143836 +Pel,S1_conf,2090.0,0.0,0.009217407609256859,0.011236303897586182,0.03526034651637771,0.05449331778392491 +Pel,S1_conf,2100.0,0.0,0.009547060977514094,0.008942378777105707,0.035859495655687045,0.05523496333160196 +Pel,S1_conf,2110.0,0.0,0.008756438061150167,0.009442539148822092,0.033105920783015656,0.04906892145569268 +Pel,S1_conf,2120.0,0.0,0.008914982124110928,0.009764042483425177,0.03666668932364639,0.047543829874915504 +Pel,S1_conf,2130.0,0.0,0.00924601824893948,0.009338833765842157,0.03958741216027342,0.052040057921040564 +Pel,S1_conf,2140.0,0.0,0.008864084292054675,0.008414707417076363,0.03435721020163206,0.053087552280770806 +Pel,S1_conf,2150.0,0.0,0.010835855758100026,0.009737275196028862,0.03852290915844381,0.050574116762128696 +Pel,S1_conf,2160.0,0.0,0.008050976977096353,0.009643368749925831,0.03247027784069901,0.051394969997871985 +Pel,S1_conf,2170.0,0.0,0.010310074052326285,0.010936683614152475,0.039369845104391024,0.05414606460532655 +Pel,S1_conf,2180.0,0.0,0.007875845468689815,0.008496943509933859,0.03516223105590199,0.05089613457911662 +Pel,S1_conf,2190.0,0.0,0.0075489237884729925,0.008088152215721149,0.036914057030901753,0.06436860410458764 +Pel,S1_conf,2200.0,0.0,0.009392603915506254,0.008682515810268267,0.03865588159358995,0.051134516904518625 +Pel,S1_conf,2210.0,0.0,0.010185591495361636,0.010251617798565893,0.037175110028696445,0.05367641666977006 +Pel,S1_conf,2220.0,0.0,0.010475363672718355,0.009879592117729985,0.03283301280853479,0.05754414354824061 +Pel,S1_conf,2230.0,0.0,0.010596466735470893,0.00945612822294071,0.032419715563795325,0.059884579296418355 +Pel,S1_conf,2240.0,0.0,0.009582319602942152,0.009825838065728844,0.03462568111218425,0.05520044827464536 +Pel,S1_conf,2250.0,0.0,0.010096081433821633,0.010803170763539446,0.03845235179221211,0.05895518963810393 +Pel,S1_conf,2260.0,0.0,0.009496138515702033,0.009108397459120236,0.03190196519126001,0.06063736908273844 +Pel,S1_conf,2270.0,0.0,0.01085223665190817,0.008694413091419054,0.03486953219962693,0.05190944323708283 +Pel,S1_conf,2280.0,0.0,0.013829565713223493,0.01581825479901828,0.04241847240767362,0.05848682011908005 +Pel,S1_conf,2290.0,0.0,0.012606627155418859,0.01566085074751209,0.041792617357233025,0.06496791892010348 +Pel,S1_conf,2300.0,0.0,0.012564145548804681,0.014670266959964226,0.04062687404167054,0.056103711683002995 +Pel,S1_conf,2310.0,0.0,0.010631933111147776,0.011354212111011602,0.03708606184699119,0.05226723393417286 +Pel,S1_conf,2320.0,0.0,0.010923710531938035,0.011992843571880452,0.042876073005802005,0.05838099946979836 +Pel,S1_conf,2330.0,0.0,0.011103203015362289,0.013077852580750128,0.035045849545863574,0.05691228486207565 +Pel,S1_conf,2340.0,0.0,0.009963200031167279,0.012210995418714453,0.041937236524758933,0.05651025205789572 +Pel,S1_conf,2350.0,0.0,0.010474815982787026,0.012707030112530564,0.03374087210074803,0.05368648916055969 +Pel,S1_conf,2360.0,0.0,0.010332775698234292,0.011347040710675181,0.03304400528063069,0.05408342574699677 +Pel,ST,0.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,10.0,0.0,0.020237389290707557,0.02530822724928333,0.9123977206660391,0.09072596734479345 +Pel,ST,20.0,0.0,0.05164640371477391,0.06313886515035388,0.7308044791591578,0.2665853982196114 +Pel,ST,30.0,0.0,0.0722684609071393,0.08792103773949406,0.5885663942661268,0.38079509167474707 +Pel,ST,40.0,0.0,0.08690571502778316,0.10605612820925328,0.4952683311337759,0.43818671535004294 +Pel,ST,50.0,0.0,0.09493301208644696,0.11691938030694575,0.42583612569830065,0.48279110194157526 +Pel,ST,60.0,0.0,0.09466517226122732,0.11806172617440741,0.3652289358390706,0.5381573959785514 +Pel,ST,70.0,0.0,0.08718293189549535,0.11029398230922939,0.306361140982284,0.6098357508539815 +Pel,ST,80.0,0.0,0.07607100430726252,0.09764570648504742,0.2488286202303086,0.6891405491932079 +Pel,ST,90.0,0.0,0.06497538132921409,0.08450117179928703,0.196972947776543,0.7614644555127444 +Pel,ST,100.0,0.0,0.05570571860954263,0.07319943299664768,0.1553426454458051,0.8168238685563135 +Pel,ST,110.0,0.0,0.04850073214875753,0.06420169817246019,0.12524120461039373,0.8537172243269863 +Pel,ST,120.0,0.0,0.04315354326057042,0.05738746884098166,0.10501966264720312,0.8756783881969642 +Pel,ST,130.0,0.0,0.0394767933320856,0.05261685970317507,0.0919254044310806,0.8873135621825302 +Pel,ST,140.0,0.0,0.03717183788999075,0.04957638292669862,0.0833341998055889,0.8928024869040345 +Pel,ST,150.0,0.0,0.03568228977732563,0.047600839395234365,0.0771477605716401,0.8958135262952291 +Pel,ST,160.0,0.0,0.034316255198166015,0.04582578483942398,0.07184080307787778,0.8993864233626306 +Pel,ST,170.0,0.0,0.032484624263092475,0.0435427790711856,0.06645862818149978,0.9052772612009592 +Pel,ST,180.0,0.0,0.029904544974256514,0.04017637248721787,0.06069293248951639,0.9136990640060068 +Pel,ST,190.0,0.0,0.0267372223877232,0.0362488357895145,0.05477128128744634,0.9243980232829514 +Pel,ST,200.0,0.0,0.023622865803721225,0.03233567418050861,0.0492497464554459,0.9345131997862565 +Pel,ST,210.0,0.0,0.0207103038935528,0.028540537403104145,0.04459554330837419,0.942178308020131 +Pel,ST,220.0,0.0,0.01808720336924586,0.025061210656973476,0.04095643526585757,0.9467170403103206 +Pel,ST,230.0,0.0,0.015873480739404595,0.022137342551291184,0.03838519889667529,0.9499768609581616 +Pel,ST,240.0,0.0,0.014149184110914693,0.019765856323943568,0.03667066133309547,0.952024318885171 +Pel,ST,250.0,0.0,0.012879337969870031,0.017916696812529956,0.03532652891638968,0.9531379565095366 +Pel,ST,260.0,0.0,0.011906232742960206,0.016536277775683558,0.03417585367810927,0.9542951406575594 +Pel,ST,270.0,0.0,0.011119088069636872,0.015367260680464576,0.032910284842929745,0.9560486828983814 +Pel,ST,280.0,0.0,0.010287607341144851,0.014220544278008129,0.03132420333871545,0.958806228573263 +Pel,ST,290.0,0.0,0.009553974837839239,0.01318949173863495,0.029434757923041555,0.962424149776432 +Pel,ST,300.0,0.0,0.008922743586465064,0.012321705400991364,0.02748520857150297,0.9656053161834935 +Pel,ST,310.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,320.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,330.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,340.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,350.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,360.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,370.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,380.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,390.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,400.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,410.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,420.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,430.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,440.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,450.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,460.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,470.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,480.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,490.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,500.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,510.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,520.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,530.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,540.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,550.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,560.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,570.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,580.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,590.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,600.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,610.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,620.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,630.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,640.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,650.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,660.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,670.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST,680.0,0.0,1.0002442002441998,2.0004884004883996,1.0002442002441998,2.0004884004883996 +Pel,ST,690.0,0.0,0.3583677469027789,0.21502064814166733,0.8600825925666693,1.003429691327781 +Pel,ST,700.0,0.0,0.3583677469027789,0.21502064814166733,0.8600825925666693,1.003429691327781 +Pel,ST,710.0,0.0,0.3583677469027789,0.21502064814166733,0.8600825925666693,1.003429691327781 +Pel,ST,720.0,0.0,0.3583677469027789,0.21502064814166733,0.8600825925666693,1.003429691327781 +Pel,ST,730.0,0.0,0.3580463088629397,0.21476217760252245,0.860012548159255,1.0032987925463397 +Pel,ST,740.0,0.0,0.35873827913825074,0.2152089523121468,0.8601745343206594,1.0032289349212025 +Pel,ST,750.0,0.0,0.35914189076876635,0.215427046661059,0.8599859603494956,1.0033903878250034 +Pel,ST,760.0,0.0,0.35927426310033744,0.21543419668896155,0.8597627726565811,1.0035145418373863 +Pel,ST,770.0,0.0,0.35917001975831525,0.2153222996368008,0.8596792968803694,1.0035610910493409 +Pel,ST,780.0,0.0,0.033444429298438806,0.04849434563086463,0.20401065133302257,0.981667034901898 +Pel,ST,790.0,0.0,0.02894169599441749,0.045697346212932255,0.17821965165160794,1.000853855684727 +Pel,ST,800.0,0.0,0.02894071898269602,0.04569577724636504,0.1782135784392789,1.0008497634082851 +Pel,ST,810.0,0.0,0.028931247893398196,0.04568060489687583,0.17821754911621465,1.0008213504864638 +Pel,ST,820.0,0.0,0.028884758951943028,0.045617805424638905,0.17854482467147056,1.000986666586806 +Pel,ST,830.0,0.0,0.02910832077644514,0.045914493286506555,0.17903820119092181,1.001182732568567 +Pel,ST,840.0,0.0,0.02929516143032626,0.04623193365804822,0.17922494287186527,1.0011918172668617 +Pel,ST,850.0,0.0,0.029337942401656672,0.04630874440589774,0.1791991424938934,1.0011808017114185 +Pel,ST,860.0,0.0,0.029333843756721566,0.04630558345868175,0.17918519185639095,1.001211632825974 +Pel,ST,870.0,0.0,0.029326881034234017,0.04629605230868447,0.1792693593138454,1.0013108443028609 +Pel,ST,880.0,0.0,0.016917075032259487,0.010576509467119268,0.12157115090927358,0.9959865149942907 +Pel,ST,890.0,0.0,0.016604391486770356,0.0176427628399372,0.13073448831404733,0.9870195457301533 +Pel,ST,900.0,0.0,0.016579886796927543,0.017617335201289653,0.13054056585190596,0.9871322156895704 +Pel,ST,910.0,0.0,0.016546804328230424,0.017582854686733724,0.13048904148302756,0.9873661739298717 +Pel,ST,920.0,0.0,0.016490526816290638,0.0175544953248338,0.13087151379950365,0.9875390741663502 +Pel,ST,930.0,0.0,0.01668758821576618,0.017747487759795143,0.13119233237055064,0.9875441718021047 +Pel,ST,940.0,0.0,0.01680117851766703,0.017854859076939532,0.13108428198415017,0.9875524759910245 +Pel,ST,950.0,0.0,0.016800794825303448,0.017853979762526763,0.13079892278793756,0.9876112852700628 +Pel,ST,960.0,0.0,0.016766197133501932,0.017822580881844,0.13056489780615174,0.9877085886733772 +Pel,ST,970.0,0.0,0.016735285255842735,0.01779647965743082,0.13047381397594382,0.9877558702279458 +Pel,ST,980.0,0.0,0.004896420025992998,0.009754096816427449,0.09753867034973378,0.9933509381469827 +Pel,ST,990.0,0.0,0.013323979256204242,0.010502717441207036,0.10702710725771826,0.9961611087502981 +Pel,ST,1000.0,0.0,0.013289012093407514,0.010478796287511133,0.106790257072933,0.9961893459557322 +Pel,ST,1010.0,0.0,0.013247507977457707,0.010453530016666754,0.10680390158445707,0.9962139090523552 +Pel,ST,1020.0,0.0,0.013219645495927471,0.010447844657979651,0.10707091312111931,0.9963050764996537 +Pel,ST,1030.0,0.0,0.013316267500822855,0.010538987367797464,0.10724256465936022,0.9963299180605333 +Pel,ST,1040.0,0.0,0.013350081120947918,0.01056775475265907,0.10705844507552817,0.9963585405740157 +Pel,ST,1050.0,0.0,0.013332847495741951,0.010555374660879389,0.1067566298385328,0.996383647928189 +Pel,ST,1060.0,0.0,0.013306995342803548,0.010534264559989695,0.10650686182888165,0.9963904583305948 +Pel,ST,1070.0,0.0,0.013285815978623777,0.010518881917204544,0.10639048419734558,0.9963880401358562 +Pel,ST,1080.0,0.0,0.024572239047520757,0.0354971719731435,0.2193393983661744,1.0137818017882287 +Pel,ST,1090.0,0.0,0.024768373686811902,0.03922342991904158,0.21184129776901153,1.0183155769421073 +Pel,ST,1100.0,0.0,0.024762086744525437,0.03920813042443212,0.21157649198483808,1.0181758689796139 +Pel,ST,1110.0,0.0,0.024731514303529028,0.03915379157860578,0.2114993386474657,1.0181560893460455 +Pel,ST,1120.0,0.0,0.02470123434502771,0.039077923889960044,0.2115742116498431,1.0182354335861354 +Pel,ST,1130.0,0.0,0.024762037090758755,0.03919118545224934,0.2115858971958499,1.0181854389054164 +Pel,ST,1140.0,0.0,0.024782735045359838,0.03923238065156912,0.21142516486841134,1.0180745393441286 +Pel,ST,1150.0,0.0,0.02477850087844519,0.039226877759915235,0.21121466996250773,1.017966269282448 +Pel,ST,1160.0,0.0,0.02476503532146928,0.03920317920029774,0.21103111043682943,1.0179042751648395 +Pel,ST,1170.0,0.0,0.024749152923399884,0.03917439175483152,0.2108982665890016,1.017921285457233 +Pel,ST,1180.0,0.0,0.02359653218244683,0.01844042037799873,0.2384212978483914,1.010018394336166 +Pel,ST,1190.0,0.0,0.027977888733720018,0.030541776723258557,0.2620058934412054,0.9983844670127974 +Pel,ST,1200.0,0.0,0.02794864572049399,0.030509509028925394,0.26170754049898814,0.9985375650381966 +Pel,ST,1210.0,0.0,0.02788806231711272,0.03044258682861649,0.26151127620939857,0.9985838781780598 +Pel,ST,1220.0,0.0,0.02781194067867303,0.03040186495090629,0.2616442272611538,0.9986146179430939 +Pel,ST,1230.0,0.0,0.027922718933896563,0.030521433485671857,0.26169987105059367,0.9986808171252197 +Pel,ST,1240.0,0.0,0.027974800182827796,0.030563087337122447,0.2615825275405023,0.9987801836062342 +Pel,ST,1250.0,0.0,0.02797515934685351,0.030552800666457342,0.2614442117935354,0.9988831474886258 +Pel,ST,1260.0,0.0,0.027952874024750603,0.030522634296188518,0.26133377508853617,0.9989549603394161 +Pel,ST,1270.0,0.0,0.02792064791946362,0.03048581876627576,0.2612389549783355,0.9989759194304554 +Pel,ST,1280.0,0.0,0.00854957789925221,0.02402406443519987,0.26056752936937394,0.9963323646266341 +Pel,ST,1290.0,0.0,0.02464316406856392,0.02454465403491464,0.2540676353444556,0.987811443529739 +Pel,ST,1300.0,0.0,0.02460242045292768,0.02449406804980642,0.2538712181869741,0.9878164135906267 +Pel,ST,1310.0,0.0,0.02451265648232404,0.024412178212525164,0.25374634823908376,0.9876143843920905 +Pel,ST,1320.0,0.0,0.024460502380009994,0.02448493759703575,0.25403279529789685,0.9873888691712476 +Pel,ST,1330.0,0.0,0.024475100137843722,0.02458748950567683,0.25406462219235515,0.9872657281135955 +Pel,ST,1340.0,0.0,0.02446083692009647,0.024605153725993693,0.25396434873987317,0.9872205092294578 +Pel,ST,1350.0,0.0,0.024422831219937807,0.024574087186139355,0.25380573264249456,0.9872167221310344 +Pel,ST,1360.0,0.0,0.02436706978369043,0.024519997765608655,0.2536111672046921,0.987224823809943 +Pel,ST,1370.0,0.0,0.02430177482189855,0.024461615502889847,0.253412354784294,0.9872311510319902 +Pel,ST,1380.0,0.0,0.025990703834832162,0.038978647113693116,0.3035108441506785,0.9836988711722373 +Pel,ST,1390.0,0.0,0.026535223734772285,0.04556780633938644,0.28630535247149896,1.0210326408449162 +Pel,ST,1400.0,0.0,0.026487514663604998,0.045481718364259724,0.28645416740092744,1.0209779837916417 +Pel,ST,1410.0,0.0,0.02641752712979791,0.04538024280666803,0.286765046772211,1.0209349323580046 +Pel,ST,1420.0,0.0,0.02635561001592806,0.04527819587356979,0.2871074756030103,1.0210387207156015 +Pel,ST,1430.0,0.0,0.02631644703875673,0.04528752894317688,0.2874375962293441,1.0210591706762595 +Pel,ST,1440.0,0.0,0.026270851011247053,0.04524360048049834,0.2876872059015201,1.0210257630065138 +Pel,ST,1450.0,0.0,0.026220492982391833,0.04516989860655071,0.2879176971638303,1.0209748352880572 +Pel,ST,1460.0,0.0,0.026167717497096406,0.0450870221742933,0.28815827579330594,1.0209255398562944 +Pel,ST,1470.0,0.0,0.02611451550125903,0.04500678072439831,0.288414852996745,1.020886220610684 +Pel,ST,1480.0,0.0,0.018343217693931765,0.020071568300090253,0.24401402186787668,0.9844479640266102 +Pel,ST,1490.0,0.0,0.02359290927070348,0.02565165866169739,0.2565096151350831,0.9859168109605745 +Pel,ST,1500.0,0.0,0.023604305570347303,0.025669834114255722,0.2569643762375805,0.9859735692294747 +Pel,ST,1510.0,0.0,0.023610536836816017,0.025682341137098844,0.25761831053542006,0.9860259844248047 +Pel,ST,1520.0,0.0,0.023628626072157856,0.025717262422467066,0.2583557492231797,0.9860973043723583 +Pel,ST,1530.0,0.0,0.023670043479716806,0.025758583613833475,0.2589838710648016,0.9861857934647776 +Pel,ST,1540.0,0.0,0.02369661817678489,0.02578728098853453,0.2595429027392556,0.9862537588116469 +Pel,ST,1550.0,0.0,0.023713618369976718,0.025809008027209316,0.26009767196150746,0.9863096777771333 +Pel,ST,1560.0,0.0,0.023726749405468414,0.025827754338358842,0.2606729805810035,0.9863587377392291 +Pel,ST,1570.0,0.0,0.023739119293148214,0.025845611543178316,0.26126886563273705,0.9864042570840245 +Pel,ST,1580.0,0.0,0.006837912301741857,0.01900076417404034,0.22515603557213487,0.9949387309015512 +Pel,ST,1590.0,0.0,0.017216647447869462,0.019776813992008268,0.21977611029110322,0.9866011733638407 +Pel,ST,1600.0,0.0,0.017231085086849368,0.019820419007206446,0.2203359013244334,0.9866470233458535 +Pel,ST,1610.0,0.0,0.0172239748993188,0.019867768107615646,0.226972348261162,0.9878866454784494 +Pel,ST,1620.0,0.0,0.01722363739268528,0.01993004329547332,0.22800741019728876,0.9879025757774373 +Pel,ST,1630.0,0.0,0.01728969168922277,0.02005542574839572,0.22897244667084124,0.9879169297845013 +Pel,ST,1640.0,0.0,0.017375218885191605,0.020164114681326065,0.229730086155235,0.9879882141131379 +Pel,ST,1650.0,0.0,0.017401452077838452,0.0202233732086585,0.23032568706124615,0.9881320084646187 +Pel,ST,1660.0,0.0,0.01740770395958791,0.020268094217031237,0.2309153539506422,0.9882562274420755 +Pel,ST,1670.0,0.0,0.01741295917423124,0.020313871130407155,0.23156907503377291,0.9883342805453629 +Pel,ST,1680.0,0.0,0.03264983943816813,0.04659606634477748,0.3617869342475945,1.0207860976214376 +Pel,ST,1690.0,0.0,0.03199277622205899,0.0500052830061089,0.35513658105383344,1.0412229550136183 +Pel,ST,1700.0,0.0,0.031886917615489854,0.049874764766769324,0.35492374517202335,1.0411372985494225 +Pel,ST,1710.0,0.0,0.026218371018710357,0.044338697710144814,0.3066026707611624,1.03770530547343 +Pel,ST,1720.0,0.0,0.02610545147330993,0.04422511259877977,0.3069663082406342,1.0376393829427402 +Pel,ST,1730.0,0.0,0.026117709946651076,0.04421944856729617,0.30707528057657146,1.0374593136601815 +Pel,ST,1740.0,0.0,0.02606323356099551,0.04412384061757285,0.30697634474148283,1.0373161100903736 +Pel,ST,1750.0,0.0,0.025952702932628847,0.04396603388961724,0.3068594939953685,1.0372423654670067 +Pel,ST,1760.0,0.0,0.025823514168997013,0.0437783791138918,0.3067780088776742,1.0371839435357053 +Pel,ST,1770.0,0.0,0.025694180506592935,0.04360056861334333,0.30675690432597863,1.037168184255952 +Pel,ST,1780.0,0.0,0.02719183270056453,0.027556400285133023,0.33225714483625163,1.0001171941628257 +Pel,ST,1790.0,0.0,0.025899761981494726,0.027127705979797818,0.35413261942249985,0.9951073117198778 +Pel,ST,1800.0,0.0,0.025882607830342404,0.02711468741460135,0.3539482996741882,0.9950911261775287 +Pel,ST,1810.0,0.0,0.025862350124609194,0.027124610300960347,0.3539553842989477,0.9952365683579284 +Pel,ST,1820.0,0.0,0.02581700661530289,0.027121623919311846,0.3541263749451455,0.9953294397276468 +Pel,ST,1830.0,0.0,0.02586897873737814,0.02713850258448996,0.3542190818897334,0.9953291207877172 +Pel,ST,1840.0,0.0,0.02588862333060147,0.027141149792544464,0.354168622267492,0.9953338785416421 +Pel,ST,1850.0,0.0,0.02588943347735872,0.027137155188499285,0.35408943089057254,0.9953456689344228 +Pel,ST,1860.0,0.0,0.025880932371312417,0.027130564406395438,0.3540373010198572,0.9953721656374703 +Pel,ST,1870.0,0.0,0.02586615829981816,0.02712159990424029,0.3540185596655568,0.9953819015010107 +Pel,ST,1880.0,0.0,0.017846962827318933,0.027863618457056837,0.39099252156849545,0.987992214372144 +Pel,ST,1890.0,0.0,0.0282525862113952,0.03298101675498087,0.40992489321607806,0.9834491572905214 +Pel,ST,1900.0,0.0,0.028174550122098563,0.03289659527526645,0.40979466641039947,0.9836750785669829 +Pel,ST,1910.0,0.0,0.02790208486868261,0.03262459836667448,0.4158981021400988,0.9812051864885754 +Pel,ST,1920.0,0.0,0.027840134822688125,0.03260825438806024,0.4156915690864046,0.9810502614526236 +Pel,ST,1930.0,0.0,0.027881641729174657,0.03274267556615974,0.41571287382451005,0.9810665283568938 +Pel,ST,1940.0,0.0,0.027858700070118498,0.032753463079663654,0.41563043779476155,0.981187291077516 +Pel,ST,1950.0,0.0,0.027798035832077624,0.03270074775882962,0.41548748911410843,0.9813227515336205 +Pel,ST,1960.0,0.0,0.02772084038910395,0.032626930093902426,0.41533096412387,0.9814113182014733 +Pel,ST,1970.0,0.0,0.027638241732457703,0.03255404552931666,0.4151863977792261,0.981453453131362 +Pel,ST,1980.0,0.0,0.040019332304654154,0.05243672447266407,0.46463107149885513,0.996090543349286 +Pel,ST,1990.0,0.0,0.040644866683559246,0.05484169977430581,0.4341073747411936,1.0165522158247025 +Pel,ST,2000.0,0.0,0.04057706294977205,0.054765013747336784,0.4343243129739994,1.0164153453411053 +Pel,ST,2010.0,0.0,0.03363648152758444,0.04751768468196864,0.37276095358062455,1.009046917374015 +Pel,ST,2020.0,0.0,0.03361381434230868,0.0474753258905007,0.37361101743369746,1.0090278538887398 +Pel,ST,2030.0,0.0,0.03365698502938106,0.04749458634853587,0.3742548391261763,1.0089160062678426 +Pel,ST,2040.0,0.0,0.0336562443083455,0.047479575868967144,0.3748225412273506,1.0088159809195878 +Pel,ST,2050.0,0.0,0.03362912249068991,0.04744070222664549,0.37540081847990275,1.008739855238038 +Pel,ST,2060.0,0.0,0.03359300872389893,0.047389887482496375,0.37601729543649054,1.008684681943148 +Pel,ST,2070.0,0.0,0.03355723136866617,0.04733506400415631,0.37666704965702685,1.0086420214095917 +Pel,ST,2080.0,0.0,0.021078946273269478,0.022565417130124516,0.32352485185489244,1.0094850127561814 +Pel,ST,2090.0,0.0,0.023514604810452054,0.024574249177531052,0.34209747895514503,1.0030856028233366 +Pel,ST,2100.0,0.0,0.023506971424690982,0.024568404891844052,0.3429533566409836,1.003073682101255 +Pel,ST,2110.0,0.0,0.02349833360600512,0.02456180255923171,0.3438102593579512,1.0030654969435917 +Pel,ST,2120.0,0.0,0.0234952813682429,0.024583137721694234,0.3451209905842995,1.003053327231542 +Pel,ST,2130.0,0.0,0.023568981913507356,0.02464408173083298,0.3464054667238286,1.0030847035052055 +Pel,ST,2140.0,0.0,0.023604393837620335,0.02466898220416776,0.34747259434626104,1.0030871188921286 +Pel,ST,2150.0,0.0,0.023616360906221583,0.02467541597092163,0.3484756047269332,1.0030791922364877 +Pel,ST,2160.0,0.0,0.023619319867929336,0.024675813715161435,0.34948856352883906,1.0030759116100323 +Pel,ST,2170.0,0.0,0.023621430872252977,0.024677083866696953,0.3505309436159515,1.0030825443599243 +Pel,ST,2180.0,0.0,0.015361144425164794,0.017216040036440314,0.30815367210310796,0.9808372575237202 +Pel,ST,2190.0,0.0,0.01999504396252949,0.021691882233391323,0.3115976647103365,0.9885578416205147 +Pel,ST,2200.0,0.0,0.020021835755279434,0.021759134223466533,0.31261656328097237,0.9886548183022377 +Pel,ST,2210.0,0.0,0.02501486104200821,0.02472238966036081,0.32520050620130025,0.9918076359018569 +Pel,ST,2220.0,0.0,0.025106705529907736,0.024817945208804593,0.3268143150266664,0.9918244491451916 +Pel,ST,2230.0,0.0,0.025196478749069016,0.02493881913579691,0.32813171064578905,0.9919568099800304 +Pel,ST,2240.0,0.0,0.025311669959153713,0.025083550505932792,0.3293533222185443,0.9920629155186876 +Pel,ST,2250.0,0.0,0.025381444649935612,0.02518353141321589,0.3306013051176316,0.9921426424223908 +Pel,ST,2260.0,0.0,0.02543848930721033,0.02527139611032698,0.33189451276625537,0.9922114430303839 +Pel,ST,2270.0,0.0,0.02550622395452123,0.0253643386553854,0.33327718071011747,0.992253210792166 +Pel,ST,2280.0,0.0,0.04792864111847685,0.058458766638134485,0.5014237773462323,1.0008346382998687 +Pel,ST,2290.0,0.0,0.04338371217978562,0.058762105073361416,0.523594739466279,1.0166869436715869 +Pel,ST,2300.0,0.0,0.043346915121953974,0.05868265186479809,0.5239801609870292,1.016817312925128 +Pel,ST,2310.0,0.0,0.03197602576231712,0.042463445556245295,0.392229429673872,1.003950165823953 +Pel,ST,2320.0,0.0,0.032016115863741715,0.04241121175682591,0.39297769058092274,1.0040573236977473 +Pel,ST,2330.0,0.0,0.032040006656170426,0.042433452546774914,0.3934717267446995,1.0042215314974257 +Pel,ST,2340.0,0.0,0.03201653618915042,0.04238499102294614,0.39376175343022635,1.0042568638664582 +Pel,ST,2350.0,0.0,0.03196630880177873,0.042283454558460117,0.3939730297573608,1.0042108458036532 +Pel,ST,2360.0,0.0,0.031903583745096845,0.04215487574718937,0.3941654764471812,1.0042119210763434 +Pel,ST_conf,0.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,10.0,0.0,0.00505466617739218,0.00797792618301023,0.0428278841647686,0.014934892057057628 +Pel,ST_conf,20.0,0.0,0.01247300292118268,0.017427193863343585,0.03971599763846505,0.03720620987687257 +Pel,ST_conf,30.0,0.0,0.015650106726420233,0.018930724280397073,0.0355332300948962,0.04385485574811279 +Pel,ST_conf,40.0,0.0,0.01579438016895068,0.020963341975071558,0.030906837106729448,0.042084516732637155 +Pel,ST_conf,50.0,0.0,0.017669320700134074,0.021249087346388137,0.03027965053924448,0.04564081931971088 +Pel,ST_conf,60.0,0.0,0.014365328787185435,0.018577293280461853,0.024069147765293133,0.03725556948171284 +Pel,ST_conf,70.0,0.0,0.014698472868355303,0.01830065459072816,0.022466902243934748,0.0476237455312996 +Pel,ST_conf,80.0,0.0,0.012411465727606642,0.014377173092625489,0.017389416174298414,0.04374399386472578 +Pel,ST_conf,90.0,0.0,0.01135941021013483,0.012681298705989781,0.014121831974962612,0.057116729277362464 +Pel,ST_conf,100.0,0.0,0.00888311379969345,0.011613619398917165,0.011245040393561756,0.05193187622349842 +Pel,ST_conf,110.0,0.0,0.00826245535816231,0.009324817449487868,0.00892235763295992,0.05767215120405891 +Pel,ST_conf,120.0,0.0,0.006572566155554989,0.008257241298360599,0.0073647607918555045,0.054919735591909866 +Pel,ST_conf,130.0,0.0,0.0059243218083545705,0.008020662536744692,0.006515467854729445,0.052396531006242385 +Pel,ST_conf,140.0,0.0,0.005395080083856414,0.006663794290726395,0.005721568194858329,0.05796872124876844 +Pel,ST_conf,150.0,0.0,0.0049333243065955,0.007417671269054223,0.004938054860943273,0.04956306317333604 +Pel,ST_conf,160.0,0.0,0.005242471966877559,0.00575038168836555,0.005140312714282977,0.05017866490345604 +Pel,ST_conf,170.0,0.0,0.004789175072784708,0.006043710063971034,0.004958365944726577,0.0523472775521889 +Pel,ST_conf,180.0,0.0,0.004050674995023891,0.00588923164911745,0.004454359916629814,0.051447536759708805 +Pel,ST_conf,190.0,0.0,0.003005806702344315,0.004539239635045811,0.004437001537605079,0.051515621964395866 +Pel,ST_conf,200.0,0.0,0.0024722334916076135,0.0038905255731792013,0.003580404715545794,0.04922782209763419 +Pel,ST_conf,210.0,0.0,0.0024195677125458683,0.003516172457092181,0.0034037183549742913,0.05177270556102647 +Pel,ST_conf,220.0,0.0,0.002248476228764088,0.002796237752070768,0.003124669955784356,0.04562328637312847 +Pel,ST_conf,230.0,0.0,0.0017633714850778359,0.002461831825131981,0.002547703791327102,0.04217469347144688 +Pel,ST_conf,240.0,0.0,0.001563364991053668,0.0022132606967094825,0.0024259108556193795,0.04517951522594719 +Pel,ST_conf,250.0,0.0,0.0013336410737182613,0.001995833861456978,0.002591045326445553,0.0449515051049254 +Pel,ST_conf,260.0,0.0,0.0013069490316075503,0.0017538284573617134,0.002259860971750553,0.04479647609925187 +Pel,ST_conf,270.0,0.0,0.0013548089405361547,0.0015493919294574852,0.0026700279988571174,0.045569513846218795 +Pel,ST_conf,280.0,0.0,0.0013628685314643159,0.001549941124675994,0.0020615666518293625,0.04330859852111412 +Pel,ST_conf,290.0,0.0,0.001086117174651784,0.0015362899040243267,0.00207353202221993,0.0435606139694086 +Pel,ST_conf,300.0,0.0,0.001047499313543402,0.001642118303253822,0.001779155612248586,0.04355010160570485 +Pel,ST_conf,310.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,320.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,330.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,340.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,350.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,360.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,370.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,380.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,390.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,400.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,410.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,420.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,430.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,440.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,450.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,460.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,470.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,480.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,490.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,500.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,510.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,520.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,530.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,540.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,550.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,560.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,570.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,580.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,590.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,600.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,610.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,620.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,630.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,640.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,650.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,660.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,670.0,0.0,0.0,0.0,0.0,0.0 +Pel,ST_conf,680.0,0.0,0.9398776338906495,1.2051642020728561e+30,0.9398776338906495,1.2563382959499599e+30 +Pel,ST_conf,690.0,0.0,0.3760489153175183,0.2701495717992681,0.60475868772821,0.5375614217745764 +Pel,ST_conf,700.0,0.0,0.3312135321115661,0.22470400005825902,0.5586945459928845,0.5024626995247445 +Pel,ST_conf,710.0,0.0,0.38541468843070603,0.26265571896637413,0.550317387685149,0.6884042564147205 +Pel,ST_conf,720.0,0.0,0.2995208718287962,0.2418190087681022,0.5006289201872117,0.5822977184265167 +Pel,ST_conf,730.0,0.0,0.39416064532221295,0.25467951478576667,0.6393133981174832,0.6067768363234209 +Pel,ST_conf,740.0,0.0,0.3181033215487298,0.2266188902064963,0.5415497483944398,0.6342364920711535 +Pel,ST_conf,750.0,0.0,0.33030810645634073,0.20249293531142293,0.5069094872767963,0.6439043334402793 +Pel,ST_conf,760.0,0.0,0.31142700757689246,0.25553617316848315,0.4852138051487792,0.4857583728868344 +Pel,ST_conf,770.0,0.0,0.3838752194838402,0.25234083137819785,0.5186888096222405,0.5592183889474633 +Pel,ST_conf,780.0,0.0,0.013899882727438308,0.016295645278942235,0.029818962905012406,0.05482272536336824 +Pel,ST_conf,790.0,0.0,0.012495143047092339,0.015085070508873897,0.03037319064184432,0.04661390338997275 +Pel,ST_conf,800.0,0.0,0.015944077890108276,0.015124869014750554,0.028244069585930624,0.050085413422399576 +Pel,ST_conf,810.0,0.0,0.01367226612519682,0.016582233586850324,0.031189605587575137,0.04606812206102261 +Pel,ST_conf,820.0,0.0,0.013538461401661385,0.01628577954593676,0.031056067021422475,0.04918817344188179 +Pel,ST_conf,830.0,0.0,0.01396816417720776,0.01674478456512238,0.03167724780611566,0.0482824324625273 +Pel,ST_conf,840.0,0.0,0.012721188912403026,0.015172831451391078,0.03212089272841167,0.051827672666823095 +Pel,ST_conf,850.0,0.0,0.012872092933312596,0.015159901086469842,0.03391238838652608,0.05265825083254834 +Pel,ST_conf,860.0,0.0,0.013769148423145276,0.01758548550115378,0.03215313439051323,0.0501665350070597 +Pel,ST_conf,870.0,0.0,0.013015143385894015,0.017092300892562307,0.032004647059913974,0.046648672744425294 +Pel,ST_conf,880.0,0.0,0.008934190413897045,0.006489282587085128,0.01988956910440016,0.04935462075696678 +Pel,ST_conf,890.0,0.0,0.008124773856339432,0.00926556601116792,0.022469198832436414,0.04215040393042149 +Pel,ST_conf,900.0,0.0,0.007440508372796808,0.006932477131700514,0.02015530536990964,0.042008489766179824 +Pel,ST_conf,910.0,0.0,0.007872325646436888,0.008277574108854343,0.020650012514605687,0.04143610057047824 +Pel,ST_conf,920.0,0.0,0.008628903909627663,0.008506220942987378,0.022609823493700262,0.04269080278786405 +Pel,ST_conf,930.0,0.0,0.008335658180483742,0.008713675157792075,0.021324060373151613,0.043878906385441736 +Pel,ST_conf,940.0,0.0,0.00873671321524953,0.009355670202115213,0.022821153260449065,0.051095586435626644 +Pel,ST_conf,950.0,0.0,0.008212665231295792,0.008859105809635871,0.019298361566838288,0.042675832622197256 +Pel,ST_conf,960.0,0.0,0.008561700677574243,0.009103108835396705,0.018040454961410612,0.04639037491388191 +Pel,ST_conf,970.0,0.0,0.007895901457327008,0.007918933854633511,0.02255934828793589,0.03985128143908812 +Pel,ST_conf,980.0,0.0,0.005063694530930952,0.005785222266724339,0.016202676460404953,0.04390352276288255 +Pel,ST_conf,990.0,0.0,0.008397662897851618,0.0060034711803439635,0.019297143741241658,0.03727169436675517 +Pel,ST_conf,1000.0,0.0,0.007378260384323061,0.006133391606601074,0.019530926690274605,0.042646906632106435 +Pel,ST_conf,1010.0,0.0,0.006293446855162043,0.005794710454951911,0.019333336795998572,0.04610909877508828 +Pel,ST_conf,1020.0,0.0,0.007877580404477835,0.007041434871383244,0.01864401408964019,0.039054301866663546 +Pel,ST_conf,1030.0,0.0,0.006341992044537942,0.005274326985447436,0.01996425605811544,0.0425452575470506 +Pel,ST_conf,1040.0,0.0,0.00695690166367782,0.0056406236507570125,0.018962396213503364,0.04386412711369887 +Pel,ST_conf,1050.0,0.0,0.006522958693044849,0.005126409835225573,0.020260715155484596,0.0459624934856913 +Pel,ST_conf,1060.0,0.0,0.007053252855231638,0.0055172150970283435,0.019066369554734702,0.04270669590153935 +Pel,ST_conf,1070.0,0.0,0.0072212052132180175,0.006211286736087263,0.018965481011972804,0.04540120228786214 +Pel,ST_conf,1080.0,0.0,0.009810164532686091,0.01315414788618399,0.02811240058332514,0.04862467900690957 +Pel,ST_conf,1090.0,0.0,0.009926088708096062,0.011023635630064883,0.028873934078514983,0.04546719158838268 +Pel,ST_conf,1100.0,0.0,0.009995668271290835,0.010911476834905141,0.02686369154741371,0.048804347627171306 +Pel,ST_conf,1110.0,0.0,0.009629679678707094,0.013196898325225085,0.027284869802429636,0.04630537438102831 +Pel,ST_conf,1120.0,0.0,0.010210609252750686,0.012576311810769554,0.026363236301131052,0.04806278605954404 +Pel,ST_conf,1130.0,0.0,0.00971063500864698,0.012452951412486613,0.02545959894659733,0.04543877508592363 +Pel,ST_conf,1140.0,0.0,0.009233607412738222,0.012411339231067282,0.027440255359309367,0.04011733801357171 +Pel,ST_conf,1150.0,0.0,0.009482236294938027,0.012460820493121938,0.027105354041245713,0.04500855676023506 +Pel,ST_conf,1160.0,0.0,0.010547392480451273,0.0121114767519879,0.026708602537941963,0.04037705952154568 +Pel,ST_conf,1170.0,0.0,0.00968599890145059,0.010772328954298678,0.02615913897259355,0.04380560439494981 +Pel,ST_conf,1180.0,0.0,0.011360286935839488,0.010265583225163067,0.030997487643677355,0.04323449532278603 +Pel,ST_conf,1190.0,0.0,0.01319047755480981,0.013411059073392663,0.03690524476080998,0.04471597952194518 +Pel,ST_conf,1200.0,0.0,0.012099809066568165,0.013716408468721564,0.03247301550926569,0.05110751159063552 +Pel,ST_conf,1210.0,0.0,0.013367172333072396,0.012486850891072996,0.0272830528120365,0.04387346084491836 +Pel,ST_conf,1220.0,0.0,0.012046820222712565,0.01185902387932329,0.03635835243315956,0.05220798182659237 +Pel,ST_conf,1230.0,0.0,0.011608953921838463,0.011195494092974687,0.031239929063248153,0.04631544341401559 +Pel,ST_conf,1240.0,0.0,0.012413106005254077,0.012664128004545465,0.03311561960327118,0.044358502895114796 +Pel,ST_conf,1250.0,0.0,0.011942152662825249,0.01302520335115219,0.033662397990846936,0.04912693904140708 +Pel,ST_conf,1260.0,0.0,0.012144120473888725,0.012958591541111408,0.03746488503782509,0.05287662137710333 +Pel,ST_conf,1270.0,0.0,0.010925514789129936,0.011266632011424894,0.036756484039820174,0.05134406154656732 +Pel,ST_conf,1280.0,0.0,0.007317221800619453,0.012747949000249517,0.038815694716612004,0.053713253501205004 +Pel,ST_conf,1290.0,0.0,0.012493135051118043,0.013171996395882814,0.035413087786046016,0.05018711342734343 +Pel,ST_conf,1300.0,0.0,0.011676743821242027,0.009926324230207098,0.036840194162886204,0.0490534148268918 +Pel,ST_conf,1310.0,0.0,0.010675471597054353,0.010551303072693273,0.03560319049687881,0.0472420504907583 +Pel,ST_conf,1320.0,0.0,0.012072655607841643,0.01125645039080384,0.03446566988251125,0.045213709636022587 +Pel,ST_conf,1330.0,0.0,0.010978025141080252,0.010488755879430376,0.038189990871088944,0.050509768424463884 +Pel,ST_conf,1340.0,0.0,0.011907769313511337,0.010456420136313637,0.03210275466033589,0.04483178807515574 +Pel,ST_conf,1350.0,0.0,0.0129252640541687,0.011176804110910647,0.037896897017837314,0.052875575398394874 +Pel,ST_conf,1360.0,0.0,0.012135116084637767,0.011546868628096488,0.0374996485579657,0.046271585209776686 +Pel,ST_conf,1370.0,0.0,0.012910110547957012,0.010729824852587295,0.04017210543418108,0.050959855241929315 +Pel,ST_conf,1380.0,0.0,0.009892142377688835,0.013798342981168978,0.033682204298843665,0.040744732825155186 +Pel,ST_conf,1390.0,0.0,0.011373435915571906,0.012223630278221738,0.03224190154158235,0.04162986534704923 +Pel,ST_conf,1400.0,0.0,0.01055927943948532,0.013480567377541356,0.0297324655347914,0.04071848977264533 +Pel,ST_conf,1410.0,0.0,0.010474508092951943,0.013150708945408356,0.031308287850044324,0.04252073785207808 +Pel,ST_conf,1420.0,0.0,0.012444589536645238,0.014516651286141713,0.03312392841067997,0.04569357413148074 +Pel,ST_conf,1430.0,0.0,0.01136894879893535,0.01094074784297112,0.03249679884494098,0.04549982569272557 +Pel,ST_conf,1440.0,0.0,0.011633876803632983,0.01349330114653393,0.036591132080042346,0.04307542676911492 +Pel,ST_conf,1450.0,0.0,0.009702175379181862,0.013088339538615568,0.03225963957021486,0.044070502788574065 +Pel,ST_conf,1460.0,0.0,0.010641053760071404,0.013486066193485425,0.03197956776658627,0.04547857655095003 +Pel,ST_conf,1470.0,0.0,0.011194700292807959,0.012215261848686194,0.03392997066200373,0.045466819449299485 +Pel,ST_conf,1480.0,0.0,0.0075481687894493835,0.008640555461860657,0.03131194609129098,0.04167813415404995 +Pel,ST_conf,1490.0,0.0,0.00915373515336873,0.008535438645838493,0.030343508623090976,0.039999177682963676 +Pel,ST_conf,1500.0,0.0,0.009450647708773765,0.010122557376123194,0.029194442566673657,0.03567296898962388 +Pel,ST_conf,1510.0,0.0,0.010187130190185191,0.009346966468873561,0.024669271446825427,0.04899091104336222 +Pel,ST_conf,1520.0,0.0,0.009188044488328832,0.00930630405489711,0.02754325044554191,0.047315743311909714 +Pel,ST_conf,1530.0,0.0,0.008928146466588833,0.009137433673350277,0.02850731362445196,0.043720986996665406 +Pel,ST_conf,1540.0,0.0,0.00907155949685192,0.010376846538306781,0.03056004710563493,0.03826371641554467 +Pel,ST_conf,1550.0,0.0,0.00869935765785964,0.009574620526485273,0.03052464585008872,0.0415198937045605 +Pel,ST_conf,1560.0,0.0,0.009096272429955013,0.010315066068406577,0.028055468624164564,0.040921128240301634 +Pel,ST_conf,1570.0,0.0,0.010349297557356238,0.010924959271702261,0.033430351877181665,0.036988669609662 +Pel,ST_conf,1580.0,0.0,0.005613268251818131,0.008516030134405288,0.03214726159529107,0.0437490430797744 +Pel,ST_conf,1590.0,0.0,0.008493985875860414,0.008526777272114185,0.02360075002723872,0.0416160546884381 +Pel,ST_conf,1600.0,0.0,0.008175173539075303,0.008917364062219274,0.027278875704011166,0.04426939537001091 +Pel,ST_conf,1610.0,0.0,0.009382832546047902,0.008752124873620907,0.030028389586919543,0.05019129375766044 +Pel,ST_conf,1620.0,0.0,0.008315560173607786,0.008889525655338633,0.026700065558487893,0.04284899909720877 +Pel,ST_conf,1630.0,0.0,0.007876711484315915,0.011097334394563884,0.027878468319233737,0.04420353369685166 +Pel,ST_conf,1640.0,0.0,0.00833693945791065,0.00978576584415158,0.030696248665452106,0.04830546296489288 +Pel,ST_conf,1650.0,0.0,0.008077214266816273,0.00912379404043956,0.028552711709128077,0.042950350916303504 +Pel,ST_conf,1660.0,0.0,0.008778382080625615,0.009496554494654807,0.028016071878273957,0.04815611984877154 +Pel,ST_conf,1670.0,0.0,0.009660071523330663,0.008704086698098985,0.03224037636037352,0.04028778257514485 +Pel,ST_conf,1680.0,0.0,0.010340461041306304,0.01305305738043472,0.036382047325411164,0.05160739903024038 +Pel,ST_conf,1690.0,0.0,0.009807914837745397,0.014014222356057671,0.032482464130459035,0.04123186661292675 +Pel,ST_conf,1700.0,0.0,0.01098255890411792,0.013972613053411458,0.031922409343303086,0.0398864278076964 +Pel,ST_conf,1710.0,0.0,0.009177564837636374,0.01248695433676074,0.033996886346323016,0.04196339315481317 +Pel,ST_conf,1720.0,0.0,0.010088460411370785,0.0143932796650777,0.03448502715542894,0.0444414893201105 +Pel,ST_conf,1730.0,0.0,0.01057043054635999,0.012766196509065506,0.032657229087225376,0.04447389678178714 +Pel,ST_conf,1740.0,0.0,0.010234760514890369,0.01271478695297871,0.031514209178167545,0.0433135779779329 +Pel,ST_conf,1750.0,0.0,0.009299519328347489,0.012128110753912817,0.03686334029306652,0.0469467173467234 +Pel,ST_conf,1760.0,0.0,0.008255479714184442,0.013472600560213002,0.035012974585081326,0.03830488795585386 +Pel,ST_conf,1770.0,0.0,0.010530731405571972,0.013417991194740565,0.030877724557010055,0.05169548264168031 +Pel,ST_conf,1780.0,0.0,0.0103489365179832,0.009995164301343326,0.03521887355174388,0.04746716010066039 +Pel,ST_conf,1790.0,0.0,0.010865404181988727,0.011285665216573107,0.03493346245987827,0.05306082211536452 +Pel,ST_conf,1800.0,0.0,0.009879733880456067,0.010236315488733692,0.03893506060804222,0.04081129049311747 +Pel,ST_conf,1810.0,0.0,0.009483854467953233,0.010273702015756772,0.0409388689828683,0.04809405179867718 +Pel,ST_conf,1820.0,0.0,0.011449711647673645,0.010478645946765648,0.03502202583578254,0.04647151126169667 +Pel,ST_conf,1830.0,0.0,0.009683973963119033,0.01096062683567891,0.03911465689691961,0.04553210955469145 +Pel,ST_conf,1840.0,0.0,0.010552837257473562,0.01176969710578307,0.04363203439226501,0.0475943957237992 +Pel,ST_conf,1850.0,0.0,0.009741995652607405,0.009817338668622503,0.04011153796237614,0.04814346590822628 +Pel,ST_conf,1860.0,0.0,0.01045935155063822,0.010525170170317797,0.03130518104397609,0.048263509107255555 +Pel,ST_conf,1870.0,0.0,0.010918547037034605,0.01099577693607461,0.033956861892533705,0.05213038285283433 +Pel,ST_conf,1880.0,0.0,0.009920031214974413,0.01404074509190921,0.03981841138074903,0.053363300101987705 +Pel,ST_conf,1890.0,0.0,0.012414895835097618,0.013845380221407869,0.049456612744736665,0.04150217353940665 +Pel,ST_conf,1900.0,0.0,0.012679749131326617,0.013048297637877935,0.04525045792882941,0.05303003789681518 +Pel,ST_conf,1910.0,0.0,0.014282851206957204,0.013572351152137018,0.047304987470841005,0.05764104797158696 +Pel,ST_conf,1920.0,0.0,0.012110428796848495,0.012850384737794703,0.04356059597685612,0.04846815900395365 +Pel,ST_conf,1930.0,0.0,0.013245363739328603,0.014364840853196992,0.04699349125294665,0.05146682067622732 +Pel,ST_conf,1940.0,0.0,0.010653227055576456,0.012754545707175742,0.05341828344650039,0.05554669224108956 +Pel,ST_conf,1950.0,0.0,0.01220899511185624,0.012121342128509165,0.04691193975508601,0.051119779486319156 +Pel,ST_conf,1960.0,0.0,0.011163522331710753,0.013800783451415676,0.04546431779246958,0.05244929535269803 +Pel,ST_conf,1970.0,0.0,0.011508588359122947,0.012545857890551711,0.045269271715688064,0.057398811555058174 +Pel,ST_conf,1980.0,0.0,0.01350952788050391,0.01612071194568704,0.04039258746979523,0.041900737678363 +Pel,ST_conf,1990.0,0.0,0.011728822705464033,0.015218655586312706,0.04431706401805025,0.04380090888523802 +Pel,ST_conf,2000.0,0.0,0.011563727486250492,0.015372254718366438,0.04166717635489545,0.044129000187640405 +Pel,ST_conf,2010.0,0.0,0.011588382453403047,0.014533330352171189,0.037241126157003916,0.042528381284082074 +Pel,ST_conf,2020.0,0.0,0.011768854282851274,0.014097813960690975,0.03786539960824724,0.04770942083265259 +Pel,ST_conf,2030.0,0.0,0.011387379744379377,0.014118108304624918,0.03856131151292494,0.04154600624917787 +Pel,ST_conf,2040.0,0.0,0.011708447270597581,0.012790702327028947,0.03303553846404502,0.04345692988438886 +Pel,ST_conf,2050.0,0.0,0.011178306358126437,0.01444485686438841,0.03265627122641884,0.04093708469337639 +Pel,ST_conf,2060.0,0.0,0.011581883846798322,0.011695537715886644,0.03401791497936,0.05090986394195382 +Pel,ST_conf,2070.0,0.0,0.01098027227940442,0.011421518788240267,0.037902768136811316,0.043446302729987896 +Pel,ST_conf,2080.0,0.0,0.008487548935905484,0.009885064696670434,0.0317316334300798,0.040298437184525325 +Pel,ST_conf,2090.0,0.0,0.010268126485828947,0.009157553385210706,0.03643542765538841,0.04533142006449941 +Pel,ST_conf,2100.0,0.0,0.009362669873593502,0.009671769311245268,0.03754385494655319,0.04008098433525112 +Pel,ST_conf,2110.0,0.0,0.010153089666222881,0.010375535467461373,0.029057312571792854,0.04138289656863556 +Pel,ST_conf,2120.0,0.0,0.009717487654443727,0.010307626388903349,0.03470795814420927,0.03445921912835674 +Pel,ST_conf,2130.0,0.0,0.009090371634288281,0.007901777673658338,0.03531324743688813,0.041564668294741244 +Pel,ST_conf,2140.0,0.0,0.009936810425355129,0.010181610707816062,0.03482724522702646,0.0450779091895533 +Pel,ST_conf,2150.0,0.0,0.008314464619088283,0.009087798056093546,0.032491597587568394,0.04343261402661795 +Pel,ST_conf,2160.0,0.0,0.010062411306155912,0.009367248558617553,0.032305488693714024,0.04405354182828211 +Pel,ST_conf,2170.0,0.0,0.00857338449680219,0.010140912320306335,0.03422185610978982,0.04272990930704223 +Pel,ST_conf,2180.0,0.0,0.008452027106039393,0.008565716582511401,0.03719585321768737,0.047982136301235816 +Pel,ST_conf,2190.0,0.0,0.00863559198928544,0.009056588620818757,0.03348327370403243,0.04249668527990159 +Pel,ST_conf,2200.0,0.0,0.00912456514298772,0.010206762773893872,0.03742924159252089,0.04481468510020193 +Pel,ST_conf,2210.0,0.0,0.01017013496596366,0.010117431628712136,0.03389700492294999,0.047537735174598444 +Pel,ST_conf,2220.0,0.0,0.011077632452467203,0.010136570387544619,0.033009935397599326,0.04209188955492096 +Pel,ST_conf,2230.0,0.0,0.009813785626218523,0.009373055409426562,0.033077877317029686,0.04531976589820096 +Pel,ST_conf,2240.0,0.0,0.010962546183035651,0.012072028282806051,0.03354508571210761,0.03792046257798006 +Pel,ST_conf,2250.0,0.0,0.010585106179060734,0.00997192394423885,0.0321427551143069,0.041617882279610385 +Pel,ST_conf,2260.0,0.0,0.010453640847379184,0.008667314988632687,0.03365109840006738,0.0468905345884753 +Pel,ST_conf,2270.0,0.0,0.01140978094653053,0.010805669989685913,0.03477587681024007,0.043124485305395595 +Pel,ST_conf,2280.0,0.0,0.013945873759102891,0.015740328535349447,0.03706005608872616,0.04540213465262968 +Pel,ST_conf,2290.0,0.0,0.01512640939568839,0.014520102008480059,0.0412109889872977,0.043627357037857466 +Pel,ST_conf,2300.0,0.0,0.013898858201735604,0.014167524795807228,0.04210063863431958,0.05052285742516965 +Pel,ST_conf,2310.0,0.0,0.010911228182339725,0.011728468646428248,0.03633098889064376,0.041623120917778575 +Pel,ST_conf,2320.0,0.0,0.010517389317254294,0.011891160709444126,0.035864435889473203,0.043753292013506376 +Pel,ST_conf,2330.0,0.0,0.011096003202798905,0.01068536113821074,0.035090697704787725,0.04592265530423354 +Pel,ST_conf,2340.0,0.0,0.012493138103265555,0.011832499960366939,0.03636516158521602,0.04546923601249091 +Pel,ST_conf,2350.0,0.0,0.01254677874170511,0.012495891845949868,0.03501405058554457,0.043292888771613955 +Pel,ST_conf,2360.0,0.0,0.01112435568378193,0.01291664882624853,0.03330154122682933,0.04160706304566128 +vol.T,S1,0.0,0.0,0.0,0.0,0.0,0.0 +vol.T,S1,10.0,0.0,0.01249822069198772,0.03561190092955651,0.022357962635171924,0.6795302223108268 +vol.T,S1,20.0,0.0,0.036219619993721794,0.06016245659354026,0.030141053261228547,0.6800624103344902 +vol.T,S1,30.0,0.0,0.07878608046749347,0.11136991944964383,0.03956681390302665,0.6124203332974562 +vol.T,S1,40.0,0.0,0.08953702596784774,0.12355177232323339,0.04629518913354815,0.607588452467975 +vol.T,S1,50.0,0.0,0.06491583933666964,0.09058190438264666,0.04821186686153392,0.6763897487406174 +vol.T,S1,60.0,0.0,0.028686058236846137,0.042099241028570544,0.04333599873563471,0.7695788755834455 +vol.T,S1,70.0,0.0,0.006723010867032677,0.011710893266859902,0.03488729543713675,0.8348200735472309 +vol.T,S1,80.0,0.0,0.00027998807295384734,0.0009837373838216515,0.02768792374479244,0.87044231818222 +vol.T,S1,90.0,0.0,0.0014875596306323576,0.0017410545035235802,0.023445554854447506,0.8934899594993106 +vol.T,S1,100.0,0.0,0.0010421401249099814,0.001940654765379091,0.021992906346610143,0.9103210330764749 +vol.T,S1,110.0,0.0,0.001971901732303337,0.001438794729850328,0.02286588041848622,0.9168257644928186 +vol.T,S1,120.0,0.0,0.009668633966766604,0.011110811748252075,0.02553827180323887,0.9072594553596346 +vol.T,S1,130.0,0.0,0.02045210041831812,0.02511352479899293,0.029120144302868307,0.8863873651773215 +vol.T,S1,140.0,0.0,0.02701891151665703,0.03407381515404333,0.03220323073641001,0.8733568166940624 +vol.T,S1,150.0,0.0,0.023201231243782244,0.029808133893081377,0.033145229702351335,0.88291826609697 +vol.T,S1,160.0,0.0,0.012604424956052341,0.016526768178703383,0.031014461200282308,0.9060819532576133 +vol.T,S1,170.0,0.0,0.0040551711268331835,0.005401060449264591,0.026767784742159035,0.9246061657902339 +vol.T,S1,180.0,0.0,0.0005380066437485914,0.0004507613530619711,0.022471492789523435,0.9347250788401312 +vol.T,S1,190.0,0.0,0.00029623061576392984,0.0011152671856438634,0.019475741367724453,0.9421201727086026 +vol.T,S1,200.0,0.0,0.0002245487638242848,0.0014746164120654924,0.01813812583378937,0.9488675704285886 +vol.T,S1,210.0,0.0,0.0013282784219323547,0.0001539472707033959,0.018366631531725523,0.9512319821119263 +vol.T,S1,220.0,0.0,0.005725250031335244,0.005595424369894626,0.019867835988642,0.944535259664956 +vol.T,S1,230.0,0.0,0.01216333006902281,0.01394853115907193,0.02206660879558837,0.9309118888205976 +vol.T,S1,240.0,0.0,0.016287535015438972,0.019692393909058487,0.024026844685573243,0.9219116403447805 +vol.T,S1,250.0,0.0,0.014169748258539769,0.017616491097218995,0.024651904428210768,0.9268524167564581 +vol.T,S1,260.0,0.0,0.007765921551915216,0.009863993984651894,0.02331261265752406,0.9401818176884219 +vol.T,S1,270.0,0.0,0.0024716982599499076,0.0031323489110251976,0.020526240466659268,0.9503587997368306 +vol.T,S1,280.0,0.0,0.0003021365617562229,8.664798046251607e-05,0.017557023763775114,0.955236743312657 +vol.T,S1,290.0,0.0,0.0002017122293861393,0.0009578564383177918,0.015359170299778955,0.9590619364096006 +vol.T,S1,300.0,0.0,0.00020568615058854636,0.001375289554715,0.014280809971446958,0.9633108484556075 +vol.T,S1,310.0,0.0,0.0008105033216591127,0.00043181718663298606,0.014323778253008259,0.9648570595503952 +vol.T,S1,320.0,0.0,0.0039260198217947505,0.003343943685268658,0.015319022784960496,0.9598598134245143 +vol.T,S1,330.0,0.0,0.008499673964293452,0.009255334421066604,0.016899367775039396,0.9499492132050409 +vol.T,S1,340.0,0.0,0.01125413413970911,0.013169550808417908,0.018420022923886174,0.9438215235977897 +vol.T,S1,350.0,0.0,0.009418329845009132,0.011392506016841492,0.019079935144419823,0.9479300644976153 +vol.T,S1,360.0,0.0,0.00469000345481554,0.0057746137313792354,0.018375200956855103,0.957329564373297 +vol.T,S1,370.0,0.0,0.0011284303473680774,0.0012976039659958894,0.01659290702064461,0.9632847379465731 +vol.T,S1,380.0,0.0,2.3795786859961464e-05,0.00033903681312976607,0.014592867165147818,0.9650129091305728 +vol.T,S1,390.0,0.0,3.576363891462316e-05,0.0007861470536646475,0.013103887678315326,0.9667690698931423 +vol.T,S1,400.0,0.0,0.0001612034594483459,0.0013524295818658901,0.012456821827746293,0.9702239428268808 +vol.T,S1,410.0,0.0,1.3109654185813204e-05,0.0015356117485495582,0.012714101988592508,0.9729138507523916 +vol.T,S1,420.0,0.0,0.0013679683965236134,2.454942014850219e-05,0.013766727711184564,0.9713863588186994 +vol.T,S1,430.0,0.0,0.0038679037964054544,0.003158023104773513,0.01529336007591908,0.9659950711723263 +vol.T,S1,440.0,0.0,0.0054875140505548994,0.005536569284746724,0.016717867309110145,0.962404263663154 +vol.T,S1,450.0,0.0,0.004419183125412929,0.004694720421433092,0.01735256573328151,0.9649619833792201 +vol.T,S1,460.0,0.0,0.0018305093228870256,0.0018404273989031516,0.01679690064954769,0.9699997113161638 +vol.T,S1,470.0,0.0,0.0003262775139815429,7.960305931227334e-05,0.015311572055543822,0.9717405827203004 +vol.T,S1,480.0,0.0,0.00040229008979107646,4.799495538486917e-05,0.01361934969284947,0.9707849577297762 +vol.T,S1,490.0,0.0,0.0007342757757901848,0.00017379059164756693,0.012346065708309603,0.9711632695261319 +vol.T,S1,500.0,0.0,0.00047622631551395324,0.0005186201927026698,0.011795861909658653,0.9741782197809714 +vol.T,S1,510.0,0.0,8.898889268711556e-05,0.0013669811994567404,0.012037817032706117,0.9773305685912309 +vol.T,S1,520.0,0.0,0.0006124096464482686,0.0009537883789395721,0.012977761800781768,0.977155508644868 +vol.T,S1,530.0,0.0,0.0022093142371624476,0.0010548729113197925,0.014324333907421966,0.9734655632216133 +vol.T,S1,540.0,0.0,0.003402286727629185,0.0028605717888345577,0.01556353374874945,0.9707670122506481 +vol.T,S1,550.0,0.0,0.002726789652863066,0.0025052874190959907,0.016098403269151962,0.9726505025115533 +vol.T,S1,560.0,0.0,0.001045223518218783,0.0008209514201464312,0.015595160401700232,0.976044318082794 +vol.T,S1,570.0,0.0,0.0003360506362505367,0.0001077197734953341,0.014284385238256482,0.9762879873612791 +vol.T,S1,580.0,0.0,0.0008213304642261668,0.0006325569241974726,0.01278810964078456,0.9743539969735237 +vol.T,S1,590.0,0.0,0.0012628569747122054,0.0009230264159925865,0.011656259180009856,0.9741060804801117 +vol.T,S1,600.0,0.0,0.0009304064865980897,0.0001508257612442784,0.011167050702241513,0.9767562156673409 +vol.T,S1,610.0,0.0,0.00031154362411463373,0.000984939209640127,0.011388977989805938,0.9799066331466166 +vol.T,S1,620.0,0.0,0.0004487849737088638,0.0010625973213024284,0.012236027516719997,0.980196575869785 +vol.T,S1,630.0,0.0,0.0016135648871074138,0.00038782860132043914,0.013440184378216258,0.977247323333178 +vol.T,S1,640.0,0.0,0.0025808715654126227,0.0018915463337792853,0.014538201483764729,0.9750005177183164 +vol.T,S1,650.0,0.0,0.002063668560536856,0.0017253210585957827,0.01500159172106955,0.9766481011951298 +vol.T,S1,660.0,0.0,0.0007787522465602413,0.000544284216371176,0.014545505995597877,0.979387543938745 +vol.T,S1,670.0,0.0,0.0004042500009093616,0.0002646322913589839,0.013374921831384707,0.9790577038816183 +vol.T,S1,680.0,0.0,0.0010475315701963044,0.0010007590198644963,0.012035831689938022,0.9767349856019467 +vol.T,S1,690.0,0.0,0.0015278206349929962,0.0013478635985898493,0.01101995298312208,0.9761713580260525 +vol.T,S1,700.0,0.0,0.0011653427587066233,0.0005431688801336136,0.010582546123086062,0.978563491074013 +vol.T,S1,710.0,0.0,0.0004464078138231789,0.0007173390671224249,0.010792647254493715,0.981628316957772 +vol.T,S1,720.0,0.0,0.00040061059783546654,0.0010336528593746493,0.011573394027604897,0.9821113905985365 +vol.T,S1,730.0,0.0,0.0013486545718986945,0.00012424420720485502,0.012677521881710745,0.9795477053801501 +vol.T,S1,740.0,0.0,0.0022070911431161322,0.001462327872402965,0.013680969155952091,0.9775572633415466 +vol.T,S1,750.0,0.0,0.0017914179294095738,0.0013942164509652593,0.014111099225589884,0.9790968685581628 +vol.T,S1,760.0,0.0,0.0007306216720696825,0.00047040982147578104,0.01371716697885655,0.9815361413626077 +vol.T,S1,770.0,0.0,0.0005327936410869292,0.00039455818142466526,0.012682404070481669,0.9809805230888548 +vol.T,S1,780.0,0.0,0.001255945824147241,0.0012158581790619935,0.011492902420745618,0.9785099313980161 +vol.T,S1,790.0,0.0,0.001761544000812607,0.0015782622093691962,0.010597217199164406,0.9777819044373122 +vol.T,S1,800.0,0.0,0.0013995111570765783,0.0007561037426216627,0.010244531804841748,0.979992760973924 +vol.T,S1,810.0,0.0,0.000645252308129347,0.0005600436894280199,0.010506005673116816,0.9828965102689052 +vol.T,S1,820.0,0.0,0.0005132314289036019,0.0009791887727131163,0.011314514045300561,0.9832527018224313 +vol.T,S1,830.0,0.0,0.001352714320175138,6.491710281943235e-05,0.012443679897232846,0.9805430651130792 +vol.T,S1,840.0,0.0,0.0021475961642860937,0.001356093666399134,0.013499019798780171,0.9783218512282774 +vol.T,S1,850.0,0.0,0.001731659421921019,0.0013223700607345775,0.014028008647703987,0.9796354667225935 +vol.T,S1,860.0,0.0,0.0006578574598981727,0.00041467143963897467,0.013773092276155793,0.9820619201066527 +vol.T,S1,870.0,0.0,0.0003789532368321519,0.00026869955488330625,0.012885617690075452,0.9816841555801514 +vol.T,S1,880.0,0.0,0.000989935225421809,0.0009868364059336702,0.011828603126077445,0.9793081104369727 +vol.T,S1,890.0,0.0,0.0014000016644202641,0.0012857170950470456,0.011057179789361469,0.9783987165575911 +vol.T,S1,900.0,0.0,0.0009747153048713153,0.0004627685692735192,0.010842136508228524,0.9801409163281035 +vol.T,S1,910.0,0.0,0.00019328139406729432,0.0007950643633442353,0.011273033684507895,0.9823432956203788 +vol.T,S1,920.0,0.0,8.287201512588056e-05,0.0010986615843725925,0.012286080988165402,0.9818464901934753 +vol.T,S1,930.0,0.0,0.0009903809505396814,0.00010011027699742707,0.013636969177396836,0.978308637442505 +vol.T,S1,940.0,0.0,0.001853261852248146,0.0015183580458510801,0.014894225027188405,0.9755925518591689 +vol.T,S1,950.0,0.0,0.0014353028340218276,0.0014953434257495956,0.01556780967565592,0.9770248601434004 +vol.T,S1,960.0,0.0,0.0002725725514867868,0.0004633848574588491,0.015371438269205395,0.9801270222712889 +vol.T,S1,970.0,0.0,0.00011109832538878238,0.00015083349759409132,0.01446004649674988,0.9805421602083262 +vol.T,S1,980.0,0.0,0.00044997890473747116,0.000753716299073131,0.01334008285697906,0.9786879287742826 +vol.T,S1,990.0,0.0,0.0008615953156513866,0.000994105581609743,0.012517544978065781,0.9779527883656803 +vol.T,S1,1000.0,0.0,0.00046032866051227126,0.00014523719332063784,0.012294764525268037,0.9795627811555938 +vol.T,S1,1010.0,0.0,0.0002682885279464292,0.0010835397135671918,0.012777746444627798,0.9813211368076448 +vol.T,S1,1020.0,0.0,0.0002698084610380166,0.001252699603050253,0.01390173657502671,0.9800670898378613 +vol.T,S1,1030.0,0.0,0.0007883618697477002,0.00017302299160500308,0.015401051798009028,0.9756542581434882 +vol.T,S1,1040.0,0.0,0.0017440413972175553,0.001771915131654431,0.016802111430733797,0.9724017649397777 +vol.T,S1,1050.0,0.0,0.0012540412001093163,0.0017244650496850873,0.017552064963928315,0.9740017375906871 +vol.T,S1,1060.0,0.0,0.00011414109822296586,0.00048307798791914314,0.017309088565196425,0.9777996912692954 +vol.T,S1,1070.0,0.0,0.0006850233279966502,3.8879712928747265e-05,0.016231977029852986,0.9788903183405281 +vol.T,S1,1080.0,0.0,0.0002105815114168224,0.0004672433321410983,0.014904551292354075,0.9774094116869669 +vol.T,S1,1090.0,0.0,0.0001845707743252942,0.0006956286349651387,0.013914766039047058,0.9768264315359596 +vol.T,S1,1100.0,0.0,0.0001938611264145454,0.00012011762602092824,0.013600572249173435,0.9784674022240236 +vol.T,S1,1110.0,0.0,0.0008369840346250182,0.0012564833452643701,0.014075959914136045,0.980128177765676 +vol.T,S1,1120.0,0.0,0.0006490362455662534,0.0012383379203407359,0.01526144817946816,0.9786110694820086 +vol.T,S1,1130.0,0.0,0.0006742455091845029,0.0004341414077299132,0.0168399054375381,0.9738871556618445 +vol.T,S1,1140.0,0.0,0.0018407524242902444,0.002194402566740642,0.018261042578600933,0.9705858787670362 +vol.T,S1,1150.0,0.0,0.001404079735338647,0.0021183845330161955,0.018907898040753598,0.9725410321934033 +vol.T,S1,1160.0,0.0,8.649393159960171e-06,0.0007633093481269239,0.018429524650987926,0.9767766680067704 +vol.T,S1,1170.0,0.0,0.0005139798438507514,0.00022042471523763712,0.017049985384071726,0.9780363198426381 +vol.T,S1,1180.0,0.0,0.00010571432040897139,0.0008017336708075301,0.015441489731458464,0.976565601596594 +vol.T,S1,1190.0,0.0,0.0006637203368663679,0.00108675500102752,0.01423462043756986,0.9761337227629104 +vol.T,S1,1200.0,0.0,0.0004146164148016665,0.00024443654759310595,0.013761151974845773,0.9781717984592109 +vol.T,S1,1210.0,0.0,0.00013609033891554085,0.0009771052151031719,0.014102294183933476,0.9803666501553703 +vol.T,S1,1220.0,0.0,0.0001226300203805153,0.0010423899236408883,0.015139732643293716,0.9793334026804686 +vol.T,S1,1230.0,0.0,0.0015013823343343429,0.0005881272816751544,0.016534507289331115,0.9749139184404967 +vol.T,S1,1240.0,0.0,0.002689364132617904,0.002334225764132776,0.017743109323627604,0.9717272783138202 +vol.T,S1,1250.0,0.0,0.0022364148361466575,0.002248373927297093,0.01818437929729367,0.9736009383955124 +vol.T,S1,1260.0,0.0,0.0008322642910248069,0.0009121115098456279,0.01755404457647471,0.9774794810230775 +vol.T,S1,1270.0,0.0,0.00033311819272491077,0.0004290043348092809,0.016101004911827026,0.9781952943341816 +vol.T,S1,1280.0,0.0,0.0009645331949129525,0.0010576887969199643,0.01447689014478348,0.9762898198408114 +vol.T,S1,1290.0,0.0,0.0015596587330830316,0.0014622443150274307,0.013212861865291964,0.9754725212223695 +vol.T,S1,1300.0,0.0,0.0011555478460297717,0.0004640641322415093,0.012744288964695575,0.9779091900840229 +vol.T,S1,1310.0,0.0,0.0004462713037820445,0.0008757646364272255,0.01304106463553322,0.9805922656371429 +vol.T,S1,1320.0,0.0,0.0005484497001555262,0.0010697290286868812,0.01399037902373667,0.9801143215591529 +vol.T,S1,1330.0,0.0,0.001808527512008599,0.0004509310151676063,0.015271579447529719,0.976171726251256 +vol.T,S1,1340.0,0.0,0.002961874562542533,0.0021665868502986608,0.016378067460290954,0.973218911148827 +vol.T,S1,1350.0,0.0,0.0025780380766019097,0.002161267948224804,0.016778921339155768,0.9749982596468013 +vol.T,S1,1360.0,0.0,0.0013084773254715342,0.0009751338297941498,0.016212663604913642,0.9785309097647926 +vol.T,S1,1370.0,0.0,0.0009300256282103002,0.0006210833368467212,0.014918739968226569,0.9788727345730814 +vol.T,S1,1380.0,0.0,0.0016203751717834176,0.0013035763434522416,0.01348532033736533,0.9767363445291419 +vol.T,S1,1390.0,0.0,0.002139606730362043,0.001568342157745064,0.012441033208601546,0.9761010637420466 +vol.T,S1,1400.0,0.0,0.0017547450986658117,0.0006163851943657414,0.012062856119157974,0.9783556747621611 +vol.T,S1,1410.0,0.0,0.0009882470164628548,0.000777341784028165,0.01240745906940169,0.9810465024005233 +vol.T,S1,1420.0,0.0,0.0009796640189578861,0.0010502140289300904,0.013365061444335028,0.9806076360457939 +vol.T,S1,1430.0,0.0,0.002115670197901083,0.00041371627514709744,0.014649728119100935,0.9766381910300923 +vol.T,S1,1440.0,0.0,0.0031832723243900986,0.0021341545031499753,0.015798460528916043,0.9735441738097562 +vol.T,S1,1450.0,0.0,0.002748680067368805,0.0021677788535607824,0.016303382541597824,0.9751627355386311 +vol.T,S1,1460.0,0.0,0.001395934676881471,0.0009708007693695667,0.015884264795065196,0.978671728315716 +vol.T,S1,1470.0,0.0,0.0008651168466739274,0.00053105394014364,0.014732749559698655,0.9791192558118386 +vol.T,S1,1480.0,0.0,0.0013702617351856563,0.0011156049490447491,0.013401916433645666,0.9770371918173597 +vol.T,S1,1490.0,0.0,0.0017191018811768836,0.0013361555031794073,0.01242461104648778,0.9762573274852545 +vol.T,S1,1500.0,0.0,0.0012012900702370636,0.00040818340450189086,0.012107309181034276,0.9781373695725646 +vol.T,S1,1510.0,0.0,0.00035915654659629987,0.0009030125762382358,0.012547349980468551,0.9802507794782117 +vol.T,S1,1520.0,0.0,0.0003568720166352433,0.0010412128240206882,0.01366787148317933,0.9790819174780523 +vol.T,S1,1530.0,0.0,0.0015750269626705457,0.0005843466604166717,0.015184146242362206,0.9743727650124061 +vol.T,S1,1540.0,0.0,0.0027259979530648523,0.0024138398743217457,0.016594095370095638,0.9708259423614582 +vol.T,S1,1550.0,0.0,0.0022700369476906686,0.0024118162868033053,0.017326702700390804,0.9725672720019204 +vol.T,S1,1560.0,0.0,0.0007773050237462012,0.0010478484632266106,0.017054261953444918,0.9767306540186308 +vol.T,S1,1570.0,0.0,9.754695463027788e-05,0.0004369106927864404,0.01596960336663813,0.977948269779518 +vol.T,S1,1580.0,0.0,0.0005429020571741919,0.0009369076170117904,0.014675411484247983,0.9763957968866651 +vol.T,S1,1590.0,0.0,0.0009243763682616658,0.0011401682204615308,0.013754316110879681,0.975820973650541 +vol.T,S1,1600.0,0.0,0.0005005048016973479,0.00022097727666284272,0.013536314801848793,0.9775965360985766 +vol.T,S1,1610.0,0.0,0.00019163880930160143,0.0010391068287935856,0.014132290457752923,0.9792792160582188 +vol.T,S1,1620.0,0.0,1.895024671755254e-05,0.0010351348704466035,0.015464725284097178,0.9773529009382299 +vol.T,S1,1630.0,0.0,0.001465904131673578,0.0008039677237183356,0.0172230624374231,0.9717581220696204 +vol.T,S1,1640.0,0.0,0.002720494071694469,0.002769982669462852,0.018852954056231667,0.9676710206538788 +vol.T,S1,1650.0,0.0,0.0021169921600509255,0.002674156639977379,0.01970934998603685,0.9695992479893757 +vol.T,S1,1660.0,0.0,0.000303474791791695,0.001044824188439393,0.01939797260477269,0.9744820998360266 +vol.T,S1,1670.0,0.0,0.0006437015017924874,0.00021519775318661093,0.018119620015640953,0.9763781000009168 +vol.T,S1,1680.0,0.0,0.0003005430972314511,0.0006441061284439839,0.016573000681760403,0.9751951067955891 +vol.T,S1,1690.0,0.0,9.558744862216205e-05,0.0008657801711620474,0.015439945562513895,0.9747925334303658 +vol.T,S1,1700.0,0.0,0.0002508133673897872,4.300878580220145e-06,0.015091098563005905,0.976657417297834 +vol.T,S1,1710.0,0.0,0.000798840453473103,0.0011847329178741224,0.015634197103107803,0.9783288103111486 +vol.T,S1,1720.0,0.0,0.0003551505176087255,0.001042269474331487,0.016960999276051044,0.976222401818918 +vol.T,S1,1730.0,0.0,0.0013614705021098847,0.0009617299653001354,0.01870081536105857,0.9703623971032487 +vol.T,S1,1740.0,0.0,0.002764046534786352,0.002981681794693566,0.020223469061139004,0.9662135439624904 +vol.T,S1,1750.0,0.0,0.0020891766697581286,0.0027451270813786,0.02082707595056996,0.9684028162611072 +vol.T,S1,1760.0,0.0,0.00012245511120768406,0.0009245941541611317,0.02012293680570445,0.9735138701529814 +vol.T,S1,1770.0,0.0,0.0008466822944866539,4.150931463623044e-05,0.01839394797931948,0.9752921898542867 +vol.T,S1,1780.0,0.0,0.0003829405702304393,0.0005188824833661907,0.01642689308278794,0.973851379371336 +vol.T,S1,1790.0,0.0,0.00016543337446024153,0.000748132829211179,0.014929173000236006,0.9733887302862827 +vol.T,S1,1800.0,0.0,6.486164539992623e-05,0.00021351696396694876,0.014253640538974283,0.9754917342694492 +vol.T,S1,1810.0,0.0,0.0005445209171013616,0.001558690057941245,0.014474669719436369,0.9776074957333016 +vol.T,S1,1820.0,0.0,7.551300682552328e-05,0.0016006277020765753,0.015463952626998236,0.9760017148819815 +vol.T,S1,1830.0,0.0,0.0016318867661499527,0.0002495624499120803,0.01686214425098134,0.9705536881318122 +vol.T,S1,1840.0,0.0,0.003011541570513808,0.002187267583663711,0.01807763812301325,0.9666066083540735 +vol.T,S1,1850.0,0.0,0.0023552319652086285,0.001991234231351372,0.018463340810542326,0.9686646083952877 +vol.T,S1,1860.0,0.0,0.0005094821932445444,0.00037318888135567306,0.017677816005618054,0.9732702277240539 +vol.T,S1,1870.0,0.0,0.00027013324514314546,0.00021170144773376617,0.0160051661183364,0.974420849714089 +vol.T,S1,1880.0,0.0,0.0003473021330569889,0.0005251950795464311,0.014170138022523517,0.972589572300233 +vol.T,S1,1890.0,0.0,0.0009613152601478186,0.0009141185121569309,0.012803932070976352,0.9720950416901079 +vol.T,S1,1900.0,0.0,0.0007112400189437862,1.3298393535932385e-05,0.012210344642184737,0.9744757243698151 +vol.T,S1,1910.0,0.0,0.0001302324455973612,0.0013723351269503523,0.012440116629151173,0.977129954313572 +vol.T,S1,1920.0,0.0,0.0004213006994446389,0.0015688510205600422,0.013361131602894804,0.9762719104929453 +vol.T,S1,1930.0,0.0,0.0019273497239296828,5.61416830976045e-05,0.014628864086711522,0.9715936318230628 +vol.T,S1,1940.0,0.0,0.0032097530407535807,0.001838640798115064,0.015695641177077953,0.9680873534954332 +vol.T,S1,1950.0,0.0,0.002670976940009276,0.001691535729922573,0.015996056883970586,0.9700066976486384 +vol.T,S1,1960.0,0.0,0.00110551733750988,0.00028648881560523477,0.015277361500632039,0.974062558025816 +vol.T,S1,1970.0,0.0,0.0005807703374204707,0.0001054603326662831,0.013829293172644655,0.9746984575727092 +vol.T,S1,1980.0,0.0,0.001314009019386625,0.000697504335838188,0.012279334355594767,0.9726088089315864 +vol.T,S1,1990.0,0.0,0.001919431326045489,0.0010498862673218113,0.011155599276876631,0.9720414890063512 +vol.T,S1,2000.0,0.0,0.0015701287037606702,5.333107855172448e-05,0.010717981468906469,0.9744445124708141 +vol.T,S1,2010.0,0.0,0.0008018953184374915,0.001477065107506285,0.011018778389256119,0.9771978282676109 +vol.T,S1,2020.0,0.0,0.0008212876102881495,0.0018615202765356598,0.011950796820954951,0.9765126992962386 +vol.T,S1,2030.0,0.0,0.002046099306854021,0.00039992528897390695,0.013222479930452669,0.9719894634110638 +vol.T,S1,2040.0,0.0,0.00318297216719098,0.001369094841134148,0.014356473321811877,0.9684714203859345 +vol.T,S1,2050.0,0.0,0.002702194336724495,0.0013906516050255855,0.014839882791560757,0.9702544765609781 +vol.T,S1,2060.0,0.0,0.0012705960906928362,0.0001850918909055498,0.01441277369115666,0.9743207621711367 +vol.T,S1,2070.0,0.0,0.0007844793878955162,0.00011902768763693024,0.013296239529599688,0.9752047479889087 +vol.T,S1,2080.0,0.0,0.0013601238278574017,0.0005662213428610667,0.012116670449461263,0.9735937951379865 +vol.T,S1,2090.0,0.0,0.0018901907192590587,0.0010543156383490762,0.011219399303675747,0.9728120817398823 +vol.T,S1,2100.0,0.0,0.0014481600696099003,0.00018629107923730207,0.010978166667681718,0.9747906038516292 +vol.T,S1,2110.0,0.0,0.0006051935091478709,0.0011802404289862486,0.011451478811755275,0.9769024166104099 +vol.T,S1,2120.0,0.0,0.0005718259320991165,0.0013802590993599012,0.01249060261703414,0.9756578351613032 +vol.T,S1,2130.0,0.0,0.0018150917291188957,0.0002138357058904679,0.013937538614099744,0.9703245068724502 +vol.T,S1,2140.0,0.0,0.0030431495552145555,0.0021315252552471116,0.015233794074928534,0.9662950897913991 +vol.T,S1,2150.0,0.0,0.0026092722635961594,0.0021477511253627985,0.01584386697141687,0.9681573227568478 +vol.T,S1,2160.0,0.0,0.0011092016106167466,0.0007302506919515808,0.0154678925351106,0.972877413297274 +vol.T,S1,2170.0,0.0,0.00048421954633466667,0.00011762849301365546,0.014311391335285162,0.9745614504582419 +vol.T,S1,2180.0,0.0,0.0010197946190452977,0.0006700818656772415,0.012962703010132436,0.9732443604724986 +vol.T,S1,2190.0,0.0,0.0014355622387954143,0.0008896657082136022,0.011977249366002073,0.972832015233016 +vol.T,S1,2200.0,0.0,0.0009564281329033622,8.304124818059633e-05,0.011671184980242142,0.9747668155875504 +vol.T,S1,2210.0,0.0,0.00016380439463540506,0.0014181157559347392,0.012156320292045424,0.9764965685580721 +vol.T,S1,2220.0,0.0,0.00032031454171855823,0.0014093055749398284,0.01337537181648351,0.974331635236937 +vol.T,S1,2230.0,0.0,0.0018308334566369613,0.000582284068089257,0.015052901355661868,0.9682343542966786 +vol.T,S1,2240.0,0.0,0.003228021201625627,0.0027596004655967847,0.016664121136009315,0.963803159144322 +vol.T,S1,2250.0,0.0,0.0027330217675457518,0.0027538421260443285,0.017567056694959407,0.9659950829225611 +vol.T,S1,2260.0,0.0,0.0009672791534999721,0.001086114750696562,0.0173434769032144,0.9715548592436342 +vol.T,S1,2270.0,0.0,6.295561032921742e-05,0.0002489192379659578,0.01616583536976182,0.9739901286163737 +vol.T,S1,2280.0,0.0,0.00043383865798925117,0.0007487277806564941,0.014711892445968953,0.9730689239615403 +vol.T,S1,2290.0,0.0,0.0007965981928991956,0.001050943653961985,0.013654877730290966,0.9728098417099919 +vol.T,S1,2300.0,0.0,0.00035885063748108866,0.0002417372837175025,0.013380425064511882,0.9747627208678716 +vol.T,S1,2310.0,0.0,0.000277865617909488,0.0008442313849350643,0.014023037696795122,0.9763594000049299 +vol.T,S1,2320.0,0.0,0.00017308156514187452,0.00048072163573802904,0.015501738052964774,0.9738504034972922 +vol.T,S1,2330.0,0.0,0.002046990819872229,0.0018909407265221988,0.017453262689584793,0.9673102241890564 +vol.T,S1,2340.0,0.0,0.0036735776974962967,0.0042540061343717865,0.019220531490152307,0.9626801393231825 +vol.T,S1,2350.0,0.0,0.003121755023299365,0.004095353072896447,0.020043800569517843,0.9650661757077271 +vol.T,S1,2360.0,0.0,0.001137810497679196,0.00211045123126205,0.019479909321512726,0.9708246588596245 +vol.T,S1_conf,0.0,0.0,0.0,0.0,0.0,0.0 +vol.T,S1_conf,10.0,0.0,0.025431147442596915,0.03508065294663785,0.01109898291495892,0.06567260171275383 +vol.T,S1_conf,20.0,0.0,0.02797441586899335,0.03541290377887058,0.012777328454863256,0.06450488208786626 +vol.T,S1_conf,30.0,0.0,0.023794906768519544,0.02986832860432539,0.014501106356100352,0.05357409860721695 +vol.T,S1_conf,40.0,0.0,0.02888703196117028,0.03376411635992109,0.015809755626853994,0.04992171382164305 +vol.T,S1_conf,50.0,0.0,0.024588483007921585,0.026923757533176832,0.01409707323663143,0.05571163809276314 +vol.T,S1_conf,60.0,0.0,0.018221205080990923,0.02167066521663499,0.0131276642763596,0.06318847568450521 +vol.T,S1_conf,70.0,0.0,0.014108774984442811,0.0160665077309068,0.011990973118454849,0.05658702577754249 +vol.T,S1_conf,80.0,0.0,0.013019329119972695,0.01510064907128521,0.011331342473485903,0.059247215252241595 +vol.T,S1_conf,90.0,0.0,0.011380150076615149,0.014223708175319146,0.010358277707078199,0.057194468363672694 +vol.T,S1_conf,100.0,0.0,0.011014940788279522,0.011806629779078934,0.00943294750491862,0.05801265919360724 +vol.T,S1_conf,110.0,0.0,0.01002923731211421,0.01142849791735804,0.01106429463231335,0.05411082740936987 +vol.T,S1_conf,120.0,0.0,0.010104818653243766,0.009102622017617011,0.009997934886296307,0.056530142763773154 +vol.T,S1_conf,130.0,0.0,0.01177837164247978,0.01357172196276442,0.010548714530774174,0.04887400668831619 +vol.T,S1_conf,140.0,0.0,0.013397211183595182,0.01370852435030993,0.011038731615573253,0.05272774108247359 +vol.T,S1_conf,150.0,0.0,0.01298009863112022,0.01318209732247226,0.010801917873721603,0.05069644534391527 +vol.T,S1_conf,160.0,0.0,0.010288286515089451,0.010760998744587169,0.011042648264641899,0.052781889209563095 +vol.T,S1_conf,170.0,0.0,0.008869453307283962,0.009746122673051716,0.010470378826087494,0.0627735556250978 +vol.T,S1_conf,180.0,0.0,0.00908766824416866,0.009067777327724973,0.010953477833203704,0.058159520848907985 +vol.T,S1_conf,190.0,0.0,0.007792513378101419,0.008989978612871244,0.008905875974245523,0.05767866654071693 +vol.T,S1_conf,200.0,0.0,0.0070670441427697905,0.0071307666990136805,0.008956621851893633,0.05363071254461771 +vol.T,S1_conf,210.0,0.0,0.0063691705353151285,0.006699755387431192,0.008274666151320454,0.05370519487685228 +vol.T,S1_conf,220.0,0.0,0.007082662613965868,0.008572750270925498,0.008841665832743918,0.056270658258353506 +vol.T,S1_conf,230.0,0.0,0.008491209296210372,0.008977818563187509,0.008823091500267707,0.059203417241638565 +vol.T,S1_conf,240.0,0.0,0.007760946821453038,0.00952540971619679,0.011211449729571245,0.058629622787673245 +vol.T,S1_conf,250.0,0.0,0.008919030368939658,0.009968337341020496,0.010924288167961139,0.056292205247280964 +vol.T,S1_conf,260.0,0.0,0.007358988266525443,0.008269693110507728,0.009834464425179417,0.05547275069625765 +vol.T,S1_conf,270.0,0.0,0.006216120193418405,0.007822978266947958,0.008813025494604726,0.051837607461873526 +vol.T,S1_conf,280.0,0.0,0.005709857340935062,0.006716573865178938,0.009599827961389888,0.05845139867929185 +vol.T,S1_conf,290.0,0.0,0.006262006536876114,0.0065397238112268495,0.008532302272998577,0.05426982617786117 +vol.T,S1_conf,300.0,0.0,0.00503438171883076,0.00562058278753676,0.00847460182174156,0.058385236326446384 +vol.T,S1_conf,310.0,0.0,0.00482792421714776,0.00612978931316416,0.008479794234033352,0.04566542588260267 +vol.T,S1_conf,320.0,0.0,0.005637471292215944,0.006130155252103897,0.008161732476708827,0.05733872539137082 +vol.T,S1_conf,330.0,0.0,0.0074550126245511265,0.008767661382848752,0.009416269657596408,0.06287882901534335 +vol.T,S1_conf,340.0,0.0,0.006524441524648171,0.007749393616982082,0.009066188229556666,0.06793824707651477 +vol.T,S1_conf,350.0,0.0,0.007074375322359261,0.008112242593583754,0.010071090778562155,0.05385480631669785 +vol.T,S1_conf,360.0,0.0,0.005424724348587024,0.0057733634764278565,0.009492144597625585,0.05757540196998266 +vol.T,S1_conf,370.0,0.0,0.005210437973335479,0.005545099709028653,0.008501588714141731,0.05832665274783443 +vol.T,S1_conf,380.0,0.0,0.00532489058798762,0.005509059914476271,0.007772932250052709,0.059848659079698587 +vol.T,S1_conf,390.0,0.0,0.005547538068692271,0.006336727816081377,0.00721347020042043,0.05199229625773123 +vol.T,S1_conf,400.0,0.0,0.004024077331129118,0.004931015927625253,0.007556043945093791,0.05766948179053256 +vol.T,S1_conf,410.0,0.0,0.0039144979829557796,0.003874321687715803,0.00766302423977061,0.0539979639100963 +vol.T,S1_conf,420.0,0.0,0.004114165238347477,0.004085481667862372,0.007528361227791601,0.0544625958564155 +vol.T,S1_conf,430.0,0.0,0.004469613080238182,0.00529451987976724,0.008435770091288756,0.05721323091009698 +vol.T,S1_conf,440.0,0.0,0.004807838365575523,0.005707955614031313,0.008796079648614256,0.055762059674158475 +vol.T,S1_conf,450.0,0.0,0.005346257894268685,0.0048285554280308235,0.009041612918581122,0.05158461972559306 +vol.T,S1_conf,460.0,0.0,0.004003110321441621,0.0036122999298749564,0.008658544851276253,0.058442140367818765 +vol.T,S1_conf,470.0,0.0,0.003906269628801716,0.004143153136807738,0.008195881880800544,0.06472050517062987 +vol.T,S1_conf,480.0,0.0,0.004706129578325561,0.0051061490865009955,0.007242164573386282,0.05837826665691264 +vol.T,S1_conf,490.0,0.0,0.004683393088246929,0.004969545758833896,0.007994722520324911,0.058647959709793834 +vol.T,S1_conf,500.0,0.0,0.004202432021189352,0.004246813797814881,0.008159327676103518,0.058959920034533465 +vol.T,S1_conf,510.0,0.0,0.003089569299687714,0.003333030602161625,0.008438237692050024,0.05444373529223176 +vol.T,S1_conf,520.0,0.0,0.0032179349666252694,0.003428703786889729,0.007884637332602952,0.055322572260332534 +vol.T,S1_conf,530.0,0.0,0.0038537808668901116,0.0038458410212583428,0.00729970489268949,0.06277988079809627 +vol.T,S1_conf,540.0,0.0,0.004129889920794232,0.004359532675351896,0.0071963191509233975,0.050328285826917694 +vol.T,S1_conf,550.0,0.0,0.003785703760594788,0.004003843800537209,0.0081926649683519,0.06084701480107952 +vol.T,S1_conf,560.0,0.0,0.00246323374754935,0.002895154621921919,0.008148812834336449,0.05883813634270569 +vol.T,S1_conf,570.0,0.0,0.003423324616151231,0.004242866686775428,0.008377729880015243,0.054567240108036486 +vol.T,S1_conf,580.0,0.0,0.00371500194772607,0.004548489125612323,0.007895900375212421,0.05681164264352113 +vol.T,S1_conf,590.0,0.0,0.004079072588840505,0.004107480881487658,0.007831391725051024,0.05631071479151242 +vol.T,S1_conf,600.0,0.0,0.0034632213247901707,0.0038618839384794495,0.007390593407855376,0.06224886707377374 +vol.T,S1_conf,610.0,0.0,0.0025640085813806207,0.0029344050961003267,0.007110925800983929,0.06015445912256408 +vol.T,S1_conf,620.0,0.0,0.002675987140071208,0.002608716750499212,0.006804087884015613,0.05273837104131389 +vol.T,S1_conf,630.0,0.0,0.0032141492412474664,0.0034883677308683845,0.007809149855028935,0.05634894998733541 +vol.T,S1_conf,640.0,0.0,0.0037301679859904208,0.0033698800213509818,0.007084374698718909,0.05565383892027837 +vol.T,S1_conf,650.0,0.0,0.00282243890129747,0.0030819357371357696,0.00755524186929103,0.06244042285049099 +vol.T,S1_conf,660.0,0.0,0.002164680597361217,0.002540373637888587,0.00759365365901739,0.058608336966367296 +vol.T,S1_conf,670.0,0.0,0.002491743383192614,0.0033461086243777825,0.0058480851714551325,0.05383376687675789 +vol.T,S1_conf,680.0,0.0,0.003951040199659434,0.0039171870452323655,0.006847528908809798,0.05686429720457194 +vol.T,S1_conf,690.0,0.0,0.003965668247231838,0.004405235690797519,0.006672281988094121,0.05541991068427521 +vol.T,S1_conf,700.0,0.0,0.003371201039606083,0.00372031944231996,0.00685132271355366,0.0501497603936135 +vol.T,S1_conf,710.0,0.0,0.0023233128965976504,0.0029740075536825628,0.007080831634191099,0.0578085766307066 +vol.T,S1_conf,720.0,0.0,0.0023998595949902453,0.0022372449404621775,0.008121129899308849,0.052521856242242024 +vol.T,S1_conf,730.0,0.0,0.0027825645444487165,0.00327866738780228,0.0068606783339880545,0.06667541922516666 +vol.T,S1_conf,740.0,0.0,0.0033322646833711654,0.0032349081171181536,0.007755415534363148,0.05962493568094906 +vol.T,S1_conf,750.0,0.0,0.002612824792080323,0.0027469947397855228,0.0075611271578369795,0.05583616309729281 +vol.T,S1_conf,760.0,0.0,0.001850904689891718,0.001899639326902788,0.008175888131151787,0.06621525881536455 +vol.T,S1_conf,770.0,0.0,0.0026086891207841734,0.0026838833111909764,0.006805721741510104,0.06228238884218012 +vol.T,S1_conf,780.0,0.0,0.003727409087999202,0.004270975085633426,0.007148336240473029,0.05862543644891103 +vol.T,S1_conf,790.0,0.0,0.00457691005908289,0.00477763866070476,0.006217289923450613,0.05550774627816679 +vol.T,S1_conf,800.0,0.0,0.003664383229887935,0.004022778614631796,0.005787796569161305,0.05401068020672505 +vol.T,S1_conf,810.0,0.0,0.0022240362211323372,0.002851074397327616,0.00581383808592001,0.05492543761553934 +vol.T,S1_conf,820.0,0.0,0.0020590124024088747,0.0021728203676941492,0.006949729683532202,0.06506788940008584 +vol.T,S1_conf,830.0,0.0,0.003021257965919024,0.0031188335106816342,0.006744536358789693,0.054947001044715046 +vol.T,S1_conf,840.0,0.0,0.003365537774324197,0.003061418693723189,0.007770208941717934,0.05259862550093419 +vol.T,S1_conf,850.0,0.0,0.0032406685302588992,0.002932053586068571,0.007294144954278641,0.0643640635202369 +vol.T,S1_conf,860.0,0.0,0.001724533648243776,0.0018640752867685136,0.007101598965223853,0.06089635585312141 +vol.T,S1_conf,870.0,0.0,0.002586103652764074,0.0024268085836138095,0.00712862211715332,0.050453681779978415 +vol.T,S1_conf,880.0,0.0,0.002877368847117765,0.0037140005721786385,0.00734462902104525,0.057112528515390955 +vol.T,S1_conf,890.0,0.0,0.0036768246188894475,0.004092422223621729,0.007131867012275868,0.059739681053716416 +vol.T,S1_conf,900.0,0.0,0.002783660182248599,0.003399240728755378,0.006390055786947232,0.057447416174017385 +vol.T,S1_conf,910.0,0.0,0.0022125954537042377,0.0026592838843960205,0.006780529056072827,0.0609845166493946 +vol.T,S1_conf,920.0,0.0,0.002269085810817371,0.0024609953693648574,0.007301465932958399,0.05503882845172305 +vol.T,S1_conf,930.0,0.0,0.003044705436284429,0.0032524948811959897,0.007723654498173045,0.057658436227941014 +vol.T,S1_conf,940.0,0.0,0.00407903321447951,0.0038444136743565715,0.00746240600096765,0.0630111204651905 +vol.T,S1_conf,950.0,0.0,0.0027291059462216513,0.003432498179991621,0.009139578768084952,0.06467269160414064 +vol.T,S1_conf,960.0,0.0,0.0016895247985601449,0.002194660330990214,0.007853572143566632,0.05789748705314105 +vol.T,S1_conf,970.0,0.0,0.0021772732892003403,0.0022316876891121896,0.007554727401569185,0.0566566658474277 +vol.T,S1_conf,980.0,0.0,0.0032696850541167563,0.0033834587297601917,0.006795728908370642,0.05807816541167669 +vol.T,S1_conf,990.0,0.0,0.0039163785887061835,0.0041515251558625075,0.007807947120332566,0.0629880004845089 +vol.T,S1_conf,1000.0,0.0,0.002895620449949329,0.003496454787439813,0.006183517064982448,0.057971750794198314 +vol.T,S1_conf,1010.0,0.0,0.00220022287813004,0.0025719215505023165,0.0061741162948817045,0.06505239580870922 +vol.T,S1_conf,1020.0,0.0,0.0027487746791145387,0.002433189955422698,0.008206884399915118,0.05451796938580171 +vol.T,S1_conf,1030.0,0.0,0.0037217084343877955,0.0035803863893700176,0.007425004188891115,0.06206699284593095 +vol.T,S1_conf,1040.0,0.0,0.004336597080522738,0.004632115925157597,0.007945806392266806,0.06309509729566061 +vol.T,S1_conf,1050.0,0.0,0.003064813742727731,0.003594712416361114,0.007830456745949784,0.06109329992417275 +vol.T,S1_conf,1060.0,0.0,0.002350805521423985,0.002131890503621445,0.008449950202149607,0.04765064057346126 +vol.T,S1_conf,1070.0,0.0,0.002241104431617678,0.0021135993908217975,0.007972361330251875,0.05322994865971252 +vol.T,S1_conf,1080.0,0.0,0.0028637492290071046,0.0035650237686761397,0.007828915849091157,0.06873718352742311 +vol.T,S1_conf,1090.0,0.0,0.003166056257569324,0.0036837062072936394,0.00713152542782166,0.06606625495539052 +vol.T,S1_conf,1100.0,0.0,0.002957569142079839,0.0031104395193400397,0.008029962037403969,0.06191760387987873 +vol.T,S1_conf,1110.0,0.0,0.0018725746890178945,0.002242464986555823,0.00825611067623669,0.06361790503094321 +vol.T,S1_conf,1120.0,0.0,0.0027977633396459502,0.0023771391364552706,0.0070570210899077316,0.06798470246819294 +vol.T,S1_conf,1130.0,0.0,0.0038003418878557772,0.0038835708749518152,0.00821676531595696,0.059798625682494645 +vol.T,S1_conf,1140.0,0.0,0.003978934058106391,0.0041400336649422675,0.008199875387621791,0.07027149755585638 +vol.T,S1_conf,1150.0,0.0,0.0035710066244906955,0.0035082631225304478,0.009324609995241042,0.07455505132350064 +vol.T,S1_conf,1160.0,0.0,0.002194803038243121,0.002488081691680785,0.009487656407074498,0.06695452097482038 +vol.T,S1_conf,1170.0,0.0,0.002273724066041561,0.002139448433490479,0.007430959861153713,0.05543692961567878 +vol.T,S1_conf,1180.0,0.0,0.0036302191503066457,0.0034331856536607883,0.007868173522095722,0.06220319211199956 +vol.T,S1_conf,1190.0,0.0,0.003724321526789474,0.003927470269975357,0.006697838126782379,0.05525094158577857 +vol.T,S1_conf,1200.0,0.0,0.0030647660973367116,0.0034308254616487125,0.007297256391702299,0.06208050558363461 +vol.T,S1_conf,1210.0,0.0,0.0017341008376169024,0.00231424708694646,0.007682772786741909,0.0642816161451614 +vol.T,S1_conf,1220.0,0.0,0.0022970174196675804,0.0020022365594134467,0.008201547431694501,0.06233288382163145 +vol.T,S1_conf,1230.0,0.0,0.003076378844472771,0.002939453334287057,0.008122477686781617,0.06891811839517756 +vol.T,S1_conf,1240.0,0.0,0.004070649178138648,0.00397584266070282,0.008902043948980757,0.07207238182317205 +vol.T,S1_conf,1250.0,0.0,0.0032563339274985148,0.0032434853977572125,0.0079613508591854,0.06853074326789967 +vol.T,S1_conf,1260.0,0.0,0.001888045813515039,0.0019759381459018384,0.00851290398603899,0.06757945898465097 +vol.T,S1_conf,1270.0,0.0,0.0026143345823464014,0.0024793926595457058,0.008931809191915724,0.07345649680378631 +vol.T,S1_conf,1280.0,0.0,0.0038606600542658675,0.0037677373470046275,0.008154033723703559,0.0638948405245521 +vol.T,S1_conf,1290.0,0.0,0.004428643374329817,0.003749479915173099,0.008067368570758432,0.061722087789435956 +vol.T,S1_conf,1300.0,0.0,0.002958522653448633,0.003703618722499412,0.006952717900235096,0.06579738139926901 +vol.T,S1_conf,1310.0,0.0,0.001951509181847674,0.002389660038430399,0.007121026579402272,0.0651020592134932 +vol.T,S1_conf,1320.0,0.0,0.0020496563379381015,0.00204249119463518,0.0086276440831792,0.05818110269251099 +vol.T,S1_conf,1330.0,0.0,0.00355433335331963,0.002453038252332182,0.008187098100816408,0.0649038488023639 +vol.T,S1_conf,1340.0,0.0,0.004026913237090557,0.003457786826565838,0.008796533464433761,0.0772841871516014 +vol.T,S1_conf,1350.0,0.0,0.003187972040040281,0.003116603687177996,0.00872996467686065,0.07087729924521224 +vol.T,S1_conf,1360.0,0.0,0.0020101545131305165,0.002138528135701529,0.009614374419994501,0.06480764099206594 +vol.T,S1_conf,1370.0,0.0,0.0027391286951935915,0.0025296197803878714,0.008066850117621276,0.06726436938225638 +vol.T,S1_conf,1380.0,0.0,0.0038372597215466354,0.004103883652903954,0.007823898989159948,0.05884696936383186 +vol.T,S1_conf,1390.0,0.0,0.00405735878298892,0.004717652426126973,0.007932763254411168,0.07177633071013491 +vol.T,S1_conf,1400.0,0.0,0.00323072600967264,0.003727847511809341,0.007913490785307443,0.06682253635651775 +vol.T,S1_conf,1410.0,0.0,0.0021575919899037457,0.0021678016005257246,0.00802338711177189,0.06729418831975997 +vol.T,S1_conf,1420.0,0.0,0.002096686051657002,0.0022615783005166044,0.008260853144629371,0.07188637906695147 +vol.T,S1_conf,1430.0,0.0,0.0031002970859914975,0.0032761174017583465,0.007534001622969729,0.06088737336675123 +vol.T,S1_conf,1440.0,0.0,0.00367369861328777,0.004005256514517054,0.0076387351151740715,0.06907565219460775 +vol.T,S1_conf,1450.0,0.0,0.003107260374389208,0.0028757322272081405,0.008551387752187212,0.06595089855187347 +vol.T,S1_conf,1460.0,0.0,0.0014959947925201084,0.001812511667808874,0.009187292436601602,0.07320360692280979 +vol.T,S1_conf,1470.0,0.0,0.0021896086010893077,0.0026213677404210585,0.008505219907332917,0.05744009561267658 +vol.T,S1_conf,1480.0,0.0,0.003267003383413152,0.0037188706752412284,0.008572355497322569,0.07190211818254064 +vol.T,S1_conf,1490.0,0.0,0.0039127756562277365,0.003397540529111756,0.007214669659746757,0.06406456709880416 +vol.T,S1_conf,1500.0,0.0,0.0029614324405592574,0.0036366707979391603,0.007529674523187913,0.061695939708137706 +vol.T,S1_conf,1510.0,0.0,0.002216859509898162,0.0021818165651008004,0.00725863130950821,0.07327406858689356 +vol.T,S1_conf,1520.0,0.0,0.0018878069692509147,0.002359528104471668,0.007469366431937226,0.06298699119575564 +vol.T,S1_conf,1530.0,0.0,0.003953209268444064,0.003039670630057021,0.008790265637479483,0.06492823549069346 +vol.T,S1_conf,1540.0,0.0,0.004832906228900285,0.004273317949356008,0.00847982194303819,0.06607469520474209 +vol.T,S1_conf,1550.0,0.0,0.0037646569308461557,0.0040312675833479965,0.00893627732241076,0.06506202139192667 +vol.T,S1_conf,1560.0,0.0,0.0018520254894540031,0.0023890480212066197,0.008199908229712932,0.06717778571780852 +vol.T,S1_conf,1570.0,0.0,0.0019132345274564383,0.0019972693962996705,0.007187166006180939,0.06427091697953252 +vol.T,S1_conf,1580.0,0.0,0.0033394681277306736,0.003353019075745935,0.008764446283572844,0.06352966789512043 +vol.T,S1_conf,1590.0,0.0,0.004063607874189703,0.0033876936965046177,0.007350397271787409,0.053440655260874395 +vol.T,S1_conf,1600.0,0.0,0.0030181869823432857,0.002940057467429818,0.007717177915699509,0.06971022551605047 +vol.T,S1_conf,1610.0,0.0,0.0020634817189825296,0.002258622636253937,0.007761688529038206,0.07049221703638102 +vol.T,S1_conf,1620.0,0.0,0.002520326366882446,0.002465674468875403,0.008213225217066505,0.06476145706857007 +vol.T,S1_conf,1630.0,0.0,0.0042294116789691845,0.0041469617701108755,0.008658202151492891,0.06651903047181759 +vol.T,S1_conf,1640.0,0.0,0.0044104927046068965,0.0048398733311422965,0.008768143454417269,0.06654060020583025 +vol.T,S1_conf,1650.0,0.0,0.0036509136141113147,0.00412893636416676,0.009020667829221299,0.07182037352992042 +vol.T,S1_conf,1660.0,0.0,0.0022472761957651848,0.0023075172180000826,0.009358475887889928,0.06831911161220638 +vol.T,S1_conf,1670.0,0.0,0.0021036101065729463,0.002086666021691797,0.007376331923460399,0.06340289086122747 +vol.T,S1_conf,1680.0,0.0,0.0031245430856471743,0.0031321444868832307,0.008103687496590765,0.06488769618908767 +vol.T,S1_conf,1690.0,0.0,0.0030590808974502383,0.003743468840556026,0.008648511816956708,0.06749443178015027 +vol.T,S1_conf,1700.0,0.0,0.0024475445171457527,0.0032517470112356575,0.008779472611636698,0.06127883318828988 +vol.T,S1_conf,1710.0,0.0,0.001938466437711681,0.002028034242222557,0.007567410184883879,0.06583781974760072 +vol.T,S1_conf,1720.0,0.0,0.0027066156191327007,0.0026937730343781535,0.008668271765134596,0.06314015325076336 +vol.T,S1_conf,1730.0,0.0,0.004641303368710176,0.003917910652110767,0.008839354300017914,0.07091967674801933 +vol.T,S1_conf,1740.0,0.0,0.0044448767042253,0.004500121775792851,0.008249862783885316,0.06594287551064515 +vol.T,S1_conf,1750.0,0.0,0.0035085317373556623,0.004271895687429782,0.01012748181873759,0.0648096130020243 +vol.T,S1_conf,1760.0,0.0,0.0020775663489713495,0.002268369879947291,0.010365589228704663,0.06687750711345791 +vol.T,S1_conf,1770.0,0.0,0.0025108260551965737,0.002180729825901932,0.00823064567381286,0.06618463253317892 +vol.T,S1_conf,1780.0,0.0,0.0032406541148321142,0.003010715286018527,0.008798057108233526,0.06032738110501497 +vol.T,S1_conf,1790.0,0.0,0.003847828358068707,0.00418158421140937,0.007505745779251584,0.06803483150418682 +vol.T,S1_conf,1800.0,0.0,0.0029431597957050686,0.003481358026384287,0.008057137542445107,0.06688088930512735 +vol.T,S1_conf,1810.0,0.0,0.001842647443108782,0.0020866614339191724,0.008463270088417702,0.06084472789729198 +vol.T,S1_conf,1820.0,0.0,0.0021963776293685944,0.0022978036042490906,0.008192436782531303,0.07036024103387803 +vol.T,S1_conf,1830.0,0.0,0.003992640105503873,0.0031356402161673274,0.008656662645227685,0.06828950325705266 +vol.T,S1_conf,1840.0,0.0,0.0042359330725849935,0.003827088325972022,0.01055366412279925,0.07766715091970974 +vol.T,S1_conf,1850.0,0.0,0.0033506519956907383,0.003957445870819063,0.009598284597308819,0.06771102578823873 +vol.T,S1_conf,1860.0,0.0,0.002308162485402535,0.002352660022880934,0.009353595928229133,0.07163462294885206 +vol.T,S1_conf,1870.0,0.0,0.0030235570012766,0.002726913900644652,0.008787794729990745,0.06924380377316526 +vol.T,S1_conf,1880.0,0.0,0.004395070996549852,0.003566902740075188,0.008269752537886666,0.05539824070903752 +vol.T,S1_conf,1890.0,0.0,0.003933006030965424,0.0041761903791190085,0.008346488046157039,0.07644279096566312 +vol.T,S1_conf,1900.0,0.0,0.003360578493716917,0.0034959395614771525,0.009000822484550747,0.0676491552153218 +vol.T,S1_conf,1910.0,0.0,0.0020709222050032117,0.0024070304414807696,0.008340156842460896,0.06601674532604923 +vol.T,S1_conf,1920.0,0.0,0.002001497508456258,0.0021594197023113324,0.00874639931590858,0.07112141294669196 +vol.T,S1_conf,1930.0,0.0,0.003595075475333584,0.0029491169481995097,0.008625872705363557,0.0689369116292656 +vol.T,S1_conf,1940.0,0.0,0.003946488872004678,0.0037308045844845323,0.009930684938036222,0.07494056721189998 +vol.T,S1_conf,1950.0,0.0,0.0032005645020934045,0.00363447943126064,0.009154072418864654,0.0658472505918776 +vol.T,S1_conf,1960.0,0.0,0.0019282127678463537,0.0019994987152369883,0.009239006361886664,0.06399345001027232 +vol.T,S1_conf,1970.0,0.0,0.0028479225505575433,0.0026867452078210047,0.009416911865508595,0.06344410203967024 +vol.T,S1_conf,1980.0,0.0,0.0038244475736750033,0.003892039702369341,0.008873217809412408,0.07140153499879238 +vol.T,S1_conf,1990.0,0.0,0.004180192261480696,0.0047707052232335,0.008336787852837918,0.054814612962517405 +vol.T,S1_conf,2000.0,0.0,0.0035341695130446374,0.003634072382355472,0.008294843745305015,0.07372594830334744 +vol.T,S1_conf,2010.0,0.0,0.0020502099057946688,0.002203718418859638,0.008457437230353488,0.06498725294239371 +vol.T,S1_conf,2020.0,0.0,0.0022157616004826277,0.0021277515908151856,0.007993182690753014,0.06229705376168074 +vol.T,S1_conf,2030.0,0.0,0.003317104671650267,0.003404904125633919,0.008438962223321854,0.06214378987906682 +vol.T,S1_conf,2040.0,0.0,0.004155881046800989,0.003409733058062207,0.0085168572401798,0.061505682778937996 +vol.T,S1_conf,2050.0,0.0,0.003236012418556385,0.0030824235048252887,0.009392217762800565,0.06658389122960251 +vol.T,S1_conf,2060.0,0.0,0.0015699597529515571,0.0018752768806138257,0.008958410053465576,0.05757262308728343 +vol.T,S1_conf,2070.0,0.0,0.0024244663942933663,0.002785858173596905,0.00840279144885143,0.05750603945648128 +vol.T,S1_conf,2080.0,0.0,0.0035830543078513737,0.003583276160350759,0.008719025259546672,0.05706728657721042 +vol.T,S1_conf,2090.0,0.0,0.003695375238289753,0.004306536956917638,0.009968276652140246,0.06313610866540961 +vol.T,S1_conf,2100.0,0.0,0.0031445987408362914,0.003724796047338844,0.008391596185218016,0.0667491090699907 +vol.T,S1_conf,2110.0,0.0,0.002070205121998152,0.0025650970379346417,0.008386929742368134,0.06715875113871496 +vol.T,S1_conf,2120.0,0.0,0.002390748835942637,0.0022608204585258013,0.009157199306272755,0.06154316563208261 +vol.T,S1_conf,2130.0,0.0,0.0033052466999649865,0.003453100743548719,0.009533688816365512,0.05648420585377511 +vol.T,S1_conf,2140.0,0.0,0.004751303454851369,0.004350664930680969,0.008293961634081932,0.066833909238596 +vol.T,S1_conf,2150.0,0.0,0.0034668075518188173,0.003886512702816259,0.0090945502919592,0.05994820896143869 +vol.T,S1_conf,2160.0,0.0,0.0018039026191227858,0.0023233858943565327,0.009754106475996322,0.06315102671733959 +vol.T,S1_conf,2170.0,0.0,0.0016570832901037702,0.0019284431311432759,0.007934530885061863,0.06383647080120426 +vol.T,S1_conf,2180.0,0.0,0.0033701866403774905,0.0037719427676072407,0.008464640910740978,0.06072088384645434 +vol.T,S1_conf,2190.0,0.0,0.0033173235277578553,0.0038017091811751126,0.008078309447928932,0.06598640053829218 +vol.T,S1_conf,2200.0,0.0,0.0028764724513697187,0.0033054016217851953,0.008970584270855052,0.07040797034827832 +vol.T,S1_conf,2210.0,0.0,0.0020996765245650056,0.0021549993767388605,0.008904939346334894,0.06512794776568766 +vol.T,S1_conf,2220.0,0.0,0.002949761247204791,0.002658164469473008,0.008796017210396528,0.05394941012544858 +vol.T,S1_conf,2230.0,0.0,0.0044458808038794935,0.0039007580927566733,0.00903671347798036,0.06961716836886646 +vol.T,S1_conf,2240.0,0.0,0.005119665745302044,0.005417842928919839,0.009623785286121539,0.06797285670106167 +vol.T,S1_conf,2250.0,0.0,0.0038531012308788875,0.004210229611816073,0.008294358422508374,0.07110384925215149 +vol.T,S1_conf,2260.0,0.0,0.0024489218440649388,0.002480294296637466,0.009805935900448946,0.06916418856134714 +vol.T,S1_conf,2270.0,0.0,0.0021404137346930207,0.0019527044886175685,0.008116190863069252,0.06848815492358057 +vol.T,S1_conf,2280.0,0.0,0.0035309668615646586,0.0029068577889671977,0.008198530621331497,0.06558230442249909 +vol.T,S1_conf,2290.0,0.0,0.003987693009887498,0.0036642453323173143,0.00786045587875671,0.07097754851082584 +vol.T,S1_conf,2300.0,0.0,0.00297219136193503,0.0032146769477521832,0.008003902172303378,0.06131278593321662 +vol.T,S1_conf,2310.0,0.0,0.001966679943853595,0.0023180022520644943,0.008947622285598875,0.0695324472438428 +vol.T,S1_conf,2320.0,0.0,0.003319852504618408,0.0029680509037817424,0.008432364384662881,0.06264980950238665 +vol.T,S1_conf,2330.0,0.0,0.004567743934113173,0.004048054094096322,0.008694994174276237,0.06795835737092047 +vol.T,S1_conf,2340.0,0.0,0.0047858736542903645,0.004323406564824256,0.010011007871470327,0.07045761760058966 +vol.T,S1_conf,2350.0,0.0,0.003962617751970005,0.004373715555990626,0.008485612608661248,0.07286706993502474 +vol.T,S1_conf,2360.0,0.0,0.002287355772411597,0.003193834967380821,0.009096389013271429,0.06345845645971422 +vol.T,ST,0.0,0.0,0.0,0.0,0.0,0.0 +vol.T,ST,10.0,0.0,0.20159633966328389,0.24977748249904058,0.03416125854971243,0.9864861968379972 +vol.T,ST,20.0,0.0,0.17669907932121495,0.21632593996114183,0.04043919794105055,0.8671835497682375 +vol.T,ST,30.0,0.0,0.19499111089087195,0.2397270069811047,0.049496543136202685,0.7295606968063723 +vol.T,ST,40.0,0.0,0.18229339064969038,0.22831851402410172,0.055689081091148125,0.7043783498344359 +vol.T,ST,50.0,0.0,0.1379590819676453,0.17746216932375367,0.05653095765480841,0.7754272278387149 +vol.T,ST,60.0,0.0,0.09028286577290383,0.1191072634117381,0.049978485317085035,0.8742611267454024 +vol.T,ST,70.0,0.0,0.06156687070086588,0.08178848213651298,0.0399251866676768,0.936040512300497 +vol.T,ST,80.0,0.0,0.04707511742962776,0.06214377495964447,0.03175168809053947,0.9600060972988571 +vol.T,ST,90.0,0.0,0.036890092648794344,0.048722386334870284,0.02713411226917261,0.9682760540212444 +vol.T,ST,100.0,0.0,0.02855899815592852,0.038167630793216216,0.025697383265940527,0.9701765372532519 +vol.T,ST,110.0,0.0,0.024816939144775674,0.0334053395963103,0.026823090759398475,0.9630740395049718 +vol.T,ST,120.0,0.0,0.028606485221467193,0.03791045948558724,0.02986903975899476,0.9424405559145453 +vol.T,ST,130.0,0.0,0.03723292059694004,0.048575944869270485,0.03382630072819344,0.9140707204577666 +vol.T,ST,140.0,0.0,0.0414250102615069,0.05414420621639582,0.037171403203047716,0.8976435530242147 +vol.T,ST,150.0,0.0,0.03552699126974068,0.047209283431367904,0.038139795986863595,0.9081390596944414 +vol.T,ST,160.0,0.0,0.0255790962879613,0.034583065215497234,0.03573855423231174,0.9356286524550189 +vol.T,ST,170.0,0.0,0.019652838838108342,0.026380227169379298,0.031090850239808177,0.9585580441985424 +vol.T,ST,180.0,0.0,0.017379804980816482,0.022838309719014845,0.02652297002313567,0.9700185623383878 +vol.T,ST,190.0,0.0,0.015048089427524773,0.019677905808268142,0.02349328798390678,0.9751705359453365 +vol.T,ST,200.0,0.0,0.011975765948941489,0.015893189781625516,0.022331674581859615,0.9773190295295529 +vol.T,ST,210.0,0.0,0.010530530461163158,0.014139137404308048,0.022879868022054838,0.9743650560506988 +vol.T,ST,220.0,0.0,0.013204137965791523,0.017390625817570646,0.024760695652930743,0.9630541659351332 +vol.T,ST,230.0,0.0,0.018830190721556877,0.024355868023201898,0.027292209321155,0.946284131437782 +vol.T,ST,240.0,0.0,0.02189840680068709,0.028385790725694287,0.029427719784180843,0.9357283347322147 +vol.T,ST,250.0,0.0,0.01884667698731103,0.024867563482057237,0.02997512478122117,0.9410077151535371 +vol.T,ST,260.0,0.0,0.01338825337905765,0.01799617154498954,0.02829349643098367,0.9568460641657726 +vol.T,ST,270.0,0.0,0.010612438008883417,0.014105346420912114,0.025071708151895102,0.9703702125276178 +vol.T,ST,280.0,0.0,0.010115448181937239,0.013104381572736003,0.021803230472668363,0.9771789267204697 +vol.T,ST,290.0,0.0,0.009151284823203877,0.011807099411844265,0.01953796344498739,0.9804897503692981 +vol.T,ST,300.0,0.0,0.007220180790429873,0.009488340572881473,0.018595528711190516,0.9822840829664868 +vol.T,ST,310.0,0.0,0.00625469898475776,0.008340302721656496,0.018907672071695823,0.9806328618243734 +vol.T,ST,320.0,0.0,0.008277817817957426,0.010793511659924256,0.020214015309653437,0.9728336504219078 +vol.T,ST,330.0,0.0,0.012371074150261448,0.015844991538991632,0.022033287254593168,0.9610410761483642 +vol.T,ST,340.0,0.0,0.014379640198612148,0.018496728503397085,0.02361238512110877,0.953904289626797 +vol.T,ST,350.0,0.0,0.011907811294118172,0.015632347323619258,0.02407729421574172,0.9580919220844795 +vol.T,ST,360.0,0.0,0.008116086458486023,0.010858423731427706,0.022943986515602487,0.9691212301643594 +vol.T,ST,370.0,0.0,0.0068432843227052035,0.008951538118278682,0.020667342652286785,0.9775640152670456 +vol.T,ST,380.0,0.0,0.007361094447206747,0.009324929565415542,0.018304843100956713,0.980937097090191 +vol.T,ST,390.0,0.0,0.007073407538991579,0.008929223726599428,0.016659908380121966,0.9825016456732516 +vol.T,ST,400.0,0.0,0.005354798430119043,0.006894661063760432,0.016030032399541157,0.9841984411207085 +vol.T,ST,410.0,0.0,0.0037583578536927835,0.004965718174320449,0.016410178915872275,0.9845297957649402 +vol.T,ST,420.0,0.0,0.004113070044988006,0.005334975155016473,0.01761621888440576,0.9809955912374912 +vol.T,ST,430.0,0.0,0.0061638415607224014,0.0077986578020885254,0.019246522445762547,0.9743046768157547 +vol.T,ST,440.0,0.0,0.007188362646777076,0.00913358962772371,0.020653431607189576,0.9698914182571966 +vol.T,ST,450.0,0.0,0.0055965426952325915,0.007296262202203889,0.021102096932778782,0.9721722531699454 +vol.T,ST,460.0,0.0,0.0037355025677043414,0.0049690711504456805,0.02020863689325269,0.9780580341772421 +vol.T,ST,470.0,0.0,0.004114573508995042,0.005254099411547914,0.018353656037213534,0.981554337496763 +vol.T,ST,480.0,0.0,0.005594634468476631,0.006955172547511675,0.01639995410259229,0.9819804144606518 +vol.T,ST,490.0,0.0,0.005807626604701807,0.007250778768549727,0.015023776025750528,0.9824101487722847 +vol.T,ST,500.0,0.0,0.0042835223655203905,0.005469675547653612,0.01449958469493492,0.9842352336508488 +vol.T,ST,510.0,0.0,0.002537946093220529,0.0033359140929921836,0.014842426822982063,0.9857349061091348 +vol.T,ST,520.0,0.0,0.00237054363283257,0.00302565614200786,0.015900499674124068,0.9842404937243248 +vol.T,ST,530.0,0.0,0.0037619332878647475,0.004634924498832602,0.017324550443553494,0.9797770888427009 +vol.T,ST,540.0,0.0,0.004492232731719447,0.005572554281011532,0.018552396497263823,0.9764893389529266 +vol.T,ST,550.0,0.0,0.0032359748258427978,0.004149443415766603,0.018954910573882173,0.9779563062823442 +vol.T,ST,560.0,0.0,0.0019985896714258032,0.0026449434095918117,0.01820672305253087,0.9817746299779816 +vol.T,ST,570.0,0.0,0.0028460162140991375,0.003586696424945736,0.01662426043787238,0.9833593132401783 +vol.T,ST,580.0,0.0,0.004600979740121698,0.005685914108278127,0.014937570957044816,0.9826565356016305 +vol.T,ST,590.0,0.0,0.005025882306937263,0.006265649710527782,0.013737433948568478,0.9826061210137647 +vol.T,ST,600.0,0.0,0.0036718484786369917,0.004690492272173638,0.013278776124145674,0.984409706211381 +vol.T,ST,610.0,0.0,0.001972776359596212,0.002599536629807087,0.013586121039202067,0.9863373608326219 +vol.T,ST,620.0,0.0,0.0016591452107885757,0.002093758992045037,0.014528038362337554,0.9857318021874438 +vol.T,ST,630.0,0.0,0.0027929243788092535,0.0033702521056026176,0.015793437206792615,0.9823429261846006 +vol.T,ST,640.0,0.0,0.0033952487712196624,0.004134978449162574,0.01688529005756633,0.9796771797243177 +vol.T,ST,650.0,0.0,0.002271940868840254,0.002870576753360021,0.017253844597420128,0.9808567312308829 +vol.T,ST,660.0,0.0,0.0012582288388533762,0.0016592681723856357,0.01661429657768913,0.9837849340760375 +vol.T,ST,670.0,0.0,0.0022305820244317882,0.0027861916256099388,0.01523462672562112,0.984539742037544 +vol.T,ST,680.0,0.0,0.004046834525786654,0.004984835693803131,0.013748488756678159,0.9833336644328445 +vol.T,ST,690.0,0.0,0.00455909908717245,0.0056801352028181245,0.012683088732035972,0.9830318869303937 +vol.T,ST,700.0,0.0,0.003314504894636237,0.004236458159563,0.01227625559401226,0.9847665725208817 +vol.T,ST,710.0,0.0,0.0016759304680682532,0.0022137737266498,0.012558035132164271,0.9868568468388816 +vol.T,ST,720.0,0.0,0.0013146146458095985,0.0016434493443220318,0.01341204655260545,0.9866937135634476 +vol.T,ST,730.0,0.0,0.0023293420409367565,0.0027653593287918703,0.014557191209141158,0.9838938387899494 +vol.T,ST,740.0,0.0,0.0028755581321640105,0.0034495751166939395,0.01554814155237168,0.9815924882623317 +vol.T,ST,750.0,0.0,0.0018221117271081462,0.0022679438101137948,0.015896677122208488,0.9826346910123979 +vol.T,ST,760.0,0.0,0.0008917392140793605,0.001175129521329582,0.015348290323519836,0.9850998489678974 +vol.T,ST,770.0,0.0,0.0018676434833460067,0.002334097040323215,0.014132782946575273,0.9854350174695805 +vol.T,ST,780.0,0.0,0.0036677893092499827,0.00453304977623464,0.012809832886635007,0.9839750882564674 +vol.T,ST,790.0,0.0,0.004215878526750302,0.005273617577487631,0.011859771820313149,0.9835265830201606 +vol.T,ST,800.0,0.0,0.0030511279016413864,0.0039125804073590715,0.011513454928670714,0.9852004131413511 +vol.T,ST,810.0,0.0,0.0014957511177824505,0.0019680811107740527,0.0118117187089207,0.987321980953175 +vol.T,ST,820.0,0.0,0.0011960472509742063,0.0014499743630389738,0.012658175597754987,0.9872749472593872 +vol.T,ST,830.0,0.0,0.002264785031670303,0.0026235425324907463,0.013801669841146898,0.984578745186196 +vol.T,ST,840.0,0.0,0.0028740539425188612,0.003385586104246252,0.014835788599854065,0.9822094249873932 +vol.T,ST,850.0,0.0,0.001828326745201873,0.0022298334692540532,0.015304839474001873,0.9829916340885475 +vol.T,ST,860.0,0.0,0.0007526307644290371,0.000980810374037413,0.01494965776112053,0.9852083877793502 +vol.T,ST,870.0,0.0,0.0014827348164387234,0.0018494436570985395,0.013950516462968549,0.985442391416224 +vol.T,ST,880.0,0.0,0.003103323688487746,0.0038233375145563897,0.012820068473747006,0.9839384052183894 +vol.T,ST,890.0,0.0,0.0036267482502447064,0.004522606320969026,0.012029860989132852,0.9833831277411622 +vol.T,ST,900.0,0.0,0.0025852008155327817,0.003305245076753344,0.011826866131193646,0.9848528632251033 +vol.T,ST,910.0,0.0,0.0012715451715683578,0.0016567239807099158,0.012272477040393547,0.9866784916177276 +vol.T,ST,920.0,0.0,0.0012940067593536315,0.0015438907420537169,0.013283341778901149,0.986251546650282 +vol.T,ST,930.0,0.0,0.002678544222765907,0.003129569789449369,0.014609574118827719,0.9831370855333701 +vol.T,ST,940.0,0.0,0.003446775075377542,0.0041215143796385955,0.015832905732525153,0.9804578656953504 +vol.T,ST,950.0,0.0,0.002281099014719585,0.0028459583384611896,0.01647044314250994,0.9812309663013019 +vol.T,ST,960.0,0.0,0.0008650031423912284,0.001178754080748857,0.0162250993707226,0.9837769083457089 +vol.T,ST,970.0,0.0,0.0012595302625938688,0.001605183056685779,0.01526039317851336,0.9844615706971019 +vol.T,ST,980.0,0.0,0.002704531651238828,0.0033230683338336636,0.014119434534152604,0.9833041710447532 +vol.T,ST,990.0,0.0,0.0032041108374735333,0.00396278338757313,0.013326507869540106,0.9829351357250959 +vol.T,ST,1000.0,0.0,0.002245148182666538,0.0028362982206680152,0.013167788073070032,0.9844345631706316 +vol.T,ST,1010.0,0.0,0.0011213925214211052,0.0014337905963837932,0.013723435002749801,0.9860874413793862 +vol.T,ST,1020.0,0.0,0.0014497449393896212,0.0017319835876338325,0.014907590244255475,0.9852262842417584 +vol.T,ST,1030.0,0.0,0.0031725973039070923,0.003779765073649526,0.016443987645488045,0.981505324095729 +vol.T,ST,1040.0,0.0,0.004111880883032669,0.0050149537569256575,0.017865557225637693,0.9783705298739157 +vol.T,ST,1050.0,0.0,0.0028129374512944755,0.0035697759406629224,0.01862717250824186,0.9791540989341788 +vol.T,ST,1060.0,0.0,0.001083828623693036,0.0014683315495068786,0.01838153442680842,0.9821015552220269 +vol.T,ST,1070.0,0.0,0.0012378790398173511,0.001531670241120762,0.017301685959869435,0.9832006558458525 +vol.T,ST,1080.0,0.0,0.0025891961941012947,0.003088050275759229,0.016007230441270746,0.9822673775606481 +vol.T,ST,1090.0,0.0,0.003059626702180098,0.0036875514859504603,0.015102099504416183,0.981995368982774 +vol.T,ST,1100.0,0.0,0.0020917244203439303,0.002582824653660986,0.01490971238753285,0.9835320783631027 +vol.T,ST,1110.0,0.0,0.001014150155920154,0.0012886070260142689,0.015510004729590311,0.9851256261697147 +vol.T,ST,1120.0,0.0,0.0014854757204278612,0.001812682985290022,0.016791037200469087,0.9840297444039354 +vol.T,ST,1130.0,0.0,0.0033912325663361343,0.004117247551572041,0.018428769902042966,0.9799657042935073 +vol.T,ST,1140.0,0.0,0.004396309886409579,0.005433487612615322,0.01989451652809312,0.9766685043417586 +vol.T,ST,1150.0,0.0,0.002994854796999044,0.003825598079065396,0.02058454763085614,0.9776769004087323 +vol.T,ST,1160.0,0.0,0.001179844501937836,0.00155820386703663,0.020130957677071203,0.981033091154071 +vol.T,ST,1170.0,0.0,0.0014168827422951563,0.0016708556140298584,0.01875975900579494,0.9823872566727023 +vol.T,ST,1180.0,0.0,0.002911744229280106,0.003383640961187129,0.017184251912300306,0.9815403921961795 +vol.T,ST,1190.0,0.0,0.0034155695234895896,0.0040350683371374995,0.016068410438970514,0.9813719294285272 +vol.T,ST,1200.0,0.0,0.0023279101409081136,0.0028095473935210668,0.015743445341672956,0.9831112303746283 +vol.T,ST,1210.0,0.0,0.001039448433904426,0.0012863857782944854,0.01626873304353601,0.98494105984325 +vol.T,ST,1220.0,0.0,0.0013030470476031381,0.0015783082058072532,0.017503694448442613,0.9840193035297391 +vol.T,ST,1230.0,0.0,0.003071407266653584,0.003718993182828263,0.01909181900813943,0.9800544971668889 +vol.T,ST,1240.0,0.0,0.004025135450718203,0.0049569269715826,0.020472832550193356,0.9768649097495292 +vol.T,ST,1250.0,0.0,0.0026797400402754,0.0033950266334924046,0.021026254054217992,0.9780108417752233 +vol.T,ST,1260.0,0.0,0.0010691979899546138,0.0013700091583596587,0.02039952794265732,0.9813829439637307 +vol.T,ST,1270.0,0.0,0.0015884831066780285,0.0018480477446795528,0.018862546505405833,0.9825520652419616 +vol.T,ST,1280.0,0.0,0.003279459530759229,0.003839720844117978,0.017162068358985434,0.9814716290054485 +vol.T,ST,1290.0,0.0,0.0039811601932687865,0.004764603261544327,0.015898190893096374,0.9809996864673087 +vol.T,ST,1300.0,0.0,0.0026563235063600255,0.003274275983094822,0.015527790981393112,0.9829730072940595 +vol.T,ST,1310.0,0.0,0.0011341868662027692,0.001451798874481077,0.01599966263762576,0.9851074890621188 +vol.T,ST,1320.0,0.0,0.001162147469639671,0.0014076077734854419,0.017164172652067905,0.9845921264353468 +vol.T,ST,1330.0,0.0,0.002747484544487586,0.0032635626207774973,0.018661472169782166,0.9810526944245158 +vol.T,ST,1340.0,0.0,0.0036342779598259847,0.004383087177282072,0.019938387360805086,0.9781678189281738 +vol.T,ST,1350.0,0.0,0.0023647418293291185,0.002929338744876307,0.020394623926193168,0.9793790084022629 +vol.T,ST,1360.0,0.0,0.000925028623399556,0.0011747420560434673,0.019705773730105382,0.9825814930852179 +vol.T,ST,1370.0,0.0,0.0016036330740793379,0.0019205201648026017,0.018155561353795754,0.9834998582060511 +vol.T,ST,1380.0,0.0,0.0033777023539593313,0.004060582428254923,0.01647096032078844,0.9822397994678261 +vol.T,ST,1390.0,0.0,0.003929125952749588,0.004812325862957622,0.015283339482562825,0.9818886193950629 +vol.T,ST,1400.0,0.0,0.002705621092785243,0.003406504957064809,0.01488783917287925,0.9837146135302336 +vol.T,ST,1410.0,0.0,0.0011656134464130797,0.0015092695159150892,0.015322202901866465,0.9858716674282617 +vol.T,ST,1420.0,0.0,0.0011420189853828305,0.001349095845141294,0.016442806772151996,0.9854537075089854 +vol.T,ST,1430.0,0.0,0.0027012230139840244,0.0031384656247087535,0.01791105740511156,0.9819995593196139 +vol.T,ST,1440.0,0.0,0.0036156883421644245,0.004291024617044377,0.01920232797012504,0.9790772134696002 +vol.T,ST,1450.0,0.0,0.002371004004278157,0.0028993525255362235,0.019739977874016195,0.9801149107695647 +vol.T,ST,1460.0,0.0,0.0008649080862451442,0.001105252569181669,0.019200705785714256,0.9831197815149404 +vol.T,ST,1470.0,0.0,0.001396441695385891,0.0016978133359701122,0.01783585582097259,0.9839042332981015 +vol.T,ST,1480.0,0.0,0.0030458467089719207,0.0036890546167094645,0.016334166021469334,0.9825443134684071 +vol.T,ST,1490.0,0.0,0.0035671728207775483,0.0043938175782693364,0.01531296478296779,0.9820689725397477 +vol.T,ST,1500.0,0.0,0.0024201818198844325,0.003066898026071724,0.01507422345668015,0.9837274742270837 +vol.T,ST,1510.0,0.0,0.0010582371511958504,0.001369713245831047,0.015671303842403277,0.9856670119195772 +vol.T,ST,1520.0,0.0,0.0012987658777606436,0.001516779793030642,0.016973278298117584,0.9849536156049036 +vol.T,ST,1530.0,0.0,0.0031382414128345057,0.0036489162822496983,0.01864276641077251,0.9811250677966279 +vol.T,ST,1540.0,0.0,0.00420027943906018,0.005008355803447684,0.020139413522880453,0.9778772068131246 +vol.T,ST,1550.0,0.0,0.002840959500301296,0.0035175407754201005,0.020852172670616544,0.9788516888787224 +vol.T,ST,1560.0,0.0,0.0010125205949738747,0.0013553965265227805,0.020415784800288078,0.9821229852987106 +vol.T,ST,1570.0,0.0,0.0012287252790603358,0.001557348313728245,0.019070633135128346,0.9833097902083574 +vol.T,ST,1580.0,0.0,0.0027087020550638297,0.0033157988916604924,0.017545649338133254,0.9822740525813595 +vol.T,ST,1590.0,0.0,0.0031971535107082547,0.003951936656643631,0.016515525132395008,0.981970756978375 +vol.T,ST,1600.0,0.0,0.0021168783041218566,0.0026885123737848005,0.01632295146447298,0.9836208020517088 +vol.T,ST,1610.0,0.0,0.0009287542506369284,0.0012052827987904253,0.01704066057582746,0.9853090732800563 +vol.T,ST,1620.0,0.0,0.0014635420249537604,0.0017375767436341413,0.018536370112196526,0.9840442941076409 +vol.T,ST,1630.0,0.0,0.0036373808845009924,0.004319058172336783,0.020444876552751477,0.9794758840844549 +vol.T,ST,1640.0,0.0,0.004869141509758362,0.005915803140250482,0.02216888102312079,0.9756743852323773 +vol.T,ST,1650.0,0.0,0.0033717246283345146,0.004246663699030024,0.02302219645176703,0.9766402359017102 +vol.T,ST,1660.0,0.0,0.0012319142144615368,0.0016486645528974897,0.02257833004084891,0.9803574157779559 +vol.T,ST,1670.0,0.0,0.0012230447935550318,0.0015044443538643063,0.021091842249261267,0.9820065685145479 +vol.T,ST,1680.0,0.0,0.0026247541744111444,0.003122267117938282,0.019383570634990906,0.9812178922930658 +vol.T,ST,1690.0,0.0,0.003088589364171205,0.0037261540069210815,0.01821633850117106,0.9810144141234861 +vol.T,ST,1700.0,0.0,0.0019944160644607364,0.0024765359126758795,0.017969500914126812,0.9826950406064807 +vol.T,ST,1710.0,0.0,0.0008391111724824654,0.0010798110779995315,0.01871620769614972,0.9843094511146446 +vol.T,ST,1720.0,0.0,0.0014961054609572107,0.0018083567563163885,0.020300578224906992,0.9827813844170481 +vol.T,ST,1730.0,0.0,0.0038296358659964014,0.004616498109112567,0.02231040780400489,0.9778284078420668 +vol.T,ST,1740.0,0.0,0.005108414820766655,0.0062675193332317365,0.024083015865496212,0.9738297840615817 +vol.T,ST,1750.0,0.0,0.0035111885328500594,0.004429919929444738,0.02486376049503715,0.9750101131420692 +vol.T,ST,1760.0,0.0,0.0013331885444258426,0.0017155214404261986,0.024200584563598134,0.9791188927628279 +vol.T,ST,1770.0,0.0,0.00148025356008904,0.0017118109274872773,0.022410933344891623,0.9809821141218266 +vol.T,ST,1780.0,0.0,0.0030745558225336272,0.0035608008973652214,0.020423306101102056,0.980244794119282 +vol.T,ST,1790.0,0.0,0.0035831019896962303,0.004251376824002232,0.019061324126629083,0.9801385992863986 +vol.T,ST,1800.0,0.0,0.002351823026436493,0.0028797540010755815,0.018703951244489703,0.9820585592700662 +vol.T,ST,1810.0,0.0,0.000938567857729737,0.0012071952722579168,0.01939573545993643,0.9840144285841864 +vol.T,ST,1820.0,0.0,0.001305307334776256,0.0015967064522788403,0.020946406369777376,0.9828607321009489 +vol.T,ST,1830.0,0.0,0.0034035418313925815,0.004099898374267067,0.022906697732365547,0.978278015181184 +vol.T,ST,1840.0,0.0,0.004576781781458349,0.005582564640244288,0.024577322760349435,0.9746237361341472 +vol.T,ST,1850.0,0.0,0.0030755369005584323,0.003828884610966378,0.025186670064647546,0.9760213377007219 +vol.T,ST,1860.0,0.0,0.0012053352832163582,0.0014907523610715723,0.024311966105804366,0.9800668494412903 +vol.T,ST,1870.0,0.0,0.0017143587177801739,0.001964280818134504,0.022333650299770382,0.9816324916876181 +vol.T,ST,1880.0,0.0,0.003532048260400132,0.0041309974985493676,0.02021453492780607,0.9806031914769393 +vol.T,ST,1890.0,0.0,0.004079749821113303,0.004899734882166149,0.018762910414112478,0.9803648008977996 +vol.T,ST,1900.0,0.0,0.00274529485570342,0.0034051656929362972,0.01832575154324641,0.9823458258041957 +vol.T,ST,1910.0,0.0,0.0011147428882443235,0.0014399234926975773,0.018919984374962263,0.9845809379360986 +vol.T,ST,1920.0,0.0,0.001172814023728261,0.0014003290819900906,0.02033851750430158,0.9839474347886514 +vol.T,ST,1930.0,0.0,0.0029560593096631827,0.0034620815197249923,0.02213152979432767,0.9800275297819583 +vol.T,ST,1940.0,0.0,0.003969101095590209,0.0047205718598466945,0.023619477521362075,0.9768936057018316 +vol.T,ST,1950.0,0.0,0.0025708098890467107,0.0031167783570677015,0.024074223525731436,0.9783796779085018 +vol.T,ST,1960.0,0.0,0.0009713280135568776,0.0011787399947417133,0.02312579534730156,0.9820971661299681 +vol.T,ST,1970.0,0.0,0.0017104550927705623,0.002009233032708027,0.021167505250214262,0.983229395285663 +vol.T,ST,1980.0,0.0,0.003638934004258764,0.004354704262757286,0.019111622189271024,0.9818907858889611 +vol.T,ST,1990.0,0.0,0.004227353392797429,0.005171615008351942,0.017704244354092628,0.9814776121421329 +vol.T,ST,2000.0,0.0,0.0028930321426341526,0.0036430661531984265,0.017260308737439035,0.9833863921590159 +vol.T,ST,2010.0,0.0,0.001209048838015712,0.0015620121620833337,0.017790923462566027,0.9856726216696261 +vol.T,ST,2020.0,0.0,0.0011563866292102357,0.0013304288895447426,0.01910411275487351,0.985242353050757 +vol.T,ST,2030.0,0.0,0.0028331919048829052,0.00321321045193965,0.020788198484779776,0.9815915092521548 +vol.T,ST,2040.0,0.0,0.003835144306479907,0.004441027922112402,0.022219579656880824,0.9785750094019393 +vol.T,ST,2050.0,0.0,0.0024921927434184985,0.0029379942956319445,0.02272503987849544,0.9799183102126284 +vol.T,ST,2060.0,0.0,0.0008554931451898169,0.0010231910185845396,0.021950780923111535,0.9834002935319739 +vol.T,ST,2070.0,0.0,0.001419943801448558,0.0017020087250960822,0.020237646856509132,0.9843958568922941 +vol.T,ST,2080.0,0.0,0.0029936765652140893,0.0036407190977732987,0.018509685229740943,0.9831704349977458 +vol.T,ST,2090.0,0.0,0.0036820642752763864,0.004559777710994824,0.017267272755580626,0.9824878304182887 +vol.T,ST,2100.0,0.0,0.0025105510031322,0.003190706348760714,0.016966346266095007,0.9840953594161622 +vol.T,ST,2110.0,0.0,0.0010797893401690065,0.00136927084851414,0.01763354068270606,0.9860219440617636 +vol.T,ST,2120.0,0.0,0.0012544792884626231,0.0013897375851590324,0.019024532656450092,0.9853316670519999 +vol.T,ST,2130.0,0.0,0.003265617546743934,0.003666818130001465,0.020902193817695633,0.9812001578615072 +vol.T,ST,2140.0,0.0,0.004455510726260901,0.005161894285257543,0.02255691289316228,0.9777442120155702 +vol.T,ST,2150.0,0.0,0.0030158250731602857,0.003602800924537404,0.023296340330668654,0.9788749824512197 +vol.T,ST,2160.0,0.0,0.0010340397965502672,0.0013047891196435969,0.02271943891175227,0.9824527954975206 +vol.T,ST,2170.0,0.0,0.0012333637066192261,0.001528592532763729,0.02113269681863414,0.9836873533510379 +vol.T,ST,2180.0,0.0,0.002789805020147074,0.0034035254344620836,0.019388965144316834,0.9824451798120788 +vol.T,ST,2190.0,0.0,0.0033107210929103747,0.004082081458624294,0.018245032293549603,0.9819369210529146 +vol.T,ST,2200.0,0.0,0.0021911439441924694,0.002751957715651093,0.018062414553041493,0.9835117750300989 +vol.T,ST,2210.0,0.0,0.0009700208172202637,0.0011877520788332963,0.018902467875579438,0.9851868022175237 +vol.T,ST,2220.0,0.0,0.0015865473855070495,0.0017640272936399412,0.020604861051469792,0.9838087024783987 +vol.T,ST,2230.0,0.0,0.0039636069702106555,0.004546572492726551,0.022752276394823856,0.9789750691921034 +vol.T,ST,2240.0,0.0,0.005332840313330937,0.006302396279652454,0.0246663548343956,0.9749924280604938 +vol.T,ST,2250.0,0.0,0.0037322998752212853,0.004538665796909616,0.025568455437555173,0.9761349302153545 +vol.T,ST,2260.0,0.0,0.0013822873286935748,0.0017264830527727692,0.024989394129167616,0.9802101492954246 +vol.T,ST,2270.0,0.0,0.001285288747078112,0.0015037898707243532,0.023254056605483738,0.9820151571611145 +vol.T,ST,2280.0,0.0,0.0027045007510029303,0.003154516420773566,0.021319019029774632,0.9811681009625308 +vol.T,ST,2290.0,0.0,0.0031688049437611637,0.0037571590967739256,0.02003909484205301,0.9809036976275527 +vol.T,ST,2300.0,0.0,0.0020320657826202013,0.002443019609857003,0.019819958717979126,0.9826030641058373 +vol.T,ST,2310.0,0.0,0.0008733881044149707,0.0010191507873558126,0.020729839984997438,0.9842283248069721 +vol.T,ST,2320.0,0.0,0.0016750513680734399,0.0018999477272375448,0.02259048343785577,0.9825422761736451 +vol.T,ST,2330.0,0.0,0.004282649183717595,0.00504151325778942,0.024932158303949337,0.9772361732395493 +vol.T,ST,2340.0,0.0,0.005727240994812172,0.006933966776200553,0.026989195753740293,0.9729769596004649 +vol.T,ST,2350.0,0.0,0.00398574062154875,0.00497176443518996,0.02788451722718095,0.9743053379504419 +vol.T,ST,2360.0,0.0,0.0015219103821460733,0.001922824224520351,0.02710103723074132,0.9787922057389149 +vol.T,ST_conf,0.0,0.0,0.0,0.0,0.0,0.0 +vol.T,ST_conf,10.0,0.0,0.041102896380053724,0.06512348021522799,0.004250043563538866,0.1332135587114775 +vol.T,ST_conf,20.0,0.0,0.03688113454781133,0.04641053737055925,0.004226261887249999,0.09876556971791751 +vol.T,ST_conf,30.0,0.0,0.03074473146353492,0.0413889862248386,0.005659510510830451,0.06596588429786897 +vol.T,ST_conf,40.0,0.0,0.026980670521896132,0.03098165417842469,0.005532114834932134,0.06434892913618027 +vol.T,ST_conf,50.0,0.0,0.019628039926723725,0.023741303433280927,0.005648456988403657,0.06322142661232365 +vol.T,ST_conf,60.0,0.0,0.014406482612323369,0.015855010524054275,0.003936651794990663,0.07735146247304547 +vol.T,ST_conf,70.0,0.0,0.00979835942139599,0.00996630838637136,0.0033873072913548604,0.06023554745176091 +vol.T,ST_conf,80.0,0.0,0.006789572177891891,0.007783821157002674,0.002556105211062908,0.05509854961882468 +vol.T,ST_conf,90.0,0.0,0.004496188824055488,0.005258443800876585,0.0022764166233685047,0.06068190881103508 +vol.T,ST_conf,100.0,0.0,0.004259650418218135,0.0049441548193856315,0.0019437999100008839,0.05507389997608639 +vol.T,ST_conf,110.0,0.0,0.004131472227750729,0.004785463248316133,0.002173959068754708,0.05014191687599352 +vol.T,ST_conf,120.0,0.0,0.004173221376792775,0.004962511002880605,0.0021345109814150873,0.05687958566676312 +vol.T,ST_conf,130.0,0.0,0.004571457554098492,0.005255787037889424,0.0030611385450924214,0.04392716204105362 +vol.T,ST_conf,140.0,0.0,0.004575110137723727,0.0051185145914204415,0.0031986595343536563,0.055961867403208285 +vol.T,ST_conf,150.0,0.0,0.004040736465254793,0.00500954999311843,0.003152449886420482,0.04902880224056797 +vol.T,ST_conf,160.0,0.0,0.0031680214725757915,0.004357049376768413,0.0031965135224357724,0.05200154362895442 +vol.T,ST_conf,170.0,0.0,0.0023669699903839,0.0036012968639084703,0.002573816549830385,0.0488921655794467 +vol.T,ST_conf,180.0,0.0,0.0019123452608075843,0.0025255271524983135,0.002139838540458248,0.046279807238433404 +vol.T,ST_conf,190.0,0.0,0.0018628686547068375,0.002227213305237866,0.0017844635746236683,0.0489543645169695 +vol.T,ST_conf,200.0,0.0,0.0016246665775920216,0.0018541785881672518,0.0018826120977631926,0.04130327829028186 +vol.T,ST_conf,210.0,0.0,0.0018028534160671329,0.0019111180965190508,0.0016812030094191588,0.053777605441791096 +vol.T,ST_conf,220.0,0.0,0.0017406155385527077,0.0020955709319176305,0.0020104523469788066,0.050039128703591895 +vol.T,ST_conf,230.0,0.0,0.002044559970795895,0.002514175158188634,0.0023658488926034107,0.0480781056108994 +vol.T,ST_conf,240.0,0.0,0.0018685333554987302,0.0024795746016098063,0.002609645366190915,0.0495627688394232 +vol.T,ST_conf,250.0,0.0,0.0019808742972777954,0.002412282228845403,0.002280170030898181,0.04445914682104342 +vol.T,ST_conf,260.0,0.0,0.0015397143075570185,0.0021274915629902083,0.002113532651279276,0.039944217071936114 +vol.T,ST_conf,270.0,0.0,0.0012758604689409759,0.0016234532334366831,0.0020542416788320705,0.046240896285355 +vol.T,ST_conf,280.0,0.0,0.0012095486283673542,0.0017766229227770022,0.002117788611907512,0.05349733811738968 +vol.T,ST_conf,290.0,0.0,0.0010636571442799007,0.0014437521259444515,0.0017395012384795268,0.04943186034727346 +vol.T,ST_conf,300.0,0.0,0.000991815583246881,0.0013182874666380295,0.0015453005367773577,0.048016972374791085 +vol.T,ST_conf,310.0,0.0,0.0009732954725722068,0.001078474544144648,0.0016437589014984748,0.04217375870624481 +vol.T,ST_conf,320.0,0.0,0.0008196109537827161,0.0011725940720096566,0.0016453025688907127,0.047751151930756984 +vol.T,ST_conf,330.0,0.0,0.0012932205994056166,0.0016529312596898446,0.0019086019722343087,0.05000735322604011 +vol.T,ST_conf,340.0,0.0,0.001141013755090448,0.0015443956013624117,0.001856568090312542,0.050480007191627936 +vol.T,ST_conf,350.0,0.0,0.001198588220582492,0.0015004474475099226,0.0017059681751565635,0.04310476336809029 +vol.T,ST_conf,360.0,0.0,0.0010371154600633354,0.0012762694857647774,0.0018009300090589975,0.0425139825729555 +vol.T,ST_conf,370.0,0.0,0.0009361344828343726,0.0009675964016201428,0.0017298643900415655,0.04750142110120701 +vol.T,ST_conf,380.0,0.0,0.000745497125430279,0.0009556167160408788,0.0013409017484451598,0.048774143301295994 +vol.T,ST_conf,390.0,0.0,0.0008073820522674775,0.0009574313116935696,0.0014122641127038895,0.048026139430376986 +vol.T,ST_conf,400.0,0.0,0.0005524143049166419,0.0007816786068579803,0.0010844695920463716,0.04628932271113686 +vol.T,ST_conf,410.0,0.0,0.000516544802214332,0.000673906693507773,0.0013550848324954397,0.04337708280319603 +vol.T,ST_conf,420.0,0.0,0.0006223143047318363,0.0007727870351006972,0.0013752199935357704,0.04811790288498096 +vol.T,ST_conf,430.0,0.0,0.0007992609826050017,0.0008911747757246348,0.001573837128144644,0.048363516301703796 +vol.T,ST_conf,440.0,0.0,0.0007999772146835782,0.0008476697500788038,0.0017593349799021982,0.042248337841172795 +vol.T,ST_conf,450.0,0.0,0.0006581597825658192,0.0008381519131651795,0.001690396255135482,0.04241964142100837 +vol.T,ST_conf,460.0,0.0,0.0004715240997916298,0.000696023109212524,0.0016005730925248462,0.04452217640648643 +vol.T,ST_conf,470.0,0.0,0.0005454242762398984,0.0006914326852203072,0.0013996048460634591,0.05164228212089376 +vol.T,ST_conf,480.0,0.0,0.0006641671915483678,0.0006878642396677971,0.0012713834267281338,0.04653016049367573 +vol.T,ST_conf,490.0,0.0,0.0005692683613812547,0.000635015998912729,0.0012079939616350315,0.043870099583003426 +vol.T,ST_conf,500.0,0.0,0.000380140372370263,0.00044735343248973234,0.0011261157846156056,0.044456692080351384 +vol.T,ST_conf,510.0,0.0,0.00028492070227047287,0.0003738773855267262,0.0011929294736873675,0.04474071324602814 +vol.T,ST_conf,520.0,0.0,0.00040660766645405407,0.0005302555062407429,0.0012533600347137798,0.04405167505731757 +vol.T,ST_conf,530.0,0.0,0.0005385499399612574,0.0006129080924398128,0.0013113866487418546,0.046519590687612015 +vol.T,ST_conf,540.0,0.0,0.0004760811038123201,0.0006558575202475773,0.0013799669941496591,0.043355831221350366 +vol.T,ST_conf,550.0,0.0,0.0003316172404395455,0.00044048502338058556,0.0015954854130214946,0.04143746963690525 +vol.T,ST_conf,560.0,0.0,0.00030262463423374894,0.0003571009371143127,0.0014835360599958118,0.04470873585823449 +vol.T,ST_conf,570.0,0.0,0.00046653544758553034,0.00048556107602789635,0.0011646411911143543,0.03791034611181906 +vol.T,ST_conf,580.0,0.0,0.0005339072519235816,0.0006509837678596989,0.0011328821096890638,0.0432579939443307 +vol.T,ST_conf,590.0,0.0,0.0004669456202263826,0.0006334054270881004,0.0010260668105215027,0.04349606971594462 +vol.T,ST_conf,600.0,0.0,0.0003196815923283061,0.000384957540837781,0.0011213672508938546,0.05164653594942099 +vol.T,ST_conf,610.0,0.0,0.00020711384606607086,0.00024463015875375945,0.0010903418574794664,0.04049778709276976 +vol.T,ST_conf,620.0,0.0,0.00025539202113120747,0.00026131094363302963,0.0011967021580732626,0.040710992692145107 +vol.T,ST_conf,630.0,0.0,0.0003690365776414073,0.0004349752580081098,0.0012171021657170376,0.04385459853336612 +vol.T,ST_conf,640.0,0.0,0.00037691847580632615,0.0004571867890425827,0.0013196744984358799,0.044189057096190636 +vol.T,ST_conf,650.0,0.0,0.0002637723443570006,0.00033492721156698306,0.001505829330478829,0.04373340349248447 +vol.T,ST_conf,660.0,0.0,0.00020968199235053226,0.0002591410652667124,0.0012832556306915316,0.046773297577360845 +vol.T,ST_conf,670.0,0.0,0.0003217764307457586,0.0003782191604266891,0.001065520235725123,0.046801423796404736 +vol.T,ST_conf,680.0,0.0,0.0004813863276397093,0.0005658805305811485,0.0011294572929634395,0.045485937230406885 +vol.T,ST_conf,690.0,0.0,0.0004492670751102603,0.0005433109253981061,0.0009238472839156973,0.04429154146423067 +vol.T,ST_conf,700.0,0.0,0.0003094212130278663,0.0003459039807349755,0.0010192360753436991,0.05029161370810764 +vol.T,ST_conf,710.0,0.0,0.00015408410244115267,0.00018205936660184807,0.0009246455072481125,0.044811497508427243 +vol.T,ST_conf,720.0,0.0,0.00017702332814358539,0.00023713001102293251,0.00096781043322879,0.04108765602640077 +vol.T,ST_conf,730.0,0.0,0.00036599873857689363,0.00040692151923491996,0.0012719333687063012,0.04658515021291562 +vol.T,ST_conf,740.0,0.0,0.000366390228440639,0.0004469832866018783,0.0012180563312083907,0.047565480210071544 +vol.T,ST_conf,750.0,0.0,0.00022350788867339143,0.0002402655807221198,0.001154002700042727,0.04724365881983455 +vol.T,ST_conf,760.0,0.0,0.00015466786264649177,0.00018389701864051568,0.0012754587367956515,0.04822526159007501 +vol.T,ST_conf,770.0,0.0,0.0002986930032215543,0.0003030134006373632,0.0010648464346596,0.04707556259246366 +vol.T,ST_conf,780.0,0.0,0.00043990829248245436,0.0004627141613306752,0.0008797427429448839,0.044378182564547064 +vol.T,ST_conf,790.0,0.0,0.000470266423810867,0.0005286255232618916,0.0008321441307916009,0.04388604014124711 +vol.T,ST_conf,800.0,0.0,0.00025771285313202754,0.0002864735151399389,0.0010030614924381662,0.04111946609100378 +vol.T,ST_conf,810.0,0.0,0.00012990138169135528,0.000157352416514256,0.0010221042170265834,0.04225280114857239 +vol.T,ST_conf,820.0,0.0,0.00020023039629197783,0.00018886141269951588,0.0009305214344959799,0.04172080610707664 +vol.T,ST_conf,830.0,0.0,0.0003774863902788468,0.00037803083685942546,0.0009919259548064592,0.0402247061716882 +vol.T,ST_conf,840.0,0.0,0.00040530051354107244,0.00045273690811663557,0.0010960927224117605,0.04113036112574688 +vol.T,ST_conf,850.0,0.0,0.00017860133622405057,0.00024427451263411506,0.001098941246317001,0.045684706985109194 +vol.T,ST_conf,860.0,0.0,0.0001364418128683909,0.00014080174790456285,0.0011106583748985463,0.0480915222228221 +vol.T,ST_conf,870.0,0.0,0.00022866713124438328,0.00023780185491753677,0.001009446867909182,0.040495164966450704 +vol.T,ST_conf,880.0,0.0,0.0004002595609703595,0.0004920641080482126,0.000935695989984894,0.037218452898834305 +vol.T,ST_conf,890.0,0.0,0.00039844057683779494,0.0004631510206044869,0.0007989614981482632,0.039939413644761175 +vol.T,ST_conf,900.0,0.0,0.0002130633677059044,0.0002600955649803737,0.0008144351660378081,0.03903889918028253 +vol.T,ST_conf,910.0,0.0,0.0001034246955107564,0.00013266849801363902,0.0008666790399499164,0.047371606487823986 +vol.T,ST_conf,920.0,0.0,0.0002204519533035537,0.000216609005759341,0.0009154478764075587,0.04676560892889024 +vol.T,ST_conf,930.0,0.0,0.0004649687891114902,0.0005317543646002129,0.0011035114873224406,0.045349026449031535 +vol.T,ST_conf,940.0,0.0,0.00047473399654520743,0.0005675065204833258,0.00112927193663263,0.04681759229093017 +vol.T,ST_conf,950.0,0.0,0.0002483903424323218,0.00032183989356343053,0.0011929385112126188,0.042223092702169396 +vol.T,ST_conf,960.0,0.0,0.0001173528572148357,0.00014305970088025207,0.0010688842248580183,0.0430178607459039 +vol.T,ST_conf,970.0,0.0,0.00021941352260023336,0.0002332616044895718,0.001112919427059863,0.04232011323933548 +vol.T,ST_conf,980.0,0.0,0.0003638943337336766,0.000439952136382747,0.0009945017597715598,0.04481151031245136 +vol.T,ST_conf,990.0,0.0,0.000303582154209567,0.00038344684216005313,0.0010699305876410306,0.0443922073942668 +vol.T,ST_conf,1000.0,0.0,0.00020846926616092338,0.00024543147439334725,0.0009107452831573656,0.04358868524947031 +vol.T,ST_conf,1010.0,0.0,9.221736104458422e-05,0.0001221415820511983,0.0010603541877437048,0.04854169904732893 +vol.T,ST_conf,1020.0,0.0,0.00024011181477016168,0.0002980305477377739,0.0011237654659306125,0.039246572907785576 +vol.T,ST_conf,1030.0,0.0,0.000575202576995668,0.000667548893285086,0.001274747922841979,0.04353904417436525 +vol.T,ST_conf,1040.0,0.0,0.0005459575401644907,0.0006158012326542131,0.0015081595329131446,0.04422346916792522 +vol.T,ST_conf,1050.0,0.0,0.0003088269061627666,0.0003448943623682704,0.00129077866542334,0.04267342167195609 +vol.T,ST_conf,1060.0,0.0,0.00011842080040398496,0.00018278256396142916,0.0013503558305396864,0.0406511811855748 +vol.T,ST_conf,1070.0,0.0,0.00021840846314566512,0.00024762326832322804,0.001137917977375707,0.037557404772847566 +vol.T,ST_conf,1080.0,0.0,0.0003372707740188158,0.00034153801683478076,0.0011320413411824606,0.04529226798212738 +vol.T,ST_conf,1090.0,0.0,0.00029266271258561054,0.0003906071311617849,0.0012074036539133524,0.04786132729203944 +vol.T,ST_conf,1100.0,0.0,0.00018646162981232376,0.00020490124821636585,0.0010641718108082556,0.041414150721062984 +vol.T,ST_conf,1110.0,0.0,8.695215102396616e-05,0.00011447586130929994,0.0011225973267654594,0.047107979690971934 +vol.T,ST_conf,1120.0,0.0,0.00024513341386573473,0.000298830295767297,0.001190400632715916,0.04647011978883528 +vol.T,ST_conf,1130.0,0.0,0.0005368665281602516,0.0006623494776333331,0.0013156954229328127,0.044664470058304255 +vol.T,ST_conf,1140.0,0.0,0.0006372808847589173,0.0007296221747503875,0.0015527227774758407,0.04687180740193064 +vol.T,ST_conf,1150.0,0.0,0.00031397405834515413,0.0003384288315674321,0.0016419375950658581,0.04391712406414922 +vol.T,ST_conf,1160.0,0.0,0.00016867013419981784,0.00020109906118206668,0.0016450100514962165,0.04158972992341483 +vol.T,ST_conf,1170.0,0.0,0.0002493312156890992,0.0002651585407197643,0.001354461545011766,0.04212109202520029 +vol.T,ST_conf,1180.0,0.0,0.00043144952013243016,0.0005270935897557261,0.0013280409788596454,0.04018954782954352 +vol.T,ST_conf,1190.0,0.0,0.0004623625906819631,0.0004725728752680029,0.0011921122721768227,0.04915720510622558 +vol.T,ST_conf,1200.0,0.0,0.00022881370113471885,0.00029648587408011377,0.0012732808078099143,0.048432855647305886 +vol.T,ST_conf,1210.0,0.0,9.494497118659038e-05,0.00011349899486997766,0.0014643876481448674,0.04347649480595577 +vol.T,ST_conf,1220.0,0.0,0.0002253705055264389,0.00024162258975439046,0.001443507796975128,0.04425649675677159 +vol.T,ST_conf,1230.0,0.0,0.0005106426099844974,0.0006173509832609566,0.0014793243788037305,0.044023500300420314 +vol.T,ST_conf,1240.0,0.0,0.0004805483372515718,0.0006175564024175498,0.0014854109020442472,0.04554281657979467 +vol.T,ST_conf,1250.0,0.0,0.00033921209748395876,0.000400687473338108,0.0017655671145961175,0.04204405641946509 +vol.T,ST_conf,1260.0,0.0,0.0001350897633273391,0.0001772404924147933,0.0013570047565196358,0.043805032988722827 +vol.T,ST_conf,1270.0,0.0,0.00028100423127998617,0.00033316585329812006,0.001622201811868587,0.04077899887972419 +vol.T,ST_conf,1280.0,0.0,0.00043832612108212057,0.0005292855474838594,0.0016122809851503684,0.04582055494078021 +vol.T,ST_conf,1290.0,0.0,0.0005230068280562219,0.0005546284249744917,0.0015082093148099777,0.04317205115680335 +vol.T,ST_conf,1300.0,0.0,0.0002714349358485561,0.00033882040021627433,0.0013557694651042422,0.04744153536103805 +vol.T,ST_conf,1310.0,0.0,0.00011004137900678064,0.0001247149284347863,0.0015159378743324797,0.03840149539672771 +vol.T,ST_conf,1320.0,0.0,0.00018422483101921598,0.00020640546870663646,0.0015286862432119742,0.04339391879636372 +vol.T,ST_conf,1330.0,0.0,0.00048574841156505936,0.0005353116150951495,0.0019626974613744944,0.042252043896776836 +vol.T,ST_conf,1340.0,0.0,0.0005398231246093445,0.0006138002626217104,0.0019363386253994535,0.04382156002171028 +vol.T,ST_conf,1350.0,0.0,0.0002539691767712907,0.00030983868917346385,0.0016189638258746677,0.04364062107680051 +vol.T,ST_conf,1360.0,0.0,0.00011675891648954513,0.00012739539039040022,0.0017448303628463653,0.045758267647156126 +vol.T,ST_conf,1370.0,0.0,0.00029545132245790273,0.0003386501590865776,0.0017221734923606128,0.043418816285066206 +vol.T,ST_conf,1380.0,0.0,0.00048944241370992,0.000620431950188098,0.0014652041686796528,0.04110907835065594 +vol.T,ST_conf,1390.0,0.0,0.0004883378008688118,0.0006643101863296171,0.0013283175046903684,0.04528407132551338 +vol.T,ST_conf,1400.0,0.0,0.0002768643610477151,0.00036299020469833596,0.001447611087686245,0.04753317759440391 +vol.T,ST_conf,1410.0,0.0,9.964243442348813e-05,0.00012369654037236308,0.0013307700982154883,0.046522675823259856 +vol.T,ST_conf,1420.0,0.0,0.00022928045090765624,0.0002381152429636097,0.0015030088364702428,0.0433984761817592 +vol.T,ST_conf,1430.0,0.0,0.00045461155401047546,0.0005455746855776246,0.0016343654670650134,0.039484987610870236 +vol.T,ST_conf,1440.0,0.0,0.000555916221458563,0.0005782003058375071,0.0018952943273238471,0.045657058978522645 +vol.T,ST_conf,1450.0,0.0,0.000293909231173549,0.00033038029221988454,0.00204359366412418,0.04482274448006656 +vol.T,ST_conf,1460.0,0.0,0.0001328727560512492,0.00013454187903141898,0.0019113766671412806,0.04149539265254779 +vol.T,ST_conf,1470.0,0.0,0.00026224951714095245,0.000263589472882311,0.0017016797589998224,0.04474714394445267 +vol.T,ST_conf,1480.0,0.0,0.0005070118560577747,0.0005252873230748241,0.0015967685194781358,0.042028707427118256 +vol.T,ST_conf,1490.0,0.0,0.00041922567708628066,0.0005268664953644265,0.0017199409489102215,0.041122674439275336 +vol.T,ST_conf,1500.0,0.0,0.00026448639895448433,0.00030239338248231023,0.0016188829612079178,0.0404644798727858 +vol.T,ST_conf,1510.0,0.0,0.00010051266420558572,0.00012001730962159475,0.0016502788086300072,0.04301054927034463 +vol.T,ST_conf,1520.0,0.0,0.00028142040280194533,0.00028461098331494794,0.0014881457377017829,0.048281179301026364 +vol.T,ST_conf,1530.0,0.0,0.0005378686434959868,0.0005975163868782054,0.0017539057097824338,0.04340815681092311 +vol.T,ST_conf,1540.0,0.0,0.0006119428455306804,0.0006383599881730973,0.0019935572527280195,0.04432524895098319 +vol.T,ST_conf,1550.0,0.0,0.00029830540159480186,0.00035264826566741906,0.0018059575476263262,0.040063582032864836 +vol.T,ST_conf,1560.0,0.0,0.0001241613359817116,0.00015566632354959583,0.0021273664704556526,0.043592538251102736 +vol.T,ST_conf,1570.0,0.0,0.00023346863661253395,0.0002657147694589376,0.0017884770666535162,0.04067236526177889 +vol.T,ST_conf,1580.0,0.0,0.0004410320845488064,0.0004912284570029692,0.0017536015752970251,0.04071216176974702 +vol.T,ST_conf,1590.0,0.0,0.00037406504422599654,0.00043044876712478497,0.001583405805968079,0.04181798434624037 +vol.T,ST_conf,1600.0,0.0,0.00021231009551981429,0.0002738187751843464,0.0016793683310377878,0.04753980042340389 +vol.T,ST_conf,1610.0,0.0,9.35124962953105e-05,0.00011447676468921064,0.001822024227489134,0.04503852417790524 +vol.T,ST_conf,1620.0,0.0,0.0002812091360995105,0.0003227042150737693,0.0020141090995556246,0.045657607557122205 +vol.T,ST_conf,1630.0,0.0,0.0006446365700318207,0.0007076210970147433,0.0022834911661727317,0.041437141255111935 +vol.T,ST_conf,1640.0,0.0,0.0006212467692560918,0.0006823358462869761,0.0024697552951198362,0.04243504267443852 +vol.T,ST_conf,1650.0,0.0,0.0004128818437845735,0.0004939979181814861,0.0025777195404577697,0.044553625295405644 +vol.T,ST_conf,1660.0,0.0,0.00013815750938829852,0.00020251203946879506,0.0021583173354913186,0.039761029521226385 +vol.T,ST_conf,1670.0,0.0,0.00021858586008839252,0.00024043641572277002,0.0020802410319198713,0.04328757461273607 +vol.T,ST_conf,1680.0,0.0,0.00046660464761961724,0.00044268102014018775,0.0021274467125292464,0.042294013026908904 +vol.T,ST_conf,1690.0,0.0,0.0003715928890807847,0.00044447415060779835,0.001979826611911178,0.04319695117381336 +vol.T,ST_conf,1700.0,0.0,0.0001606858399268659,0.0002593055541179711,0.001872298006948129,0.04090198608872565 +vol.T,ST_conf,1710.0,0.0,8.098666092678036e-05,0.00012232965239521054,0.001761010914448104,0.04188711236694301 +vol.T,ST_conf,1720.0,0.0,0.000308205840822625,0.00037002078769314935,0.001869028729209086,0.04477759563363574 +vol.T,ST_conf,1730.0,0.0,0.000672591180373625,0.0008337748378353176,0.0024166645247648316,0.05075509709575222 +vol.T,ST_conf,1740.0,0.0,0.0006663602430001193,0.0009043774887133347,0.0022340441898729088,0.05108027658791463 +vol.T,ST_conf,1750.0,0.0,0.000408897521863605,0.00044981210840706036,0.002641987487005934,0.042706329565532504 +vol.T,ST_conf,1760.0,0.0,0.0001562078562691009,0.00018863960516496233,0.0023719154589673204,0.039949095321216654 +vol.T,ST_conf,1770.0,0.0,0.0002930502578299155,0.0003084737087396672,0.002364347241033073,0.03989761984597864 +vol.T,ST_conf,1780.0,0.0,0.0005324701013814938,0.0005568665833088125,0.0019913042927506134,0.039957790459652066 +vol.T,ST_conf,1790.0,0.0,0.0004692648682556622,0.000520759119094987,0.0019380922206805064,0.04498357354248101 +vol.T,ST_conf,1800.0,0.0,0.00023377654375245348,0.0003052288341739267,0.001896893380144901,0.043652222164117044 +vol.T,ST_conf,1810.0,0.0,0.00011886011328850172,0.00011670829581700412,0.0020716343084402023,0.04149435314056783 +vol.T,ST_conf,1820.0,0.0,0.00023158754987747906,0.0002707451001476568,0.002136863335100285,0.046490975968210384 +vol.T,ST_conf,1830.0,0.0,0.0005941963575492523,0.0006505168605635664,0.0022870277187499234,0.041395237032058 +vol.T,ST_conf,1840.0,0.0,0.0006221062159864294,0.0007878416022215004,0.002754666733255404,0.04637488923482476 +vol.T,ST_conf,1850.0,0.0,0.0003129102726117714,0.0004335525864250981,0.0028777376288896053,0.04849610701692355 +vol.T,ST_conf,1860.0,0.0,0.00014522914738413883,0.00015279734962786703,0.0027953277240183975,0.04705240869825996 +vol.T,ST_conf,1870.0,0.0,0.0003655283177286218,0.00038143923380715904,0.0021484640674011035,0.04270644646028301 +vol.T,ST_conf,1880.0,0.0,0.0005427607496710322,0.0005922665324361839,0.0018373774797602127,0.040379199490445356 +vol.T,ST_conf,1890.0,0.0,0.000617777936920846,0.0006416163180456413,0.0019326239420995994,0.04721640626119198 +vol.T,ST_conf,1900.0,0.0,0.00030768952540302386,0.00029516314469954513,0.0016922303666266263,0.040356181026930456 +vol.T,ST_conf,1910.0,0.0,0.00012247058541127898,0.000140697132813888,0.0022510866843859214,0.043305552644170235 +vol.T,ST_conf,1920.0,0.0,0.00020902475559127153,0.00022524440477926242,0.001974508973888338,0.04678260678662477 +vol.T,ST_conf,1930.0,0.0,0.0005164468009468887,0.0005154820444691026,0.0019732059353524327,0.04552191586079672 +vol.T,ST_conf,1940.0,0.0,0.0004743524036781369,0.0006896010433909784,0.0023899909070101842,0.04441383083031948 +vol.T,ST_conf,1950.0,0.0,0.0002811978857443885,0.0003374640136585755,0.002230830937164155,0.04323620707671495 +vol.T,ST_conf,1960.0,0.0,0.00013436338158058188,0.0001477441620088315,0.0027170255316341673,0.038441543788277965 +vol.T,ST_conf,1970.0,0.0,0.00037118754544305155,0.0004197583182014506,0.0024358404091057028,0.0400864184484334 +vol.T,ST_conf,1980.0,0.0,0.0005313347460859442,0.0005930956310903346,0.002125345166776397,0.04967279623952688 +vol.T,ST_conf,1990.0,0.0,0.0005752082416003027,0.000741311540832395,0.002108158506068901,0.04143803247840873 +vol.T,ST_conf,2000.0,0.0,0.00029601574430107266,0.00032195913571094695,0.0021869568670739655,0.05050573321648083 +vol.T,ST_conf,2010.0,0.0,0.00011022176401993112,0.0001458913621900413,0.0021448454988290512,0.04851692273843478 +vol.T,ST_conf,2020.0,0.0,0.00021327915921223517,0.00022126695189315639,0.0021746786892176575,0.040939879711621635 +vol.T,ST_conf,2030.0,0.0,0.0004894896565287624,0.0005699599925069592,0.0023163164491032794,0.03856727581279801 +vol.T,ST_conf,2040.0,0.0,0.00047924609061606973,0.0005362331502096927,0.002757733840559556,0.045986579107159656 +vol.T,ST_conf,2050.0,0.0,0.0002746975716893851,0.0002777614533614591,0.00247479620846998,0.040651356693536755 +vol.T,ST_conf,2060.0,0.0,0.0001121235302922117,0.00011252997291704672,0.0023806948467244952,0.04112806735664506 +vol.T,ST_conf,2070.0,0.0,0.00029823113517385755,0.0002962348722720363,0.0023605380751676925,0.04475958569678079 +vol.T,ST_conf,2080.0,0.0,0.0003787933935988723,0.0005467108688990586,0.0020780094555253943,0.04288277702908661 +vol.T,ST_conf,2090.0,0.0,0.00041295403925375643,0.0005258475128741695,0.0018335788565457234,0.048542450088416504 +vol.T,ST_conf,2100.0,0.0,0.00021901105474159013,0.0002918250218855248,0.0018553890141205405,0.04547562885610112 +vol.T,ST_conf,2110.0,0.0,0.00010090395041540487,0.00010445538578681013,0.001902742275282812,0.047394932112720646 +vol.T,ST_conf,2120.0,0.0,0.000242068669324111,0.0002460904221501841,0.0023308720413417134,0.047035160788589804 +vol.T,ST_conf,2130.0,0.0,0.0006222812274753348,0.0006505891263297172,0.0023163124441579717,0.04160255910541565 +vol.T,ST_conf,2140.0,0.0,0.0006321548221687135,0.0007118088914381335,0.002360793218847632,0.049466622144500164 +vol.T,ST_conf,2150.0,0.0,0.0003389314913440829,0.0004419897299660621,0.0026142317237520508,0.04562589922024017 +vol.T,ST_conf,2160.0,0.0,0.00013484037568081003,0.00013900408451077257,0.002470552706588518,0.04401277293991247 +vol.T,ST_conf,2170.0,0.0,0.00019605250732648567,0.00025617733337502725,0.002254930428695135,0.0420830453928134 +vol.T,ST_conf,2180.0,0.0,0.00037323778550334467,0.0005027696809527052,0.0017985098700018052,0.04419740174080838 +vol.T,ST_conf,2190.0,0.0,0.00042377418932376497,0.00043986013586727043,0.0022815325868258424,0.0500997561294418 +vol.T,ST_conf,2200.0,0.0,0.00019743031327499583,0.00027130405322886916,0.002064496634351267,0.047937403227030655 +vol.T,ST_conf,2210.0,0.0,0.00010261195686674256,0.00012178381039451809,0.002275908180427143,0.04676705204672779 +vol.T,ST_conf,2220.0,0.0,0.0003424618531541925,0.00030511200426957635,0.0024644765881569543,0.03708720071509088 +vol.T,ST_conf,2230.0,0.0,0.0007356165860652211,0.0006909539597312581,0.0026224498469369995,0.04341207137903328 +vol.T,ST_conf,2240.0,0.0,0.0007443672666252617,0.0007979845116700096,0.00280132538445707,0.047518344819381865 +vol.T,ST_conf,2250.0,0.0,0.00044181989888338654,0.00048182110169518277,0.0030823895850611376,0.04459248684310764 +vol.T,ST_conf,2260.0,0.0,0.00014453005225536727,0.00017024403680616327,0.003015621753833127,0.044807737319057815 +vol.T,ST_conf,2270.0,0.0,0.00024305252127228524,0.0002313235863712953,0.0022611671599553065,0.04512050387857471 +vol.T,ST_conf,2280.0,0.0,0.0003843681726835901,0.00043547541076303757,0.0023080229106516425,0.04137833800307317 +vol.T,ST_conf,2290.0,0.0,0.0004037257412241127,0.0004435900995318039,0.002229500039241148,0.04383436596242808 +vol.T,ST_conf,2300.0,0.0,0.00021035560782775952,0.00024539837453645027,0.002036492020690815,0.042367859116262105 +vol.T,ST_conf,2310.0,0.0,9.261561614134398e-05,9.148506928303829e-05,0.0021665672800046504,0.04760431317262684 +vol.T,ST_conf,2320.0,0.0,0.00035918840239763884,0.0003775524308523397,0.0027729379263080754,0.04196652352430324 +vol.T,ST_conf,2330.0,0.0,0.0006678347929108024,0.0008152204496432671,0.0029295115236431784,0.04733423965091339 +vol.T,ST_conf,2340.0,0.0,0.0007197726959090483,0.0009426030264578798,0.0033556585586544327,0.045494697502212626 +vol.T,ST_conf,2350.0,0.0,0.0003873360412764021,0.0005171511252355608,0.0029828219564716116,0.04527319646531724 +vol.T,ST_conf,2360.0,0.0,0.00016750115601553723,0.00020620572646689662,0.00308383977390075,0.046428226428870414 diff --git a/examples/docs/e1_A_energy_system_analysis.md b/examples/docs/e1_A_energy_system_analysis.md index f06de4ea..6669913d 100644 --- a/examples/docs/e1_A_energy_system_analysis.md +++ b/examples/docs/e1_A_energy_system_analysis.md @@ -19,6 +19,29 @@ Imports from ebcpy from ebcpy import DymolaAPI, TimeSeriesData ``` +Please define the missing TODOs in the section below according to the docstrings. + +```python +""" +Arguments of this example: + +:param [pathlib.Path, str] examples_dir: + Path to the examples folder of AixCaliBuHA +:param str aixlib_mo: + Path to the package.mo of the AixLib. + This example was tested for AixLib version 1.0.0. +:param str cd: + Path in which to store the output. + Default is the examples\results folder +:param bool with_plot: + Show the plot at the end of the script. Default is True. +""" +examples_dir = "TODO: Add a valid input according to the docstring above" +aixlib_mo = "TODO: Add a valid input according to the docstring above" +cd = None +with_plot = True +``` + General settings ```python diff --git a/examples/docs/e1_B_energy_system_analysis.md b/examples/docs/e1_B_energy_system_analysis.md index 7223dfc0..a65eeb7d 100644 --- a/examples/docs/e1_B_energy_system_analysis.md +++ b/examples/docs/e1_B_energy_system_analysis.md @@ -13,6 +13,21 @@ import pathlib import matplotlib.pyplot as plt ``` +Please define the missing TODOs in the section below according to the docstrings. + +```python +""" +Arguments of this example: + +:param [pathlib.Path, str] examples_dir: + Path to the examples folder of AixCaliBuHA +:param bool with_plot: + Show the plot at the end of the script. Default is True. +""" +examples_dir = "TODO: Add a valid input according to the docstring above" +with_plot = True +``` + ## System analysis The best way to analyze the model which we later want to calibrate is to open the models in a GUI (OpenModelica, fmpy, Dymola, o.s.). diff --git a/examples/docs/e2_A_optimization_problem_definition.md b/examples/docs/e2_A_optimization_problem_definition.md index a1f41f03..a069194f 100644 --- a/examples/docs/e2_A_optimization_problem_definition.md +++ b/examples/docs/e2_A_optimization_problem_definition.md @@ -28,6 +28,28 @@ from aixcalibuha import TunerParas, Goals, \ from aixcalibuha.data_types import merge_calibration_classes ``` +Please define the missing TODOs in the section below according to the docstrings. + +```python +""" +Arguments of this example: + +:param [pathlib.Path, str] examples_dir: + Path to the examples folder of AixCaliBuHA +:param str statistical_measure: + Measure to calculate the scalar of the objective, + One of the supported methods in + ebcpy.utils.statistics_analyzer.StatisticsAnalyzer + e.g. RMSE, MAE, NRMSE +:param bool multiple_classes: + If False, all CalibrationClasses will have the + same name +""" +examples_dir = "TODO: Add a valid input according to the docstring above" +statistical_measure = "NRMSE" +multiple_classes = True +``` + ## Tuner Parameters Tuner parameters are the optimization variables we will be changing to match the simulated onto the measured output. diff --git a/examples/docs/e2_B_optimization_problem_definition.md b/examples/docs/e2_B_optimization_problem_definition.md index 6bb4d193..e8512779 100644 --- a/examples/docs/e2_B_optimization_problem_definition.md +++ b/examples/docs/e2_B_optimization_problem_definition.md @@ -28,6 +28,28 @@ from aixcalibuha import TunerParas, Goals, \ from aixcalibuha.data_types import merge_calibration_classes ``` +Please define the missing TODOs in the section below according to the docstrings. + +```python +""" +Arguments of this example: + +:param [pathlib.Path, str] examples_dir: + Path to the examples folder of AixCaliBuHA +:param str statistical_measure: + Measure to calculate the scalar of the objective, + One of the supported methods in + ebcpy.utils.statistics_analyzer.StatisticsAnalyzer + e.g. RMSE, MAE, NRMSE +:param bool multiple_classes: + If False, all CalibrationClasses will have the + same name +""" +examples_dir = "TODO: Add a valid input according to the docstring above" +statistical_measure = "NRMSE" +multiple_classes = True +``` + ## Tuner Parameters Tuner parameters are the optimization variables we will be changing to match the simulated onto the measured output. diff --git a/examples/docs/e3_1_verbose_sensitivity_analysis_example.md b/examples/docs/e3_1_verbose_sensitivity_analysis_example.md new file mode 100644 index 00000000..97f623fd --- /dev/null +++ b/examples/docs/e3_1_verbose_sensitivity_analysis_example.md @@ -0,0 +1,519 @@ + +## Example 3 verbose sensitivity analysis +for the analysis of your model and the calibration process + +Goals of this part of the examples: +1. Learn how to execute a verbose sensitivity analysis +2. Learn the meaning of the results and the analysis of your model +3 Learn how to use the results to select tuner-parameters for a calibration +4. Learn other sensitivity methods and compare them +5. Learn how to execute a time dependent sensitivity analysis +6. Learn how to save the results for reproduction + +Start by importing all relevant packages + +```python +import warnings +import pathlib +import matplotlib.pyplot as plt +from aixcalibuha import SobolAnalyzer, FASTAnalyzer, MorrisAnalyzer +from aixcalibuha.data_types import merge_calibration_classes +from examples import setup_fmu, setup_calibration_classes +from aixcalibuha import plotting +``` + +Please define the missing TODOs in the section below according to the docstrings. + +```python +""" +Example process of a verbose sensitivity analysis for calibration and analysis porpoises. +First, the sensitivity problem is constructed, in this example +the `sobol` method is chosen. +Afterward, the SenAnalyzer class is instantiated to run the +sensitivity analysis in the next step. +The result of this analysis is then printed to the user. +and tuner-parameters are selected with these results. +A comparison between different methods is shown. +At the end the option to save a reproduction archive is shown. + +:param [pathlib.Path, str] examples_dir: + Path to the examples folder of AixCaliBuHA + e.g. r"LOCAL_PATH_TO\AixCaliBuHA\examples" +:param str example: + Which example to run, "A" or "B" +:param int n_cpu: + Number of cores to use + +:return: A list of calibration classes +:rtype: list +""" +examples_dir = "TODO: Add a valid input according to the docstring above" +example: str = "B" +n_cpu: int = 1 +``` + +## Setup +Set up the class according to the documentation. +You just have to pass a valid simulation api and +some further settings for the analysis. +Let's first load the necessary simulation api: + +```python +examples_dir = pathlib.Path(examples_dir) +sim_api = setup_fmu(examples_dir=examples_dir, example=example, n_cpu=n_cpu) +``` + +To conduct a sensitivity analysis, we need to define calibration classes that +encompass the objectives (goals) for which sensitivity is to be assessed. In this +context, we'll explore distinct calibration classes corresponding to various +states of the models. Initially, we establish a comprehensive calibration class +that spans the entire duration, denoted as `global`. Subsequently, we can +leverage simulations from this global class for other classes targeting +specific time intervals within the overall global range. + +For the specific states of the models with distinct time intervals, we adopt the +calibration classes from the second example and tailor them for the verbose +sensitivity analysis. Alternatively, custom classes could be created directly +function (`validation_class`), we opt to ignore it by using the variable +assignment `_` and omit any associated text output of the second example. + +```python +calibration_classes, _ = setup_calibration_classes( + examples_dir=examples_dir, example=example, multiple_classes=False +) +merged_calibration_classes = merge_calibration_classes(calibration_classes) +merged_calibration_classes[0].name = 'global' +``` + +Now, we add the calibration classes for the different states of the system + +```python +calibration_classes, _ = setup_calibration_classes( + examples_dir=examples_dir, example=example, multiple_classes=True +) +merged_calibration_classes.extend(merge_calibration_classes(calibration_classes)) +``` + +This results in the following calibration classes where we merge the time intervals directly. +We could have also merged them with an option in the `run()` function of the +sensitivity analyzer classes. + +```python +print("Calibration classes for sensitivity analysis:", + [c.name for c in merged_calibration_classes]) +``` + +In our detailed sensitivity analysis, it is essential for all classes to share +identical tuner parameters. This ensures that we can employ the same set of +simulations for calculating sensitivity across various calibration classes. +However, the final class in example B deviates in tuner parameters; hence, we +reset them to align with the tuner parameters of the other classes. + +```python +if example == 'B': + merged_calibration_classes[-1].tuner_paras = merged_calibration_classes[0].tuner_paras +``` + +With the definition of the calibration classes and the loaded `sim_api`, +we now take a look at the different options for sensitivity analysis. +First, we perform the `Sobol` method, which is the most powerful currently +supported method, but is also the most computational demanding one. +Afterward, we will compare the results of the different methods. + +## Example of Sobol method +First, we instantiate the Analyzer with the `sim_api` and the number of samples. +For this example we will use a small sample size to reduce the time needed, +which will lead to inaccurate results. +In the comparison of the different methods, we will discuss the required sample size. +We will also define a working directory were all results of the analysis will be stored. +Additionally, we can choose if the samples and corresponding simulation files will be saved. +These files can later be loaded and used for analysis of different calibration classes +without performing new simulations. The simulations during the sensitivity analysis are the +main computational time factor. + +```python +sen_analyzer = SobolAnalyzer( + sim_api=sim_api, + num_samples=8, + calc_second_order=True, + cd=examples_dir.joinpath('testzone', f'verbose_sen_{example}'), + save_files=True, + savepath_sim=examples_dir.joinpath('testzone', f'verbose_sen_{example}', 'files'), + suffix_files='csv' +) +``` + +Now, we run the sensitivity analysis with the verbose option. +With that, we not only get the results for combined target values, +but we also get the results for every target value alone. +Because we defined the first calibration class global +and every calibration class has the same +tuner-parameters, we can use the option `use_first_sim`, +where only the first class will be simulated and the simulation files saved. +These simulations will be used for all other classes. + +For that the simulations are loaded for each class +and the statistical measure is then evaluated for the +relevant time intervals of each class. + +When we load simulation files we can use multiprocessing for loading the simulation +and evaluating the statistical measure for each class in their time intervals. +This multiprocessing option is especially +useful for large models and large simulation data, +because only one simulation at a time is stored +in memory for each process. +This can prevent possible memory errors. + +We disable the automatic plot option here, +but we save all results. Later we can use the plot function +of the plotting module to plot the results. + +```python +result, classes = sen_analyzer.run(calibration_classes=merged_calibration_classes, + verbose=True, + use_first_sim=True, + plot_result=False, + save_results=True, + n_cpu=n_cpu, + scale=False) +``` + +After running the sensitivity analysis you can see +that the working directory was created and the result +files were saved here. First, the folder "files" was +created as the result of `save_files=True`. In there, the +simulation files are stored in an own folder which +name contains the name of the used calibration class. +Additionally, the corresponding samples are stored. +The simulations are coupled with their samples. +As one results of the analysis, the statistical +measure and corresponding sample are saved for each class. +This information could be used for surrogate-based +calibration, which is currently not implemented in `AixCaliBuHA`. +The main results of the sensitivity analysis are the sensitivity +measures stored in "SobolAnalyzer_results.csv" +and "SobolAnalyzer_results_second_order.csv". +dataframes. This is specific to the sobol method, all other +of the sobol method with possibly other analysis variables. +Let´s take a look at these results. + +The first result has as columns the tuner-parameters +and a multi level index with three levels. +The first level defines the calibration class. +The second level defines the Goals (target values). The index `all` +is for the result of the combined target values in the goals. +The last level defines the result of the +sensitivity measure for each class and goal. +These analysis variables are specific for each method. +For their exact meaning I refer to the documentation of the SALib or the literature. +In this example you get a short overview in the comparison later. + +```python +print("Result of the sensitivity analysis") +print('First and total order results of sobol method') +print(result[0].to_string()) +``` + +The second result of the sobol method is for second order sensitive measures. +These describe the interaction between two parameters, +so this dataframe has a fourth index level "Interaction". +In this level, the tuner-parameters are listed again. + +```python +print('Second order results of sobol method') +print(result[1].to_string()) +``` + +For a better understanding of the results we will now plot them. + +## Plotting Sensitivity results +We start with the result which were calculated with the small sample size. +Let's plot the first and total order results. These results +are specific for each single parameter +For each calibration class, a figure is created +which shows for each goal the first order sensitivity `S1` +and the total order sensitivity `ST` combined. For the small +sample size the results have large confidence +intervals, which show that these results are inaccurate as we +noted earlier due to the small sample size. + +```python +plotting.plot_single(result[0]) +``` + +The plotting of second order results is only useful +and working for more than 2 parameters. +So we only can take a look at them in example A. +If you run example B we will skip the plot of the second order results +and load some sensitivity results of example A. + +Let's take a look at the second order results `S2` of example A we just created. +This analysis variable shows the interaction of two +parameters, so we can plot them as a heatmap. +We can see that the parameters have no interaction with +themselves what is obvious. Also, we see that the +values for p1,p2 and p2,p1 are the same. +In the heatmap we can't visualize the confidence intervals, +so we will also take a look at the interaction of +one specific parameter. +For that the `plotting` module has also a function +which looks simular to the `S1` and `ST` plots. +Here we see again large confidence intervals, +so now we will load results which were calculated with +a much higher sample number. + +```python +if example == 'A': + plotting.heatmaps(result[1]) + plotting.plot_single_second_order(result[1], 'rad.n') +``` + +## Loading results +We will now load sensitivity results of example A . +These results were produced with this example and +a samples number N=1024 and calc_second_order=True + +```python +result_sobol = SobolAnalyzer.load_from_csv( + examples_dir.joinpath('data', 'SobolAnalyzer_results_A.csv') +) +result_sobol_2 = SobolAnalyzer.load_second_order_from_csv( + examples_dir.joinpath('data', 'SobolAnalyzer_results_second_order_A.csv') +) +``` + +For a better understanding we will only take a +look at the global class and Electricity goal +and plot `S1`, `ST` and `S2` in the same window. +For that we can use the plot function +with some optional options. This shows how you can easily customize +these plots, and you can also chang everything +on the axes of the plots. + +```python +fig = plt.figure(figsize=plt.figaspect(1. / 4.), layout="constrained") # creating one figure +subfigs = fig.subfigures(1, 3, wspace=0) # creating subfigures for each type of plot +ax0 = subfigs[0].subplots() # plotting `S1` and `ST` +plotting.plot_single( + result=result_sobol, + cal_classes=['global'], + goals=['Electricity'], + show_plot=False, + figs_axes=([subfigs[0]], [ax0]), + max_name_len=14 +) +ax1 = subfigs[1].subplots() # plotting heatmap +plotting.heatmap( + result_sobol_2, + cal_class='global', + goal='Electricity', + ax=ax1, + show_plot=False, + max_name_len=14 +) +ax2 = subfigs[2].subplots() # plotting the interactions of one single parameter +plotting.plot_single_second_order( + result=result_sobol_2, + para_name='rad.n', + show_plot=False, + cal_classes=['global'], + goals=['Electricity'], + figs_axes=([subfigs[2]], [ax2]), + max_name_len=14 +) +plt.show() +``` + +Now, what can we see in these results? First, the +confidence intervals are now much smaller, so that we +can interpret and connect the different analysis variables. +`S1` stands for the variance in the objective, +which is caused by the variation of one parameter +while all other parameters are constant. The sobol analysis +variables are normalized with the total variance caused +by all parameter variations together within +their bounds. This means that when the parameters had +no interactions the sum of all `S1` values would +be 1. `ST` shows the resulting variance of a parameter +with all his interactions. Let's take a look at the +interaction between `n` and `G`, which are the highest. +Here, the `S2` value of the interaction +between `n` and `G` has a similar value to each difference +of `S1` and `ST` from these parameters. This show how this +difference corresponds to the interactions of a parameter. +All other parameters have only a very small sensitivity. +These are just some basics, to understand what option you +have in `AixCaliBuAH`. For more information look up relevant literature. + +## Comparison of different Methods +We will now take a short look at a comparison of the +`Sobol`, `Fast` and `Morris` method in `AixCaliBuAH`. +The `SALib` provides more methods, which can +be implemented here in the future or on your own. +We already took a look at the `Sobol` method, +which can compute `S1`, `ST`, and `S2` with their confidence intervals. +The sobol method needs for that `(2+2k)N` simulations +where `k` is the number of parameters and `N` is the sample +number. For variance-based methods `N` should be greater +than 1000. The sobol method can also compute only `S1` and +`ST` with calc_second_order=False and (1+k)N simulations. +The FAST method is another variance-based +method and only computes `S1` and `ST` with k*N simulations. +`Sobol` and FAST should show simular results which is the +case for example B but in example A the FAST method overestimates `ST` in some cases. +In the right plots, the results for the `Morris` method are shown. +These are based on the mean of derivatives which +represents the analysis variables mu. In the estimation +of the derivatives, only one parameter is changed at a time. +mu_star is the mean of the absolut values of the derivatives +and is an approximation of `ST` but +needs only an `N` of over 100 and `(1+k)N` simulations. +In this comparison, mu_star shows simular results to `ST` +of the `Sobol` method, but it is not normalized. +Last, sigma is computed which is the standard deviation and +is a sign for a non-linear model or for interactions in the model. + +```python +result_sobol = SobolAnalyzer.load_from_csv( + examples_dir.joinpath('data', f'SobolAnalyzer_results_{example}.csv') +) +result_fast = FASTAnalyzer.load_from_csv( + examples_dir.joinpath('data', f'FASTAnalyzer_results_{example}.csv') +) +result_morris = MorrisAnalyzer.load_from_csv( + examples_dir.joinpath('data', f'MorrisAnalyzer_results_{example}.csv') +) + +global_class = classes[0] +fig_comp = plt.figure(figsize=plt.figaspect(1. / 4.), layout="constrained") +subfigs_comp = fig_comp.subfigures(1, 3, wspace=0) +ax0_comp = subfigs_comp[0].subplots(3, 1, sharex=True) +plotting.plot_single( + result=result_sobol, + cal_classes=[global_class.name], + show_plot=False, + figs_axes=([subfigs_comp[0]], [ax0_comp]) +) +subfigs_comp[0].suptitle("Sobol") +ax1_comp = subfigs_comp[1].subplots(3, 1, sharex=True) +plotting.plot_single( + result=result_fast, + cal_classes=[global_class.name], + show_plot=False, + figs_axes=([subfigs_comp[1]], [ax1_comp]) +) +subfigs_comp[1].suptitle("FAST") +ax2_comp = subfigs_comp[2].subplots(3, 1, sharex=True) +plotting.plot_single( + result=result_morris, + show_plot=False, + cal_classes=[global_class.name], + figs_axes=([subfigs_comp[2]], [ax2_comp]) +) +subfigs_comp[2].suptitle("Morris") +plt.show() +``` + +## Selection of tuner-parameters based on verbose sensitivity results +We can now also use these verbose sensitivity +results for a selection of relevant tuner parameters. +We already saw that our models have interactions, +so it will be necessary to calibrate them together +in one calibration class. The calibration class +global can be used for that because it includes all +the other specific classes. But in the sensitivity +results of this class it could be that parameters, +which are only in one state sensitive can be missed. +We can use the verbose sensitivity results so +that a parameter will be selected when it has a +sensitivity at least in one class and target value +of the sensitivity results. This is enough that +the parameter can be calibrated. +Here, we will use `S1` because it is normalized instead of mu_star, +and we can set on single threshold for all classes and goals. +Also, if a parameter is only through interaction sensitive (only in `ST`) +A real value can't be found and the parameters which interact will +compensate each others deviation to a real world value. +This still can happen when we choose with `S1` but it is less likely. + +```python +calibration_class = SobolAnalyzer.select_by_threshold_verbose(classes[0], + result=result_sobol, + analysis_variable='S1', + threshold=0.001, + ) + +print(calibration_class.tuner_paras) +``` + +## Time dependent sensitivity +For analysis porpoises we can also evaluate the time dependent sensitivity +instead of the sensitivity of larger time intervals. But these results can not yet +be used to automatically selected tuner parameters for a calibration. +The function for the time dependent sensitivity is similar to the other one. +So we can also use the simulations of booth run functions for each other. +The main difference is that we only need one calibration class from which +the measured target data is not used and the sensitivity is directly +calculated for the change of the separate target values and no combined goals. +In the results, we then get just the additional index time. + +```python +with warnings.catch_warnings(): + warnings.simplefilter("ignore") # ignoring warnings that are caused by the low sample size + result = sen_analyzer.run_time_dependent( + cal_class=merged_calibration_classes[0], + load_sim_files=True, + plot_result=True + ) +print(result) +``` + +When we use the plot function we can see the sensitivity of each parameter +changing over time. We can also see that the confidence intervals +are again large for such a small sample size. When the confidence interval is larger +than one an info is shown and the confidence interval of the previous +time step is used to smooth it out for the visualisation. +Let's load again results which were created with a larger sample size. + +## Loading time dependent results +These results were produced with a samples number `N=1024` and `calc_second_order=True` + +```python +result_sobol_time = SobolAnalyzer.load_from_csv( + examples_dir.joinpath('data', 'SobolAnalyzer_results_time_A.csv') +) +result_sobol_2_time = SobolAnalyzer.load_second_order_from_csv( + examples_dir.joinpath('data', 'SobolAnalyzer_results_second_order_time_A.csv') +) +plotting.plot_time_dependent(result=result_sobol_time, plot_conf=True, show_plot=False) +``` + +Now the confidence intervals are smaller and +only at one time step they are still lager than 1. +We can also see that the parameter `theCon.G` has the biggest influence. +So we can take a closer look at this parameter with another plot +function where all available sensitivity measures are plotted together. +Second order results are plotted cumulative on top of `S1`. +This resembles the definition of `ST = S1 + sum(S2_i) + sum(S3_i) + ...` + +```python +plotting.plot_parameter_verbose(parameter='theCon.G', + single_result=result_sobol_time, + second_order_result=result_sobol_2_time) +``` + +At the end we also can create a reproduction +archive which saves all settings and all created files +automatically with the reproduction function of ebcpy. +Not running in jupyter notebook + +```python +file = sen_analyzer.save_for_reproduction( + title="SenAnalyzerTest", + path=examples_dir.joinpath('testzone'), + log_message="This is just an example", + remove_saved_files=False, + exclude_sim_files=True +) +print("ZIP-File to reproduce all this:", file) +``` diff --git a/examples/docs/e3_2_verbose_dymola_sensitivity_analysis_example.md b/examples/docs/e3_2_verbose_dymola_sensitivity_analysis_example.md new file mode 100644 index 00000000..f909b0fe --- /dev/null +++ b/examples/docs/e3_2_verbose_dymola_sensitivity_analysis_example.md @@ -0,0 +1,128 @@ + +# Example 3 sensitivity analysis with dymola api + +Goals of this part of the examples: +1. Learn how to execute a sensitivity analysis with the dymola api + + +```python +import os +import pathlib +from examples import setup_dym_api, setup_calibration_classes +``` + +Import a valid analyzer, e.g. `SobolAnalyzer` + +```python +from aixcalibuha import SobolAnalyzer +from aixcalibuha.data_types import merge_calibration_classes +from ebcpy.utils.conversion import convert_tsd_to_modelica_txt +``` + +Please define the missing TODOs in the section below according to the docstrings. + +```python +""" +Example process of a verbose sensitivity analysis with the dymola_api. + +:param [pathlib.Path, str] examples_dir: + Path to the examples folder of AixCaliBuHA +:param [pathlib.Path, str] aixlib_mo: + Path to the AixLib package.mo file. +:param str example: + Which example to run, "A" or "B" +:param int n_cpu: + Number of cores to use + +:return: A list of calibration classes +:rtype: list +""" +examples_dir = "TODO: Add a valid input according to the docstring above" +aixlib_mo = "TODO: Add a valid input according to the docstring above" +example: str = "B" +n_cpu: int = 1 +``` + +## Setup +Using a dymola api instead of the fmu api + +```python +examples_dir = pathlib.Path(examples_dir) +sim_api = setup_dym_api(examples_dir=examples_dir, + aixlib_mo=aixlib_mo, + example=example, + n_cpu=n_cpu) +calibration_classes = setup_calibration_classes( + examples_dir=examples_dir, example=example, multiple_classes=False +)[0] +merged_calibration_classes = merge_calibration_classes(calibration_classes) +merged_calibration_classes[0].name = 'global' +calibration_classes = setup_calibration_classes( + examples_dir=examples_dir, example=example, multiple_classes=True +)[0] +merged_calibration_classes.extend(merge_calibration_classes(calibration_classes)) + +if example == 'B': + merged_calibration_classes[-1].tuner_paras = merged_calibration_classes[0].tuner_paras +``` + +## Example of Sobol method +Set up Sobol analyzer + +```python +sen_analyzer = SobolAnalyzer( + sim_api=sim_api, + num_samples=2, + calc_second_order=True, + cd=examples_dir.joinpath('testzone', f'verbose_sen_dymola_{example}'), + save_files=True, + load_files=False, + savepath_sim=examples_dir.joinpath('testzone', f'verbose_sen_dymola_{example}', 'files'), + suffix_files='mat' +) +``` + +The only difference to the fmu example is the handling of inputs. +There we have in the model now a table for the inputs and generate +an input file here. This is only necessary for example A because +example B has no inputs. To generate the input in the correct format, +use the convert_tsd_to_modelica_txt function: + +```python +if example == "A": + table_name = "InputTDryBul" + file_name = r"D:\dymola_inputs_A.txt" + print(file_name) + filepath = convert_tsd_to_modelica_txt( + tsd=merged_calibration_classes[0].inputs, + table_name=table_name, + save_path_file=file_name + ) + # Now we can remove the input from the old fmu calibration classes + for cal_class in merged_calibration_classes: + cal_class._inputs = None + print("Successfully created Dymola input file at", filepath) +``` + +run sensitivity analysis + +```python +result, classes = sen_analyzer.run(calibration_classes=merged_calibration_classes, + verbose=True, + use_first_sim=True, + plot_result=True, + save_results=True, + n_cpu=2) +print("Result of the sensitivity analysis") +print('First and total order results of sobol method') +print(result[0].to_string()) +print('Second order results of sobol method') +print(result[1].to_string()) +``` + +remove input file + +```python +if example == "A": + os.remove(file_name) +``` diff --git a/examples/docs/e3_sensitivity_analysis_example.md b/examples/docs/e3_sensitivity_analysis_example.md index 1e0e99a0..6278a1ab 100644 --- a/examples/docs/e3_sensitivity_analysis_example.md +++ b/examples/docs/e3_sensitivity_analysis_example.md @@ -11,6 +11,34 @@ Import a valid analyzer, e.g. `SobolAnalyzer` from aixcalibuha import SobolAnalyzer ``` +Please define the missing TODOs in the section below according to the docstrings. + +```python +""" +Example process of a sensitivity analysis. +First, the sensitivity problem is constructed, in this example +the `morris` method is chosen. +Afterward, the sen_analyzer class is instantiated to run the +sensitivity analysis in the next step. +The result of this analysis is then printed to the user. +The automatic_select function is presented as-well, using a threshold of 1 +and the default `mu_star` criterion. + +:param [pathlib.Path, str] examples_dir: + Path to the examples folder of AixCaliBuHA +:param str example: + Which example to run, "A" or "B" +:param int n_cpu: + Number of cores to use + +:return: A list of calibration classes +:rtype: list +""" +examples_dir = "TODO: Add a valid input according to the docstring above" +example: str = "B" +n_cpu: int = 1 +``` + ## Setup Setup the class according to the documentation. You just have to pass a valid simulation api and @@ -24,8 +52,7 @@ sim_api = setup_fmu(examples_dir=examples_dir, example=example, n_cpu=n_cpu) sen_analyzer = SobolAnalyzer( sim_api=sim_api, num_samples=10, - cd=sim_api.cd, - analysis_variable='S1' + cd=sim_api.cd ) ``` @@ -36,7 +63,9 @@ calibration_classes = setup_calibration_classes( examples_dir=examples_dir, example=example )[0] -result, classes = sen_analyzer.run(calibration_classes=calibration_classes) +result, classes = sen_analyzer.run(calibration_classes=calibration_classes, + plot_result=True, + save_results=False) print("Result of the sensitivity analysis") print(result) ``` @@ -49,8 +78,9 @@ to remove complexity from our calibration problem: ```python print("Selecting relevant tuner-parameters using a fixed threshold:") sen_analyzer.select_by_threshold(calibration_classes=classes, - result=result, - threshold=0.01) + result=result[0], + threshold=0.01, + analysis_variable='S1') for cal_class in classes: print(f"Class '{cal_class.name}' with parameters:\n{cal_class.tuner_paras}") ``` diff --git a/examples/docs/e3_verbose_dymola_sensitivity_analysis_example.md b/examples/docs/e3_verbose_dymola_sensitivity_analysis_example.md new file mode 100644 index 00000000..f909b0fe --- /dev/null +++ b/examples/docs/e3_verbose_dymola_sensitivity_analysis_example.md @@ -0,0 +1,128 @@ + +# Example 3 sensitivity analysis with dymola api + +Goals of this part of the examples: +1. Learn how to execute a sensitivity analysis with the dymola api + + +```python +import os +import pathlib +from examples import setup_dym_api, setup_calibration_classes +``` + +Import a valid analyzer, e.g. `SobolAnalyzer` + +```python +from aixcalibuha import SobolAnalyzer +from aixcalibuha.data_types import merge_calibration_classes +from ebcpy.utils.conversion import convert_tsd_to_modelica_txt +``` + +Please define the missing TODOs in the section below according to the docstrings. + +```python +""" +Example process of a verbose sensitivity analysis with the dymola_api. + +:param [pathlib.Path, str] examples_dir: + Path to the examples folder of AixCaliBuHA +:param [pathlib.Path, str] aixlib_mo: + Path to the AixLib package.mo file. +:param str example: + Which example to run, "A" or "B" +:param int n_cpu: + Number of cores to use + +:return: A list of calibration classes +:rtype: list +""" +examples_dir = "TODO: Add a valid input according to the docstring above" +aixlib_mo = "TODO: Add a valid input according to the docstring above" +example: str = "B" +n_cpu: int = 1 +``` + +## Setup +Using a dymola api instead of the fmu api + +```python +examples_dir = pathlib.Path(examples_dir) +sim_api = setup_dym_api(examples_dir=examples_dir, + aixlib_mo=aixlib_mo, + example=example, + n_cpu=n_cpu) +calibration_classes = setup_calibration_classes( + examples_dir=examples_dir, example=example, multiple_classes=False +)[0] +merged_calibration_classes = merge_calibration_classes(calibration_classes) +merged_calibration_classes[0].name = 'global' +calibration_classes = setup_calibration_classes( + examples_dir=examples_dir, example=example, multiple_classes=True +)[0] +merged_calibration_classes.extend(merge_calibration_classes(calibration_classes)) + +if example == 'B': + merged_calibration_classes[-1].tuner_paras = merged_calibration_classes[0].tuner_paras +``` + +## Example of Sobol method +Set up Sobol analyzer + +```python +sen_analyzer = SobolAnalyzer( + sim_api=sim_api, + num_samples=2, + calc_second_order=True, + cd=examples_dir.joinpath('testzone', f'verbose_sen_dymola_{example}'), + save_files=True, + load_files=False, + savepath_sim=examples_dir.joinpath('testzone', f'verbose_sen_dymola_{example}', 'files'), + suffix_files='mat' +) +``` + +The only difference to the fmu example is the handling of inputs. +There we have in the model now a table for the inputs and generate +an input file here. This is only necessary for example A because +example B has no inputs. To generate the input in the correct format, +use the convert_tsd_to_modelica_txt function: + +```python +if example == "A": + table_name = "InputTDryBul" + file_name = r"D:\dymola_inputs_A.txt" + print(file_name) + filepath = convert_tsd_to_modelica_txt( + tsd=merged_calibration_classes[0].inputs, + table_name=table_name, + save_path_file=file_name + ) + # Now we can remove the input from the old fmu calibration classes + for cal_class in merged_calibration_classes: + cal_class._inputs = None + print("Successfully created Dymola input file at", filepath) +``` + +run sensitivity analysis + +```python +result, classes = sen_analyzer.run(calibration_classes=merged_calibration_classes, + verbose=True, + use_first_sim=True, + plot_result=True, + save_results=True, + n_cpu=2) +print("Result of the sensitivity analysis") +print('First and total order results of sobol method') +print(result[0].to_string()) +print('Second order results of sobol method') +print(result[1].to_string()) +``` + +remove input file + +```python +if example == "A": + os.remove(file_name) +``` diff --git a/examples/docs/e3_verbose_sensitivity_analysis_example.md b/examples/docs/e3_verbose_sensitivity_analysis_example.md new file mode 100644 index 00000000..97f623fd --- /dev/null +++ b/examples/docs/e3_verbose_sensitivity_analysis_example.md @@ -0,0 +1,519 @@ + +## Example 3 verbose sensitivity analysis +for the analysis of your model and the calibration process + +Goals of this part of the examples: +1. Learn how to execute a verbose sensitivity analysis +2. Learn the meaning of the results and the analysis of your model +3 Learn how to use the results to select tuner-parameters for a calibration +4. Learn other sensitivity methods and compare them +5. Learn how to execute a time dependent sensitivity analysis +6. Learn how to save the results for reproduction + +Start by importing all relevant packages + +```python +import warnings +import pathlib +import matplotlib.pyplot as plt +from aixcalibuha import SobolAnalyzer, FASTAnalyzer, MorrisAnalyzer +from aixcalibuha.data_types import merge_calibration_classes +from examples import setup_fmu, setup_calibration_classes +from aixcalibuha import plotting +``` + +Please define the missing TODOs in the section below according to the docstrings. + +```python +""" +Example process of a verbose sensitivity analysis for calibration and analysis porpoises. +First, the sensitivity problem is constructed, in this example +the `sobol` method is chosen. +Afterward, the SenAnalyzer class is instantiated to run the +sensitivity analysis in the next step. +The result of this analysis is then printed to the user. +and tuner-parameters are selected with these results. +A comparison between different methods is shown. +At the end the option to save a reproduction archive is shown. + +:param [pathlib.Path, str] examples_dir: + Path to the examples folder of AixCaliBuHA + e.g. r"LOCAL_PATH_TO\AixCaliBuHA\examples" +:param str example: + Which example to run, "A" or "B" +:param int n_cpu: + Number of cores to use + +:return: A list of calibration classes +:rtype: list +""" +examples_dir = "TODO: Add a valid input according to the docstring above" +example: str = "B" +n_cpu: int = 1 +``` + +## Setup +Set up the class according to the documentation. +You just have to pass a valid simulation api and +some further settings for the analysis. +Let's first load the necessary simulation api: + +```python +examples_dir = pathlib.Path(examples_dir) +sim_api = setup_fmu(examples_dir=examples_dir, example=example, n_cpu=n_cpu) +``` + +To conduct a sensitivity analysis, we need to define calibration classes that +encompass the objectives (goals) for which sensitivity is to be assessed. In this +context, we'll explore distinct calibration classes corresponding to various +states of the models. Initially, we establish a comprehensive calibration class +that spans the entire duration, denoted as `global`. Subsequently, we can +leverage simulations from this global class for other classes targeting +specific time intervals within the overall global range. + +For the specific states of the models with distinct time intervals, we adopt the +calibration classes from the second example and tailor them for the verbose +sensitivity analysis. Alternatively, custom classes could be created directly +function (`validation_class`), we opt to ignore it by using the variable +assignment `_` and omit any associated text output of the second example. + +```python +calibration_classes, _ = setup_calibration_classes( + examples_dir=examples_dir, example=example, multiple_classes=False +) +merged_calibration_classes = merge_calibration_classes(calibration_classes) +merged_calibration_classes[0].name = 'global' +``` + +Now, we add the calibration classes for the different states of the system + +```python +calibration_classes, _ = setup_calibration_classes( + examples_dir=examples_dir, example=example, multiple_classes=True +) +merged_calibration_classes.extend(merge_calibration_classes(calibration_classes)) +``` + +This results in the following calibration classes where we merge the time intervals directly. +We could have also merged them with an option in the `run()` function of the +sensitivity analyzer classes. + +```python +print("Calibration classes for sensitivity analysis:", + [c.name for c in merged_calibration_classes]) +``` + +In our detailed sensitivity analysis, it is essential for all classes to share +identical tuner parameters. This ensures that we can employ the same set of +simulations for calculating sensitivity across various calibration classes. +However, the final class in example B deviates in tuner parameters; hence, we +reset them to align with the tuner parameters of the other classes. + +```python +if example == 'B': + merged_calibration_classes[-1].tuner_paras = merged_calibration_classes[0].tuner_paras +``` + +With the definition of the calibration classes and the loaded `sim_api`, +we now take a look at the different options for sensitivity analysis. +First, we perform the `Sobol` method, which is the most powerful currently +supported method, but is also the most computational demanding one. +Afterward, we will compare the results of the different methods. + +## Example of Sobol method +First, we instantiate the Analyzer with the `sim_api` and the number of samples. +For this example we will use a small sample size to reduce the time needed, +which will lead to inaccurate results. +In the comparison of the different methods, we will discuss the required sample size. +We will also define a working directory were all results of the analysis will be stored. +Additionally, we can choose if the samples and corresponding simulation files will be saved. +These files can later be loaded and used for analysis of different calibration classes +without performing new simulations. The simulations during the sensitivity analysis are the +main computational time factor. + +```python +sen_analyzer = SobolAnalyzer( + sim_api=sim_api, + num_samples=8, + calc_second_order=True, + cd=examples_dir.joinpath('testzone', f'verbose_sen_{example}'), + save_files=True, + savepath_sim=examples_dir.joinpath('testzone', f'verbose_sen_{example}', 'files'), + suffix_files='csv' +) +``` + +Now, we run the sensitivity analysis with the verbose option. +With that, we not only get the results for combined target values, +but we also get the results for every target value alone. +Because we defined the first calibration class global +and every calibration class has the same +tuner-parameters, we can use the option `use_first_sim`, +where only the first class will be simulated and the simulation files saved. +These simulations will be used for all other classes. + +For that the simulations are loaded for each class +and the statistical measure is then evaluated for the +relevant time intervals of each class. + +When we load simulation files we can use multiprocessing for loading the simulation +and evaluating the statistical measure for each class in their time intervals. +This multiprocessing option is especially +useful for large models and large simulation data, +because only one simulation at a time is stored +in memory for each process. +This can prevent possible memory errors. + +We disable the automatic plot option here, +but we save all results. Later we can use the plot function +of the plotting module to plot the results. + +```python +result, classes = sen_analyzer.run(calibration_classes=merged_calibration_classes, + verbose=True, + use_first_sim=True, + plot_result=False, + save_results=True, + n_cpu=n_cpu, + scale=False) +``` + +After running the sensitivity analysis you can see +that the working directory was created and the result +files were saved here. First, the folder "files" was +created as the result of `save_files=True`. In there, the +simulation files are stored in an own folder which +name contains the name of the used calibration class. +Additionally, the corresponding samples are stored. +The simulations are coupled with their samples. +As one results of the analysis, the statistical +measure and corresponding sample are saved for each class. +This information could be used for surrogate-based +calibration, which is currently not implemented in `AixCaliBuHA`. +The main results of the sensitivity analysis are the sensitivity +measures stored in "SobolAnalyzer_results.csv" +and "SobolAnalyzer_results_second_order.csv". +dataframes. This is specific to the sobol method, all other +of the sobol method with possibly other analysis variables. +Let´s take a look at these results. + +The first result has as columns the tuner-parameters +and a multi level index with three levels. +The first level defines the calibration class. +The second level defines the Goals (target values). The index `all` +is for the result of the combined target values in the goals. +The last level defines the result of the +sensitivity measure for each class and goal. +These analysis variables are specific for each method. +For their exact meaning I refer to the documentation of the SALib or the literature. +In this example you get a short overview in the comparison later. + +```python +print("Result of the sensitivity analysis") +print('First and total order results of sobol method') +print(result[0].to_string()) +``` + +The second result of the sobol method is for second order sensitive measures. +These describe the interaction between two parameters, +so this dataframe has a fourth index level "Interaction". +In this level, the tuner-parameters are listed again. + +```python +print('Second order results of sobol method') +print(result[1].to_string()) +``` + +For a better understanding of the results we will now plot them. + +## Plotting Sensitivity results +We start with the result which were calculated with the small sample size. +Let's plot the first and total order results. These results +are specific for each single parameter +For each calibration class, a figure is created +which shows for each goal the first order sensitivity `S1` +and the total order sensitivity `ST` combined. For the small +sample size the results have large confidence +intervals, which show that these results are inaccurate as we +noted earlier due to the small sample size. + +```python +plotting.plot_single(result[0]) +``` + +The plotting of second order results is only useful +and working for more than 2 parameters. +So we only can take a look at them in example A. +If you run example B we will skip the plot of the second order results +and load some sensitivity results of example A. + +Let's take a look at the second order results `S2` of example A we just created. +This analysis variable shows the interaction of two +parameters, so we can plot them as a heatmap. +We can see that the parameters have no interaction with +themselves what is obvious. Also, we see that the +values for p1,p2 and p2,p1 are the same. +In the heatmap we can't visualize the confidence intervals, +so we will also take a look at the interaction of +one specific parameter. +For that the `plotting` module has also a function +which looks simular to the `S1` and `ST` plots. +Here we see again large confidence intervals, +so now we will load results which were calculated with +a much higher sample number. + +```python +if example == 'A': + plotting.heatmaps(result[1]) + plotting.plot_single_second_order(result[1], 'rad.n') +``` + +## Loading results +We will now load sensitivity results of example A . +These results were produced with this example and +a samples number N=1024 and calc_second_order=True + +```python +result_sobol = SobolAnalyzer.load_from_csv( + examples_dir.joinpath('data', 'SobolAnalyzer_results_A.csv') +) +result_sobol_2 = SobolAnalyzer.load_second_order_from_csv( + examples_dir.joinpath('data', 'SobolAnalyzer_results_second_order_A.csv') +) +``` + +For a better understanding we will only take a +look at the global class and Electricity goal +and plot `S1`, `ST` and `S2` in the same window. +For that we can use the plot function +with some optional options. This shows how you can easily customize +these plots, and you can also chang everything +on the axes of the plots. + +```python +fig = plt.figure(figsize=plt.figaspect(1. / 4.), layout="constrained") # creating one figure +subfigs = fig.subfigures(1, 3, wspace=0) # creating subfigures for each type of plot +ax0 = subfigs[0].subplots() # plotting `S1` and `ST` +plotting.plot_single( + result=result_sobol, + cal_classes=['global'], + goals=['Electricity'], + show_plot=False, + figs_axes=([subfigs[0]], [ax0]), + max_name_len=14 +) +ax1 = subfigs[1].subplots() # plotting heatmap +plotting.heatmap( + result_sobol_2, + cal_class='global', + goal='Electricity', + ax=ax1, + show_plot=False, + max_name_len=14 +) +ax2 = subfigs[2].subplots() # plotting the interactions of one single parameter +plotting.plot_single_second_order( + result=result_sobol_2, + para_name='rad.n', + show_plot=False, + cal_classes=['global'], + goals=['Electricity'], + figs_axes=([subfigs[2]], [ax2]), + max_name_len=14 +) +plt.show() +``` + +Now, what can we see in these results? First, the +confidence intervals are now much smaller, so that we +can interpret and connect the different analysis variables. +`S1` stands for the variance in the objective, +which is caused by the variation of one parameter +while all other parameters are constant. The sobol analysis +variables are normalized with the total variance caused +by all parameter variations together within +their bounds. This means that when the parameters had +no interactions the sum of all `S1` values would +be 1. `ST` shows the resulting variance of a parameter +with all his interactions. Let's take a look at the +interaction between `n` and `G`, which are the highest. +Here, the `S2` value of the interaction +between `n` and `G` has a similar value to each difference +of `S1` and `ST` from these parameters. This show how this +difference corresponds to the interactions of a parameter. +All other parameters have only a very small sensitivity. +These are just some basics, to understand what option you +have in `AixCaliBuAH`. For more information look up relevant literature. + +## Comparison of different Methods +We will now take a short look at a comparison of the +`Sobol`, `Fast` and `Morris` method in `AixCaliBuAH`. +The `SALib` provides more methods, which can +be implemented here in the future or on your own. +We already took a look at the `Sobol` method, +which can compute `S1`, `ST`, and `S2` with their confidence intervals. +The sobol method needs for that `(2+2k)N` simulations +where `k` is the number of parameters and `N` is the sample +number. For variance-based methods `N` should be greater +than 1000. The sobol method can also compute only `S1` and +`ST` with calc_second_order=False and (1+k)N simulations. +The FAST method is another variance-based +method and only computes `S1` and `ST` with k*N simulations. +`Sobol` and FAST should show simular results which is the +case for example B but in example A the FAST method overestimates `ST` in some cases. +In the right plots, the results for the `Morris` method are shown. +These are based on the mean of derivatives which +represents the analysis variables mu. In the estimation +of the derivatives, only one parameter is changed at a time. +mu_star is the mean of the absolut values of the derivatives +and is an approximation of `ST` but +needs only an `N` of over 100 and `(1+k)N` simulations. +In this comparison, mu_star shows simular results to `ST` +of the `Sobol` method, but it is not normalized. +Last, sigma is computed which is the standard deviation and +is a sign for a non-linear model or for interactions in the model. + +```python +result_sobol = SobolAnalyzer.load_from_csv( + examples_dir.joinpath('data', f'SobolAnalyzer_results_{example}.csv') +) +result_fast = FASTAnalyzer.load_from_csv( + examples_dir.joinpath('data', f'FASTAnalyzer_results_{example}.csv') +) +result_morris = MorrisAnalyzer.load_from_csv( + examples_dir.joinpath('data', f'MorrisAnalyzer_results_{example}.csv') +) + +global_class = classes[0] +fig_comp = plt.figure(figsize=plt.figaspect(1. / 4.), layout="constrained") +subfigs_comp = fig_comp.subfigures(1, 3, wspace=0) +ax0_comp = subfigs_comp[0].subplots(3, 1, sharex=True) +plotting.plot_single( + result=result_sobol, + cal_classes=[global_class.name], + show_plot=False, + figs_axes=([subfigs_comp[0]], [ax0_comp]) +) +subfigs_comp[0].suptitle("Sobol") +ax1_comp = subfigs_comp[1].subplots(3, 1, sharex=True) +plotting.plot_single( + result=result_fast, + cal_classes=[global_class.name], + show_plot=False, + figs_axes=([subfigs_comp[1]], [ax1_comp]) +) +subfigs_comp[1].suptitle("FAST") +ax2_comp = subfigs_comp[2].subplots(3, 1, sharex=True) +plotting.plot_single( + result=result_morris, + show_plot=False, + cal_classes=[global_class.name], + figs_axes=([subfigs_comp[2]], [ax2_comp]) +) +subfigs_comp[2].suptitle("Morris") +plt.show() +``` + +## Selection of tuner-parameters based on verbose sensitivity results +We can now also use these verbose sensitivity +results for a selection of relevant tuner parameters. +We already saw that our models have interactions, +so it will be necessary to calibrate them together +in one calibration class. The calibration class +global can be used for that because it includes all +the other specific classes. But in the sensitivity +results of this class it could be that parameters, +which are only in one state sensitive can be missed. +We can use the verbose sensitivity results so +that a parameter will be selected when it has a +sensitivity at least in one class and target value +of the sensitivity results. This is enough that +the parameter can be calibrated. +Here, we will use `S1` because it is normalized instead of mu_star, +and we can set on single threshold for all classes and goals. +Also, if a parameter is only through interaction sensitive (only in `ST`) +A real value can't be found and the parameters which interact will +compensate each others deviation to a real world value. +This still can happen when we choose with `S1` but it is less likely. + +```python +calibration_class = SobolAnalyzer.select_by_threshold_verbose(classes[0], + result=result_sobol, + analysis_variable='S1', + threshold=0.001, + ) + +print(calibration_class.tuner_paras) +``` + +## Time dependent sensitivity +For analysis porpoises we can also evaluate the time dependent sensitivity +instead of the sensitivity of larger time intervals. But these results can not yet +be used to automatically selected tuner parameters for a calibration. +The function for the time dependent sensitivity is similar to the other one. +So we can also use the simulations of booth run functions for each other. +The main difference is that we only need one calibration class from which +the measured target data is not used and the sensitivity is directly +calculated for the change of the separate target values and no combined goals. +In the results, we then get just the additional index time. + +```python +with warnings.catch_warnings(): + warnings.simplefilter("ignore") # ignoring warnings that are caused by the low sample size + result = sen_analyzer.run_time_dependent( + cal_class=merged_calibration_classes[0], + load_sim_files=True, + plot_result=True + ) +print(result) +``` + +When we use the plot function we can see the sensitivity of each parameter +changing over time. We can also see that the confidence intervals +are again large for such a small sample size. When the confidence interval is larger +than one an info is shown and the confidence interval of the previous +time step is used to smooth it out for the visualisation. +Let's load again results which were created with a larger sample size. + +## Loading time dependent results +These results were produced with a samples number `N=1024` and `calc_second_order=True` + +```python +result_sobol_time = SobolAnalyzer.load_from_csv( + examples_dir.joinpath('data', 'SobolAnalyzer_results_time_A.csv') +) +result_sobol_2_time = SobolAnalyzer.load_second_order_from_csv( + examples_dir.joinpath('data', 'SobolAnalyzer_results_second_order_time_A.csv') +) +plotting.plot_time_dependent(result=result_sobol_time, plot_conf=True, show_plot=False) +``` + +Now the confidence intervals are smaller and +only at one time step they are still lager than 1. +We can also see that the parameter `theCon.G` has the biggest influence. +So we can take a closer look at this parameter with another plot +function where all available sensitivity measures are plotted together. +Second order results are plotted cumulative on top of `S1`. +This resembles the definition of `ST = S1 + sum(S2_i) + sum(S3_i) + ...` + +```python +plotting.plot_parameter_verbose(parameter='theCon.G', + single_result=result_sobol_time, + second_order_result=result_sobol_2_time) +``` + +At the end we also can create a reproduction +archive which saves all settings and all created files +automatically with the reproduction function of ebcpy. +Not running in jupyter notebook + +```python +file = sen_analyzer.save_for_reproduction( + title="SenAnalyzerTest", + path=examples_dir.joinpath('testzone'), + log_message="This is just an example", + remove_saved_files=False, + exclude_sim_files=True +) +print("ZIP-File to reproduce all this:", file) +``` diff --git a/examples/docs/e4_calibration_example.md b/examples/docs/e4_calibration_example.md index cd93f833..e2f5b74e 100644 --- a/examples/docs/e4_calibration_example.md +++ b/examples/docs/e4_calibration_example.md @@ -11,6 +11,46 @@ import numpy as np from aixcalibuha import CalibrationClass, Calibrator, MultipleClassCalibrator ``` +Please define the missing TODOs in the section below according to the docstrings. + +```python +""" +Run an example for a calibration. Make sure you have Dymola installed +on your device and a working licence. All output data will be stored in +the current working directory of python. Look at the logs and plots +to better understand what is happening in the calibration. If you want, you +can switch the methods to other supported methods or change the framework and +try the global optimizer of dlib. + +:param [pathlib.Path, str] examples_dir: + Path to the examples folder of AixCaliBuHA +:param str example: + Which example to run, "A" or "B" +:param int n_cpu: + Number of cores to use + +Optional, for the fully automated process +:param ebcpy.simulationapi.SimulationAPI sim_api: + Simulation API to simulate the models +:param list[CalibrationClass] cal_classes: + List with multiple CalibrationClass objects for calibration. Goals and + TunerParameters have to be set. If only one class is provided (either + a list with one entry or a CalibrationClass object) the single-class + Calibrator is used. +:param CalibrationClass framework: + See Documentation of ebcpy on available optimization frameworks +:param str method: + See Documentation of ebcpy on available optimization framework methods +""" +examples_dir = "TODO: Add a valid input according to the docstring above" +example = "B" +n_cpu: int = 1 +sim_api = None +cal_classes = None +framework: str = "scipy_differential_evolution" +method: str = "best1bin" +``` + ## Setup Start by loading the simulation api and the calibration classes diff --git a/examples/docs/e5_automated_process.md b/examples/docs/e5_automated_process.md index d57ac350..12e7ee37 100644 --- a/examples/docs/e5_automated_process.md +++ b/examples/docs/e5_automated_process.md @@ -11,6 +11,25 @@ from examples.e3_sensitivity_analysis_example import run_sensitivity_analysis from examples.e4_calibration_example import run_calibration ``` +Please define the missing TODOs in the section below according to the docstrings. + +```python +""" +Arguments of this example: + +:param [pathlib.Path, str] examples_dir: + Path to the examples folder of AixCaliBuHA +:param str example: + Whether to use example A (requires windows) or B. + Default is "A" +:param int n_cpu: + Number of cores to use +""" +examples_dir = "TODO: Add a valid input according to the docstring above" +example: str = "A" +n_cpu: int = 1 +``` + First we run the sensitivity analysis: ```python diff --git a/examples/e3_1_verbose_sensitivity_analysis_example.py b/examples/e3_1_verbose_sensitivity_analysis_example.py new file mode 100644 index 00000000..c93795f7 --- /dev/null +++ b/examples/e3_1_verbose_sensitivity_analysis_example.py @@ -0,0 +1,470 @@ +# ## Example 3 verbose sensitivity analysis +# for the analysis of your model and the calibration process + +# Goals of this part of the examples: +# 1. Learn how to execute a verbose sensitivity analysis +# 2. Learn the meaning of the results and the analysis of your model +# 3 Learn how to use the results to select tuner-parameters for a calibration +# 4. Learn other sensitivity methods and compare them +# 5. Learn how to execute a time dependent sensitivity analysis +# 6. Learn how to save the results for reproduction + +# Start by importing all relevant packages +import warnings +import pathlib +import matplotlib.pyplot as plt +from aixcalibuha import SobolAnalyzer, FASTAnalyzer, MorrisAnalyzer +from aixcalibuha.data_types import merge_calibration_classes +from examples import setup_fmu, setup_calibration_classes +from aixcalibuha import plotting + + +def run_sensitivity_analysis( + examples_dir, + example: str = "B", + n_cpu: int = 1 +): + """ + Example process of a verbose sensitivity analysis for calibration and analysis porpoises. + First, the sensitivity problem is constructed, in this example + the `sobol` method is chosen. + Afterward, the SenAnalyzer class is instantiated to run the + sensitivity analysis in the next step. + The result of this analysis is then printed to the user. + and tuner-parameters are selected with these results. + A comparison between different methods is shown. + At the end the option to save a reproduction archive is shown. + + :param [pathlib.Path, str] examples_dir: + Path to the examples folder of AixCaliBuHA + e.g. r"LOCAL_PATH_TO\AixCaliBuHA\examples" + :param str example: + Which example to run, "A" or "B" + :param int n_cpu: + Number of cores to use + + :return: A list of calibration classes + :rtype: list + """ + # ## Setup + # Set up the class according to the documentation. + # You just have to pass a valid simulation api and + # some further settings for the analysis. + # Let's first load the necessary simulation api: + examples_dir = pathlib.Path(examples_dir) + sim_api = setup_fmu(examples_dir=examples_dir, example=example, n_cpu=n_cpu) + # To conduct a sensitivity analysis, we need to define calibration classes that + # encompass the objectives (goals) for which sensitivity is to be assessed. In this + # context, we'll explore distinct calibration classes corresponding to various + # states of the models. Initially, we establish a comprehensive calibration class + # that spans the entire duration, denoted as `global`. Subsequently, we can + # leverage simulations from this global class for other classes targeting + # specific time intervals within the overall global range. + + # For the specific states of the models with distinct time intervals, we adopt the + # calibration classes from the second example and tailor them for the verbose + # sensitivity analysis. Alternatively, custom classes could be created directly + # at this stage. Given that we do not require the second return value of the + # function (`validation_class`), we opt to ignore it by using the variable + # assignment `_` and omit any associated text output of the second example. + + calibration_classes, _ = setup_calibration_classes( + examples_dir=examples_dir, example=example, multiple_classes=False + ) + merged_calibration_classes = merge_calibration_classes(calibration_classes) + merged_calibration_classes[0].name = 'global' + # Now, we add the calibration classes for the different states of the system + calibration_classes, _ = setup_calibration_classes( + examples_dir=examples_dir, example=example, multiple_classes=True + ) + merged_calibration_classes.extend(merge_calibration_classes(calibration_classes)) + # This results in the following calibration classes where we merge the time intervals directly. + # We could have also merged them with an option in the `run()` function of the + # sensitivity analyzer classes. + print("Calibration classes for sensitivity analysis:", + [c.name for c in merged_calibration_classes]) + + # In our detailed sensitivity analysis, it is essential for all classes to share + # identical tuner parameters. This ensures that we can employ the same set of + # simulations for calculating sensitivity across various calibration classes. + # However, the final class in example B deviates in tuner parameters; hence, we + # reset them to align with the tuner parameters of the other classes. + + if example == 'B': + merged_calibration_classes[-1].tuner_paras = merged_calibration_classes[0].tuner_paras + + # With the definition of the calibration classes and the loaded `sim_api`, + # we now take a look at the different options for sensitivity analysis. + # First, we perform the `Sobol` method, which is the most powerful currently + # supported method, but is also the most computational demanding one. + # Afterward, we will compare the results of the different methods. + + # ## Example of Sobol method + # First, we instantiate the Analyzer with the `sim_api` and the number of samples. + # For this example we will use a small sample size to reduce the time needed, + # which will lead to inaccurate results. + # In the comparison of the different methods, we will discuss the required sample size. + # We will also define a working directory were all results of the analysis will be stored. + # Additionally, we can choose if the samples and corresponding simulation files will be saved. + # These files can later be loaded and used for analysis of different calibration classes + # without performing new simulations. The simulations during the sensitivity analysis are the + # main computational time factor. + sen_analyzer = SobolAnalyzer( + sim_api=sim_api, + num_samples=8, + calc_second_order=True, + cd=examples_dir.joinpath('testzone', f'verbose_sen_{example}'), + save_files=True, + savepath_sim=examples_dir.joinpath('testzone', f'verbose_sen_{example}', 'files'), + suffix_files='csv' + ) + + # Now, we run the sensitivity analysis with the verbose option. + # With that, we not only get the results for combined target values, + # but we also get the results for every target value alone. + # Because we defined the first calibration class global + # and every calibration class has the same + # tuner-parameters, we can use the option `use_first_sim`, + # where only the first class will be simulated and the simulation files saved. + # These simulations will be used for all other classes. + + # For that the simulations are loaded for each class + # and the statistical measure is then evaluated for the + # relevant time intervals of each class. + + # When we load simulation files we can use multiprocessing for loading the simulation + # and evaluating the statistical measure for each class in their time intervals. + # This multiprocessing option is especially + # useful for large models and large simulation data, + # because only one simulation at a time is stored + # in memory for each process. + # This can prevent possible memory errors. + + # We disable the automatic plot option here, + # but we save all results. Later we can use the plot function + # of the plotting module to plot the results. + + result, classes = sen_analyzer.run(calibration_classes=merged_calibration_classes, + verbose=True, + use_first_sim=True, + plot_result=False, + save_results=True, + n_cpu=n_cpu, + scale=False) + + # After running the sensitivity analysis you can see + # that the working directory was created and the result + # files were saved here. First, the folder "files" was + # created as the result of `save_files=True`. In there, the + # simulation files are stored in an own folder which + # name contains the name of the used calibration class. + # Additionally, the corresponding samples are stored. + # The simulations are coupled with their samples. + # As one results of the analysis, the statistical + # measure and corresponding sample are saved for each class. + # This information could be used for surrogate-based + # calibration, which is currently not implemented in `AixCaliBuHA`. + # The main results of the sensitivity analysis are the sensitivity + # measures stored in "SobolAnalyzer_results.csv" + # and "SobolAnalyzer_results_second_order.csv". + # These are also returned from the `run()` function as a tuple of two + # dataframes. This is specific to the sobol method, all other + # methods only return one dataframe, which is similar to the first return value + # of the sobol method with possibly other analysis variables. + # Let´s take a look at these results. + + # The first result has as columns the tuner-parameters + # and a multi level index with three levels. + # The first level defines the calibration class. + # The second level defines the Goals (target values). The index `all` + # is for the result of the combined target values in the goals. + # The last level defines the result of the + # sensitivity measure for each class and goal. + # These analysis variables are specific for each method. + # For their exact meaning I refer to the documentation of the SALib or the literature. + # In this example you get a short overview in the comparison later. + print("Result of the sensitivity analysis") + print('First and total order results of sobol method') + print(result[0].to_string()) + # The second result of the sobol method is for second order sensitive measures. + # These describe the interaction between two parameters, + # so this dataframe has a fourth index level "Interaction". + # In this level, the tuner-parameters are listed again. + print('Second order results of sobol method') + print(result[1].to_string()) + # For a better understanding of the results we will now plot them. + + # ## Plotting Sensitivity results + # We start with the result which were calculated with the small sample size. + # Let's plot the first and total order results. These results + # are specific for each single parameter + # For each calibration class, a figure is created + # which shows for each goal the first order sensitivity `S1` + # and the total order sensitivity `ST` combined. For the small + # sample size the results have large confidence + # intervals, which show that these results are inaccurate as we + # noted earlier due to the small sample size. + plotting.plot_single(result[0]) + + # The plotting of second order results is only useful + # and working for more than 2 parameters. + # So we only can take a look at them in example A. + # If you run example B we will skip the plot of the second order results + # and load some sensitivity results of example A. + + # Let's take a look at the second order results `S2` of example A we just created. + # This analysis variable shows the interaction of two + # parameters, so we can plot them as a heatmap. + # We can see that the parameters have no interaction with + # themselves what is obvious. Also, we see that the + # values for p1,p2 and p2,p1 are the same. + # In the heatmap we can't visualize the confidence intervals, + # so we will also take a look at the interaction of + # one specific parameter. + # For that the `plotting` module has also a function + # which looks simular to the `S1` and `ST` plots. + # Here we see again large confidence intervals, + # so now we will load results which were calculated with + # a much higher sample number. + if example == 'A': + plotting.heatmaps(result[1]) + plotting.plot_single_second_order(result[1], 'rad.n') + + # ## Loading results + # We will now load sensitivity results of example A . + # These results were produced with this example and + # a samples number N=1024 and calc_second_order=True + + result_sobol = SobolAnalyzer.load_from_csv( + examples_dir.joinpath('data', 'SobolAnalyzer_results_A.csv') + ) + result_sobol_2 = SobolAnalyzer.load_second_order_from_csv( + examples_dir.joinpath('data', 'SobolAnalyzer_results_second_order_A.csv') + ) + # For a better understanding we will only take a + # look at the global class and Electricity goal + # and plot `S1`, `ST` and `S2` in the same window. + # For that we can use the plot function + # with some optional options. This shows how you can easily customize + # these plots, and you can also chang everything + # on the axes of the plots. + fig = plt.figure(figsize=plt.figaspect(1. / 4.), layout="constrained") # creating one figure + subfigs = fig.subfigures(1, 3, wspace=0) # creating subfigures for each type of plot + ax0 = subfigs[0].subplots() # plotting `S1` and `ST` + plotting.plot_single( + result=result_sobol, + cal_classes=['global'], + goals=['Electricity'], + show_plot=False, + figs_axes=([subfigs[0]], [ax0]), + max_name_len=14 + ) + ax1 = subfigs[1].subplots() # plotting heatmap + plotting.heatmap( + result_sobol_2, + cal_class='global', + goal='Electricity', + ax=ax1, + show_plot=False, + max_name_len=14 + ) + ax2 = subfigs[2].subplots() # plotting the interactions of one single parameter + plotting.plot_single_second_order( + result=result_sobol_2, + para_name='rad.n', + show_plot=False, + cal_classes=['global'], + goals=['Electricity'], + figs_axes=([subfigs[2]], [ax2]), + max_name_len=14 + ) + plt.show() + # Now, what can we see in these results? First, the + # confidence intervals are now much smaller, so that we + # can interpret and connect the different analysis variables. + # `S1` stands for the variance in the objective, + # which is caused by the variation of one parameter + # while all other parameters are constant. The sobol analysis + # variables are normalized with the total variance caused + # by all parameter variations together within + # their bounds. This means that when the parameters had + # no interactions the sum of all `S1` values would + # be 1. `ST` shows the resulting variance of a parameter + # with all his interactions. Let's take a look at the + # interaction between `n` and `G`, which are the highest. + # Here, the `S2` value of the interaction + # between `n` and `G` has a similar value to each difference + # of `S1` and `ST` from these parameters. This show how this + # difference corresponds to the interactions of a parameter. + # All other parameters have only a very small sensitivity. + # These are just some basics, to understand what option you + # have in `AixCaliBuAH`. For more information look up relevant literature. + + # ## Comparison of different Methods + # We will now take a short look at a comparison of the + # `Sobol`, `Fast` and `Morris` method in `AixCaliBuAH`. + # The `SALib` provides more methods, which can + # be implemented here in the future or on your own. + # We already took a look at the `Sobol` method, + # which can compute `S1`, `ST`, and `S2` with their confidence intervals. + # The sobol method needs for that `(2+2k)N` simulations + # where `k` is the number of parameters and `N` is the sample + # number. For variance-based methods `N` should be greater + # than 1000. The sobol method can also compute only `S1` and + # `ST` with calc_second_order=False and (1+k)N simulations. + # The FAST method is another variance-based + # method and only computes `S1` and `ST` with k*N simulations. + # `Sobol` and FAST should show simular results which is the + # case for example B but in example A the FAST method overestimates `ST` in some cases. + # In the right plots, the results for the `Morris` method are shown. + # These are based on the mean of derivatives which + # represents the analysis variables mu. In the estimation + # of the derivatives, only one parameter is changed at a time. + # mu_star is the mean of the absolut values of the derivatives + # and is an approximation of `ST` but + # needs only an `N` of over 100 and `(1+k)N` simulations. + # In this comparison, mu_star shows simular results to `ST` + # of the `Sobol` method, but it is not normalized. + # Last, sigma is computed which is the standard deviation and + # is a sign for a non-linear model or for interactions in the model. + result_sobol = SobolAnalyzer.load_from_csv( + examples_dir.joinpath('data', f'SobolAnalyzer_results_{example}.csv') + ) + result_fast = FASTAnalyzer.load_from_csv( + examples_dir.joinpath('data', f'FASTAnalyzer_results_{example}.csv') + ) + result_morris = MorrisAnalyzer.load_from_csv( + examples_dir.joinpath('data', f'MorrisAnalyzer_results_{example}.csv') + ) + + global_class = classes[0] + fig_comp = plt.figure(figsize=plt.figaspect(1. / 4.), layout="constrained") + subfigs_comp = fig_comp.subfigures(1, 3, wspace=0) + ax0_comp = subfigs_comp[0].subplots(3, 1, sharex=True) + plotting.plot_single( + result=result_sobol, + cal_classes=[global_class.name], + show_plot=False, + figs_axes=([subfigs_comp[0]], [ax0_comp]) + ) + subfigs_comp[0].suptitle("Sobol") + ax1_comp = subfigs_comp[1].subplots(3, 1, sharex=True) + plotting.plot_single( + result=result_fast, + cal_classes=[global_class.name], + show_plot=False, + figs_axes=([subfigs_comp[1]], [ax1_comp]) + ) + subfigs_comp[1].suptitle("FAST") + ax2_comp = subfigs_comp[2].subplots(3, 1, sharex=True) + plotting.plot_single( + result=result_morris, + show_plot=False, + cal_classes=[global_class.name], + figs_axes=([subfigs_comp[2]], [ax2_comp]) + ) + subfigs_comp[2].suptitle("Morris") + plt.show() + + # ## Selection of tuner-parameters based on verbose sensitivity results + # We can now also use these verbose sensitivity + # results for a selection of relevant tuner parameters. + # We already saw that our models have interactions, + # so it will be necessary to calibrate them together + # in one calibration class. The calibration class + # global can be used for that because it includes all + # the other specific classes. But in the sensitivity + # results of this class it could be that parameters, + # which are only in one state sensitive can be missed. + # We can use the verbose sensitivity results so + # that a parameter will be selected when it has a + # sensitivity at least in one class and target value + # of the sensitivity results. This is enough that + # the parameter can be calibrated. + # Here, we will use `S1` because it is normalized instead of mu_star, + # and we can set on single threshold for all classes and goals. + # Also, if a parameter is only through interaction sensitive (only in `ST`) + # A real value can't be found and the parameters which interact will + # compensate each others deviation to a real world value. + # This still can happen when we choose with `S1` but it is less likely. + calibration_class = SobolAnalyzer.select_by_threshold_verbose(classes[0], + result=result_sobol, + analysis_variable='S1', + threshold=0.001, + ) + + print(calibration_class.tuner_paras) + + # ## Time dependent sensitivity + # For analysis porpoises we can also evaluate the time dependent sensitivity + # instead of the sensitivity of larger time intervals. But these results can not yet + # be used to automatically selected tuner parameters for a calibration. + # The function for the time dependent sensitivity is similar to the other one. + # So we can also use the simulations of booth run functions for each other. + # The main difference is that we only need one calibration class from which + # the measured target data is not used and the sensitivity is directly + # calculated for the change of the separate target values and no combined goals. + # In the results, we then get just the additional index time. + + with warnings.catch_warnings(): + warnings.simplefilter("ignore") # ignoring warnings that are caused by the low sample size + result = sen_analyzer.run_time_dependent( + cal_class=merged_calibration_classes[0], + load_sim_files=True, + plot_result=True + ) + print(result) + + # When we use the plot function we can see the sensitivity of each parameter + # changing over time. We can also see that the confidence intervals + # are again large for such a small sample size. When the confidence interval is larger + # than one an info is shown and the confidence interval of the previous + # time step is used to smooth it out for the visualisation. + # Let's load again results which were created with a larger sample size. + + # ## Loading time dependent results + # These results were produced with a samples number `N=1024` and `calc_second_order=True` + result_sobol_time = SobolAnalyzer.load_from_csv( + examples_dir.joinpath('data', 'SobolAnalyzer_results_time_A.csv') + ) + result_sobol_2_time = SobolAnalyzer.load_second_order_from_csv( + examples_dir.joinpath('data', 'SobolAnalyzer_results_second_order_time_A.csv') + ) + plotting.plot_time_dependent(result=result_sobol_time, plot_conf=True, show_plot=False) + # Now the confidence intervals are smaller and + # only at one time step they are still lager than 1. + # We can also see that the parameter `theCon.G` has the biggest influence. + # So we can take a closer look at this parameter with another plot + # function where all available sensitivity measures are plotted together. + # Second order results are plotted cumulative on top of `S1`. + # This resembles the definition of `ST = S1 + sum(S2_i) + sum(S3_i) + ...` + plotting.plot_parameter_verbose(parameter='theCon.G', + single_result=result_sobol_time, + second_order_result=result_sobol_2_time) + + # At the end we also can create a reproduction + # archive which saves all settings and all created files + # automatically with the reproduction function of ebcpy. + # Not running in jupyter notebook + file = sen_analyzer.save_for_reproduction( + title="SenAnalyzerTest", + path=examples_dir.joinpath('testzone'), + log_message="This is just an example", + remove_saved_files=False, + exclude_sim_files=True + ) + print("ZIP-File to reproduce all this:", file) + + +if __name__ == "__main__": + + # Parameters for sen-analysis: + EXAMPLE = "A" # Or choose B + N_CPU = 2 + + # Sensitivity analysis: + run_sensitivity_analysis( + examples_dir=pathlib.Path(__file__).parent, + example=EXAMPLE, + n_cpu=N_CPU + ) diff --git a/examples/e3_2_verbose_dymola_sensitivity_analysis_example.py b/examples/e3_2_verbose_dymola_sensitivity_analysis_example.py new file mode 100644 index 00000000..87e8b3f2 --- /dev/null +++ b/examples/e3_2_verbose_dymola_sensitivity_analysis_example.py @@ -0,0 +1,119 @@ +# # Example 3 sensitivity analysis with dymola api + +# Goals of this part of the examples: +# 1. Learn how to execute a sensitivity analysis with the dymola api +# +import os +import pathlib +from examples import setup_dym_api, setup_calibration_classes +# Import a valid analyzer, e.g. `SobolAnalyzer` +from aixcalibuha import SobolAnalyzer +from aixcalibuha.data_types import merge_calibration_classes +from ebcpy.utils.conversion import convert_tsd_to_modelica_txt + + +def run_sensitivity_analysis( + examples_dir, + aixlib_mo, + example: str = "B", + n_cpu: int = 1 +): + """ + Example process of a verbose sensitivity analysis with the dymola_api. + + :param [pathlib.Path, str] examples_dir: + Path to the examples folder of AixCaliBuHA + :param [pathlib.Path, str] aixlib_mo: + Path to the AixLib package.mo file. + :param str example: + Which example to run, "A" or "B" + :param int n_cpu: + Number of cores to use + + :return: A list of calibration classes + :rtype: list + """ + # ## Setup + # Using a dymola api instead of the fmu api + examples_dir = pathlib.Path(examples_dir) + sim_api = setup_dym_api(examples_dir=examples_dir, + aixlib_mo=aixlib_mo, + example=example, + n_cpu=n_cpu) + calibration_classes = setup_calibration_classes( + examples_dir=examples_dir, example=example, multiple_classes=False + )[0] + merged_calibration_classes = merge_calibration_classes(calibration_classes) + merged_calibration_classes[0].name = 'global' + calibration_classes = setup_calibration_classes( + examples_dir=examples_dir, example=example, multiple_classes=True + )[0] + merged_calibration_classes.extend(merge_calibration_classes(calibration_classes)) + + if example == 'B': + merged_calibration_classes[-1].tuner_paras = merged_calibration_classes[0].tuner_paras + + # ## Example of Sobol method + # Set up Sobol analyzer + sen_analyzer = SobolAnalyzer( + sim_api=sim_api, + num_samples=2, + calc_second_order=True, + cd=examples_dir.joinpath('testzone', f'verbose_sen_dymola_{example}'), + save_files=True, + load_files=False, + savepath_sim=examples_dir.joinpath('testzone', f'verbose_sen_dymola_{example}', 'files'), + suffix_files='mat' + ) + + # The only difference to the fmu example is the handling of inputs. + # There we have in the model now a table for the inputs and generate + # an input file here. This is only necessary for example A because + # example B has no inputs. To generate the input in the correct format, + # use the convert_tsd_to_modelica_txt function: + if example == "A": + table_name = "InputTDryBul" + file_name = r"D:\dymola_inputs_A.txt" + print(file_name) + filepath = convert_tsd_to_modelica_txt( + tsd=merged_calibration_classes[0].inputs, + table_name=table_name, + save_path_file=file_name + ) + # Now we can remove the input from the old fmu calibration classes + for cal_class in merged_calibration_classes: + cal_class._inputs = None + print("Successfully created Dymola input file at", filepath) + # run sensitivity analysis + result, classes = sen_analyzer.run(calibration_classes=merged_calibration_classes, + verbose=True, + use_first_sim=True, + plot_result=True, + save_results=True, + n_cpu=2) + print("Result of the sensitivity analysis") + print('First and total order results of sobol method') + print(result[0].to_string()) + print('Second order results of sobol method') + print(result[1].to_string()) + + # remove input file + if example == "A": + os.remove(file_name) + + return classes + + +if __name__ == "__main__": + + # Parameters for sen-analysis: + EXAMPLE = "A" # Or choose B + N_CPU = 1 + + # Sensitivity analysis: + run_sensitivity_analysis( + examples_dir=pathlib.Path(__file__).parent, + aixlib_mo=r"D:\sbg-hst\Repos\AixLib\AixLib\package.mo", + example=EXAMPLE, + n_cpu=N_CPU + ) diff --git a/examples/e3_sensitivity_analysis_example.py b/examples/e3_sensitivity_analysis_example.py index 62e5c7a0..ebd72925 100644 --- a/examples/e3_sensitivity_analysis_example.py +++ b/examples/e3_sensitivity_analysis_example.py @@ -17,7 +17,7 @@ def run_sensitivity_analysis( Example process of a sensitivity analysis. First, the sensitivity problem is constructed, in this example the `morris` method is chosen. - Afterwards, the sen_analyzer class is instantiated to run the + Afterward, the sen_analyzer class is instantiated to run the sensitivity analysis in the next step. The result of this analysis is then printed to the user. The automatic_select function is presented as-well, using a threshold of 1 @@ -44,15 +44,16 @@ def run_sensitivity_analysis( sen_analyzer = SobolAnalyzer( sim_api=sim_api, num_samples=10, - cd=sim_api.cd, - analysis_variable='S1' + cd=sim_api.cd ) # Now perform the analysis for the one of the given calibration classes. calibration_classes = setup_calibration_classes( examples_dir=examples_dir, example=example )[0] - result, classes = sen_analyzer.run(calibration_classes=calibration_classes) + result, classes = sen_analyzer.run(calibration_classes=calibration_classes, + plot_result=True, + save_results=False) print("Result of the sensitivity analysis") print(result) # For each given class, you should see the given tuner parameters @@ -61,8 +62,9 @@ def run_sensitivity_analysis( # to remove complexity from our calibration problem: print("Selecting relevant tuner-parameters using a fixed threshold:") sen_analyzer.select_by_threshold(calibration_classes=classes, - result=result, - threshold=0.01) + result=result[0], + threshold=0.01, + analysis_variable='S1') for cal_class in classes: print(f"Class '{cal_class.name}' with parameters:\n{cal_class.tuner_paras}") # Return the classes and the sim_api to later perform an automated process in example 5 diff --git a/examples/jupyter_notebooks/e1_A_energy_system_analysis.ipynb b/examples/jupyter_notebooks/e1_A_energy_system_analysis.ipynb index baa87adf..c0879569 100644 --- a/examples/jupyter_notebooks/e1_A_energy_system_analysis.ipynb +++ b/examples/jupyter_notebooks/e1_A_energy_system_analysis.ipynb @@ -29,6 +29,18 @@ "outputs": [], "source": "from ebcpy import DymolaAPI, TimeSeriesData\n" }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "Please define the missing TODOs in the section below according to the docstrings.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "\"\"\"\nArguments of this example:\n\n:param [pathlib.Path, str] examples_dir:\n Path to the examples folder of AixCaliBuHA\n:param str aixlib_mo:\n Path to the package.mo of the AixLib.\n This example was tested for AixLib version 1.0.0.\n:param str cd:\n Path in which to store the output.\n Default is the examples\\results folder\n:param bool with_plot:\n Show the plot at the end of the script. Default is True.\n\"\"\"\nexamples_dir = \"TODO: Add a valid input according to the docstring above\"\naixlib_mo = \"TODO: Add a valid input according to the docstring above\"\ncd = None\nwith_plot = True\n" + }, { "cell_type": "markdown", "metadata": {}, diff --git a/examples/jupyter_notebooks/e1_B_energy_system_analysis.ipynb b/examples/jupyter_notebooks/e1_B_energy_system_analysis.ipynb index 2fb234e1..1569e166 100644 --- a/examples/jupyter_notebooks/e1_B_energy_system_analysis.ipynb +++ b/examples/jupyter_notebooks/e1_B_energy_system_analysis.ipynb @@ -12,6 +12,18 @@ "outputs": [], "source": "import pathlib\nimport matplotlib.pyplot as plt\n" }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "Please define the missing TODOs in the section below according to the docstrings.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "\"\"\"\nArguments of this example:\n\n:param [pathlib.Path, str] examples_dir:\n Path to the examples folder of AixCaliBuHA\n:param bool with_plot:\n Show the plot at the end of the script. Default is True.\n\"\"\"\nexamples_dir = \"TODO: Add a valid input according to the docstring above\"\nwith_plot = True\n" + }, { "cell_type": "markdown", "metadata": {}, diff --git a/examples/jupyter_notebooks/e2_A_optimization_problem_definition.ipynb b/examples/jupyter_notebooks/e2_A_optimization_problem_definition.ipynb index d2235069..907aaca9 100644 --- a/examples/jupyter_notebooks/e2_A_optimization_problem_definition.ipynb +++ b/examples/jupyter_notebooks/e2_A_optimization_problem_definition.ipynb @@ -41,6 +41,18 @@ "outputs": [], "source": "from aixcalibuha import TunerParas, Goals, \\\n CalibrationClass\nfrom aixcalibuha.data_types import merge_calibration_classes\n" }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "Please define the missing TODOs in the section below according to the docstrings.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "\"\"\"\nArguments of this example:\n\n:param [pathlib.Path, str] examples_dir:\n Path to the examples folder of AixCaliBuHA\n:param str statistical_measure:\n Measure to calculate the scalar of the objective,\n One of the supported methods in\n ebcpy.utils.statistics_analyzer.StatisticsAnalyzer\n e.g. RMSE, MAE, NRMSE\n:param bool multiple_classes:\n If False, all CalibrationClasses will have the\n same name\n\"\"\"\nexamples_dir = \"TODO: Add a valid input according to the docstring above\"\nstatistical_measure = \"NRMSE\"\nmultiple_classes = True\n" + }, { "cell_type": "markdown", "metadata": {}, diff --git a/examples/jupyter_notebooks/e2_B_optimization_problem_definition.ipynb b/examples/jupyter_notebooks/e2_B_optimization_problem_definition.ipynb index 99724e5d..c523e409 100644 --- a/examples/jupyter_notebooks/e2_B_optimization_problem_definition.ipynb +++ b/examples/jupyter_notebooks/e2_B_optimization_problem_definition.ipynb @@ -41,6 +41,18 @@ "outputs": [], "source": "from aixcalibuha import TunerParas, Goals, \\\n CalibrationClass\nfrom aixcalibuha.data_types import merge_calibration_classes\n" }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "Please define the missing TODOs in the section below according to the docstrings.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "\"\"\"\nArguments of this example:\n\n:param [pathlib.Path, str] examples_dir:\n Path to the examples folder of AixCaliBuHA\n:param str statistical_measure:\n Measure to calculate the scalar of the objective,\n One of the supported methods in\n ebcpy.utils.statistics_analyzer.StatisticsAnalyzer\n e.g. RMSE, MAE, NRMSE\n:param bool multiple_classes:\n If False, all CalibrationClasses will have the\n same name\n\"\"\"\nexamples_dir = \"TODO: Add a valid input according to the docstring above\"\nstatistical_measure = \"NRMSE\"\nmultiple_classes = True\n" + }, { "cell_type": "markdown", "metadata": {}, diff --git a/examples/jupyter_notebooks/e3_1_verbose_sensitivity_analysis_example.ipynb b/examples/jupyter_notebooks/e3_1_verbose_sensitivity_analysis_example.ipynb new file mode 100644 index 00000000..218bdd7b --- /dev/null +++ b/examples/jupyter_notebooks/e3_1_verbose_sensitivity_analysis_example.ipynb @@ -0,0 +1,337 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": "## Example 3 verbose sensitivity analysis\nfor the analysis of your model and the calibration process\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "Goals of this part of the examples:\n1. Learn how to execute a verbose sensitivity analysis\n2. Learn the meaning of the results and the analysis of your model\n3 Learn how to use the results to select tuner-parameters for a calibration\n4. Learn other sensitivity methods and compare them\n5. Learn how to execute a time dependent sensitivity analysis\n6. Learn how to save the results for reproduction\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "Start by importing all relevant packages\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "import warnings\nimport pathlib\nimport matplotlib.pyplot as plt\nfrom aixcalibuha import SobolAnalyzer, FASTAnalyzer, MorrisAnalyzer\nfrom aixcalibuha.data_types import merge_calibration_classes\nfrom examples import setup_fmu, setup_calibration_classes\nfrom aixcalibuha import plotting\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "Please define the missing TODOs in the section below according to the docstrings.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "\"\"\"\nExample process of a verbose sensitivity analysis for calibration and analysis porpoises.\nFirst, the sensitivity problem is constructed, in this example\nthe `sobol` method is chosen.\nAfterward, the SenAnalyzer class is instantiated to run the\nsensitivity analysis in the next step.\nThe result of this analysis is then printed to the user.\nand tuner-parameters are selected with these results.\nA comparison between different methods is shown.\nAt the end the option to save a reproduction archive is shown.\n\n:param [pathlib.Path, str] examples_dir:\n Path to the examples folder of AixCaliBuHA\n e.g. r\"LOCAL_PATH_TO\\AixCaliBuHA\\examples\"\n:param str example:\n Which example to run, \"A\" or \"B\"\n:param int n_cpu:\n Number of cores to use\n\n:return: A list of calibration classes\n:rtype: list\n\"\"\"\nexamples_dir = \"TODO: Add a valid input according to the docstring above\"\nexample: str = \"B\"\nn_cpu: int = 1\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "## Setup\nSet up the class according to the documentation.\nYou just have to pass a valid simulation api and\nsome further settings for the analysis.\nLet's first load the necessary simulation api:\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "examples_dir = pathlib.Path(examples_dir)\nsim_api = setup_fmu(examples_dir=examples_dir, example=example, n_cpu=n_cpu)\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "To conduct a sensitivity analysis, we need to define calibration classes that\nencompass the objectives (goals) for which sensitivity is to be assessed. In this\ncontext, we'll explore distinct calibration classes corresponding to various\nstates of the models. Initially, we establish a comprehensive calibration class\nthat spans the entire duration, denoted as `global`. Subsequently, we can\nleverage simulations from this global class for other classes targeting\nspecific time intervals within the overall global range.\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "For the specific states of the models with distinct time intervals, we adopt the\ncalibration classes from the second example and tailor them for the verbose\nsensitivity analysis. Alternatively, custom classes could be created directly\nfunction (`validation_class`), we opt to ignore it by using the variable\nassignment `_` and omit any associated text output of the second example.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "calibration_classes, _ = setup_calibration_classes(\n examples_dir=examples_dir, example=example, multiple_classes=False\n)\nmerged_calibration_classes = merge_calibration_classes(calibration_classes)\nmerged_calibration_classes[0].name = 'global'\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "Now, we add the calibration classes for the different states of the system\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "calibration_classes, _ = setup_calibration_classes(\n examples_dir=examples_dir, example=example, multiple_classes=True\n)\nmerged_calibration_classes.extend(merge_calibration_classes(calibration_classes))\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "This results in the following calibration classes where we merge the time intervals directly.\nWe could have also merged them with an option in the `run()` function of the\nsensitivity analyzer classes.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "print(\"Calibration classes for sensitivity analysis:\",\n [c.name for c in merged_calibration_classes])\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "In our detailed sensitivity analysis, it is essential for all classes to share\nidentical tuner parameters. This ensures that we can employ the same set of\nsimulations for calculating sensitivity across various calibration classes.\nHowever, the final class in example B deviates in tuner parameters; hence, we\nreset them to align with the tuner parameters of the other classes.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "if example == 'B':\n merged_calibration_classes[-1].tuner_paras = merged_calibration_classes[0].tuner_paras\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "With the definition of the calibration classes and the loaded `sim_api`,\nwe now take a look at the different options for sensitivity analysis.\nFirst, we perform the `Sobol` method, which is the most powerful currently\nsupported method, but is also the most computational demanding one.\nAfterward, we will compare the results of the different methods.\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "## Example of Sobol method\nFirst, we instantiate the Analyzer with the `sim_api` and the number of samples.\nFor this example we will use a small sample size to reduce the time needed,\nwhich will lead to inaccurate results.\nIn the comparison of the different methods, we will discuss the required sample size.\nWe will also define a working directory were all results of the analysis will be stored.\nAdditionally, we can choose if the samples and corresponding simulation files will be saved.\nThese files can later be loaded and used for analysis of different calibration classes\nwithout performing new simulations. The simulations during the sensitivity analysis are the\nmain computational time factor.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "sen_analyzer = SobolAnalyzer(\n sim_api=sim_api,\n num_samples=8,\n calc_second_order=True,\n cd=examples_dir.joinpath('testzone', f'verbose_sen_{example}'),\n save_files=True,\n savepath_sim=examples_dir.joinpath('testzone', f'verbose_sen_{example}', 'files'),\n suffix_files='csv'\n)\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "Now, we run the sensitivity analysis with the verbose option.\nWith that, we not only get the results for combined target values,\nbut we also get the results for every target value alone.\nBecause we defined the first calibration class global\nand every calibration class has the same\ntuner-parameters, we can use the option `use_first_sim`,\nwhere only the first class will be simulated and the simulation files saved.\nThese simulations will be used for all other classes.\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "For that the simulations are loaded for each class\nand the statistical measure is then evaluated for the\nrelevant time intervals of each class.\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "When we load simulation files we can use multiprocessing for loading the simulation\nand evaluating the statistical measure for each class in their time intervals.\nThis multiprocessing option is especially\nuseful for large models and large simulation data,\nbecause only one simulation at a time is stored\nin memory for each process.\nThis can prevent possible memory errors.\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "We disable the automatic plot option here,\nbut we save all results. Later we can use the plot function\nof the plotting module to plot the results.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "result, classes = sen_analyzer.run(calibration_classes=merged_calibration_classes,\n verbose=True,\n use_first_sim=True,\n plot_result=False,\n save_results=True,\n n_cpu=n_cpu,\n scale=False)\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "After running the sensitivity analysis you can see\nthat the working directory was created and the result\nfiles were saved here. First, the folder \"files\" was\ncreated as the result of `save_files=True`. In there, the\nsimulation files are stored in an own folder which\nname contains the name of the used calibration class.\nAdditionally, the corresponding samples are stored.\nThe simulations are coupled with their samples.\nAs one results of the analysis, the statistical\nmeasure and corresponding sample are saved for each class.\nThis information could be used for surrogate-based\ncalibration, which is currently not implemented in `AixCaliBuHA`.\nThe main results of the sensitivity analysis are the sensitivity\nmeasures stored in \"SobolAnalyzer_results.csv\"\nand \"SobolAnalyzer_results_second_order.csv\".\ndataframes. This is specific to the sobol method, all other\nof the sobol method with possibly other analysis variables.\nLet´s take a look at these results.\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "The first result has as columns the tuner-parameters\nand a multi level index with three levels.\nThe first level defines the calibration class.\nThe second level defines the Goals (target values). The index `all`\nis for the result of the combined target values in the goals.\nThe last level defines the result of the\nsensitivity measure for each class and goal.\nThese analysis variables are specific for each method.\nFor their exact meaning I refer to the documentation of the SALib or the literature.\nIn this example you get a short overview in the comparison later.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "print(\"Result of the sensitivity analysis\")\nprint('First and total order results of sobol method')\nprint(result[0].to_string())\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "The second result of the sobol method is for second order sensitive measures.\nThese describe the interaction between two parameters,\nso this dataframe has a fourth index level \"Interaction\".\nIn this level, the tuner-parameters are listed again.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "print('Second order results of sobol method')\nprint(result[1].to_string())\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "For a better understanding of the results we will now plot them.\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "## Plotting Sensitivity results\nWe start with the result which were calculated with the small sample size.\nLet's plot the first and total order results. These results\nare specific for each single parameter\nFor each calibration class, a figure is created\nwhich shows for each goal the first order sensitivity `S1`\nand the total order sensitivity `ST` combined. For the small\nsample size the results have large confidence\nintervals, which show that these results are inaccurate as we\nnoted earlier due to the small sample size.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "plotting.plot_single(result[0])\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "The plotting of second order results is only useful\nand working for more than 2 parameters.\nSo we only can take a look at them in example A.\nIf you run example B we will skip the plot of the second order results\nand load some sensitivity results of example A.\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "Let's take a look at the second order results `S2` of example A we just created.\nThis analysis variable shows the interaction of two\nparameters, so we can plot them as a heatmap.\nWe can see that the parameters have no interaction with\nthemselves what is obvious. Also, we see that the\nvalues for p1,p2 and p2,p1 are the same.\nIn the heatmap we can't visualize the confidence intervals,\nso we will also take a look at the interaction of\none specific parameter.\nFor that the `plotting` module has also a function\nwhich looks simular to the `S1` and `ST` plots.\nHere we see again large confidence intervals,\nso now we will load results which were calculated with\na much higher sample number.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "if example == 'A':\n plotting.heatmaps(result[1])\n plotting.plot_single_second_order(result[1], 'rad.n')\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "## Loading results\nWe will now load sensitivity results of example A .\nThese results were produced with this example and\na samples number N=1024 and calc_second_order=True\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "result_sobol = SobolAnalyzer.load_from_csv(\n examples_dir.joinpath('data', 'SobolAnalyzer_results_A.csv')\n)\nresult_sobol_2 = SobolAnalyzer.load_second_order_from_csv(\n examples_dir.joinpath('data', 'SobolAnalyzer_results_second_order_A.csv')\n)\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "For a better understanding we will only take a\nlook at the global class and Electricity goal\nand plot `S1`, `ST` and `S2` in the same window.\nFor that we can use the plot function\nwith some optional options. This shows how you can easily customize\nthese plots, and you can also chang everything\non the axes of the plots.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "fig = plt.figure(figsize=plt.figaspect(1. / 4.), layout=\"constrained\") # creating one figure\nsubfigs = fig.subfigures(1, 3, wspace=0) # creating subfigures for each type of plot\nax0 = subfigs[0].subplots() # plotting `S1` and `ST`\nplotting.plot_single(\n result=result_sobol,\n cal_classes=['global'],\n goals=['Electricity'],\n show_plot=False,\n figs_axes=([subfigs[0]], [ax0]),\n max_name_len=14\n)\nax1 = subfigs[1].subplots() # plotting heatmap\nplotting.heatmap(\n result_sobol_2,\n cal_class='global',\n goal='Electricity',\n ax=ax1,\n show_plot=False,\n max_name_len=14\n)\nax2 = subfigs[2].subplots() # plotting the interactions of one single parameter\nplotting.plot_single_second_order(\n result=result_sobol_2,\n para_name='rad.n',\n show_plot=False,\n cal_classes=['global'],\n goals=['Electricity'],\n figs_axes=([subfigs[2]], [ax2]),\n max_name_len=14\n)\nplt.show()\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "Now, what can we see in these results? First, the\nconfidence intervals are now much smaller, so that we\ncan interpret and connect the different analysis variables.\n`S1` stands for the variance in the objective,\nwhich is caused by the variation of one parameter\nwhile all other parameters are constant. The sobol analysis\nvariables are normalized with the total variance caused\nby all parameter variations together within\ntheir bounds. This means that when the parameters had\nno interactions the sum of all `S1` values would\nbe 1. `ST` shows the resulting variance of a parameter\nwith all his interactions. Let's take a look at the\ninteraction between `n` and `G`, which are the highest.\nHere, the `S2` value of the interaction\nbetween `n` and `G` has a similar value to each difference\nof `S1` and `ST` from these parameters. This show how this\ndifference corresponds to the interactions of a parameter.\nAll other parameters have only a very small sensitivity.\nThese are just some basics, to understand what option you\nhave in `AixCaliBuAH`. For more information look up relevant literature.\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "## Comparison of different Methods\nWe will now take a short look at a comparison of the\n`Sobol`, `Fast` and `Morris` method in `AixCaliBuAH`.\nThe `SALib` provides more methods, which can\nbe implemented here in the future or on your own.\nWe already took a look at the `Sobol` method,\nwhich can compute `S1`, `ST`, and `S2` with their confidence intervals.\nThe sobol method needs for that `(2+2k)N` simulations\nwhere `k` is the number of parameters and `N` is the sample\nnumber. For variance-based methods `N` should be greater\nthan 1000. The sobol method can also compute only `S1` and\n`ST` with calc_second_order=False and (1+k)N simulations.\nThe FAST method is another variance-based\nmethod and only computes `S1` and `ST` with k*N simulations.\n`Sobol` and FAST should show simular results which is the\ncase for example B but in example A the FAST method overestimates `ST` in some cases.\nIn the right plots, the results for the `Morris` method are shown.\nThese are based on the mean of derivatives which\nrepresents the analysis variables mu. In the estimation\nof the derivatives, only one parameter is changed at a time.\nmu_star is the mean of the absolut values of the derivatives\nand is an approximation of `ST` but\nneeds only an `N` of over 100 and `(1+k)N` simulations.\nIn this comparison, mu_star shows simular results to `ST`\nof the `Sobol` method, but it is not normalized.\nLast, sigma is computed which is the standard deviation and\nis a sign for a non-linear model or for interactions in the model.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "result_sobol = SobolAnalyzer.load_from_csv(\n examples_dir.joinpath('data', f'SobolAnalyzer_results_{example}.csv')\n)\nresult_fast = FASTAnalyzer.load_from_csv(\n examples_dir.joinpath('data', f'FASTAnalyzer_results_{example}.csv')\n)\nresult_morris = MorrisAnalyzer.load_from_csv(\n examples_dir.joinpath('data', f'MorrisAnalyzer_results_{example}.csv')\n)\n\nglobal_class = classes[0]\nfig_comp = plt.figure(figsize=plt.figaspect(1. / 4.), layout=\"constrained\")\nsubfigs_comp = fig_comp.subfigures(1, 3, wspace=0)\nax0_comp = subfigs_comp[0].subplots(3, 1, sharex=True)\nplotting.plot_single(\n result=result_sobol,\n cal_classes=[global_class.name],\n show_plot=False,\n figs_axes=([subfigs_comp[0]], [ax0_comp])\n)\nsubfigs_comp[0].suptitle(\"Sobol\")\nax1_comp = subfigs_comp[1].subplots(3, 1, sharex=True)\nplotting.plot_single(\n result=result_fast,\n cal_classes=[global_class.name],\n show_plot=False,\n figs_axes=([subfigs_comp[1]], [ax1_comp])\n)\nsubfigs_comp[1].suptitle(\"FAST\")\nax2_comp = subfigs_comp[2].subplots(3, 1, sharex=True)\nplotting.plot_single(\n result=result_morris,\n show_plot=False,\n cal_classes=[global_class.name],\n figs_axes=([subfigs_comp[2]], [ax2_comp])\n)\nsubfigs_comp[2].suptitle(\"Morris\")\nplt.show()\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "## Selection of tuner-parameters based on verbose sensitivity results\nWe can now also use these verbose sensitivity\nresults for a selection of relevant tuner parameters.\nWe already saw that our models have interactions,\nso it will be necessary to calibrate them together\nin one calibration class. The calibration class\nglobal can be used for that because it includes all\nthe other specific classes. But in the sensitivity\nresults of this class it could be that parameters,\nwhich are only in one state sensitive can be missed.\nWe can use the verbose sensitivity results so\nthat a parameter will be selected when it has a\nsensitivity at least in one class and target value\nof the sensitivity results. This is enough that\nthe parameter can be calibrated.\nHere, we will use `S1` because it is normalized instead of mu_star,\nand we can set on single threshold for all classes and goals.\nAlso, if a parameter is only through interaction sensitive (only in `ST`)\nA real value can't be found and the parameters which interact will\ncompensate each others deviation to a real world value.\nThis still can happen when we choose with `S1` but it is less likely.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "calibration_class = SobolAnalyzer.select_by_threshold_verbose(classes[0],\n result=result_sobol,\n analysis_variable='S1',\n threshold=0.001,\n )\n\nprint(calibration_class.tuner_paras)\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "## Time dependent sensitivity\nFor analysis porpoises we can also evaluate the time dependent sensitivity\ninstead of the sensitivity of larger time intervals. But these results can not yet\nbe used to automatically selected tuner parameters for a calibration.\nThe function for the time dependent sensitivity is similar to the other one.\nSo we can also use the simulations of booth run functions for each other.\nThe main difference is that we only need one calibration class from which\nthe measured target data is not used and the sensitivity is directly\ncalculated for the change of the separate target values and no combined goals.\nIn the results, we then get just the additional index time.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "with warnings.catch_warnings():\n warnings.simplefilter(\"ignore\") # ignoring warnings that are caused by the low sample size\n result = sen_analyzer.run_time_dependent(\n cal_class=merged_calibration_classes[0],\n load_sim_files=True,\n plot_result=True\n )\nprint(result)\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "When we use the plot function we can see the sensitivity of each parameter\nchanging over time. We can also see that the confidence intervals\nare again large for such a small sample size. When the confidence interval is larger\nthan one an info is shown and the confidence interval of the previous\ntime step is used to smooth it out for the visualisation.\nLet's load again results which were created with a larger sample size.\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "## Loading time dependent results\nThese results were produced with a samples number `N=1024` and `calc_second_order=True`\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "result_sobol_time = SobolAnalyzer.load_from_csv(\n examples_dir.joinpath('data', 'SobolAnalyzer_results_time_A.csv')\n)\nresult_sobol_2_time = SobolAnalyzer.load_second_order_from_csv(\n examples_dir.joinpath('data', 'SobolAnalyzer_results_second_order_time_A.csv')\n)\nplotting.plot_time_dependent(result=result_sobol_time, plot_conf=True, show_plot=False)\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "Now the confidence intervals are smaller and\nonly at one time step they are still lager than 1.\nWe can also see that the parameter `theCon.G` has the biggest influence.\nSo we can take a closer look at this parameter with another plot\nfunction where all available sensitivity measures are plotted together.\nSecond order results are plotted cumulative on top of `S1`.\nThis resembles the definition of `ST = S1 + sum(S2_i) + sum(S3_i) + ...`\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "plotting.plot_parameter_verbose(parameter='theCon.G',\n single_result=result_sobol_time,\n second_order_result=result_sobol_2_time)\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "At the end we also can create a reproduction\narchive which saves all settings and all created files\nautomatically with the reproduction function of ebcpy.\nNot running in jupyter notebook\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "file = sen_analyzer.save_for_reproduction(\n title=\"SenAnalyzerTest\",\n path=examples_dir.joinpath('testzone'),\n log_message=\"This is just an example\",\n remove_saved_files=False,\n exclude_sim_files=True\n)\nprint(\"ZIP-File to reproduce all this:\", file)\n" + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.4" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} \ No newline at end of file diff --git a/examples/jupyter_notebooks/e3_2_verbose_dymola_sensitivity_analysis_example.ipynb b/examples/jupyter_notebooks/e3_2_verbose_dymola_sensitivity_analysis_example.ipynb new file mode 100644 index 00000000..ef7ac32a --- /dev/null +++ b/examples/jupyter_notebooks/e3_2_verbose_dymola_sensitivity_analysis_example.ipynb @@ -0,0 +1,126 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": "# Example 3 sensitivity analysis with dymola api\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "Goals of this part of the examples:\n1. Learn how to execute a sensitivity analysis with the dymola api\n\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "import os\nimport pathlib\nfrom examples import setup_dym_api, setup_calibration_classes\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "Import a valid analyzer, e.g. `SobolAnalyzer`\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "from aixcalibuha import SobolAnalyzer\nfrom aixcalibuha.data_types import merge_calibration_classes\nfrom ebcpy.utils.conversion import convert_tsd_to_modelica_txt\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "Please define the missing TODOs in the section below according to the docstrings.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "\"\"\"\nExample process of a verbose sensitivity analysis with the dymola_api.\n\n:param [pathlib.Path, str] examples_dir:\n Path to the examples folder of AixCaliBuHA\n:param [pathlib.Path, str] aixlib_mo:\n Path to the AixLib package.mo file.\n:param str example:\n Which example to run, \"A\" or \"B\"\n:param int n_cpu:\n Number of cores to use\n\n:return: A list of calibration classes\n:rtype: list\n\"\"\"\nexamples_dir = \"TODO: Add a valid input according to the docstring above\"\naixlib_mo = \"TODO: Add a valid input according to the docstring above\"\nexample: str = \"B\"\nn_cpu: int = 1\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "## Setup\nUsing a dymola api instead of the fmu api\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "examples_dir = pathlib.Path(examples_dir)\nsim_api = setup_dym_api(examples_dir=examples_dir,\n aixlib_mo=aixlib_mo,\n example=example,\n n_cpu=n_cpu)\ncalibration_classes = setup_calibration_classes(\n examples_dir=examples_dir, example=example, multiple_classes=False\n)[0]\nmerged_calibration_classes = merge_calibration_classes(calibration_classes)\nmerged_calibration_classes[0].name = 'global'\ncalibration_classes = setup_calibration_classes(\n examples_dir=examples_dir, example=example, multiple_classes=True\n)[0]\nmerged_calibration_classes.extend(merge_calibration_classes(calibration_classes))\n\nif example == 'B':\n merged_calibration_classes[-1].tuner_paras = merged_calibration_classes[0].tuner_paras\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "## Example of Sobol method\nSet up Sobol analyzer\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "sen_analyzer = SobolAnalyzer(\n sim_api=sim_api,\n num_samples=2,\n calc_second_order=True,\n cd=examples_dir.joinpath('testzone', f'verbose_sen_dymola_{example}'),\n save_files=True,\n load_files=False,\n savepath_sim=examples_dir.joinpath('testzone', f'verbose_sen_dymola_{example}', 'files'),\n suffix_files='mat'\n)\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "The only difference to the fmu example is the handling of inputs.\nThere we have in the model now a table for the inputs and generate\nan input file here. This is only necessary for example A because\nexample B has no inputs. To generate the input in the correct format,\nuse the convert_tsd_to_modelica_txt function:\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "if example == \"A\":\n table_name = \"InputTDryBul\"\n file_name = r\"D:\\dymola_inputs_A.txt\"\n print(file_name)\n filepath = convert_tsd_to_modelica_txt(\n tsd=merged_calibration_classes[0].inputs,\n table_name=table_name,\n save_path_file=file_name\n )\n # Now we can remove the input from the old fmu calibration classes\n for cal_class in merged_calibration_classes:\n cal_class._inputs = None\n print(\"Successfully created Dymola input file at\", filepath)\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "run sensitivity analysis\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "result, classes = sen_analyzer.run(calibration_classes=merged_calibration_classes,\n verbose=True,\n use_first_sim=True,\n plot_result=True,\n save_results=True,\n n_cpu=2)\nprint(\"Result of the sensitivity analysis\")\nprint('First and total order results of sobol method')\nprint(result[0].to_string())\nprint('Second order results of sobol method')\nprint(result[1].to_string())\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "remove input file\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "if example == \"A\":\n os.remove(file_name)\n" + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.4" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} \ No newline at end of file diff --git a/examples/jupyter_notebooks/e3_sensitivity_analysis_example.ipynb b/examples/jupyter_notebooks/e3_sensitivity_analysis_example.ipynb index 977eb8cb..6b79020d 100644 --- a/examples/jupyter_notebooks/e3_sensitivity_analysis_example.ipynb +++ b/examples/jupyter_notebooks/e3_sensitivity_analysis_example.ipynb @@ -17,6 +17,18 @@ "outputs": [], "source": "from aixcalibuha import SobolAnalyzer\n" }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "Please define the missing TODOs in the section below according to the docstrings.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "\"\"\"\nExample process of a sensitivity analysis.\nFirst, the sensitivity problem is constructed, in this example\nthe `morris` method is chosen.\nAfterward, the sen_analyzer class is instantiated to run the\nsensitivity analysis in the next step.\nThe result of this analysis is then printed to the user.\nThe automatic_select function is presented as-well, using a threshold of 1\nand the default `mu_star` criterion.\n\n:param [pathlib.Path, str] examples_dir:\n Path to the examples folder of AixCaliBuHA\n:param str example:\n Which example to run, \"A\" or \"B\"\n:param int n_cpu:\n Number of cores to use\n\n:return: A list of calibration classes\n:rtype: list\n\"\"\"\nexamples_dir = \"TODO: Add a valid input according to the docstring above\"\nexample: str = \"B\"\nn_cpu: int = 1\n" + }, { "cell_type": "markdown", "metadata": {}, @@ -27,7 +39,7 @@ "execution_count": null, "metadata": {}, "outputs": [], - "source": "from examples import setup_fmu, setup_calibration_classes\nsim_api = setup_fmu(examples_dir=examples_dir, example=example, n_cpu=n_cpu)\n\nsen_analyzer = SobolAnalyzer(\n sim_api=sim_api,\n num_samples=10,\n cd=sim_api.cd,\n analysis_variable='S1'\n )\n" + "source": "from examples import setup_fmu, setup_calibration_classes\nsim_api = setup_fmu(examples_dir=examples_dir, example=example, n_cpu=n_cpu)\n\nsen_analyzer = SobolAnalyzer(\n sim_api=sim_api,\n num_samples=10,\n cd=sim_api.cd\n )\n" }, { "cell_type": "markdown", @@ -39,7 +51,7 @@ "execution_count": null, "metadata": {}, "outputs": [], - "source": "calibration_classes = setup_calibration_classes(\n examples_dir=examples_dir, example=example\n)[0]\n\nresult, classes = sen_analyzer.run(calibration_classes=calibration_classes)\nprint(\"Result of the sensitivity analysis\")\nprint(result)\n" + "source": "calibration_classes = setup_calibration_classes(\n examples_dir=examples_dir, example=example\n)[0]\n\nresult, classes = sen_analyzer.run(calibration_classes=calibration_classes,\n plot_result=True,\n save_results=False)\nprint(\"Result of the sensitivity analysis\")\nprint(result)\n" }, { "cell_type": "markdown", @@ -51,7 +63,7 @@ "execution_count": null, "metadata": {}, "outputs": [], - "source": "print(\"Selecting relevant tuner-parameters using a fixed threshold:\")\nsen_analyzer.select_by_threshold(calibration_classes=classes,\n result=result,\n threshold=0.01)\nfor cal_class in classes:\n print(f\"Class '{cal_class.name}' with parameters:\\n{cal_class.tuner_paras}\")\n" + "source": "print(\"Selecting relevant tuner-parameters using a fixed threshold:\")\nsen_analyzer.select_by_threshold(calibration_classes=classes,\n result=result[0],\n threshold=0.01,\n analysis_variable='S1')\nfor cal_class in classes:\n print(f\"Class '{cal_class.name}' with parameters:\\n{cal_class.tuner_paras}\")\n" }, { "cell_type": "markdown", diff --git a/examples/jupyter_notebooks/e3_verbose_dymola_sensitivity_analysis_example.ipynb b/examples/jupyter_notebooks/e3_verbose_dymola_sensitivity_analysis_example.ipynb new file mode 100644 index 00000000..ef7ac32a --- /dev/null +++ b/examples/jupyter_notebooks/e3_verbose_dymola_sensitivity_analysis_example.ipynb @@ -0,0 +1,126 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": "# Example 3 sensitivity analysis with dymola api\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "Goals of this part of the examples:\n1. Learn how to execute a sensitivity analysis with the dymola api\n\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "import os\nimport pathlib\nfrom examples import setup_dym_api, setup_calibration_classes\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "Import a valid analyzer, e.g. `SobolAnalyzer`\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "from aixcalibuha import SobolAnalyzer\nfrom aixcalibuha.data_types import merge_calibration_classes\nfrom ebcpy.utils.conversion import convert_tsd_to_modelica_txt\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "Please define the missing TODOs in the section below according to the docstrings.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "\"\"\"\nExample process of a verbose sensitivity analysis with the dymola_api.\n\n:param [pathlib.Path, str] examples_dir:\n Path to the examples folder of AixCaliBuHA\n:param [pathlib.Path, str] aixlib_mo:\n Path to the AixLib package.mo file.\n:param str example:\n Which example to run, \"A\" or \"B\"\n:param int n_cpu:\n Number of cores to use\n\n:return: A list of calibration classes\n:rtype: list\n\"\"\"\nexamples_dir = \"TODO: Add a valid input according to the docstring above\"\naixlib_mo = \"TODO: Add a valid input according to the docstring above\"\nexample: str = \"B\"\nn_cpu: int = 1\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "## Setup\nUsing a dymola api instead of the fmu api\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "examples_dir = pathlib.Path(examples_dir)\nsim_api = setup_dym_api(examples_dir=examples_dir,\n aixlib_mo=aixlib_mo,\n example=example,\n n_cpu=n_cpu)\ncalibration_classes = setup_calibration_classes(\n examples_dir=examples_dir, example=example, multiple_classes=False\n)[0]\nmerged_calibration_classes = merge_calibration_classes(calibration_classes)\nmerged_calibration_classes[0].name = 'global'\ncalibration_classes = setup_calibration_classes(\n examples_dir=examples_dir, example=example, multiple_classes=True\n)[0]\nmerged_calibration_classes.extend(merge_calibration_classes(calibration_classes))\n\nif example == 'B':\n merged_calibration_classes[-1].tuner_paras = merged_calibration_classes[0].tuner_paras\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "## Example of Sobol method\nSet up Sobol analyzer\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "sen_analyzer = SobolAnalyzer(\n sim_api=sim_api,\n num_samples=2,\n calc_second_order=True,\n cd=examples_dir.joinpath('testzone', f'verbose_sen_dymola_{example}'),\n save_files=True,\n load_files=False,\n savepath_sim=examples_dir.joinpath('testzone', f'verbose_sen_dymola_{example}', 'files'),\n suffix_files='mat'\n)\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "The only difference to the fmu example is the handling of inputs.\nThere we have in the model now a table for the inputs and generate\nan input file here. This is only necessary for example A because\nexample B has no inputs. To generate the input in the correct format,\nuse the convert_tsd_to_modelica_txt function:\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "if example == \"A\":\n table_name = \"InputTDryBul\"\n file_name = r\"D:\\dymola_inputs_A.txt\"\n print(file_name)\n filepath = convert_tsd_to_modelica_txt(\n tsd=merged_calibration_classes[0].inputs,\n table_name=table_name,\n save_path_file=file_name\n )\n # Now we can remove the input from the old fmu calibration classes\n for cal_class in merged_calibration_classes:\n cal_class._inputs = None\n print(\"Successfully created Dymola input file at\", filepath)\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "run sensitivity analysis\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "result, classes = sen_analyzer.run(calibration_classes=merged_calibration_classes,\n verbose=True,\n use_first_sim=True,\n plot_result=True,\n save_results=True,\n n_cpu=2)\nprint(\"Result of the sensitivity analysis\")\nprint('First and total order results of sobol method')\nprint(result[0].to_string())\nprint('Second order results of sobol method')\nprint(result[1].to_string())\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "remove input file\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "if example == \"A\":\n os.remove(file_name)\n" + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.4" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} \ No newline at end of file diff --git a/examples/jupyter_notebooks/e3_verbose_sensitivity_analysis_example.ipynb b/examples/jupyter_notebooks/e3_verbose_sensitivity_analysis_example.ipynb new file mode 100644 index 00000000..218bdd7b --- /dev/null +++ b/examples/jupyter_notebooks/e3_verbose_sensitivity_analysis_example.ipynb @@ -0,0 +1,337 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": "## Example 3 verbose sensitivity analysis\nfor the analysis of your model and the calibration process\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "Goals of this part of the examples:\n1. Learn how to execute a verbose sensitivity analysis\n2. Learn the meaning of the results and the analysis of your model\n3 Learn how to use the results to select tuner-parameters for a calibration\n4. Learn other sensitivity methods and compare them\n5. Learn how to execute a time dependent sensitivity analysis\n6. Learn how to save the results for reproduction\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "Start by importing all relevant packages\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "import warnings\nimport pathlib\nimport matplotlib.pyplot as plt\nfrom aixcalibuha import SobolAnalyzer, FASTAnalyzer, MorrisAnalyzer\nfrom aixcalibuha.data_types import merge_calibration_classes\nfrom examples import setup_fmu, setup_calibration_classes\nfrom aixcalibuha import plotting\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "Please define the missing TODOs in the section below according to the docstrings.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "\"\"\"\nExample process of a verbose sensitivity analysis for calibration and analysis porpoises.\nFirst, the sensitivity problem is constructed, in this example\nthe `sobol` method is chosen.\nAfterward, the SenAnalyzer class is instantiated to run the\nsensitivity analysis in the next step.\nThe result of this analysis is then printed to the user.\nand tuner-parameters are selected with these results.\nA comparison between different methods is shown.\nAt the end the option to save a reproduction archive is shown.\n\n:param [pathlib.Path, str] examples_dir:\n Path to the examples folder of AixCaliBuHA\n e.g. r\"LOCAL_PATH_TO\\AixCaliBuHA\\examples\"\n:param str example:\n Which example to run, \"A\" or \"B\"\n:param int n_cpu:\n Number of cores to use\n\n:return: A list of calibration classes\n:rtype: list\n\"\"\"\nexamples_dir = \"TODO: Add a valid input according to the docstring above\"\nexample: str = \"B\"\nn_cpu: int = 1\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "## Setup\nSet up the class according to the documentation.\nYou just have to pass a valid simulation api and\nsome further settings for the analysis.\nLet's first load the necessary simulation api:\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "examples_dir = pathlib.Path(examples_dir)\nsim_api = setup_fmu(examples_dir=examples_dir, example=example, n_cpu=n_cpu)\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "To conduct a sensitivity analysis, we need to define calibration classes that\nencompass the objectives (goals) for which sensitivity is to be assessed. In this\ncontext, we'll explore distinct calibration classes corresponding to various\nstates of the models. Initially, we establish a comprehensive calibration class\nthat spans the entire duration, denoted as `global`. Subsequently, we can\nleverage simulations from this global class for other classes targeting\nspecific time intervals within the overall global range.\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "For the specific states of the models with distinct time intervals, we adopt the\ncalibration classes from the second example and tailor them for the verbose\nsensitivity analysis. Alternatively, custom classes could be created directly\nfunction (`validation_class`), we opt to ignore it by using the variable\nassignment `_` and omit any associated text output of the second example.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "calibration_classes, _ = setup_calibration_classes(\n examples_dir=examples_dir, example=example, multiple_classes=False\n)\nmerged_calibration_classes = merge_calibration_classes(calibration_classes)\nmerged_calibration_classes[0].name = 'global'\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "Now, we add the calibration classes for the different states of the system\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "calibration_classes, _ = setup_calibration_classes(\n examples_dir=examples_dir, example=example, multiple_classes=True\n)\nmerged_calibration_classes.extend(merge_calibration_classes(calibration_classes))\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "This results in the following calibration classes where we merge the time intervals directly.\nWe could have also merged them with an option in the `run()` function of the\nsensitivity analyzer classes.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "print(\"Calibration classes for sensitivity analysis:\",\n [c.name for c in merged_calibration_classes])\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "In our detailed sensitivity analysis, it is essential for all classes to share\nidentical tuner parameters. This ensures that we can employ the same set of\nsimulations for calculating sensitivity across various calibration classes.\nHowever, the final class in example B deviates in tuner parameters; hence, we\nreset them to align with the tuner parameters of the other classes.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "if example == 'B':\n merged_calibration_classes[-1].tuner_paras = merged_calibration_classes[0].tuner_paras\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "With the definition of the calibration classes and the loaded `sim_api`,\nwe now take a look at the different options for sensitivity analysis.\nFirst, we perform the `Sobol` method, which is the most powerful currently\nsupported method, but is also the most computational demanding one.\nAfterward, we will compare the results of the different methods.\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "## Example of Sobol method\nFirst, we instantiate the Analyzer with the `sim_api` and the number of samples.\nFor this example we will use a small sample size to reduce the time needed,\nwhich will lead to inaccurate results.\nIn the comparison of the different methods, we will discuss the required sample size.\nWe will also define a working directory were all results of the analysis will be stored.\nAdditionally, we can choose if the samples and corresponding simulation files will be saved.\nThese files can later be loaded and used for analysis of different calibration classes\nwithout performing new simulations. The simulations during the sensitivity analysis are the\nmain computational time factor.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "sen_analyzer = SobolAnalyzer(\n sim_api=sim_api,\n num_samples=8,\n calc_second_order=True,\n cd=examples_dir.joinpath('testzone', f'verbose_sen_{example}'),\n save_files=True,\n savepath_sim=examples_dir.joinpath('testzone', f'verbose_sen_{example}', 'files'),\n suffix_files='csv'\n)\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "Now, we run the sensitivity analysis with the verbose option.\nWith that, we not only get the results for combined target values,\nbut we also get the results for every target value alone.\nBecause we defined the first calibration class global\nand every calibration class has the same\ntuner-parameters, we can use the option `use_first_sim`,\nwhere only the first class will be simulated and the simulation files saved.\nThese simulations will be used for all other classes.\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "For that the simulations are loaded for each class\nand the statistical measure is then evaluated for the\nrelevant time intervals of each class.\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "When we load simulation files we can use multiprocessing for loading the simulation\nand evaluating the statistical measure for each class in their time intervals.\nThis multiprocessing option is especially\nuseful for large models and large simulation data,\nbecause only one simulation at a time is stored\nin memory for each process.\nThis can prevent possible memory errors.\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "We disable the automatic plot option here,\nbut we save all results. Later we can use the plot function\nof the plotting module to plot the results.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "result, classes = sen_analyzer.run(calibration_classes=merged_calibration_classes,\n verbose=True,\n use_first_sim=True,\n plot_result=False,\n save_results=True,\n n_cpu=n_cpu,\n scale=False)\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "After running the sensitivity analysis you can see\nthat the working directory was created and the result\nfiles were saved here. First, the folder \"files\" was\ncreated as the result of `save_files=True`. In there, the\nsimulation files are stored in an own folder which\nname contains the name of the used calibration class.\nAdditionally, the corresponding samples are stored.\nThe simulations are coupled with their samples.\nAs one results of the analysis, the statistical\nmeasure and corresponding sample are saved for each class.\nThis information could be used for surrogate-based\ncalibration, which is currently not implemented in `AixCaliBuHA`.\nThe main results of the sensitivity analysis are the sensitivity\nmeasures stored in \"SobolAnalyzer_results.csv\"\nand \"SobolAnalyzer_results_second_order.csv\".\ndataframes. This is specific to the sobol method, all other\nof the sobol method with possibly other analysis variables.\nLet´s take a look at these results.\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "The first result has as columns the tuner-parameters\nand a multi level index with three levels.\nThe first level defines the calibration class.\nThe second level defines the Goals (target values). The index `all`\nis for the result of the combined target values in the goals.\nThe last level defines the result of the\nsensitivity measure for each class and goal.\nThese analysis variables are specific for each method.\nFor their exact meaning I refer to the documentation of the SALib or the literature.\nIn this example you get a short overview in the comparison later.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "print(\"Result of the sensitivity analysis\")\nprint('First and total order results of sobol method')\nprint(result[0].to_string())\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "The second result of the sobol method is for second order sensitive measures.\nThese describe the interaction between two parameters,\nso this dataframe has a fourth index level \"Interaction\".\nIn this level, the tuner-parameters are listed again.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "print('Second order results of sobol method')\nprint(result[1].to_string())\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "For a better understanding of the results we will now plot them.\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "## Plotting Sensitivity results\nWe start with the result which were calculated with the small sample size.\nLet's plot the first and total order results. These results\nare specific for each single parameter\nFor each calibration class, a figure is created\nwhich shows for each goal the first order sensitivity `S1`\nand the total order sensitivity `ST` combined. For the small\nsample size the results have large confidence\nintervals, which show that these results are inaccurate as we\nnoted earlier due to the small sample size.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "plotting.plot_single(result[0])\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "The plotting of second order results is only useful\nand working for more than 2 parameters.\nSo we only can take a look at them in example A.\nIf you run example B we will skip the plot of the second order results\nand load some sensitivity results of example A.\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "Let's take a look at the second order results `S2` of example A we just created.\nThis analysis variable shows the interaction of two\nparameters, so we can plot them as a heatmap.\nWe can see that the parameters have no interaction with\nthemselves what is obvious. Also, we see that the\nvalues for p1,p2 and p2,p1 are the same.\nIn the heatmap we can't visualize the confidence intervals,\nso we will also take a look at the interaction of\none specific parameter.\nFor that the `plotting` module has also a function\nwhich looks simular to the `S1` and `ST` plots.\nHere we see again large confidence intervals,\nso now we will load results which were calculated with\na much higher sample number.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "if example == 'A':\n plotting.heatmaps(result[1])\n plotting.plot_single_second_order(result[1], 'rad.n')\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "## Loading results\nWe will now load sensitivity results of example A .\nThese results were produced with this example and\na samples number N=1024 and calc_second_order=True\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "result_sobol = SobolAnalyzer.load_from_csv(\n examples_dir.joinpath('data', 'SobolAnalyzer_results_A.csv')\n)\nresult_sobol_2 = SobolAnalyzer.load_second_order_from_csv(\n examples_dir.joinpath('data', 'SobolAnalyzer_results_second_order_A.csv')\n)\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "For a better understanding we will only take a\nlook at the global class and Electricity goal\nand plot `S1`, `ST` and `S2` in the same window.\nFor that we can use the plot function\nwith some optional options. This shows how you can easily customize\nthese plots, and you can also chang everything\non the axes of the plots.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "fig = plt.figure(figsize=plt.figaspect(1. / 4.), layout=\"constrained\") # creating one figure\nsubfigs = fig.subfigures(1, 3, wspace=0) # creating subfigures for each type of plot\nax0 = subfigs[0].subplots() # plotting `S1` and `ST`\nplotting.plot_single(\n result=result_sobol,\n cal_classes=['global'],\n goals=['Electricity'],\n show_plot=False,\n figs_axes=([subfigs[0]], [ax0]),\n max_name_len=14\n)\nax1 = subfigs[1].subplots() # plotting heatmap\nplotting.heatmap(\n result_sobol_2,\n cal_class='global',\n goal='Electricity',\n ax=ax1,\n show_plot=False,\n max_name_len=14\n)\nax2 = subfigs[2].subplots() # plotting the interactions of one single parameter\nplotting.plot_single_second_order(\n result=result_sobol_2,\n para_name='rad.n',\n show_plot=False,\n cal_classes=['global'],\n goals=['Electricity'],\n figs_axes=([subfigs[2]], [ax2]),\n max_name_len=14\n)\nplt.show()\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "Now, what can we see in these results? First, the\nconfidence intervals are now much smaller, so that we\ncan interpret and connect the different analysis variables.\n`S1` stands for the variance in the objective,\nwhich is caused by the variation of one parameter\nwhile all other parameters are constant. The sobol analysis\nvariables are normalized with the total variance caused\nby all parameter variations together within\ntheir bounds. This means that when the parameters had\nno interactions the sum of all `S1` values would\nbe 1. `ST` shows the resulting variance of a parameter\nwith all his interactions. Let's take a look at the\ninteraction between `n` and `G`, which are the highest.\nHere, the `S2` value of the interaction\nbetween `n` and `G` has a similar value to each difference\nof `S1` and `ST` from these parameters. This show how this\ndifference corresponds to the interactions of a parameter.\nAll other parameters have only a very small sensitivity.\nThese are just some basics, to understand what option you\nhave in `AixCaliBuAH`. For more information look up relevant literature.\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "## Comparison of different Methods\nWe will now take a short look at a comparison of the\n`Sobol`, `Fast` and `Morris` method in `AixCaliBuAH`.\nThe `SALib` provides more methods, which can\nbe implemented here in the future or on your own.\nWe already took a look at the `Sobol` method,\nwhich can compute `S1`, `ST`, and `S2` with their confidence intervals.\nThe sobol method needs for that `(2+2k)N` simulations\nwhere `k` is the number of parameters and `N` is the sample\nnumber. For variance-based methods `N` should be greater\nthan 1000. The sobol method can also compute only `S1` and\n`ST` with calc_second_order=False and (1+k)N simulations.\nThe FAST method is another variance-based\nmethod and only computes `S1` and `ST` with k*N simulations.\n`Sobol` and FAST should show simular results which is the\ncase for example B but in example A the FAST method overestimates `ST` in some cases.\nIn the right plots, the results for the `Morris` method are shown.\nThese are based on the mean of derivatives which\nrepresents the analysis variables mu. In the estimation\nof the derivatives, only one parameter is changed at a time.\nmu_star is the mean of the absolut values of the derivatives\nand is an approximation of `ST` but\nneeds only an `N` of over 100 and `(1+k)N` simulations.\nIn this comparison, mu_star shows simular results to `ST`\nof the `Sobol` method, but it is not normalized.\nLast, sigma is computed which is the standard deviation and\nis a sign for a non-linear model or for interactions in the model.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "result_sobol = SobolAnalyzer.load_from_csv(\n examples_dir.joinpath('data', f'SobolAnalyzer_results_{example}.csv')\n)\nresult_fast = FASTAnalyzer.load_from_csv(\n examples_dir.joinpath('data', f'FASTAnalyzer_results_{example}.csv')\n)\nresult_morris = MorrisAnalyzer.load_from_csv(\n examples_dir.joinpath('data', f'MorrisAnalyzer_results_{example}.csv')\n)\n\nglobal_class = classes[0]\nfig_comp = plt.figure(figsize=plt.figaspect(1. / 4.), layout=\"constrained\")\nsubfigs_comp = fig_comp.subfigures(1, 3, wspace=0)\nax0_comp = subfigs_comp[0].subplots(3, 1, sharex=True)\nplotting.plot_single(\n result=result_sobol,\n cal_classes=[global_class.name],\n show_plot=False,\n figs_axes=([subfigs_comp[0]], [ax0_comp])\n)\nsubfigs_comp[0].suptitle(\"Sobol\")\nax1_comp = subfigs_comp[1].subplots(3, 1, sharex=True)\nplotting.plot_single(\n result=result_fast,\n cal_classes=[global_class.name],\n show_plot=False,\n figs_axes=([subfigs_comp[1]], [ax1_comp])\n)\nsubfigs_comp[1].suptitle(\"FAST\")\nax2_comp = subfigs_comp[2].subplots(3, 1, sharex=True)\nplotting.plot_single(\n result=result_morris,\n show_plot=False,\n cal_classes=[global_class.name],\n figs_axes=([subfigs_comp[2]], [ax2_comp])\n)\nsubfigs_comp[2].suptitle(\"Morris\")\nplt.show()\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "## Selection of tuner-parameters based on verbose sensitivity results\nWe can now also use these verbose sensitivity\nresults for a selection of relevant tuner parameters.\nWe already saw that our models have interactions,\nso it will be necessary to calibrate them together\nin one calibration class. The calibration class\nglobal can be used for that because it includes all\nthe other specific classes. But in the sensitivity\nresults of this class it could be that parameters,\nwhich are only in one state sensitive can be missed.\nWe can use the verbose sensitivity results so\nthat a parameter will be selected when it has a\nsensitivity at least in one class and target value\nof the sensitivity results. This is enough that\nthe parameter can be calibrated.\nHere, we will use `S1` because it is normalized instead of mu_star,\nand we can set on single threshold for all classes and goals.\nAlso, if a parameter is only through interaction sensitive (only in `ST`)\nA real value can't be found and the parameters which interact will\ncompensate each others deviation to a real world value.\nThis still can happen when we choose with `S1` but it is less likely.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "calibration_class = SobolAnalyzer.select_by_threshold_verbose(classes[0],\n result=result_sobol,\n analysis_variable='S1',\n threshold=0.001,\n )\n\nprint(calibration_class.tuner_paras)\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "## Time dependent sensitivity\nFor analysis porpoises we can also evaluate the time dependent sensitivity\ninstead of the sensitivity of larger time intervals. But these results can not yet\nbe used to automatically selected tuner parameters for a calibration.\nThe function for the time dependent sensitivity is similar to the other one.\nSo we can also use the simulations of booth run functions for each other.\nThe main difference is that we only need one calibration class from which\nthe measured target data is not used and the sensitivity is directly\ncalculated for the change of the separate target values and no combined goals.\nIn the results, we then get just the additional index time.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "with warnings.catch_warnings():\n warnings.simplefilter(\"ignore\") # ignoring warnings that are caused by the low sample size\n result = sen_analyzer.run_time_dependent(\n cal_class=merged_calibration_classes[0],\n load_sim_files=True,\n plot_result=True\n )\nprint(result)\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "When we use the plot function we can see the sensitivity of each parameter\nchanging over time. We can also see that the confidence intervals\nare again large for such a small sample size. When the confidence interval is larger\nthan one an info is shown and the confidence interval of the previous\ntime step is used to smooth it out for the visualisation.\nLet's load again results which were created with a larger sample size.\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "## Loading time dependent results\nThese results were produced with a samples number `N=1024` and `calc_second_order=True`\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "result_sobol_time = SobolAnalyzer.load_from_csv(\n examples_dir.joinpath('data', 'SobolAnalyzer_results_time_A.csv')\n)\nresult_sobol_2_time = SobolAnalyzer.load_second_order_from_csv(\n examples_dir.joinpath('data', 'SobolAnalyzer_results_second_order_time_A.csv')\n)\nplotting.plot_time_dependent(result=result_sobol_time, plot_conf=True, show_plot=False)\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "Now the confidence intervals are smaller and\nonly at one time step they are still lager than 1.\nWe can also see that the parameter `theCon.G` has the biggest influence.\nSo we can take a closer look at this parameter with another plot\nfunction where all available sensitivity measures are plotted together.\nSecond order results are plotted cumulative on top of `S1`.\nThis resembles the definition of `ST = S1 + sum(S2_i) + sum(S3_i) + ...`\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "plotting.plot_parameter_verbose(parameter='theCon.G',\n single_result=result_sobol_time,\n second_order_result=result_sobol_2_time)\n" + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "At the end we also can create a reproduction\narchive which saves all settings and all created files\nautomatically with the reproduction function of ebcpy.\nNot running in jupyter notebook\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "file = sen_analyzer.save_for_reproduction(\n title=\"SenAnalyzerTest\",\n path=examples_dir.joinpath('testzone'),\n log_message=\"This is just an example\",\n remove_saved_files=False,\n exclude_sim_files=True\n)\nprint(\"ZIP-File to reproduce all this:\", file)\n" + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.4" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} \ No newline at end of file diff --git a/examples/jupyter_notebooks/e4_calibration_example.ipynb b/examples/jupyter_notebooks/e4_calibration_example.ipynb index 0480dd66..ae692fd9 100644 --- a/examples/jupyter_notebooks/e4_calibration_example.ipynb +++ b/examples/jupyter_notebooks/e4_calibration_example.ipynb @@ -17,6 +17,18 @@ "outputs": [], "source": "import numpy as np\nfrom aixcalibuha import CalibrationClass, Calibrator, MultipleClassCalibrator\n" }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "Please define the missing TODOs in the section below according to the docstrings.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "\"\"\"\nRun an example for a calibration. Make sure you have Dymola installed\non your device and a working licence. All output data will be stored in\nthe current working directory of python. Look at the logs and plots\nto better understand what is happening in the calibration. If you want, you\ncan switch the methods to other supported methods or change the framework and\ntry the global optimizer of dlib.\n\n:param [pathlib.Path, str] examples_dir:\n Path to the examples folder of AixCaliBuHA\n:param str example:\n Which example to run, \"A\" or \"B\"\n:param int n_cpu:\n Number of cores to use\n\nOptional, for the fully automated process\n:param ebcpy.simulationapi.SimulationAPI sim_api:\n Simulation API to simulate the models\n:param list[CalibrationClass] cal_classes:\n List with multiple CalibrationClass objects for calibration. Goals and\n TunerParameters have to be set. If only one class is provided (either\n a list with one entry or a CalibrationClass object) the single-class\n Calibrator is used.\n:param CalibrationClass framework:\n See Documentation of ebcpy on available optimization frameworks\n:param str method:\n See Documentation of ebcpy on available optimization framework methods\n\"\"\"\nexamples_dir = \"TODO: Add a valid input according to the docstring above\"\nexample = \"B\"\nn_cpu: int = 1\nsim_api = None\ncal_classes = None\nframework: str = \"scipy_differential_evolution\"\nmethod: str = \"best1bin\"\n" + }, { "cell_type": "markdown", "metadata": {}, diff --git a/examples/jupyter_notebooks/e5_automated_process.ipynb b/examples/jupyter_notebooks/e5_automated_process.ipynb index bc850c6c..17130d51 100644 --- a/examples/jupyter_notebooks/e5_automated_process.ipynb +++ b/examples/jupyter_notebooks/e5_automated_process.ipynb @@ -17,6 +17,18 @@ "outputs": [], "source": "from examples.e3_sensitivity_analysis_example import run_sensitivity_analysis\nfrom examples.e4_calibration_example import run_calibration\n" }, + { + "cell_type": "markdown", + "metadata": {}, + "source": "Please define the missing TODOs in the section below according to the docstrings.\n" + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": "\"\"\"\nArguments of this example:\n\n:param [pathlib.Path, str] examples_dir:\n Path to the examples folder of AixCaliBuHA\n:param str example:\n Whether to use example A (requires windows) or B.\n Default is \"A\"\n:param int n_cpu:\n Number of cores to use\n\"\"\"\nexamples_dir = \"TODO: Add a valid input according to the docstring above\"\nexample: str = \"A\"\nn_cpu: int = 1\n" + }, { "cell_type": "markdown", "metadata": {}, diff --git a/examples/model/AixCaliBuHAExamples.mo b/examples/model/AixCaliBuHAExamples.mo index 6c30db49..f87ab395 100644 --- a/examples/model/AixCaliBuHAExamples.mo +++ b/examples/model/AixCaliBuHAExamples.mo @@ -1,4 +1,4 @@ -within ; +within ; package AixCaliBuHAExamples model HeatPumpSystemCalibration HeatPumpSystemWithInputs heatPumpSystemWithInputs( @@ -278,6 +278,253 @@ package AixCaliBuHAExamples fillPattern = FillPattern.Solid, points={{-38,64},{68,-2},{-38,-64},{-38,64}})})); end HeatPumpSystemWithInputs; + + model HeatPumpSystemWithTimTab "Example for a heat pump system" + package Medium_sin = AixLib.Media.Water; + package Medium_sou = AixLib.Media.Water; + AixLib.Fluid.MixingVolumes.MixingVolume vol( + energyDynamics=Modelica.Fluid.Types.Dynamics.FixedInitial, + redeclare package Medium = Modelica.Media.Air.SimpleAir, + V=40, + m_flow_nominal=40*6/3600, + T_start=293.15) + annotation (Placement(transformation(extent={{86,34},{106,54}}))); + Modelica.Thermal.HeatTransfer.Components.ThermalConductor theCon(G=10000/40) + "Thermal conductance with the ambient" + annotation (Placement(transformation(extent={{38,54},{58,74}}))); + Modelica.Thermal.HeatTransfer.Sources.PrescribedHeatFlow preHea + "Prescribed heat flow" + annotation (Placement(transformation(extent={{38,84},{58,104}}))); + Modelica.Thermal.HeatTransfer.Components.HeatCapacitor heaCap(C=2*40*1.2*1006) + "Heat capacity for furniture and walls" + annotation (Placement(transformation(extent={{80,64},{100,84}}))); + Modelica.Blocks.Sources.CombiTimeTable timTab( + extrapolation=Modelica.Blocks.Types.Extrapolation.Periodic, + smoothness=Modelica.Blocks.Types.Smoothness.ConstantSegments, + table=[-6*3600,0; 8*3600,4000; 18*3600,0]) + "Time table for internal heat gain" + annotation (Placement(transformation(extent={{-2,84},{18,104}}))); + AixLib.Fluid.HeatExchangers.Radiators.RadiatorEN442_2 rad( + energyDynamics=Modelica.Fluid.Types.Dynamics.FixedInitial, + T_a_nominal(displayUnit="degC") = 323.15, + dp_nominal=0, + m_flow_nominal=20000/4180/5, + Q_flow_nominal=20000, + redeclare package Medium = Medium_sin, + T_start=313.15, + T_b_nominal=318.15, + TAir_nominal=293.15, + TRad_nominal=293.15) "Radiator" + annotation (Placement(transformation(extent={{40,2},{20,22}}))); + + AixLib.Fluid.Sources.Boundary_pT preSou( + redeclare package Medium = Medium_sin, + nPorts=1, + T=313.15) + "Source for pressure and to account for thermal expansion of water" + annotation (Placement(transformation(extent={{-48,2},{-28,22}}))); + + Modelica.Thermal.HeatTransfer.Sources.PrescribedTemperature TOut + "Outside temperature" + annotation (Placement(transformation(extent={{-2,54},{18,74}}))); + AixLib.Fluid.Sources.Boundary_pT sou( + nPorts=1, + redeclare package Medium = Medium_sou, + p=200000, + T=283.15) "Fluid source on source side" + annotation (Placement(transformation(extent={{102,-100},{82,-80}}))); + + AixLib.Fluid.Sources.Boundary_pT sin( + nPorts=1, + redeclare package Medium = Medium_sou, + p=200000, + T=281.15) "Fluid sink on source side" + annotation (Placement(transformation(extent={{-48,-100},{-28,-80}}))); + AixLib.Systems.HeatPumpSystems.HeatPumpSystem heatPumpSystem( + redeclare package Medium_con = Medium_sin, + redeclare package Medium_eva = Medium_sou, + dataTable=AixLib.DataBase.HeatPump.EN255.Vitocal350BWH113(), + use_deFro=false, + massDynamics=Modelica.Fluid.Types.Dynamics.DynamicFreeInitial, + energyDynamics=Modelica.Fluid.Types.Dynamics.FixedInitial, + refIneFre_constant=0.01, + dpEva_nominal=0, + deltaM_con=0.1, + use_opeEnvFroRec=true, + tableUpp=[-100,100; 100,100], + minIceFac=0, + use_chiller=true, + calcPel_deFro=100, + minRunTime(displayUnit="min"), + minLocTime(displayUnit="min"), + use_antLeg=false, + use_refIne=true, + initType=Modelica.Blocks.Types.Init.InitialOutput, + minTimeAntLeg(displayUnit="min") = 900, + scalingFactor=1, + use_tableData=false, + dpCon_nominal=0, + use_conCap=true, + CCon=3000, + use_evaCap=true, + CEva=3000, + Q_flow_nominal=5000, + cpEva=4180, + cpCon=4180, + use_secHeaGen=false, + redeclare model TSetToNSet = AixLib.Controls.HeatPump.BaseClasses.OnOffHP + ( hys=5), + use_sec=true, + QCon_nominal=10000, + P_el_nominal=2500, + redeclare model PerDataHea = + AixLib.DataBase.HeatPump.PerformanceData.LookUpTable2D ( + smoothness=Modelica.Blocks.Types.Smoothness.LinearSegments, + dataTable= + AixLib.DataBase.HeatPump.EN255.Vitocal350BWH113( + tableP_ele=[0,-5.0,0.0,5.0,10.0,15.0; 35,3750,3750,3750,3750,3833; + 45,4833,4917,4958,5042,5125; 55,5583,5667,5750,5833,5958; 65,7000, + 7125,7250,7417,7583]), + printAsserts=false, + extrapolation=false), + redeclare function HeatingCurveFunction = + AixLib.Controls.SetPoints.Functions.HeatingCurveFunction ( + TDesign=328.15), + use_minRunTime=true, + use_minLocTime=true, + use_runPerHou=true, + pre_n_start=true, + redeclare AixLib.Fluid.Movers.Data.Pumps.Wilo.Stratos80slash1to12 + perEva, + redeclare AixLib.Fluid.Movers.Data.Pumps.Wilo.Stratos25slash1to4 + perCon, + TCon_nominal=313.15, + TCon_start=313.15, + TEva_start=283.15, + use_revHP=false, + VCon=0.004, + VEva=0.004) + annotation (Placement(transformation(extent={{10,-92},{64,-32}}))); + + AixLib.Fluid.Sensors.TemperatureTwoPort + senT_a1( + redeclare final package Medium = Medium_sin, + final m_flow_nominal=1, + final transferHeat=true, + final allowFlowReversal=true) + "Temperature at sink inlet" annotation ( + Placement(transformation( + extent={{10,10},{-10,-10}}, + rotation=270, + origin={88,-20}))); + Modelica.Blocks.Sources.RealExpression + realExpression(y=heatPumpSystem.heatPump.sigBus.PelMea) + annotation ( + Placement(transformation( + extent={{-22,-12},{22,12}}, + rotation=0, + origin={80,112}))); + Modelica.Blocks.Interfaces.RealOutput Pel + annotation (Placement(transformation(extent={{120,102},{140,122}}))); + Modelica.Blocks.Sources.CombiTimeTable InputTDryBul( + tableOnFile=true, + tableName="InputTDryBul", + fileName=Modelica.Utilities.Files.loadResource("D:\dymola_inputs_A.txt")) + annotation (Placement(transformation(extent={{-104,0},{-84,20}}))); + equation + connect(theCon.port_b,vol. heatPort) annotation (Line( + points={{58,64},{68,64},{68,44},{86,44}}, + color={191,0,0}, + smooth=Smooth.None)); + connect(preHea.port,vol. heatPort) annotation (Line( + points={{58,94},{68,94},{68,44},{86,44}}, + color={191,0,0}, + smooth=Smooth.None)); + connect(heaCap.port,vol. heatPort) annotation (Line( + points={{90,64},{68,64},{68,44},{86,44}}, + color={191,0,0}, + smooth=Smooth.None)); + connect(timTab.y[1],preHea. Q_flow) annotation (Line( + points={{19,94},{38,94}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(rad.heatPortCon,vol. heatPort) annotation (Line( + points={{32,19.2},{32,44},{86,44}}, + color={191,0,0}, + smooth=Smooth.None)); + connect(rad.heatPortRad,vol. heatPort) annotation (Line( + points={{28,19.2},{28,44},{86,44}}, + color={191,0,0}, + smooth=Smooth.None)); + connect(TOut.port,theCon. port_a) annotation (Line( + points={{18,64},{38,64}}, + color={191,0,0}, + smooth=Smooth.None)); + connect(sou.ports[1], heatPumpSystem.port_a2) + annotation (Line(points={{82,-90},{64,-90},{64,-83.4286}}, + color={0,127,255})); + connect(sin.ports[1], heatPumpSystem.port_b2) annotation (Line(points={{-28,-90}, + {14,-90},{14,-83.4286},{10,-83.4286}}, + color={0,127,255})); + connect(senT_a1.port_a, heatPumpSystem.port_b1) annotation (Line(points={{88,-30}, + {88,-57.7143},{64,-57.7143}}, color={0,127,255})); + connect(senT_a1.port_b, rad.port_a) annotation (Line(points={{88,-10},{90,-10}, + {90,12},{40,12}}, color={0,127,255})); + connect(senT_a1.T, heatPumpSystem.TAct) annotation (Line(points={{77,-20},{ + -4,-20},{-4,-36},{5.95,-36},{5.95,-36.0714}}, + color={0,0,127})); + connect(rad.port_b, heatPumpSystem.port_a1) annotation (Line(points={{20,12}, + {-12,12},{-12,-57.7143},{10,-57.7143}},color={0,127,255})); + connect(rad.port_b, preSou.ports[1]) + annotation (Line(points={{20,12},{-28,12}}, color={0,127,255})); + connect(realExpression.y, Pel) + annotation (Line(points={{104.2,112},{130,112}}, color={0,0,127})); + connect(InputTDryBul.y[1], TOut.T) annotation (Line(points={{-83,10},{-66, + 10},{-66,64},{-4,64}}, color={0,0,127})); + connect(InputTDryBul.y[1], heatPumpSystem.T_oda) annotation (Line(points={{ + -83,10},{-66,10},{-66,-46},{-30,-46},{-30,-45.0714},{5.95,-45.0714}}, + color={0,0,127})); + annotation (Diagram(coordinateSystem(preserveAspectRatio=false, extent={{-120, + -120},{120,120}})), + experiment(Tolerance=1e-6, StopTime=86400), + __Dymola_Commands(file="modelica://AixLib/Resources/Scripts/Dymola/Systems/HeatPumpSystems/Examples/HeatPumpSystem.mos" + "Simulate and plot"), + Documentation(info="

+ Model for testing the model AixLib.Systems.HeatPumpSystems.HeatPumpSystem. +

+

+ A simple radiator is used to heat a room. This example is based on + the example in + AixLib.Fluid.HeatPumps.Examples.ScrollWaterToWater_OneRoomRadiator. +

+", + revisions=" +"), + Icon(coordinateSystem(extent={{-120,-120},{120,120}}), graphics={ + Ellipse(lineColor = {75,138,73}, + fillColor={255,255,255}, + fillPattern = FillPattern.Solid, + extent={{-120,-120},{120,120}}), + Polygon(lineColor = {0,0,255}, + fillColor = {75,138,73}, + pattern = LinePattern.None, + fillPattern = FillPattern.Solid, + points={{-38,64},{68,-2},{-38,-64},{-38,64}})})); + end HeatPumpSystemWithTimTab; annotation (uses(AixLib(version="1.0.0"), Modelica(version="4.0.0")), version="1", conversion(from(version="", script= diff --git a/pylintrc b/pylintrc index c4a8917f..0547cae5 100644 --- a/pylintrc +++ b/pylintrc @@ -126,7 +126,8 @@ disable=print-statement, next-method-defined, dict-items-not-iterating, dict-keys-not-iterating, - dict-values-not-iterating + dict-values-not-iterating, + logging-fstring-interpolation # Enable the message, report, category or checker with the given id(s). You can # either give multiple identifier separated by comma (,) or put this option @@ -148,7 +149,7 @@ evaluation=10.0 - ((float(5 * error + warning + refactor + convention) / stateme # used to format the message information. See doc for all details #msg-template= -# Set the output format. Available formats are text, parseable, colorized, yml +# Set the output format. Available formats are text, parseable, colorized, json # and msvs (visual studio).You can also give a reporter class, eg # mypackage.mymodule.MyReporterClass. output-format=text @@ -248,6 +249,7 @@ good-names=i, MAE, R2, MSE, + re, X _ diff --git a/requirements.txt b/requirements.txt index 88a3cc92..8ea11bee 100644 --- a/requirements.txt +++ b/requirements.txt @@ -1,7 +1,8 @@ numpy>=1.19.5 matplotlib>=3.3.4 pandas>=1.1.5 -SALib==1.4.5 +SALib>=1.4.6 git+https://github.com/RWTH-EBC/ebcpy.git@master#egg=ebcpy toml>=0.10.2 -tables>=3.6.1 \ No newline at end of file +tables>=3.6.1 +GitPython>=3.1.30 \ No newline at end of file diff --git a/setup.py b/setup.py index 677035f2..4bfff100 100644 --- a/setup.py +++ b/setup.py @@ -11,12 +11,12 @@ 'numpy>=1.19.5', 'matplotlib>=3.3.4', 'pandas>=1.3.5', - 'SALib>=1.3.12', + 'SALib>=1.4.6', 'ebcpy>=0.3.0', 'toml>=0.10.2' ] -__version__ = "0.3.1" +__version__ = "1.0.0" setuptools.setup( name='aixcalibuha', @@ -39,8 +39,10 @@ 'License :: OSI Approved :: MIT License', 'Topic :: Scientific/Engineering', 'Intended Audience :: Science/Research', - 'Programming Language :: Python :: 3.7', - 'Programming Language :: Python :: 3.8' + 'Programming Language :: Python :: 3.8', + 'Programming Language :: Python :: 3.9', + 'Programming Language :: Python :: 3.10', + 'Programming Language :: Python :: 3.11' ], keywords=[ 'calibration', 'building', 'energy', diff --git a/tests/test_modelica_cal_sen.py b/tests/test_modelica_cal_sen.py index ec3bd5b3..943104f8 100644 --- a/tests/test_modelica_cal_sen.py +++ b/tests/test_modelica_cal_sen.py @@ -4,13 +4,46 @@ import unittest import sys +import os import pathlib import shutil + +import matplotlib.pyplot as plt import numpy as np import pandas as pd from ebcpy import FMU_API, TimeSeriesData -from aixcalibuha import MorrisAnalyzer, SobolAnalyzer, MultipleClassCalibrator, \ - Calibrator, CalibrationClass, TunerParas, Goals +from aixcalibuha import MorrisAnalyzer, SobolAnalyzer, FASTAnalyzer, PAWNAnalyzer, \ + MultipleClassCalibrator, Calibrator, CalibrationClass, TunerParas, Goals, plotting + + +def _set_up(): + aixcalibuha_dir = pathlib.Path(__file__).parents[1] + data_dir = aixcalibuha_dir.joinpath("examples", "data") + testzone_dir = aixcalibuha_dir.joinpath("tests", "testzone") + + # As the examples should work, and the cal_class example uses the other examples, + # we will test it here: + meas_target_data = TimeSeriesData( + data_dir.joinpath("PumpAndValve.hdf"), key="examples" + ) + meas_target_data.to_float_index() + + # Setup three variables for different format of setup + variable_names = { + "TCap": ["TCapacity", "heatCapacitor.T"], + "TPipe": {"meas": "TPipe", "sim": "pipe.T"} + } + + tuner_paras = TunerParas(names=["speedRamp.duration", "valveRamp.duration"], + initial_values=[0.1, 0.1], + bounds=[(0.1, 10), (0.1, 10)]) + # Real "best" values: speedRamp.duration=0.432 and valveRamp.duration=2.5423 + # Check setup the goals class: + goals = Goals(meas_target_data=meas_target_data, + variable_names=variable_names, + statistical_measure="NRMSE") + + return aixcalibuha_dir, data_dir, testzone_dir, tuner_paras, goals class TestModelicaCalibrator(unittest.TestCase): @@ -19,32 +52,8 @@ class TestModelicaCalibrator(unittest.TestCase): def setUp(self): """Called before every test. Used to setup relevant paths and APIs etc.""" - #%% Define relevant paths - aixcalibuha_dir = pathlib.Path(__file__).parents[1] - self.data_dir = aixcalibuha_dir.joinpath("examples", "data") - self.example_cal_dir = aixcalibuha_dir.joinpath("tests", "testzone") - - # As the examples should work, and the cal_class example uses the other examples, - # we will test it here: - meas_target_data = TimeSeriesData( - self.data_dir.joinpath("PumpAndValve.hdf"), key="examples" - ) - meas_target_data.to_float_index() - - # Setup three variables for different format of setup - variable_names = { - "TCap": ["TCapacity", "heatCapacitor.T"], - "TPipe": {"meas": "TPipe", "sim": "pipe.T"} - } - - tuner_paras = TunerParas(names=["speedRamp.duration", "valveRamp.duration"], - initial_values=[0.1, 0.1], - bounds=[(0.1, 10), (0.1, 10)]) - # Real "best" values: speedRamp.duration=0.432 and valveRamp.duration=2.5423 - # Check setup the goals class: - goals = Goals(meas_target_data=meas_target_data, - variable_names=variable_names, - statistical_measure="NRMSE") + # %% Define relevant paths + aixcalibuha_dir, self.data_dir, self.example_cal_dir, tuner_paras, goals = _set_up() self.calibration_classes = [ CalibrationClass(name="First", start_time=0, stop_time=1, goals=goals, tuner_paras=tuner_paras), @@ -87,51 +96,321 @@ def test_mutliple_class_calibration(self): calibrator.calibrate(framework="scipy_differential_evolution", method="best1bin") + def tearDown(self): + """Remove all created folders while calibrating.""" + try: + self.sim_api.close() + except AttributeError: + pass + try: + shutil.rmtree(self.example_cal_dir, ignore_errors=True) + except FileNotFoundError: + pass + + +class TestSenAnalyzer(unittest.TestCase): + """Test-class for the SenAnalyzer classes.""" + + def setUp(self): + """Called before every test. + Used to setup relevant paths and APIs etc.""" + # Define relevant paths + aixcalibuha_dir, self.data_dir, self.result_dir, tuner_paras, goals = _set_up() + self.calibration_classes = [ + CalibrationClass(name="global", start_time=0, stop_time=10, + goals=goals, tuner_paras=tuner_paras), + CalibrationClass(name="heat up", start_time=0, stop_time=1, + goals=goals, tuner_paras=tuner_paras), + CalibrationClass(name="cool down", start_time=1, stop_time=2, + goals=goals, tuner_paras=tuner_paras), + CalibrationClass(name="stationary", start_time=2, stop_time=10, + goals=goals, tuner_paras=tuner_paras) + ] + + # %% Instantiate dymola-api + if "win" in sys.platform: + model_name = aixcalibuha_dir.joinpath("examples", "model", "PumpAndValve_windows.fmu") + else: + model_name = aixcalibuha_dir.joinpath("examples", "model", "PumpAndValve_linux.fmu") + + self.sim_api = FMU_API(cd=self.result_dir, + model_name=model_name) + def test_sa_morris(self): """ Function to test the sensitivity analyzer class using morris + Used to test all parent functions """ # Setup the problem sen_ana = MorrisAnalyzer( sim_api=self.sim_api, - num_samples=1, + num_samples=2, + cd=self.sim_api.cd.__str__() + ) + sen_result, classes = sen_ana.run(self.calibration_classes, + plot_result=False) + self._check_sen_run_return(sen_ana, sen_result, classes) + with self.assertRaises(ValueError): + sen_ana.run(self.calibration_classes, + plot_result=False, + verbose=True, + use_first_sim=True, + n_cpu=9999999999) + with self.assertRaises(AttributeError): + sen_ana.run(self.calibration_classes, + plot_result=False, + verbose=True, + use_first_sim=True, + n_cpu=2) + + sen_ana = MorrisAnalyzer( + sim_api=self.sim_api, + num_samples=2, cd=self.sim_api.cd, - analysis_variable='mu_star' + save_files=True, + ) + false_calc_classes = self.calibration_classes.copy() + false_calc_classes.append(CalibrationClass( + name="False", start_time=1, stop_time=11, + goals=self.calibration_classes[0].goals, + tuner_paras=self.calibration_classes[0].tuner_paras + )) + with self.assertRaises(ValueError): + sen_ana.run(false_calc_classes, + plot_result=False, + verbose=True, + use_first_sim=True, + n_cpu=1) + sen_ana.run(self.calibration_classes, + plot_result=False, + verbose=True, + use_first_sim=True, + n_cpu=1) + self._check_sen_run_return(sen_ana, sen_result, classes) + sen_ana.run(self.calibration_classes, + plot_result=False, + verbose=True, + use_first_sim=True, + n_cpu=2) + self._check_sen_run_return(sen_ana, sen_result, classes) + os.getlogin = lambda: "test_login" + sen_ana.save_for_reproduction( + title="SenAnalyzerTest", + path=self.result_dir, + log_message="This is just an example", + remove_saved_files=False, + exclude_sim_files=True ) - self._run_sen_ana(sen_ana) def test_sa_sobol(self): """ Function to test the sensitivity analyzer class using sobol """ - # Setup the problem sen_ana = SobolAnalyzer( sim_api=self.sim_api, num_samples=1, + cd=self.sim_api.cd + ) + sen_result, classes = sen_ana.run(self.calibration_classes, + plot_result=False) + self._check_sen_run_return(sen_ana, sen_result, classes) + + def test_sa_fast(self): + """ + Function to test the sensitivity analyzer class using sobol + """ + sen_ana = FASTAnalyzer( + sim_api=self.sim_api, + num_samples=8, cd=self.sim_api.cd, - analysis_variable='S1' + M=1 ) - self._run_sen_ana(sen_ana) + sen_result, classes = sen_ana.run(self.calibration_classes[0], + plot_result=False) + self._check_sen_run_return(sen_ana, sen_result, classes) - def _run_sen_ana(self, sen_ana): - # Choose initial_values and set boundaries to tuner_parameters - # Evaluate which tuner_para has influence on what class - sen_result, classes = sen_ana.run(self.calibration_classes) - self.assertIsInstance(sen_result, pd.DataFrame) - self.assertIsInstance(classes, list) - for _cls in classes: - self.assertIsInstance(_cls, CalibrationClass) - classes = sen_ana.select_by_threshold(calibration_classes=classes, - result=sen_result, - threshold=0) + def test_sa_pawn(self): + """ + Function to test the sensitivity analyzer class using sobol + """ + sen_ana = PAWNAnalyzer( + sim_api=self.sim_api, + num_samples=2, + cd=self.sim_api.cd, + sampler="morris" + ) + sen_result, classes = sen_ana.run(self.calibration_classes[0], + plot_result=False) + self._check_sen_run_return(sen_ana, sen_result, classes) + sen_ana = PAWNAnalyzer( + sim_api=self.sim_api, + num_samples=1, + cd=self.sim_api.cd, + sampler="sobol" + ) + sen_result, classes = sen_ana.run(self.calibration_classes[0], + plot_result=False) + self._check_sen_run_return(sen_ana, sen_result, classes) + sen_ana = PAWNAnalyzer( + sim_api=self.sim_api, + num_samples=8, + cd=self.sim_api.cd, + M=1, + sampler="fast" + ) + sen_result, classes = sen_ana.run(self.calibration_classes[0], + plot_result=False) + self._check_sen_run_return(sen_ana, sen_result, classes) + + def test_select_by_threshold(self): + """ + Function to test the function select_by_threshold of the SenAnalyzer + """ + sen_result = MorrisAnalyzer.load_from_csv( + self.data_dir.joinpath("MorrisAnalyzer_results_B.csv")) + classes = MorrisAnalyzer.select_by_threshold(calibration_classes=self.calibration_classes, + result=sen_result, + analysis_variable='mu_star', + threshold=0) self.assertIsInstance(classes, list) self.assertTrue(len(classes) >= 1) with self.assertRaises(ValueError): - sen_ana.select_by_threshold( + MorrisAnalyzer.select_by_threshold( calibration_classes=classes, result=sen_result, + analysis_variable='mu_star', threshold=np.inf) + def test_select_by_threshold_verbose(self): + """ + Function to test the function select_by_threshold of the SenAnalyzer + """ + sen_result = SobolAnalyzer.load_from_csv( + self.data_dir.joinpath("SobolAnalyzer_results_B.csv")) + cal_class = SobolAnalyzer.select_by_threshold_verbose( + calibration_class=self.calibration_classes[0], + result=sen_result, + analysis_variable="S1", + threshold=0, + calc_names_for_selection=["heat up", "cool down"] + ) + self.assertIsInstance(cal_class, CalibrationClass) + with self.assertRaises(NameError): + cal_class = SobolAnalyzer.select_by_threshold_verbose( + calibration_class=self.calibration_classes[0], + result=sen_result, + analysis_variable="S1", + threshold=0, + calc_names_for_selection=["On", "Off"] + ) + with self.assertRaises(ValueError): + SobolAnalyzer.select_by_threshold_verbose( + calibration_class=self.calibration_classes[0], + result=sen_result, + analysis_variable="S1", + threshold=np.inf, + calc_names_for_selection=["heat up", "cool down"] + ) + with self.assertRaises(NameError): + false_cal_class = self.calibration_classes[0] + false_cal_class.tuner_paras = TunerParas(names=["false.name", "valveRamp.duration"], + initial_values=[0.1, 0.1], + bounds=[(0.1, 10), (0.1, 10)]) + SobolAnalyzer.select_by_threshold_verbose( + calibration_class=self.calibration_classes[0], + result=sen_result, + analysis_variable="S1", + threshold=np.inf, + calc_names_for_selection=["heat up", "cool down"] + ) + + def test_plot_single(self): + """ + Function to test the plot function of the SenAnalyzer + """ + sen_result = MorrisAnalyzer.load_from_csv( + self.data_dir.joinpath("MorrisAnalyzer_results_B.csv")) + plotting.plot_single(result=sen_result, + show_plot=False, + use_suffix=True) + + def test_plot_sobol_s2(self): + """ + Function to test the second order plot function of the SobolAnalyzer + """ + sen_result = SobolAnalyzer.load_second_order_from_csv( + self.data_dir.joinpath("SobolAnalyzer_results_second_order_A.csv")) + plotting.plot_second_order(sen_result, + use_suffix=True, + show_plot=False) + plotting.plot_single_second_order(sen_result, "rad.n", + show_plot=False) + plotting.heatmaps(sen_result, + show_plot=False) + + def test_sa_time_dependent(self): + """ + Test time dependent sensitivity analysis and + simple plotting on the basis of the sobol method. + """ + sen_ana = SobolAnalyzer( + sim_api=self.sim_api, + num_samples=1, + cd=self.sim_api.cd + ) + sen_result = sen_ana.run_time_dependent(cal_class=self.calibration_classes[0], + plot_result=True) + self.assertIsInstance(sen_result, tuple) + self.assertIsInstance(sen_result[0], pd.DataFrame) + self.assertIsInstance(sen_result[1], pd.DataFrame) + sen_ana = MorrisAnalyzer( + sim_api=self.sim_api, + num_samples=2, + cd=self.sim_api.cd, + save_files=True + ) + sen_result = sen_ana.run_time_dependent(cal_class=self.calibration_classes[0], + plot_result=False) + self.assertIsInstance(sen_result, pd.DataFrame) + sen_result = sen_ana.run_time_dependent(cal_class=self.calibration_classes[0], + load_sim_files=True, + n_steps=120, + plot_result=True) + self.assertIsInstance(sen_result, pd.DataFrame) + with self.assertRaises(ValueError): + sen_result = sen_ana.run_time_dependent(cal_class=self.calibration_classes[0], + load_sim_files=True, + n_steps=100000000, + plot_result=True) + + def test_plot_parameter_verbose(self): + """ + Test the verbose plotting of time dependent sensitivity results of a single parameter + """ + result_sobol_time = SobolAnalyzer.load_from_csv( + self.data_dir.joinpath('SobolAnalyzer_results_time_A.csv') + ) + result_sobol_2_time = SobolAnalyzer.load_second_order_from_csv( + self.data_dir.joinpath('SobolAnalyzer_results_second_order_time_A.csv') + ) + plotting.plot_parameter_verbose(parameter='G', + single_result=result_sobol_time, + second_order_result=result_sobol_2_time, + use_suffix=True) + + def _check_sen_run_return(self, sen_ana, sen_result, classes): + """ + Check the result of sensitivity_analyzer.run() function + """ + if sen_ana.__class__.__name__ == 'SobolAnalyzer': + self.assertIsInstance(sen_result, tuple) + self.assertIsInstance(sen_result[1], pd.DataFrame) + sen_result = sen_result[0] + self.assertIsInstance(sen_result, pd.DataFrame) + self.assertIsInstance(classes, list) + for _cls in classes: + self.assertIsInstance(_cls, CalibrationClass) + def tearDown(self): """Remove all created folders while calibrating.""" try: @@ -139,7 +418,7 @@ def tearDown(self): except AttributeError: pass try: - shutil.rmtree(self.example_cal_dir, ignore_errors=True) + shutil.rmtree(self.result_dir, ignore_errors=True) except FileNotFoundError: pass