Skip to content
Snippets Groups Projects
Commit 134269fb authored by Thomas Röck's avatar Thomas Röck
Browse files

initial commit

parents
Branches dev
No related tags found
No related merge requests found
Showing
with 4656 additions and 0 deletions
*.wav
.ipynb_checkpoints
__pycache__
creapy.egg-info
!audio/example.wav
.vscode
.python-version
.DS_Store
README.md 0 → 100644
# creapy − a Python-based tool for the automatic detection of creak in conversational speech
creapy [ˈkriːpaɪ] is a tool to detect creak in speech.
## Prerequisites
### git
The most convenient way to work with `creapy` right now is to `clone` this repository using `git`. Find a handy git tutorial [here](https://rogerdudler.github.io/git-guide/).
### python
`creapy` is written in the programming language `Python 3`. You can download the most recent version (as of 02/10/2023) for your operating system using the following links
- [Windows Installer (64-bit)](https://www.python.org/ftp/python/3.10.10/python-3.10.10-amd64.exe)
- [macOS 64-bit universal2 installer](https://www.python.org/ftp/python/3.10.10/python-3.10.10-macos11.pkg)
If you are a user of Windows make sure to check the mark **Add Python 3.10 to PATH** to add python to the PATH so that you can find the `python`-keyword that links to the `python`-executable globally in your terminal.
![](https://i.imgur.com/qfydlwD.png)
To check if you successfully installed Python open up a new Terminal. Press the Windows key, type `cmd` and hit enter.
A new terminal window opens where you can type `python --version` which should give you the latest version of python 3.10 installed on your system.
![](https://i.imgur.com/A3fHfcS.png)
macOS-users can do the same thing in their terminal by typing `python3 --version` instead.
### jupyter lab
We recommend using jupyter lab which provides an interactive python environment and is also needed to open the demo-notebook at `examples/creapy_demo.ipynb`.
To install, type
```bash
pip install jupyterlab
```
in your terminal or
```bash
pip3 install jupyterlab
```
if you are using macOS. You can open jupyter lab in your terminal by typing
```bash
jupyter lab
```
## Installation
`creapy` will be available on PyPI once published.
<!--
```
pip install creapy
```
-->
Until then, you may clone the repository from git.
<!-- For now as creapy is not yet published the git repository can be cloned from Git. -->
Before cloning you should navigate to your desired directory in the terminal like `C:/Users/myusername/<path_where_repo_will_be_cloned_into>`. With the following command you can clone the repository either with ssh
```bash
git clone git@git.spsc.tugraz.at:troeck/ti-project-creak.git
```
or html
```bash
git clone https://git.spsc.tugraz.at/troeck/ti-project-creak.git
```
After cloning, a new folder should be present: `C:/Users/myusername/<path_to_creapy_repository>`.
To finally install creapy you need to navigate into the new folder using your terminal (The command `cd <folder>` **c**hanges the **d**irectory to a folder given with `<folder>`). To install `creapy` execute
```bash
pip install -e .
```
<!-- To check if the installation was succesfull you can try to run a python script or a jupyter notebook with:
```python
import creapy
``` -->
## Disclaimer
Please note that `creapy` will modify your hand-labelled `TextGrid` files in an automated fashion. While the tool should generally only add additional tiers to your `TextGrid`, these new tiers might overpopulate quite soon, especially after messing with the tool a bit and processing whole folders. Make sure to **copy** your files beforhand to assure a backup and the originality of your precious files.
## Basic Usage
### Classifying an audio file
After you imported `creapy` with
```python
import creapy
```
you can classify creak on your own audio file calling the function `process_file` with the path to the audio- and respective TextGrid-file
```python!
X_test, y_pred, sr = creapy.process_file(
audio_path='<path_to_your_audio_file>',
textgrid_path='<path_to_your_textgrid_file>')
```
`creapy` will add a new tier to the file at `textgrid_path` containing the detected creak intervals. **Note**: We recommend to work on a copy of your original TextGrid file.
### Choosing different models
Depending on the speaker you may choose another pre-trained model given by the paramter `gender_model`. Per default, `creapy` uses the model trained on the genders male and female (=`all`). This is an example of the classification using a model trained on female speakers only
```python!
X_test, y_pred, sr = creapy.process_file(
audio_path='<path_to_your_audio_file>',
textgrid_path='<path_to_your_textgrid_file>',
gender_model='female')
```
`process_file` returns a `tuple` where the first element (`X_test`) are the calculated feature values for each block, the second element is the calculated creak probability (`y_pred`) and the third element (`sr`) is the samplingrate in `Samples/s`.
<!-- The calculated creak probability is shown in the following plot:
|![](examples/creapy_creak_probability_example.png 'creak probability')|
| - |
|*Creak probability over time (blue) and hand labelled intervals (red)*| -->
<!-- The function `get_time_vector` returns an array containing the timesteps for each block in seconds. -->
The `TextGrid` File written at `textgrid_path` could look like this in Praat:
|![](examples/creapy_creak_example_praat.PNG 'creak probability')|
| :-: |
|*Modified TextGrid in Praat with new creak tier*|
### Classifying a folder containing multiple audio files
You can perform the classification on a whole folder using the function `process_folder`.
```python!
creapy.process_folder(
audio_directory='<path_to_your_audio_directory>',
textgrid_directory='<path_to_your_textgrid_directory>')
```
Here the folder structure is expected to be as follows:
```
audio_directory
├── speaker_1.wav
├── speaker_2.wav
├── ...
└── speaker_n.wav
textgrid_directory
├── speaker_1.TextGrid
├── speaker_2.TextGrid
├── ...
└── speaker_n.TextGrid
```
i.e. the maximum folder level is 1 and the filenames for the respective `TextGrid`-files are expected to be the same as for the audio-files. **Note**: The audio directory and textgrid directory can be the same, but it is really important that the names and suffixes are correct.
## Set your configuration/Change parameters
All of the functions above use the default configuration. If you want to change various parameters you can do so in the configuration file. This file will be saved to `C:/Users/myusername/.creapy/config.yaml` after you **called the function** `set_config` **once**.
```python!
creapy.set_config()
```
A detailed description on the changeable parameters is given in the following table:
| Parameter | Explanation| default value |
| -------------------- | ------------------------------------------------------------------------------------------------------------------------------------------------------------------ | --- |
| `audio_directory`| Path to the directory containing audio files like `C:/Users/myusername/Documents/audio`.| `null`|
| `textgrid_directory` | Path to the directory containing the respective `TextGrid` files `C:/Users/myusername/Documents/textgrid`. This is optional. It will also work without texgrid files. |`null`|
| `csv_directory`| Path to a folder where the csv-files containing the classification results should be stored `C:/Users/myusername/Documents/results`.| `null`|
| `audio_start`| Starttime in seconds where the audiofile should be analysed. |$0$|
| `audio_end`| endtime in seconds until the audiofile should be analysed (if -1 the file gets processed until the end).|$-1$|
|`audio_suffix`| suffix of the audio-file(s) (compressed audio formats like `.mp3` are not supported). | `.wav`|
|`textgrid_suffix`|suffix of the textgrid-file(s).|.TextGrid|
|`gender_model`|The gender model chosen for creak-classification. Can be `all`, `male` or `female`. We recommend using the `all` model for male speakers and the `female` model for female speakers. |`all`|
|`tier_name`|The tiername of the new tier with creapy's annotations in the textgrid file.| `creapy`|
|`block_size`| Classification blocksize in seconds. Smaller blocks are computationally more expensive but achieve a better time resolution. |$0.04$|
|`hop_size`|Classification hopsize in seconds. Should be in the range of $\frac{1}{4}\texttt{block\_size}\leq\texttt{hop\_size}\leq\frac{1}{2}\texttt{block\_size}$.|$0.01$|
|`creak_threshold`|Probability-threshold of the classifier where creak is classified. Can be a decimal value between 0 and 1. If you get too many false positives try increasing this value. If a lot of creaky voice gets missed try decreasing it.|$0.75$|
|`zcr_threshold`|Threshold for the zero-crossing-rate pre-elimination feature. Blocks with a $\text{zcr}\geq\text{zcr\_threshold}$ get eliminated. For female speakers we achieved better results with a higher value ranging around 0.08-0.12. For male speakers a value <0.08 will yield good results. **Note:** This is highly speaker dependent. |$0.08$|
|`ste_threshold`|Threshold for the short-term-energy pre-elimination feature. This value does not normally need to be changed. It mostly eliminiates blocks of silence or noise. |$1\cdot10^{-5}$|
You can change these parameters in the `config.yaml` file itself or by using the function `set_config`, e.g.
```python!
creapy.set_config(block_size=0.05, creak_threshold=0.7)
```
If you want to reset the configuration file, you can do so, using the function `reset_config`, e.g.
```python!
creapy.reset_config()
```
This will set all parameters to their default values as seen in the table [above](#set-your-configurationchange-parameters).
Especially the `zcr_threshold`, `ste_threshold` and `creak_threshold` are parameters which can change the result the most.
<!-- With the `plot` function those parameters get visualized.
```python!
creapy.plot(X_test, y_pred, sr)
``` -->
### Plotting
While not a dependency for this tool, `plotly` is needed in order to evoke the plotting function provided by `creapy`:
```bash
pip install plotly
```
The function call
```python
creapy.plot(X_test, y_pred, sr)
```
on the example results in this plot
![](https://i.imgur.com/1nZUR8L.png)
The plot is interactive: one can check specific timeranges and select the features to display. In this way, a good estimate of the values for the parameters can be obtained.
<!-- ## Useful links (TEMP)
If you have a problem with setting up a SSH connection to GitHub the following tutorial should help:
https://docs.github.com/en/authentication/connecting-to-github-with-ssh
We recommend working in a Jupyter enviroment. If you do not have one yet following link might help you:
https://jupyter.org/install
Python (brauch ma des?)
https://wiki.python.org/moin/BeginnersGuide/Download -->
<!-- On Windows, replace the Backslashes `\` or `\\` in your path with single slashes `/` so that you get something like `C:/Users/myusername/Documents/creak` -->
<!-- ### Classify audio file
You can use the pretrained models to detect creak in your speech signals. For more information on the training process, see [Pretrained Model](#pretrained-model).
1. change paths as described [above](#set-your-configuration).
2. run script `xyz.py` and wait; note: takes approx. 3 times as long as the audio file on a computer with processor xyz, ...; so for longer sound files, you need to be patient -->
File added
from .feature_extraction import *
from .utils import *
from .model import *
__version__ = '0.0.2'
# USER:
# audio_directory: null
# textgrid_directory: null
# csv_directory: null
# audio_start: 0
# audio_end: -1
# audio_suffix: .wav
# textgrid_suffix: .TextGrid
# gender_model: all
# tier_name: creapy
# block_size: 0.040 # seconds
# hop_size: 0.010 # in seconds
# creak_threshold: 0.75
# zcr_threshold: 0.08
# ste_threshold: 0.00001
DEFAULT:
sample_dir: audio/samples
audio_suffix: .wav # file name extension of audio file(s)
audio_re: (?P<speakers>[a-zA-Z\d]+)_(?P<single_speaker>\d{3}[a-zA-Z])_.+\.wav # [optional] define regex to match your files
re_speaker_group: single_speaker # ??
FEATURE_EXTRACTION: # choose which features should be extracted
cpp: false
hnr: true
jitter: true
h1h2: true
shimmer: true
f0mean: true
zcr: true
ste: true
VALUES: # set parameters/thresholds for the features
HNR: 1
JITTER: 1
H1H2: 1
SHIMMER: 1
F0MEAN: # fundamental frequency
fmin: 60 # pitch range
fmax: 500 # pitch range
ZCR:
window: hamming
STE:
window: hamming
CLASSIFICATION: # set parameters for the (random forest) classification
impute_strategy: median # mean, most_frequent, null
random_state: 42 # int, null
test_size: 0.33 # float
MODEL:
PREPROCESSING:
impute_strategy: median # mean, most_frequent, null
impute_at_fit: true
test_size: 0.33 # int, Pfloat
block_size: 0.040 # in seconds
hop_size: 0.010 # in seconds
random_state: 42
UNVOICED_EXCLUSION:
zcr: true
ste: true
VALUES:
ZCR:
threshold: 0.08
replace_value: 0.0
operator: ">="
normalize: true
STE:
threshold: 0.00001
replace_value: 0.0
operator: "<="
normalize: false
POSTPROCESSING:
MAVG:
mavg: false
VALUES:
length: 3
mode: same
INTERVALS:
creak_threshold: 0.75
min_creak_length: 0.03
max_gap: 0.015
CLASSIFIER:
clf: rfc # rfc, mlp
VALUES:
RFC:
kwargs:
n_estimators: 99
random_state: 42 # int, null
MLP:
kwargs:
solver: lbfgs
hidden_layer_sizes: [5, 5, 5, 2]
random_state: 42
max_iter: 500
predict_proba: true # true, false
target_name: "c"
FEATURES:
for_classification: ['hnr', 'jitter', 'h1h2', 'shimmer', 'f0mean']
model_location: model/training_models/model
save_pickle: false
target_label: class
PRAAT:
creak_tier_name: creapy
interval_text: c
creak_re: (?P<speaker>[a-zA-Z\d]+)-creak
creak_fstr: '{}-creak'
from .feature_extraction import calculate_features, calculate_features_for_folder, get_feature_list, WINDOW_MAPPING, blockwise_feature_calculation
from __future__ import annotations
from pathlib import Path
from typing import Optional
import numpy as np
# import opensmile
import pandas as pd
import parselmouth as pm
import soundfile as sf
from scipy import interpolate
from scipy.signal.windows import hamming, hann, kaiser
from rich.progress import track
from ..utils import get_config
def _cpp(data: np.ndarray, sound: pm.Sound, sr: int,
config: Optional[dict] = None) -> float:
"""Calculates the cepstral peak prominence using praat
Args:
data (np.ndarray): The sound data
sr (int): The sampling rate
config (dict, optional): The default configuration file. Defaults to None.
Returns:
float: The cepstral peak prominence
"""
if config is None:
config = get_config()
spectrum = sound.to_spectrum()
power_cepstrum = pm.praat.call(spectrum, 'To PowerCepstrum')
*args, = map(config["FEATURE_EXTRACTION"]["VALUES"]["CPP"].get, [
"fmin", "fmax", "interpolation", "qmin", "qmax", "trend_type", "fit_method"
])
cpp = pm.praat.call(power_cepstrum, "Get peak prominence...", *args)
return cpp
def _h1_h2(data: np.ndarray, sound: pm.Sound, sr: int,
config: Optional[dict] = None) -> float:
# if config is None:
# config = get_config()
try:
pitch = sound.to_pitch(sound.duration)
spectrum = sound.to_spectrum()
h1 = pitch.selected_array[0][0]
h2 = h1 * 2
x = np.arange(0, spectrum.nf) * spectrum.df
y = np.sqrt(spectrum.values[0]**2 + spectrum.values[1]**2)
f = interpolate.interp1d(x, y, 'quadratic')
h1_amp = f(h1)
h2_amp = f(h2)
except:
[h1_amp, h2_amp] = [np.nan, np.nan]
return h1_amp - h2_amp
def _hnr(data: np.ndarray, sound: pm.Sound, sr: int,
config: Optional[dict] = None) -> float:
try:
harmonicity = sound.to_harmonicity()
except pm.PraatError:
hnr = np.nan
else:
# taken from
# https://parselmouth.readthedocs.io/en/stable/examples/batch_processing.html?highlight=harmonicity#Batch-processing-of-files
hnr = harmonicity.values[harmonicity.values != -200].mean()
return hnr
def _jitter(data: np.ndarray, sound: pm.Sound, sr: int,
config: Optional[dict] = None) -> float:
try:
pointProcess = pm.praat.call(
sound, "To PointProcess (periodic, cc)", 75, 500)
local_jitter = pm.praat.call(
pointProcess, "Get jitter (local)", 0, 0, 0.0001, 0.02, 1.3)
except:
local_jitter = np.nan
return local_jitter
def _shimmer(data: np.ndarray, sound: pm.Sound, sr: int,
config: Optional[dict] = None) -> float:
try:
pointProcess = pm.praat.call(
sound, "To PointProcess (periodic, cc)", 75, 500)
local_shimmer = pm.praat.call(
[sound, pointProcess], "Get shimmer (local)", 0, 0, 0.0001, 0.02, 1.3, 1.6)
except:
local_shimmer = np.nan
return local_shimmer
def _f0mean(data: np.ndarray, sound: pm.Sound, sr: int,
config: Optional[dict] = None) -> float:
try:
pitch = sound.to_pitch(sound.duration).selected_array[0][0]
except:
pitch = np.nan
return pitch
def _zcr(data: np.ndarray, sound: pm.Sound, sr: int,
config: Optional[dict] = None):
"""
calculates the Zero-Crossing-Rate (ZCR)
@param data: buffer signal data with blocklength N in form of an array of shape N data num_blocks
@param w: Window with length N
@return Zero-Crossing-rate
"""
# if config is None:
# config = get_config()
# w = WINDOW_MAPPING[config["FEATURE_EXTRACTION"]
# ["VALUES"]["ZCR"]["window"]](data.shape[0])
# sgn = lambda data: 1 if data >= 0 else -1
sign_arr = np.sign(data)
sign_arr[sign_arr == 0] = 1
N = data.shape[0]
return 0.5 * np.sum(np.abs(np.diff(sign_arr))) / N
def _ste(data: np.ndarray, sound: pm.Sound, sr: int,
config: Optional[dict] = None):
"""
calculates the short-term-energy (STE)
@param x: buffer signal x with blocklength N in form of an array of shape N x num_blocks
@param w: Window with length N, shape (N,)
@return short-term-energy
"""
# assert len(w) == x.shape[0], "Dimension Mismatch: Windowlength != blocklength"
# assert len(x.shape) == 2, "Signal must be already buffered (2D)"
# assert len(w.shape) == 1, "Window must be 1D"
# if config is None:
# config = get_config()
# if w is None:
# w = WINDOW_MAPPING[config["FEATURE_EXTRACTION"]
# ["VALUES"]["STE"]["window"]](data.shape[0])
N = data.shape[0]
return np.sum(data ** 2) / N
# return np.sum(np.abs(data)) / N
def get_feature_list(config: Optional[dict] = None) -> list[str]:
if config is None:
config = get_config()
return [key for key, value in config["FEATURE_EXTRACTION"].items() if value is True]
def calculate_features(data: np.ndarray, sr: int,
return_header: bool = False,
config: Optional[dict] = None,
features: Optional[list[str]] = None) -> tuple[np.ndarray, list] | np.ndarray:
if config is None:
config = get_config()
if features is None:
features = get_feature_list(config)
sound = pm.Sound(values=data, sampling_frequency=sr)
result = np.array([FEATURE_MAPPING[feature](data, sound, sr, config=config)
for feature in features])
return (result, features) if return_header is True else result
def blockwise_feature_calculation(data: np.ndarray, sr,
feature, config: Optional[dict] = None):
if config is None:
config = get_config()
sounds = [pm.Sound(values=block, sampling_frequency=sr) for block in data]
function = FEATURE_MAPPING[feature]
res = []
# for block, sound in zip(track(data, description=f"Calculating {feature}"), sounds):
# res.append(function(block, sound, sr))
res = [function(block, sound, sr) for block, sound in zip(data, sounds)]
return np.array(res)
def calculate_features_for_folder(path: str,
file_suffix: str = ".wav",
features=None) -> tuple[pd.DataFrame, pd.Series, list[str]]:
files = list(Path(path).glob(f"**/*{file_suffix}"))
config = get_config()
if features is None:
features = get_feature_list(config)
feature_matrix = np.array(
[calculate_features(*sf.read(file_), config=config,
features=features) for file_ in files]
)
# TODO put regex in config file
target_vector = np.array(
[str(x).split('.')[0].split('_')[-1] for x in files])
return pd.DataFrame(feature_matrix, columns=features), pd.Series(target_vector)
FEATURE_MAPPING = {
"cpp": _cpp,
"hnr": _hnr,
"h1h2": _h1_h2,
"jitter": _jitter,
"shimmer": _shimmer,
"f0mean": _f0mean,
"zcr": _zcr,
"ste": _ste,
}
WINDOW_MAPPING = {
"hann": hann,
"kaiser": kaiser,
"hamming": hamming,
"rect": lambda N: np.ones((N)) / N
}
from re import S
from .model import Model, load_model
from .preprocessing import impute, split_data, buffer
from .postprocessing import moving_average
from .classify import process_file, process_folder
from __future__ import annotations
import time
import warnings
from functools import partial
from pathlib import Path
# from threading import Thread
from typing import Optional
import os
import numpy as np
import pandas as pd
from rich.progress import track
from scipy.signal.windows import hann
from ..feature_extraction import WINDOW_MAPPING
from ..feature_extraction.feature_extraction import (
blockwise_feature_calculation, calculate_features, get_feature_list)
from ..utils.config import get_config
from ..utils.helpers import (ThreadWithReturnValue, get_creak_intervals,
get_root, get_time_vector, intervals_to_textgrid,
intervals_to_csv)
from ..utils.read_wav import read_wav
from .model import load_model
from .postprocessing import thresholding
from .preprocessing import buffer
def process_file(audio_path,
textgrid_path: Optional[str] = None,
csv_folder_path: Optional[str] = None,
gender_model: Optional[str] = None):
_config = get_config()
verbosity = _config['USER']['verbose']
start, end = _config['USER']['audio_start'], _config['USER']['audio_end']
data, sr = read_wav(audio_path, start=start, end=end)
w = hann(int(_config['USER']["block_size"] * sr))
creak_data_buff = buffer(data, sr, window=w)
PREPROCESSING_FEATURES = [key for key, val in _config['MODEL']
['PREPROCESSING']['UNVOICED_EXCLUSION'].items() if val is True]
t = time.time()
threads = [ThreadWithReturnValue(target=blockwise_feature_calculation, args=[
creak_data_buff.T.copy(), sr, feature, _config]) for feature in PREPROCESSING_FEATURES]
for thread in threads:
thread.start()
elimination_chunks = np.array([thread.join() for thread in threads]).T
preprocessing_values = _config["MODEL"]['PREPROCESSING']['UNVOICED_EXCLUSION']["VALUES"]
preprocessing_values['ZCR']['threshold'] = _config['USER']['zcr_threshold']
preprocessing_values['STE']['threshold'] = _config['USER']['ste_threshold']
thresholds = np.array(
[thresholding(series=chunk, **preprocessing_values
[feature.upper()]) for chunk, feature in zip(elimination_chunks.T, PREPROCESSING_FEATURES)]
)
included_indices = thresholds.sum(axis=0) == 0
features_for_classification = _config["MODEL"]["FEATURES"]["for_classification"]
t = time.time()
threads = [ThreadWithReturnValue(target=blockwise_feature_calculation, args=[
creak_data_buff.T[included_indices].copy(), sr, feature, _config.copy()]) for feature in features_for_classification]
for thread in threads:
thread.start()
_X_test = np.array([thread.join() for thread in threads]).T
# print("time ellapsed:", time.time() - t)
_X_test = pd.DataFrame(_X_test, columns=features_for_classification,
index=np.argwhere(included_indices).ravel())
X_test = pd.concat((pd.DataFrame(elimination_chunks,
columns=PREPROCESSING_FEATURES), _X_test), axis=1)
y_pred = np.zeros((creak_data_buff.shape[1]))
if not any(included_indices):
warnings.warn("Did not make classification. Consider setting new values "
"for Zero-Crossing-Rate (zcr) or Short-Term-Energy (ste).")
return X_test, y_pred
# Load model
if gender_model is not None:
gender_model = gender_model.lower().strip()
if gender_model not in ("male", "female", "all"):
raise ValueError(
f'Gender must be \"male\", \"female\", \"all\" or None is {gender_model}')
else:
gender_model = _config['USER']['gender_model']
model_path = get_root() / _config["MODEL"]["model_location"]
model_path = (model_path.parent /
(f"{model_path.stem}_{gender_model.upper()}")).with_suffix(".csv")
model = load_model(model_path)
y_pred[included_indices] = model.predict(_X_test)
if textgrid_path is not None:
tier_name = _config['USER']['tier_name']
filename_extension = _config['USER']['filename_extension']
if filename_extension:
_textgrid_path = Path(textgrid_path)
new_filename = _textgrid_path.stem + filename_extension + _textgrid_path.suffix
result_path = str(_textgrid_path.parent / new_filename)
else:
result_path = textgrid_path
intervals = get_creak_intervals(
y_pred, get_time_vector(y_pred, sr, start), tgt_intervals=True)
intervals_to_textgrid(
intervals=intervals,
textgrid_path=textgrid_path,
# result_path=textgrid_path if textgrid_dst is None else textgrid_dst,
result_path=result_path,
tier_name=tier_name,
verbose=verbosity
)
if csv_folder_path is not None:
intervals = get_creak_intervals(
y_pred, get_time_vector(y_pred, sr, start), tgt_intervals=True)
intervals_to_csv(
intervals=intervals,
csv_dst=csv_folder_path
)
pass
return X_test, y_pred, sr
def process_folder(audio_directory: Optional[str] = None,
textgrid_directory: Optional[str] = None,
csv_directory: Optional[str] = None):
_config = get_config()
if audio_directory is None:
audio_directory = _config['USER']['audio_directory']
if not os.path.isdir(audio_directory):
raise ValueError(
f"Invalid path, given audio-directory \"{audio_directory}\" is not a directory.")
if textgrid_directory is None:
textgrid_directory = _config['USER']['textgrid_directory']
if textgrid_directory:
if not os.path.isdir(textgrid_directory):
raise ValueError(
f"Invalid path, given textgrid-directory \"{textgrid_directory}\" is not a directory.")
if csv_directory is None:
csv_directory = _config['USER']['csv_directory']
if csv_directory:
if not os.path.isdir(csv_directory):
raise ValueError(
f"Invalid path, given csv_directory \"{csv_directory}\" is not a directory.")
audio_suffix = _config['USER']['audio_suffix']
wav_files = list(Path(audio_directory).glob(f'**/*{audio_suffix}'))
if textgrid_directory:
wav_tg_map = dict()
textgrid_path = Path(textgrid_directory)
textgrid_suffix = _config['USER']['textgrid_suffix']
for wav_file in wav_files:
wav_tg_map[wav_file] = (
textgrid_path / wav_file.stem).with_suffix(textgrid_suffix)
# for wav_file in track(wav_files, "Processing folder..."):
for wav_file in wav_files:
process_file(
wav_file,
textgrid_path=wav_tg_map[wav_file] if textgrid_directory else None,
csv_folder_path=csv_directory if csv_directory else None
)
from __future__ import annotations
import os
import pickle
from pathlib import Path
import numpy as np
import pandas as pd
from sklearn.ensemble import RandomForestClassifier
from sklearn.neural_network import MLPClassifier
from sklearn.impute import SimpleImputer
from ..utils import get_config, get_root
from .postprocessing import moving_average
from .preprocessing import impute
class NotFittedError(Exception):
pass
class Model:
"""The Model for creaky voice classification.
"""
def __init__(self):
self._config = get_config()["MODEL"]
self._X_train: pd.DataFrame
self._y_train: pd.Series
self._imputer: SimpleImputer
self._features = self._config["FEATURES"]["for_classification"]
self._fitted = False
_clf = self._config["CLASSIFIER"]["clf"]
self._clf = clfs[_clf](
**self._config["CLASSIFIER"]["VALUES"][_clf.upper()]["kwargs"])
def fit(self, X_train: pd.DataFrame, y_train: pd.DataFrame):
"""Function to fit the model with training data.
Args:
X_train (pd.DataFrame): Features of training data.
y_train (pd.Dataframe): Targets of training data (creak, no-creak).
"""
if isinstance(y_train, pd.DataFrame):
y_train = y_train.to_numpy()
if self._config["PREPROCESSING"]["impute_at_fit"] is True:
self._X_train, self._imputer = impute(
X_train=X_train.loc[:, self._features], return_imputer=True)
else:
self._X_train = X_train
self._y_train = pd.Series(y_train, name=self._config["target_label"])
self._clf.fit(
self._X_train.loc[:, self._features], self._y_train.ravel())
self._fitted = True
def predict(self, X_test: pd.DataFrame, predict_proba: bool=None) -> np.ndarray:
"""Predicts the given features.
Args:
X_test (pd.DataFrame): Features to be predicted.
predict_proba (bool, optional): If `True` the likelihood to be creak will be returned, else the predicted target.
Defaults to None.
Returns:
np.ndarray: Predicted targets, or probability of creak.
"""
self._config = get_config()["MODEL"]
if predict_proba is not None:
assert isinstance(predict_proba, bool)
else:
predict_proba = self._config["CLASSIFIER"]["predict_proba"]
if hasattr(self, "_imputer"):
X_test = pd.DataFrame(self._imputer.transform(
X_test.loc[:, self._features]), columns=self._X_train.columns, index=X_test.index)
if predict_proba is True:
_target_index = np.argwhere(
self._clf.classes_ == self._config["CLASSIFIER"]["target_name"]).item()
y_pred = self._clf.predict_proba(X_test[self._features])[
:, _target_index].flatten()
if self._config["POSTPROCESSING"]["MAVG"]["mavg"] is True:
length, mode = map(
self._config["POSTPROCESSING"]["MAVG"]["VALUES"].get, ("length", "mode"))
y_pred = moving_average(y_pred, length, mode)
else:
y_pred = self._clf.predict(X_test[self._features])
return y_pred
def save(self, filepath: str = None):
"""Saves a fitted model to the given location as csv file
Args:
filepath (str, optional): Destination path of saved model. Defaults to None.
Raises:
NotFittedError: If the model is not yet fitted it can not be saved.
"""
if self._fitted is False:
raise NotFittedError(
"Can't save model because it is not fitted yet")
_config = get_config()
if filepath is None:
# filepath without suffix!
filepath = get_root() / _config["MODEL"]["model_location"]
else:
filepath = Path(filepath)
# merge X_train and y_train
_X_combined = pd.concat((self._X_train, self._y_train), axis=1)
_X_combined.to_csv((filepath.parent /
(filepath.name)).with_suffix(".csv"), index=False)
if _config["MODEL"]["save_pickle"] is True:
with open(filepath.parent / (filepath.name + '.pickle'), "wb") as f:
pickle.dump(self, f)
def load_model(filepath: str = None) -> Model:
"""Loads a already fitted model from a csv file.
Args:
filepath (str, optional): Location of the model csv file. Defaults to None.
Returns:
Model: Fitted Model for creak classification.
"""
if filepath is None:
filepath = get_root() / get_config()["MODEL"]["model_location"]
filepath = (filepath.parent / (filepath.name)).with_suffix(".csv")
else:
filepath = Path(filepath)
if filepath.suffix == ".csv":
_config = get_config()
_X_combined = pd.read_csv(filepath)
model = Model()
_target_column = _config["MODEL"]["target_label"]
_feature_columns = _config["MODEL"]["FEATURES"]["for_classification"]
_X_train, _y_train = _X_combined[_feature_columns], _X_combined[_target_column]
model.fit(_X_train, _y_train)
return model
if filepath.suffix == ".pickle":
with open(filepath, "rb") as f:
return pickle.load(f)
clfs = {
"rfc": RandomForestClassifier,
"mlp": MLPClassifier
}
from __future__ import annotations
import numpy as np
import operator as operator_
def thresholding(
series: np.ndarray,
threshold: float,
y: np.ndarray = None,
replace_value: float = 0.0,
operator: str = ">=",
normalize: bool = False):
_operators = {
">": operator_.gt,
">=": operator_.ge,
"<": operator_.lt,
"<=": operator_.le
}
# assert y.shape == series.shape
if normalize is True: series /= max(series)
if y is not None:
y[_operators[operator](series, threshold)] = replace_value
return y
else:
return _operators[operator](series, threshold)
def moving_average(series: np.ndarray, N: int = 10, mode: str = "same"):
if len(series) < N:
return series
return np.convolve(series, np.ones((N)) / N, mode=mode)
\ No newline at end of file
from __future__ import annotations
from typing import Optional
import numpy as np
import pandas as pd
from sklearn.impute import SimpleImputer
from sklearn.model_selection import train_test_split
from ..utils import get_config
def impute(X_train: pd.DataFrame,
X_test: Optional[pd.DataFrame] = None,
return_imputer: bool = False):
config_ = get_config()["MODEL"]["PREPROCESSING"]
impute_strategy = config_["impute_strategy"]
_imputer = SimpleImputer(strategy=impute_strategy)
if X_test is None:
res = pd.DataFrame(_imputer.fit_transform(
X_train), columns=X_train.columns)
else:
X_train = pd.DataFrame(_imputer.fit_transform(
X_train), columns=X_train.columns)
X_test = pd.DataFrame(_imputer.transform(X_test),
columns=X_train.columns)
res = X_train, X_test
return (res, _imputer) if return_imputer is True else res
def split_data(X: pd.DataFrame, y: pd.Series):
config_ = get_config()["MODEL"]["PREPROCESSING"]
impute_strategy = config_["impute_strategy"]
test_size = config_["test_size"]
if impute_strategy is not None:
X_train, X_test, y_train, y_test = train_test_split(
X, y, test_size=test_size, random_state=config_["random_state"])
X_train, X_test = impute(X_train, X_test)
else:
_tmp = X.copy()
_tmp["label"] = y
_tmp.dropna(inplace=True)
_X_drop = _tmp.drop(["label"], axis=1)
_y_drop = _tmp["label"]
X_train, X_test, y_train, y_test = train_test_split(
_X_drop, _y_drop, test_size=test_size, random_state=config_["random_state"])
del _tmp, _X_drop, _y_drop
return X_train, X_test, y_train, y_test
def buffer(x, sr, opt: str = "nodelay", window=None):
"""
Buffer signal vector into matrix of data frames
x: Signal
N: block size
OL: overlap
window: predefined window
* works only for 1D Signals!
"""
config_ = get_config()["USER"]
N = int(config_["block_size"] * sr)
R = int(config_["hop_size"] * sr)
if window is None:
window = np.ones(N)
assert len(window) == N, "windowlength does not match blocksize N"
n = len(x)
OL = int(N - R)
if opt == 'nodelay':
assert n >= OL, "in 'nodelay' mode, len(x) must be OL or longer"
n_seg = int(np.ceil((n - N) / R + 1))
# print('num_seg:', n_seg)
else:
n_seg = int(np.ceil(n / R))
x = np.concatenate([np.zeros(OL), x.squeeze()])
res = np.zeros((N, n_seg))
for i in range(n_seg - 1):
res[:, i] = x[i * R: i * R + N] * window
i = n_seg - 1
# last block
nLast = x[i * R:].size
res[range(nLast), n_seg - 1] = x[i * R:]
return res
hnr,jitter,h1h2,shimmer,f0mean,class
-0.2472124626048422,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
10.625093734180666,0.037155407790777986,-0.00017956525741832436,0.12464722321393631,97.38670692765126,c
16.250702496607182,0.027144237868855524,-9.619753797165866e-05,0.07490979439131534,131.1679088445595,no-c
0.3907767238935887,0.015506483315760964,0.0,0.06409098915093825,0.0,c
27.884432028008614,0.00534332315782329,-0.0002194387216914635,0.022093209955448643,172.8862156389541,no-c
8.996716749522038,0.015506483315760964,-4.094754577332668e-05,0.06409098915093825,122.03868598083534,no-c
19.319905563974736,0.01588759553706492,0.00042101596955617347,0.06565001549416553,180.10152942678909,no-c
11.291041740500198,0.011757716229508735,-6.807359026978575e-05,0.06045500352201089,156.12967775361247,no-c
22.669867517312902,0.010973271363215333,0.0007927674304450937,0.04017726749392483,154.87260426374834,no-c
0.9656209932621858,0.05307322060088019,0.0,0.06409098915093825,0.0,c
9.579882129813736,0.030423323039393206,-0.00011786007882775498,0.16886072073375527,115.5151778870097,c
10.015948953698105,0.14060220090477937,-2.2550806560601825e-05,0.25963190941693925,112.59832982179145,c
12.390670970607683,0.03721732524694417,2.607561871089729e-05,0.0734016226716725,138.15127384405488,no-c
0.890424557850158,0.08385654851432837,0.00011769552334371236,0.11343299634894156,275.89881261385153,c
1.750371776494243,0.015506483315760964,0.0,0.06409098915093825,0.0,c
17.019072688538756,0.0193118374574114,0.0002470679915337518,0.04510556664791177,293.57346913577516,no-c
2.8247533781765735,0.032133080268095665,0.0,0.06409098915093825,0.0,c?
10.694169429248678,0.019112826478057877,-2.1370672674525626e-05,0.009172955370471698,154.13686192446966,no-c
3.747973041487366,0.0526141918917563,-9.432030308019265e-06,0.06829254993163646,99.51915302842298,c
10.527857867943,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
12.14345300672581,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
-0.02958228417852688,0.05813572047026967,0.0,0.11611519877213157,0.0,c?
6.6837011503318635,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
16.54656114051516,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
7.334405153937796,0.06253123540352576,9.32201279929676e-05,0.14019857479002265,108.1979087930828,no-c
-1.3252566266259493,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
24.063850620569383,0.012064761527891365,-3.1715677481290554e-05,0.08726202719572014,107.45106874846428,no-c
1.417615471234961,0.17000948135723987,1.912864276119509e-05,0.4094189429728722,111.94614218529107,c
0.21042355065416052,0.015506483315760964,0.0,0.06409098915093825,0.0,c
10.459466247617346,0.016266600580259662,2.0353779488496183e-05,0.06253333794082347,113.06995267054357,no-c
21.82042513752326,0.004101897398911211,-0.00039576367460397526,0.024844343965692576,117.16675869217325,no-c
19.397549248853913,0.007897628650962846,-4.961173249930459e-05,0.16165156696360053,95.98510101560754,no-c
3.8256876950822494,0.03857175912132995,0.0,0.23738269983857843,0.0,c?
-1.2549003656286153,0.015506483315760964,0.0,0.06409098915093825,0.0,c
0.7387810221796394,0.015506483315760964,0.0,0.06409098915093825,0.0,c
12.513739887570628,0.00958951047910481,-5.03813831852712e-05,0.08667765725119823,114.30164607011002,no-c
0.2964405722331754,0.015506483315760964,0.0,0.06409098915093825,0.0,c
3.7330742022449668,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
0.7261670694203636,0.015506483315760964,0.0,0.06409098915093825,0.0,c
15.560207101398005,0.011232483119898884,-4.3339237449700134e-05,0.11719753635222122,97.22933389360132,no-c
0.27502361973776196,0.05602834934032988,0.0,0.12964619661567064,0.0,c
22.888293733548878,0.005330047731091434,-0.00014739145981719254,0.03719102811369681,162.85105851328078,no-c
1.9258310060332853,0.015506483315760964,0.0,0.06409098915093825,0.0,c
3.3744864694721186,0.015506483315760964,0.0,0.06409098915093825,0.0,c
9.120647549384191,0.016373466233808854,-0.00018358145034681094,0.06526757238660709,86.44756183789619,c
-1.333945620420769,0.015506483315760964,0.0,0.06409098915093825,0.0,c
9.790563265418614,0.01754725305591231,-0.00016595440693419346,0.06409098915093825,91.95215949082063,c
13.408992455433923,0.016999360278135336,-0.00015501992111402186,0.026037648846592,106.71200333337083,no-c
9.457673155840748,0.021567033814535473,0.00013388554481421708,0.1302252292960061,168.00399809760506,no-c
19.40872506680448,0.0094508748549515,-7.326482891478124e-05,0.005581578952425234,196.8449626493547,no-c
24.481792588262664,0.005131430518873819,0.00020952055628310258,0.013195406099132086,244.50147557424023,no-c
1.778907990074223,0.015506483315760964,0.0,0.06409098915093825,0.0,c
-0.08519169612643424,0.015506483315760964,0.0,0.06409098915093825,0.0,c?
7.763730782050021,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
10.790645872301582,0.025838043591091306,-5.773031177693443e-06,0.06637138062641768,103.7672715895575,no-c
11.251832873930907,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
27.369644923761452,0.006707250660550828,-0.000425801913571749,0.03569599206062607,124.27046113350991,no-c
7.701990047832564,0.0521972696802724,6.528192063744284e-05,0.06409098915093825,121.71945403870377,no-c
3.740494184000557,0.015506483315760964,0.0,0.06409098915093825,0.0,c
-0.3213653668594961,0.015506483315760964,0.0,0.06409098915093825,0.0,c
1.0504118029304124,0.015506483315760964,0.0,0.06409098915093825,0.0,no-c
21.668886900652815,0.015506483315760964,-8.974751347242107e-05,0.06409098915093825,99.15820590989983,no-c
3.0641606454885406,0.1445358272333758,0.0,0.06409098915093825,0.0,c
2.6370601226766937,0.015506483315760964,0.0,0.06409098915093825,0.0,c
1.922464244360813,0.015506483315760964,0.00017150128599288834,0.06409098915093825,557.5282438102485,c
3.407063498856337,0.03924771349580683,-9.511781583341827e-05,0.2448735407856322,423.4114534122305,c
0.13304422457549853,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c?
16.137123897194133,0.01114677277355253,-6.900515572851951e-05,0.07864195618505021,126.19765328636265,no-c
-0.4544992370772508,0.16470720632870864,-6.374370104624898e-05,0.06409098915093825,80.75715445392639,c
1.9109299403342261,0.015506483315760964,0.0,0.06409098915093825,0.0,c
16.38975135916728,0.007066602671507103,0.0004145212771983843,0.0657762269720782,100.29198437710482,no-c
6.0029788250579355,0.013378020269732832,2.910242031712623e-05,0.06409098915093825,78.4078898737686,c
19.356415652836567,0.012614015157768395,0.00011945313668130706,0.027217399359323113,91.05284925670314,no-c
1.5130081168873206,0.06702185295958486,0.0,0.1296797897876961,0.0,c
2.8199934414772514,0.10449287913185178,-9.767782023337377e-05,0.22388486501146984,90.04178348487098,c
18.783365841378444,0.0064684921962907885,2.094578301624578e-05,0.043892102417975094,177.70314528015365,no-c
18.584663416224792,0.021442073180548978,-6.079902817794321e-05,0.0815054690490572,165.688596274735,no-c
16.54668571039975,0.019051153882670542,0.0004064219131513837,0.0866494903308765,195.43189592792046,no-c
5.054993155820131,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
19.709432358697878,0.009911138714933437,-5.8042809014288515e-05,0.08341351396185925,111.6230861115615,no-c
6.149794272890584,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
3.06102961654038,0.09560192624003412,-4.0974480653623136e-05,0.06409098915093825,88.21544459724186,c
9.501412472941528,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
29.373902753892935,0.004657964651043697,0.001535056105863169,0.02244406469149122,255.4319482149894,no-c
2.3394449517313722,0.06281436227852581,-4.379385296698637e-05,0.16638645308874317,115.85713703259508,c
-0.4048556299757881,0.015506483315760964,-3.541021062869229e-05,0.06409098915093825,83.03675746566459,c
2.5540742546210944,0.08458951225953619,-7.198840373546551e-05,0.10486665567759901,134.77696567451926,c
21.31207168964799,0.010518694311190027,0.0001680644274883177,0.04128071039742567,217.58557383659831,no-c
19.31731398850611,0.010384113326348135,-3.718587716770589e-05,0.059941388822698755,132.16900979467073,no-c
21.192585924126348,0.006065435680917108,-2.323683957716088e-05,0.057906555078754716,187.92636898678163,no-c
-0.97230346577662,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c?
1.1260439962221502,0.015506483315760964,0.0,0.06409098915093825,0.0,c
20.180195358651645,0.0034985907719882136,-0.0001281360895583998,0.025867721921593034,181.77225603458405,no-c
10.208780752261319,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
13.224190705944041,0.05678015211759755,6.790921942568308e-05,0.17589123089144257,94.19182533557058,no-c
21.574184837385484,0.003045968765800331,1.471506413809235e-05,0.031869242083154406,173.3015258621519,no-c
3.189933762045745,0.015506483315760964,-2.574032581249508e-05,0.06409098915093825,90.8541315915305,c
-1.7796084327976538,0.015506483315760964,0.0,0.06409098915093825,0.0,c
19.61617449191425,0.01691058509291045,-3.296830410718114e-05,0.029404092625482773,94.08055714867236,no-c
10.208780752261319,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
16.690962868659007,0.010432704066730792,6.915944126059271e-05,0.04111815047580827,182.65376832197853,no-c
17.39633325240273,0.009515680647615767,8.467180121147813e-05,0.04712837496257552,92.74335318184089,no-c
22.616730815948145,0.004402678846787812,0.00016758131827290183,0.03436895665684346,164.66490538476597,no-c
27.170023164492086,0.0031449952372810865,-0.00010404569845976679,0.013645094813201577,206.57364777831523,no-c
20.879016065334177,0.0025285192848760883,3.193690503304926e-05,0.0313575168073633,179.94906901993107,no-c
17.5196091038579,0.025494486254313258,0.00018718315087215293,0.07666964253449898,84.07081952991771,no-c
19.410903439910612,0.006995580160452516,0.0005846355427070458,0.06399770281150394,120.4878251264588,no-c
19.044946864256698,0.012503522010801942,0.0004419321350637982,0.03095807083701319,218.953085119033,no-c
-0.4747691307890161,0.015506483315760964,-3.784106576254117e-05,0.06409098915093825,78.93002740127982,c
7.251310298870319,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
18.524387684470128,0.019036966016631407,0.00017952564690208478,0.1048321407370185,97.49440987111232,no-c
7.7669879567445435,0.0434620947858062,-1.1721856526461317e-05,0.26232480056475205,122.67277385267423,c
26.81066882053939,0.0043514546568736425,6.57408948865029e-05,0.02709914550716127,106.95267276740522,no-c
3.016359383577056,0.015506483315760964,0.0,0.06409098915093825,0.0,c
15.749627144716056,0.01986358610431613,4.4872174916461794e-06,0.05116052193446857,93.44193106330036,no-c
15.385954985868148,0.018536142980654754,-0.00023364022875057148,0.0930120340531004,144.21676541181392,no-c
25.42369178644468,0.008124940909396326,-1.5545430208788733e-05,0.01540883529704864,173.42897918329558,no-c
21.757941147121613,0.006775982799669647,0.00039892483191239796,0.019794125758583806,257.0010958293489,no-c
17.212267295947328,0.011561741769608903,-5.657370939989389e-05,0.06409098915093825,95.05373152516118,no-c
11.740703759078764,0.020013108007519136,1.2457983728882322e-05,0.0780789449841841,93.56990932288745,no-c
17.322952130269627,0.008171611852608266,0.0003422554812465169,0.08767769644713241,115.56027170180896,no-c
13.863962679761094,0.014728191607333817,-0.00028600300782831575,0.06527058192668636,88.8630945653189,c
0.23394606613426827,0.015506483315760964,3.421807956127302e-06,0.06409098915093825,118.67364405999585,c
4.600992738823453,0.09585078693108659,3.7201172693638115e-05,0.2519969968698703,263.02160379904774,c
-4.123653961838537,0.015506483315760964,0.0,0.06409098915093825,0.0,c
5.900520770926685,0.022958606778554314,-3.1648488154151276e-05,0.06409098915093825,125.50388008775145,c?
26.556756935722646,0.0041766535194676145,6.365587115749892e-05,0.02200947758539255,106.71960950232038,no-c
0.8817182224308668,0.053199226480351094,0.0,0.06409098915093825,0.0,c
11.728391590058786,0.2067883498101129,-1.0670672576553287e-05,0.06409098915093825,80.48899376463511,c
24.97448703554838,0.008603388837781391,0.0006174703295279316,0.010245616260794118,238.23438691307427,no-c
6.312794120664504,0.027924541534308664,0.000154241608146681,0.17270638157862825,94.75727353280239,c?
1.7126361064638682,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
23.91169071027464,0.0057875923046809465,-3.1755714213269645e-05,0.0495020193049014,164.51899165575352,no-c
0.9142830726222945,0.015506483315760964,0.0,0.06409098915093825,0.0,c
26.60955349227521,0.01081788679301239,0.00013689712285372348,0.07477319524840642,107.22010726179015,no-c
21.088762601195796,0.00834953784692056,6.4040144076325865e-06,0.0449250853126122,204.0250290836714,no-c
17.30310361601568,0.005369859283467498,-4.744888843285784e-05,0.02965627752675186,202.28652203859772,no-c
2.8471256814980506,0.015506483315760964,-5.684215482967373e-05,0.06409098915093825,83.01061809691815,c
1.9797256730372714,0.015506483315760964,0.0,0.06409098915093825,0.0,c
17.83607911897533,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
1.370588393187281,0.015506483315760964,0.0,0.06409098915093825,0.0,c
3.660391595380181,0.10558229309229498,0.0,0.06409098915093825,0.0,c?
18.946336446840014,0.0212349003620697,-4.6376831078496106e-05,0.08267106315081302,270.7263765343599,no-c
3.054685790894112,0.09161127520247818,6.565818662700438e-05,0.13726731543149048,106.42969331384433,c
4.501187974639336,0.13761084505625482,0.00014530461664986294,0.3591867800910413,127.36347639120024,no-c
12.207558592207961,0.012049768170519748,-0.00023554927260497998,0.22930014691676673,89.0759973565941,c
19.682653873687826,0.012855419400958986,-0.00012417282348037412,0.07754026273011101,125.02616852617444,no-c
0.2100765043236892,0.015506483315760964,0.00010665090235574361,0.06409098915093825,109.53846998446838,no-c
23.20278638444659,0.009928441087595012,-1.835151045225612e-05,0.06137849176242539,96.47365366981111,no-c
14.235971410389643,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
2.7862966936041134,0.11377212969323616,9.127345381345833e-05,0.427035101221233,288.98362631554664,c
20.746093079818646,0.005468308619655475,-1.2775060431422696e-05,0.023674830778900372,104.31143603250975,no-c
13.169769607107135,0.0447518370014194,0.00021663025987045864,0.11332054567256607,128.9033311415192,no-c
4.3814771109064035,0.06667084323583719,0.0,0.06409098915093825,0.0,c
10.93227825518349,0.006691976657765397,-8.615843117576779e-05,0.08344971922335889,105.74016116789551,no-c
20.11884619327205,0.006589471693527093,0.0003551082885264491,0.027394410021698387,189.35546525751187,no-c
19.390188754031698,0.009834180234255075,-0.0009988806213156783,0.008125947281360114,180.0482983492577,no-c
14.022693804953112,0.025084640449728263,1.751947573403671e-05,0.06409098915093825,103.24087189488968,no-c
15.200500328448872,0.031157066064032807,7.12269041212274e-06,0.06409098915093825,88.84129949954084,no-c
5.556184574209446,0.061945460897442205,0.0002784876610897445,0.19588734771166874,471.2808212566243,c
22.094027812488836,0.011297693005341183,0.0012084658325028105,0.03406647552262569,262.67300877106686,no-c
20.92398632606311,0.003559391664315327,-5.291559417492747e-05,0.03076001667821766,96.84191756618442,no-c
10.825367203319168,0.01491904647912987,-0.0002945718054939021,0.05919653529269701,90.7723266714353,c?
14.07887785423171,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
10.208780752261319,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
9.30317353731962,0.06257982472246823,0.0001583167401175849,0.17218913047373482,276.9296769267948,c
11.466613023250716,0.04323620463535233,-0.0004630189395556861,0.16060896035101005,92.68964376251648,no-c
4.188381475446109,0.03297893946079453,-0.0001613350708472737,0.18964486674769176,306.33527564896934,c
1.9356800615642367,0.07044602812120823,0.0,0.06409098915093825,0.0,c
4.069866445509551,0.015506483315760964,-6.671350912862903e-06,0.06409098915093825,76.61300523643014,c
8.59468991857288,0.04454531524672618,0.00017275891074662752,0.334594567682881,269.14661889907353,c
7.341064562895719,0.056599317291723426,0.00013194351484831484,0.23246548828955282,313.5926416844914,c
0.864604121298059,0.015506483315760964,0.0,0.06409098915093825,0.0,c?
3.4514713664847534,0.015506483315760964,-4.890376231767739e-05,0.06409098915093825,92.77027794918175,c
17.272193970887255,0.022276572073905723,4.503179942756444e-05,0.06476864164293655,97.79275808837565,no-c
11.291645647997944,0.024241597049563253,-4.0478090211696905e-05,0.13815409727549613,100.02930739038146,no-c
19.691147462271466,0.009420313813008953,-9.16292298820303e-05,0.06409098915093825,161.7809690398442,no-c
4.822447073663798,0.04184837845079722,-2.346484033043038e-05,0.30282771426868627,89.48464449259744,c
22.670152825425728,0.006855529948775853,4.821220869047067e-05,0.0396340249138628,173.05486678272516,no-c
0.2609275570779999,0.015506483315760964,0.0,0.06409098915093825,0.0,c
0.5447909223086584,0.08508155788351283,0.0,0.17330084585923244,0.0,c
27.919114276815208,0.002777126389549456,-4.2230656920201485e-05,0.025962919440327532,186.9774883035454,no-c
3.810758709859293,0.0806215957283695,0.00014783291459623157,0.2124950101375875,126.40119510369658,c
4.665883832133131,0.03637009154716566,0.00014217854898045739,0.32117309404378697,544.7270743913964,no-c
3.0505942486657234,0.01773298056677716,0.00014962632710859635,0.06409098915093825,596.5599397153334,c
2.7595214869316282,0.015506483315760964,0.0,0.06409098915093825,0.0,c
1.9291346438360506,0.015506483315760964,0.0,0.06409098915093825,0.0,c
17.62739569404677,0.018602187749080165,0.00040109008123758317,0.0855099125604617,192.2019312136921,no-c
26.246009696979204,0.003601293285546073,0.0009985744303754808,0.021877547681936383,242.488891438705,no-c
3.1758693234708866,0.10480778002370504,1.3567529881542802e-05,0.03468810973105725,289.4210661792372,c
11.945973781262865,0.012417838089411477,0.00028348656594369675,0.1355696499626432,257.22286924273,no-c
1.9936336186346282,0.02028941150625961,-0.0001304673600123128,0.216162920208435,91.50722644578806,c
1.4479316268817608,0.015506483315760964,-0.0001093458553363286,0.06409098915093825,90.14904376716136,c
9.31972671962453,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
3.2205661730630215,0.05370178019792623,0.0,0.336076329755808,0.0,c
19.77472280956889,0.01591635203633775,0.00025245275528777646,0.1018477661546959,168.92422184314768,no-c
14.426000654335569,0.0203211409897044,0.00033353954456750556,0.06325550146277133,94.63415400677846,no-c
-2.15677965544916,0.015506483315760964,-8.297542653873238e-06,0.06409098915093825,122.81902694617018,c
10.731698571754393,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
13.045311334444277,0.030362850925728296,0.0006883730277994929,0.06405747490016987,255.33307633420011,no-c
2.5608161569876717,0.03255108186754561,4.9249371246668826e-05,0.2749006243330857,488.86853937600404,c
3.1136817154629437,0.022026359773069968,-4.9786961657391076e-05,0.06409098915093825,93.83129087548113,c
14.198813729191093,0.0216071216766188,0.00022018979509002152,0.04523013707932463,95.46465386503891,no-c
11.523315978911585,0.014997253371727772,0.00022211912093097547,0.06192775448761622,203.90541952479316,no-c
-2.2683579486875045,0.015506483315760964,0.0,0.06409098915093825,0.0,c
28.413010707161845,0.002483898424073045,-2.321611208001297e-05,0.02588618208224941,116.5477363999837,no-c
11.529197706834518,0.01520977500621785,0.0001035051987701411,0.06409098915093825,510.0734017572391,c
0.48858023231518405,0.015506483315760964,-6.13071214909316e-05,0.06409098915093825,89.99566629391465,c
19.095163203733772,0.005119905568111862,-2.5746192083794122e-05,0.06597001771278437,175.75565254944146,no-c
16.171503727352864,0.01753780447630066,-3.771453244734289e-05,0.11309960669252968,88.34459639301058,no-c
5.618461443076131,0.02189265623590749,-0.00023402736754051038,0.07699730625490543,115.71401371874227,c
23.003364208213934,0.007822908077033917,0.00029349390476145394,0.002267271320550526,210.10828418310484,no-c
0.707369092530216,0.03641472645204523,0.0,0.06409098915093825,0.0,c
2.5797627707303405,0.09412747076092168,0.0,0.38313128135271696,0.0,c
19.93320381947254,0.005442737850459319,0.0010527997350660064,0.02823596290229302,108.87394984485398,no-c
1.3330817001142123,0.015506483315760964,2.908008848030668e-05,0.06409098915093825,236.32537998282456,c
9.33506500430918,0.022120413224339542,-0.0002135696214596997,0.13278894796360427,109.32517162457623,c
9.837276786550849,0.020729193560890986,-0.00011516191381775686,0.16172320784835817,108.05989997869376,c
2.2230824796191926,0.015506483315760964,0.0,0.06409098915093825,0.0,c
11.712604419720316,0.01994769340990631,5.222848400269085e-05,0.0843810802458459,177.105728910137,no-c
17.762210056409895,0.014417641629924446,0.00020380804011857137,0.050768098580546824,190.81744607419486,no-c
27.496500329304098,0.0038132524641425027,4.1818816407594386e-05,0.02471526474220484,188.8114979901515,no-c
7.316740500918851,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c?
7.365348026307615,0.03536770782103775,-7.56498365264666e-05,0.16207447057348692,101.75806123151487,no-c
25.644657758992413,0.007169058717850561,8.93271573083161e-05,0.03195664015424549,195.9578563634153,no-c
13.368884108504352,0.014580988957799008,2.9089115711254725e-05,0.08880382477491806,89.51483319515535,no-c
19.005107697193587,0.005293954505840038,0.00011085671108768233,0.040310899044645965,115.69206558645158,no-c
22.306708969309426,0.009073136474169392,7.997352286976539e-06,0.06121291107445945,173.90860569656508,no-c
3.3159969312399853,0.0430680348730856,0.0,0.02522143980328639,0.0,c
21.116476754162925,0.00986761638402436,9.3303057107273e-05,0.04445522206153349,121.02381913450044,no-c
17.655566904105488,0.01436803946476918,-8.234210034740206e-05,0.06409098915093825,91.59838467019264,c
0.9938365897378334,0.015506483315760964,-5.077845877398697e-06,0.06409098915093825,77.70202152479057,c
2.4099246296452974,0.015506483315760964,0.0,0.06409098915093825,0.0,c
23.442743137805515,0.007193014099933413,0.0013093368664652337,0.037075792991579065,237.27991910382997,no-c
9.450317554131423,0.05740538535515556,-6.262590267994101e-05,0.16315187213697696,112.2426196513111,no-c
-0.41828214493215593,0.015506483315760964,0.0,0.06409098915093825,0.0,c
1.8524201299011271,0.015506483315760964,-5.0988473510221816e-05,0.06409098915093825,90.18820718465876,c
14.982336849646439,0.01180317611494442,0.00015606848567274127,0.08036795079191443,115.80784848486691,no-c
27.30967171267477,0.004509918984741529,3.8080241683915896e-05,0.01737282964967095,174.18509896778613,no-c
1.4866120276191401,0.015506483315760964,0.0,0.06409098915093825,0.0,c
3.002251455322611,0.09178374033214591,3.1462721383394146e-05,0.20779525993836181,443.7285569484126,c
17.559861382176173,0.005713390611330259,-0.00015621123402867812,0.06940226287023954,165.1147729727123,no-c
0.16925429556127622,0.015506483315760964,-4.140223230843503e-06,0.06409098915093825,131.14455285659585,c?
3.470711168675016,0.09815937899933165,6.849770459884519e-05,0.15291245556875993,99.61890461347738,c
20.667744610290423,0.008584021115300993,0.0001964959504661399,0.02175689646174861,215.61585915387948,no-c
1.776042101718964,0.015506483315760964,-0.00018642215683602369,0.06409098915093825,371.66132507174825,c
5.660543046667773,0.05355313986848598,-6.161164062147769e-05,0.3082614619388136,80.19306839513456,c
3.509467858350533,0.018437546138717193,0.0001321443438158573,0.06409098915093825,540.5366001686477,c
7.619402208717265,0.0596724748079883,7.342626895137972e-05,0.1483583315382936,85.62061924299475,c?
23.790885245401384,0.005148431319683577,0.00010675305085927427,0.02835442434577957,171.48253477196081,no-c
-0.28357830883979107,0.015506483315760964,0.0,0.06409098915093825,0.0,c
18.577823126520585,0.01265070553828574,0.0010533186436616664,0.06725857387343338,191.40489552328413,no-c
6.300128866466891,0.05345515373915851,1.7430113752069207e-05,0.23372781428049436,89.02889945913938,c
14.63274213655734,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
2.1537074392441484,0.0943265462174967,-1.639197811303249e-05,0.27966666488368536,104.81871762525651,c
14.908580561699733,0.02015766449195774,-2.4217538880600125e-05,0.06226325622287897,109.45095394729103,no-c
1.015194240648119,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
2.7676324582071308,0.015506483315760964,0.0,0.06409098915093825,0.0,c
4.270446274210986,0.01660266023139437,-0.0001739458235617485,0.06409098915093825,103.38806109418246,c
22.92306906117605,0.0036525812416075983,0.0003666110540252301,0.03734563897222952,247.44134279222726,no-c
1.318032074022476,0.015506483315760964,0.0,0.06409098915093825,0.0,c
28.679580612352293,0.0036556897745229,0.0012456799912573292,0.03367573861196723,204.28471719173,no-c
5.2194652003542465,0.02594866793469955,-0.00015222798027657563,0.08338825395053473,102.02658306099455,c
10.465807155499524,0.00411508638308569,-0.00013638601462790105,0.06409098915093825,133.39775849682002,no-c
0.7051846237943193,0.16046198438748915,0.0,0.06409098915093825,0.0,c
2.0573849142864638,0.15789169553849888,1.788672698124232e-06,0.036040329948831974,90.40397838368037,c
1.1380518481426891,0.015506483315760964,0.0,0.06409098915093825,0.0,c
9.99025795008716,0.011220789138732062,-2.3803307432594656e-05,0.05915408013156931,106.47256191272534,no-c
5.551128811083915,0.12226105006030472,1.4138851646613812e-05,0.06409098915093825,139.15398289966788,c
21.483371798621814,0.004943247186905412,-2.692434177073075e-05,0.07001667071235973,91.90918200047085,no-c
10.375089840604897,0.01364389131146013,-9.523271492996717e-05,0.054402350468661126,129.49398295079556,no-c
6.743924500097989,0.03408831062591604,-0.00019740472992155764,0.37646823356879183,116.82317086461518,c
8.765020881039913,0.07693334957650101,0.00017470784692713895,0.06409098915093825,127.14067441347518,no-c
10.208780752261319,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
12.771486977286607,0.023456507736469918,1.842962013979757e-05,0.06634445718699657,119.6453768776746,no-c
1.5709855412305016,0.08106343215723497,0.0,0.15985008313960586,0.0,c
32.40713356234335,0.0030375342851323463,0.00023505301236333658,0.00858440369311403,168.8303552336325,no-c
21.428396553303475,0.01235719749565199,-8.640565302852569e-06,0.06910845523407862,102.32372632682042,no-c
9.828135580631994,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
3.66326305561084,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
8.526065363561983,0.02155325654090134,-1.3944952273725153e-05,0.12057392706102718,92.19490500653907,c?
3.659539310814678,0.06419408015582141,2.294479968512498e-05,0.10549296695777095,84.82963236179977,c
3.3174930838051924,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
1.958750220106793,0.015506483315760964,0.0,0.06409098915093825,0.0,c
11.992085649804283,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
7.576480087454364,0.03969175981752549,-3.604552159116757e-05,0.06409098915093825,93.83504213404233,no-c
0.6631003588088209,0.015506483315760964,0.00015289478583542773,0.06409098915093825,571.8975657916918,c
11.411633044308822,0.0045908045495788195,-0.000359243108022571,0.13828106707877572,109.9812403233784,c
29.689034806754176,0.0038529751467224725,-0.001054542641514312,0.023555577625375076,109.31923396492097,no-c
0.29640528445580616,0.015506483315760964,0.0,0.06409098915093825,0.0,c
0.37685213317369565,0.015506483315760964,0.0,0.06409098915093825,0.0,c
-0.5600513087837757,0.015506483315760964,0.0,0.06409098915093825,0.0,c
6.82395464882314,0.015506483315760964,-0.00014952839048962285,0.06409098915093825,79.63208614776664,c
3.9848904473784637,0.011449386648071594,0.00018888260661280632,0.14930087311093798,498.14647965583293,c
5.190606269205062,0.07581373425364527,8.314933657667886e-06,0.06409098915093825,77.28706167479454,c
18.53464105930849,0.010709661906073474,-7.212871826412426e-07,0.029336298347171847,91.90391757790641,no-c
17.928630699563588,0.004992271081906562,0.00034164421176773074,0.0712136596454751,215.5939609198683,no-c
13.731585040620214,0.025824040458593763,3.732025588394045e-05,0.06897641661872501,238.40189537590007,no-c
15.656819374995738,0.005571726221926059,-2.2419222052739833e-05,0.03602072526831728,116.58859153803954,no-c
4.25490832341886,0.015506483315760964,-9.259512450074605e-05,0.06409098915093825,92.34220752526987,c
-0.7326216870165042,0.015506483315760964,0.0,0.06409098915093825,0.0,c
12.534802072191868,0.015441949936661446,-6.8066401129091e-05,0.07063158312714503,94.8258062483251,no-c
10.013341091582419,0.05113690113409428,3.315426095320441e-05,0.10447758905756796,92.55669518438569,c
18.589755022324084,0.019364513384430074,0.0008060730154670798,0.019241995170043626,245.26226117487352,no-c
12.68247371256898,0.02357198228818448,-8.515925468399743e-05,0.11438385201841973,125.73427446200009,no-c
2.55801265035915,0.03395646377392355,0.0,0.06409098915093825,0.0,c
-0.19687192172229948,0.015506483315760964,0.0,0.06409098915093825,0.0,c
12.55332966252164,0.03330394984729799,0.0003335775940627698,0.17384675793556204,90.38544422649271,no-c
11.759774202781767,0.02693887723768409,0.00010819772528159784,0.1355323710840914,106.1591754558457,no-c
4.750157315580088,0.015506483315760964,5.139074007186528e-05,0.06409098915093825,90.62915829609933,c?
2.944963712015398,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
21.311238869859164,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
16.036091387523825,0.014551880134628105,0.00014069511247170104,0.06488225543970946,210.43627440406064,no-c
13.280974343949863,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
22.507123122591604,0.00818423083152419,-0.0005733727329956945,0.029624596021471467,117.68276715744165,no-c
36.08154010466195,0.0030607815312968544,0.0019760178728878285,0.014091693139855203,259.8833258991243,no-c
14.244675242804526,0.012255961513763926,8.091011051711793e-06,0.10364266763985623,112.93353664628796,no-c
5.451736512316122,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
3.5038746215239613,0.032300809119905745,-0.00017020556047167391,0.33625892301718807,355.1351762705734,c
17.760495449691692,0.015294756833346645,0.00036736038313210076,0.07139467228261656,204.8146715828008,no-c
-1.3689015012808352,0.015506483315760964,2.2353758142676745e-05,0.06409098915093825,83.8788048187917,c
3.9432590769180216,0.015506483315760964,-2.5563971459594543e-05,0.06409098915093825,91.34903245290873,c?
12.20147495578618,0.02763427064345591,0.0004222087625038257,0.12458956633278101,184.58971264784745,c?
12.686603910203885,0.006736813895691932,-0.00014443253157783064,0.1424209968309738,87.63011231833177,c
10.885942582938153,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
-1.186819579466108,0.015506483315760964,0.0,0.06409098915093825,0.0,c
4.023831305204276,0.007591012740334087,-0.00015871456930253774,0.032068720095725076,109.29196941613814,c
1.9972850311667125,0.05863936552852175,3.695034362234529e-05,0.025259306058177583,108.36722846440195,c?
6.164152628501821,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
11.269593511857927,0.011804808157053152,-2.6754610357496093e-05,0.0279986998608806,155.22925574822216,no-c
1.7517089251720943,0.015506483315760964,-1.1418496350432741e-05,0.06409098915093825,110.98731471932284,c
0.27411647625718305,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c?
3.8410168013002908,0.015506483315760964,0.0,0.06409098915093825,0.0,c
15.565753236999408,0.022915248517222153,2.76472683712458e-05,0.024195444577786423,245.63312785030337,no-c
15.135125511278682,0.005811353540235738,-2.29535395218854e-06,0.06409098915093825,96.42826033982244,no-c
3.680788341854846,0.03317643078418913,-7.163118893933098e-05,0.18376560403891004,118.18537118879105,c
13.100442259817747,0.06152342874761528,-1.429429852140029e-05,0.06409098915093825,92.29923511895551,no-c
1.8943679250378598,0.015506483315760964,1.2951516747186821e-05,0.06409098915093825,102.06559970267907,c
9.960775847175167,0.026341282018944114,-0.00026932439953994994,0.10256911991933845,113.59911240140153,c
19.808555105001332,0.012901324070999049,1.1798252703008676e-05,0.05941417185877134,103.4741380947942,no-c
20.751956494676453,0.016731459653302617,0.0005993461277256955,0.13061732221894515,185.13202146679592,no-c
25.294736323911593,0.004333466309243841,-0.00012609335094679384,0.02371931194519941,223.1096013925115,no-c
26.9801265512921,0.0024322009941736525,0.0002876498842158823,0.025413157933399547,199.51497129769436,no-c
0.006605947823907041,0.015506483315760964,-3.833328059791732e-05,0.06409098915093825,151.99805630106152,c
5.89476369752595,0.07528065835344773,-1.2454677981539975e-05,0.16487721552007825,90.93397176168908,c
2.9097967117336476,0.015506483315760964,3.27854861644815e-05,0.06409098915093825,543.3676839102571,c
17.108279031249147,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
14.266950047670104,0.019120130552553117,0.00011038462638864423,0.10763911843996779,106.36227558656832,no-c
5.260120552427855,0.030818858965391452,-8.483502667954071e-06,0.08165891145080979,75.59246967821679,c
0.3641807672392666,0.05730311375737344,-0.00018557089940811767,0.06220029233052605,329.89630443299205,c
-0.2733004475901174,0.015506483315760964,3.0463379611872992e-06,0.06409098915093825,113.19213098550661,c
2.4687399492235533,0.04007534090616788,0.0,0.24014505752490817,0.0,c
11.219808933825774,0.028283035310263046,0.0001007210900925388,0.08400800028380936,108.70061006824679,no-c
18.193524854359737,0.00711900676807344,-2.9877341290293104e-05,0.032669265433764,108.52920043729317,no-c
14.083304978884257,0.027110238202875912,0.00027805399440525763,0.028167959051200574,216.31959409010358,no-c
18.259062478951236,0.006498195836470226,7.043944054553258e-05,0.08520142835205893,187.53707700494644,no-c
21.180903449458192,0.019907247504280644,-0.00020631085382378925,0.041793547654339853,105.51876556558469,no-c
3.386002291366141,0.05107433168170604,0.00012178097211625055,0.031275147011543214,90.94603370106009,no-c
-1.1734805000136044,0.015506483315760964,0.0,0.06409098915093825,0.0,c
25.39445485272251,0.007599317283904366,0.00037008516641583275,0.041892345233468034,217.41333080320052,no-c
20.635412799588117,0.004598938833382661,-5.2253679459070295e-05,0.026651226690223784,163.2666855609357,no-c
3.7655371380982126,0.015506483315760964,2.4335724576420263e-05,0.06409098915093825,244.5451353056988,c
8.69047170443459,0.02841555405921172,-0.00047161659384748,0.30146493205814606,118.1389306570951,c
5.1001826358185145,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
23.828869867476964,0.008344549052952453,0.0001677471323517797,0.03993554960561798,123.66172984784295,no-c
20.5148127138568,0.013067151133584906,-4.8240942642803074e-05,0.043236829186472134,184.29986251381038,no-c
19.13827887928521,0.0040700570470739595,-1.3660425868214338e-05,0.05903116710606256,173.28845664562635,no-c
11.011889583961182,0.029554812235190624,-5.445704159435761e-05,0.06409098915093825,113.96268643499296,c
2.43571991184744,0.01726223201593866,2.794238273357498e-05,0.06409098915093825,352.5216353567342,c
24.98450192163467,0.00609778462300701,0.00044299437264479804,0.09828782505615367,217.2030423086023,no-c
20.173774991489744,0.004961934318683065,-9.658596379525478e-05,0.06489314500280556,183.9136472743528,no-c
2.5477771608602446,0.07245227593787193,1.4225411181269243e-06,0.12378410093919197,98.37611223255843,c
1.837902505718108,0.010254263520547254,0.0001030973585872066,0.2089676264588403,500.04739515660094,c
3.159849698261695,0.015506483315760964,0.0,0.06409098915093825,0.0,c
23.08109323572222,0.010962154414257727,-0.00020710550353060086,0.006673240430869437,156.28283461921734,no-c
18.830663138899354,0.006450569559660384,0.002965300139425059,0.0407464318094058,290.4514464458467,no-c
1.8724364559277014,0.015506483315760964,-8.181128393122848e-05,0.06409098915093825,87.53042884912271,c
0.8471835981469434,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
5.847059740799475,0.018834978473407673,-0.00016898578034284763,0.10204629451918586,112.42453669824563,c
23.33339045443168,0.015062596603034608,0.00048349591681771427,0.06973559064584496,108.04300238540087,no-c
13.399873495174697,0.007977734410542933,-0.000283986179044926,0.08941898906653156,96.09558152340564,no-c
32.002479564500035,0.005343005982650108,0.0007567046471011069,0.01530383392636068,270.72700754653977,no-c
35.79481425076067,0.0021874518270178496,0.0003365008839561555,0.008569870665258947,226.92685374891042,no-c
5.47435099722234,0.05308926519925611,1.4780509932292678e-05,0.15793788524558103,88.20059236073259,c
20.367459954170968,0.00720993531326408,4.1269150123738284e-05,0.036267231946741134,123.6429708378708,no-c
2.6805450916089026,0.0746044936978518,0.00010594157250995189,0.203166002750761,466.0643279413919,c
14.823201219389388,0.012459970241893045,0.00011959208913598222,0.06761487359774065,165.34636889010494,no-c
15.420645215359093,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c?
4.598883763001626,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c?
22.07696947126857,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
10.208780752261319,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c?
15.222183908530466,0.037495055530531944,3.093285579543485e-05,0.10967853260214941,102.05282611624723,no-c
1.400092469232801,0.015506483315760964,0.0,0.06409098915093825,0.0,c
6.285535510282642,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c?
0.3728648436267261,0.015506483315760964,0.0,0.06409098915093825,0.0,c
15.716770386624242,0.01887530163468852,0.0001251782608735009,0.03799712954160264,184.94953594804926,no-c
2.4242709896940586,0.08576741743501817,-0.00018254023431481627,0.05186992327088201,87.95661261605052,c
25.43499353566615,0.004444936373450278,-5.775246406857342e-05,0.06409098915093825,100.22835618910848,no-c
1.5793216792709046,0.19603830715922355,6.233238831333957e-05,0.06409098915093825,98.70662972043887,c
24.92576751582409,0.006635051201904554,2.232211239228479e-05,0.027972646770943382,181.69830237716732,no-c
10.211910998085816,0.025512736491249438,-0.000597840664934251,0.17380413183204063,94.60050354568321,c
7.185779782097532,0.0565945320101922,0.00016672965477698175,0.11378469044005968,384.3979984744866,c
1.320051648554919,0.015506483315760964,0.0,0.06409098915093825,0.0,c
4.735789684570436,0.07782463111822857,-2.5136919198648944e-05,0.14933659877850278,90.3671720554985,c
15.434114590335142,0.02536163275333795,-1.665998955676027e-05,0.049150469199793476,96.3196000009128,no-c
16.190531650175515,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
11.5950224015288,0.008343186027842012,-3.68301957248185e-05,0.06409098915093825,85.07472406487355,no-c
1.2814489717180313,0.13314573762057205,7.627872305255959e-05,0.1436750210214551,201.28817011099247,c
22.10411914410095,0.00400200515057166,7.324130987015377e-05,0.05041788218762873,186.12907581185536,no-c
3.9546294415569627,0.058386746245014935,-5.14643948466042e-06,0.047559483761396945,269.6900701606669,c
26.20066703936055,0.003838752995974409,-0.0015418108693083486,0.040513775119042424,165.1327329951087,no-c
-0.22655004507149684,0.015506483315760964,-6.265331616862958e-05,0.06409098915093825,75.2819601814894,c
18.301893506753864,0.009494300956533289,-3.3316067483071354e-05,0.06409199285969698,201.29586979611,no-c
14.363436459832679,0.04128138445777008,-1.5018622888393748e-05,0.12251359389965927,97.51175676637206,no-c
6.202749515040285,0.08396126841906465,1.9010346675022805e-05,0.06409098915093825,96.00731798566183,c?
0.6421785894898567,0.015506483315760964,-3.445591227825905e-05,0.06409098915093825,75.21149526292884,c
4.002295239332973,0.07792227741551122,2.4801352065286e-05,0.3304726307003438,376.4889043243102,c
29.377851317997926,0.003016203277963546,2.1748909412515978e-05,0.020973842709647812,201.34129349490345,no-c
11.809606125287422,0.04406321632722477,0.000333631605932627,0.11933070215169511,88.71407291643061,no-c
29.947976285871896,0.002785339928101951,-0.00019181675974155757,0.018226489153167193,166.03662790825666,no-c
16.88576612874746,0.015361934063260984,-3.8220500807281004e-05,0.02964828488964547,173.91019363032262,no-c
22.031768643098662,0.002498182015800087,-7.510901431118975e-05,0.05434851059846835,204.8487259260303,no-c
0.82823868144451,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
16.698612385483088,0.002373294165113097,-2.3371700326213244e-05,0.049594556972069936,192.73149932804142,no-c
1.0918342258197187,0.015506483315760964,0.0,0.06409098915093825,0.0,c
5.913744343585011,0.026230931990249357,-0.00013209603917307787,0.06409098915093825,111.84166890653864,c
18.54217031389832,0.00618182397152612,-0.00023472470519265152,0.02898209992245036,99.26180738129004,no-c
12.986263010573458,0.015075896430794879,0.00014325667460669985,0.13193016050803516,211.25664179331358,no-c
24.95809430053326,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
0.6602719510365627,0.015506483315760964,0.0,0.06409098915093825,0.0,c
7.850843608085581,0.021805831168009597,2.4990649294600646e-05,0.01330523948073715,203.79305769079812,c
3.0955549247537486,0.1085211547777011,0.0,0.1999031050811094,0.0,c
13.064993849993062,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
24.19380905241091,0.004989687524691709,0.0006894350763501015,0.02891133354670758,137.65097030542074,no-c
28.646543294063388,0.006840961984910972,0.000816847492587933,0.028848647306879374,213.5101074588553,no-c
0.34374889449870794,0.015506483315760964,0.0,0.06409098915093825,0.0,c?
4.115497946317316,0.03835547039544166,0.0,0.20560400107378352,0.0,c
25.750053543763933,0.00447394593708754,0.0003307892938762721,0.02078358539034103,170.74515566698943,no-c
20.911171587810813,0.017431467608883956,-8.979560903806005e-05,0.08640675466314988,91.37545153903369,no-c
23.019584649523424,0.004785211587359357,2.911003083067533e-05,0.02949646310816123,178.2374748186767,no-c
2.4702992552083978,0.07425234629062268,0.0,0.06409098915093825,0.0,c
10.332315036203296,0.011222840116045909,0.00019825281596074523,0.07572259667106543,207.77634631436223,no-c
1.8700833038785123,0.08749384345168705,-7.720865901177282e-05,0.17731455421307704,80.17691585939012,c
36.583654431233,0.0019871618322856452,0.0019301517168256819,0.02038958772437661,255.86047435199868,no-c
1.1366533904492644,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
20.148711656316987,0.006873949390627861,-1.483334296077432e-06,0.012241696853975555,167.81901695941875,no-c
18.56497650692181,0.01682711259215255,2.6538991819161355e-05,0.03071886773349163,115.35346657110145,no-c
1.9791443990569972,0.015506483315760964,-2.7017562699412418e-05,0.06409098915093825,97.90450355739908,c
11.638768268445324,0.022024900333777225,0.0003160552539113428,0.05790423201677454,212.24560192711834,no-c
11.288665022961016,0.035360541895252486,6.473634311356929e-05,0.07486379779131606,115.15320754594988,no-c
6.08370709841383,0.035495777241589525,-1.8317512600098904e-05,0.02974311365331171,185.13414598205523,c
6.31510019809984,0.07134879292163425,6.885659022259804e-06,0.30898328851393453,313.71567556408127,c
5.137455185301589,0.10802894305462304,0.0002794186638319108,0.06409098915093825,170.73383468403065,c
15.384020119296082,0.013497047824641813,0.00011646552583813235,0.08434409077388184,184.8046077864727,no-c
22.52632632135066,0.008201027890682297,-0.0009388988610089671,0.044842636975337094,139.54241484206761,no-c
12.06549520166441,0.0074941632948741805,-0.0001275933670755664,0.019929183473949952,119.07554922309282,no-c
4.0865175078873905,0.015506483315760964,6.57551947423983e-05,0.06409098915093825,78.09649563522466,c?
2.0260798193854077,0.015506483315760964,0.00014713215593819314,0.06409098915093825,108.1625634868916,c
4.863477133338449,0.015506483315760964,0.00012278785537676355,0.06409098915093825,102.33528642052902,c
23.734036276111212,0.0049788320622133325,0.00036594353312144855,0.03625407309069714,118.42270645564744,no-c
3.6188655091012376,0.039004014339895955,2.2858837961709384e-05,0.09314616767927167,307.05721104997787,c
2.039834882086864,0.05352819959714071,0.0,0.10039806586415612,0.0,c
4.1964948549460575,0.08813051624450915,1.8261651100116954e-05,0.19206495530462245,416.32656417338495,c
28.648613661101045,0.005490530909872784,0.0005668431997113035,0.03581813907971442,151.13770445114193,no-c
21.340996170187463,0.020059488584560987,0.00045968502739737857,0.04703843391726242,143.44810880380592,no-c
17.306918048802878,0.014714531352973105,0.0003605589682235607,0.03430545046009282,186.56889541154433,no-c
18.402592078668132,0.008513761033878797,0.0002429001603096739,0.03983012544886999,100.7054426105578,no-c
-2.262435740533613,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
9.34416938064721,0.024578299195008504,1.7649339794312215e-05,0.018271160231895716,91.65399802243971,no-c
14.2600068107641,0.009094563833190114,0.0002240861808545048,0.028002667141012842,170.5242489267488,no-c
14.132170133059518,0.07016237176173022,-4.581002143619594e-05,0.06768864397311022,164.47024925664883,no-c
6.843251958619363,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
18.929326049255426,0.038769561235282135,-4.27723443118876e-05,0.00300212455133537,102.38769947806361,no-c
15.207967596962677,0.026374972536902516,0.000395390655123721,0.11444268356851536,86.73264398192676,no-c
7.662587049715872,0.05882682885953533,-7.440665820484418e-05,0.016702487493803753,82.96340054552135,c
17.943007515512434,0.005519235506753757,-0.00011104370724617565,0.009073280431327222,115.43789142126072,no-c
11.475957564949631,0.02870769134641892,0.00030425700043801534,0.12430625238787409,201.744090487754,no-c
5.176489091887378,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c?
16.820470599295053,0.009609111657080954,-2.8934085057046358e-05,0.03397229001712603,144.05258447409935,no-c
1.9808236351467121,0.015506483315760964,0.0,0.06409098915093825,0.0,c
9.267979109359677,0.019119413415186783,-0.00014011441025915759,0.08104002760144823,78.75726368811543,c
-1.416081380384103,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c?
-0.2305480600288186,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
6.1155949501859554,0.06486986581448088,6.6755900872475e-05,0.19644005030709177,473.34719319630386,c
3.367509431111916,0.015506483315760964,0.0,0.06409098915093825,0.0,c
12.726934440830014,0.023623065635052374,-2.922360800520227e-05,0.07616539624818577,137.07978978652187,no-c
4.598140891739238,0.03147999318559667,-9.230322605670236e-05,0.06409098915093825,106.97458791686954,c
20.762573583538142,0.006901745045316334,1.3354323534027729e-05,0.03280832060838899,166.91078282663455,no-c
17.231513858872304,0.011330495163927564,-1.5181005634589762e-06,0.02566871709952107,209.380264359505,no-c
3.2378276810258786,0.03850121782766765,2.911917211674115e-05,0.05605686278029306,138.44415968370413,c
18.69775024219625,0.002517293147092149,-0.00043980310435414555,0.008498855296629937,239.15069874894957,no-c
0.4239675923630137,0.015506483315760964,0.0001188833952966457,0.06409098915093825,94.16441688398703,c
4.6011787260191115,0.009376786960768636,1.604022433096542e-06,0.06409098915093825,84.38340730182827,c
25.875370021023503,0.012810839646291866,0.00027456995307247696,0.04594286373779473,104.50688869290745,no-c
3.515464707223947,0.08039824560703396,4.615380218865695e-05,0.23954572745018007,114.51822645589667,c?
12.44024074031788,0.01235308222569542,0.00043109043120393114,0.053396386079081266,172.3877308375895,no-c
2.9697901249239753,0.015506483315760964,4.360887605403353e-05,0.06409098915093825,101.17792394019263,c?
2.822689532585445,0.015506483315760964,0.0,0.06409098915093825,0.0,c
0.3609494062906262,0.02665323366542497,-2.2000248197193174e-05,0.06409098915093825,105.24217577049708,c
4.713221389203625,0.06296818340262073,0.0,0.06297336430885167,0.0,c
11.366281677681322,0.05764280263409063,0.00012472725341355085,0.04992166726950176,110.13242560047001,no-c
6.344998200877946,0.015506483315760964,-5.609300361379492e-05,0.06409098915093825,82.57849872319204,c
2.3438529860213206,0.05654841886525997,-0.0001514409040712602,0.06409098915093825,332.8081514630867,c
18.547213251137748,0.009697385737358191,0.0002984547122035721,0.01642543327273487,114.50626835017722,no-c
21.73357039009303,0.00816690779860347,5.473934314420029e-05,0.01640238651784564,220.8815193577321,no-c
18.530678569328337,0.009900455924032119,2.8804394051725553e-05,0.07515194822792583,93.43965075195608,no-c
2.6972075901201475,0.045719787387744786,3.525671827447115e-05,0.06409098915093825,243.615219977395,c
1.0140180366815126,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
4.839509141778527,0.08030285897829002,-9.303161473413419e-06,0.3332516386042323,79.27876165031945,c
19.858995328487886,0.006265031475264337,8.167271508821713e-05,0.07729705311957785,148.21757273589688,no-c
8.72595981799734,0.023306956394621034,9.13001830658318e-05,0.07345291957839607,116.30842362816452,c?
12.54756079754603,0.009537009733872497,0.00037022351618413914,0.09161763882743411,197.8036074372423,no-c
3.615007268759725,0.015506483315760964,-4.6476413362439276e-05,0.06409098915093825,93.58207399765178,c
26.345857755027403,0.0052695857989469444,0.0003021032000922971,0.026066552019309117,109.92548149294292,no-c
0.822251296645401,0.015506483315760964,-0.00010253741508618272,0.06409098915093825,80.03248516892708,c
18.300415153243637,0.004601055633246243,-0.00028207917420641716,0.04185225563339209,251.98674614209153,no-c
3.0752142651515957,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
8.953519800504193,0.023248357429857876,1.2998786637046775e-05,0.04051233423685539,162.11855954887628,no-c
2.5143990341860176,0.09327962496393152,-8.058628049335992e-05,0.06293018824750951,119.73185909181646,c
15.064621094316893,0.016147783143227987,-0.00012291639032804792,0.06766454300654813,226.94593570594182,no-c
5.07344613314073,0.06572968539534926,0.00010513773951429818,0.24492646228599718,269.2284301402213,c
23.883468513314618,0.007903223807237812,-0.00023077622721202418,0.02894452526983363,150.28518853354774,no-c
10.681067917525677,0.008958460848210144,-3.745110736362968e-05,0.13552657044119096,101.7356253261845,no-c
0.7055965057887679,0.015506483315760964,0.0,0.06409098915093825,0.0,c
7.4909596721074925,0.04524020337018734,0.0,0.20113604325184378,0.0,c
2.7535995467159253,0.048090645762774234,0.00026505318034660783,0.13187794420331872,483.82401421039526,c
3.206857600288687,0.06674135458764503,-0.00018731834477977375,0.14828366725440068,104.76768257569067,c
2.346463010560908,0.13798241953435722,-5.086802225043849e-06,0.25740546751443133,74.99096004203366,c
-0.7219519003044341,0.015506483315760964,0.0,0.06409098915093825,0.0,c
0.6860045313876525,0.015506483315760964,0.0,0.06409098915093825,0.0,c
25.916074245585065,0.006521657006006038,2.9263488821187623e-05,0.01803832464009386,177.88946904136645,no-c
0.3192235112377249,0.0819057837790735,-5.953625594106669e-05,0.04210714717036737,317.03771911727483,c
22.118601060946816,0.010978301045857806,-2.3339863710356492e-05,0.06409098915093825,181.09354037289546,no-c
0.25417037389258484,0.05311179075396465,-2.1472081190574216e-05,0.06409098915093825,82.67731920245694,c
19.568114084793677,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
22.3340577361591,0.01120340860411784,0.0004714165118533075,0.02754321725547755,278.7275186747711,no-c
25.864035944877724,0.008127926433016228,0.00037168189667085064,0.07329619325000353,179.79253304679128,no-c
1.3718847870127386,0.07343680720894623,2.2494028315171176e-05,0.16467940567196546,142.73542483781242,c?
5.340559928930009,0.06031048157312851,-1.3584411624334062e-05,0.18815358088156123,93.3493018298095,c?
8.476417486806458,0.03350006012754549,-0.00015465715816696658,0.2836605469702409,111.8954435897836,c
1.692791440431573,0.015506483315760964,0.0,0.06409098915093825,0.0,c
20.857960337945304,0.006758596619103805,0.00039067789000507547,0.0045596887195375095,205.45775793251025,no-c
13.30042110837569,0.01627925679271687,-0.00017552268331881636,0.07570591925086104,107.26962180297403,c
0.0826131520598683,0.19993904298773044,2.385171468885844e-05,0.06409098915093825,108.4694748740799,c?
0.8421638397793363,0.015506483315760964,5.236555294847202e-08,0.06409098915093825,171.31784207359308,c
19.034323683589648,0.027666339132285077,-0.00011494819625142418,0.043845085586702255,110.01090634702429,no-c
2.0135971727494595,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
28.2137922241833,0.0045467234552445356,-5.970297085559765e-05,0.05315044664051544,123.139349627539,no-c
12.846305210781162,0.010859043611776382,0.0001893395810735982,0.061305604794264223,213.9492596908866,no-c
17.801341176516164,0.008534641377532228,-0.00012933141454706345,0.08342275765064347,181.09265679437283,no-c
21.61928402649262,0.0021905319650904133,0.0004354298483620736,0.010937458153047076,219.21972131218203,no-c
19.096838711501285,0.004618042573897391,0.0009062031298641181,0.03596239291543431,206.55978275417377,no-c
6.469500635712885,0.0339287555232765,-8.123616495399268e-05,0.1547423312817786,107.37441622676656,c
3.4488051299932554,0.04964403829438717,-0.00010007187375410821,0.3581507149828208,117.59734439179088,c
15.1754977786042,0.03431786105620201,4.770773573762558e-05,0.08715420676059081,106.3709796868669,no-c
-0.32203336427538903,0.015506483315760964,0.0,0.06409098915093825,0.0,c
23.420583040232632,0.006291875189407427,0.00044227131575476684,0.015750712790735172,213.53586057161823,no-c
2.547756554715734,0.015506483315760964,5.622268867448499e-05,0.06409098915093825,260.2418341189731,c
3.5585630554079484,0.10460517076410121,-5.050085334580779e-06,0.06409098915093825,91.07550026449353,c
-0.4323830593317628,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
17.82062171635487,0.013684877527711295,0.0003684263231975055,0.07274765178385133,207.43976360769295,no-c
25.284093901106175,0.006265703733938292,6.658997362444624e-05,0.04264739415598278,198.42535683867447,no-c
18.974377469645805,0.00886450826370337,-0.00023144239456837732,0.02550112598616827,127.17953338574497,no-c
9.319368434823508,0.004422827183986586,-9.02399813906307e-05,0.05964272843064277,91.82257948200778,c
2.4843574592541264,0.015506483315760964,0.0,0.06409098915093825,0.0,c
2.0318533706354303,0.049032012878710514,0.0,0.06409098915093825,0.0,c
17.421986289985238,0.0039883915080994575,0.00029656197647365935,0.06233519610473973,184.57286835196481,no-c
23.268610942141468,0.007499573638162691,1.2240892995545732e-05,0.06340095689897976,122.90391474496273,no-c
22.88657378769537,0.012879819207737607,0.0001434612752725208,0.06100050478305189,174.34518139449503,no-c
9.69318825290586,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
22.27403707845908,0.009299330295297307,-2.8565757710684352e-05,0.022478167279377684,157.2893004949309,no-c
4.376315832838622,0.08631555640859999,0.0,0.07256984895136107,0.0,c
19.35779277137309,0.004901991941970617,0.0003251264773235234,0.032313689172040756,108.17979614604937,no-c
2.6688016530391208,0.015506483315760964,0.0,0.06409098915093825,0.0,c
11.501845030993422,0.03583829834945032,-2.273479282924583e-05,0.06409098915093825,80.36381638497265,c
16.771292871730445,0.016315238596197625,0.00041958696422837635,0.0864482745018313,88.78443455556207,no-c
17.411226678042553,0.008018181333817334,7.853866855478368e-05,0.07066728418528025,159.39854936964755,no-c
7.748383918118069,0.02095477096464043,-0.00016356435307988065,0.2072734799684889,151.0385374811376,no-c
4.9479691090224565,0.0567831061877397,-9.252782254452578e-06,0.23164104241579508,76.51680915760328,c
2.188838125576817,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
1.4538511107101888,0.05799459230714577,-5.528582651278955e-06,0.27101515690379796,305.9279728397568,c
22.34112129324607,0.008062242939201951,0.00010659725714791467,0.017542631984963825,165.46113589030227,no-c
21.60345472842326,0.0025211728240502563,-0.00018111082189012926,0.04315066889233118,197.68790645392647,no-c
7.185649785374306,0.0674032220224024,-4.002026679592336e-06,0.28732373740362965,80.0101418255686,c
15.42212587385691,0.011149762817137625,-0.00011058141827530405,0.05250460518879207,95.29465773273388,no-c
19.858110713990534,0.013305645497382824,8.63636828366807e-05,0.08339881497740984,230.79294507197477,no-c
3.0073925550421188,0.015506483315760964,0.0001983637588962746,0.24845408220301007,494.1489099717837,c
5.237185761224742,0.06369133433795547,-3.791790515290505e-05,0.12613397671401935,110.29892976624994,c
15.128239602531254,0.009263566309232231,-1.5568340387388127e-06,0.0575769491389187,151.84547993366843,no-c
18.039807563980872,0.00631272747577436,2.896692431905495e-05,0.10082893666584883,117.37361031975257,no-c
18.781157007311826,0.012692077390551311,-7.730330791342634e-05,0.04769431690217416,124.7892207178195,no-c
1.2781220623662664,0.015506483315760964,0.0,0.06409098915093825,0.0,c
11.663914461881252,0.00822715537376089,5.717797915903418e-05,0.06562667129612604,125.9415109392261,no-c
11.293336895434926,0.04872240250244016,3.310301978346287e-05,0.06409098915093825,90.11947743071123,no-c
2.6042640093526197,0.09226654668659612,0.0,0.15870077185975492,0.0,c
8.078161740523297,0.03246752327238823,0.0,0.12135992323286941,0.0,c
13.196478862304323,0.011220729312829626,0.000421826901650132,0.058486726225695534,298.3724740640622,no-c
19.89840449326231,0.013518108244183605,-9.453445798912868e-05,0.051227373427750994,102.13838241962863,no-c
17.34135638647764,0.015809813411588908,-5.2218258088903636e-05,0.0536933114373219,165.89578979471796,no-c
1.4258805494788998,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
4.585400863232546,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
3.502347515389714,0.0766699623457364,0.0,0.09874622174329097,0.0,c?
13.39537638694621,0.004119102141300442,-0.00029184875760132037,0.04729051361415682,153.54021313822454,no-c
0.7065951237955737,0.13844500532080145,-4.8875888398242e-06,0.06409098915093825,107.64515509772889,c
16.467437992193442,0.02060822493411611,-4.813990038793261e-05,0.07013063340696456,91.306853263547,no-c
0.03162720488430404,0.015506483315760964,0.0,0.06409098915093825,0.0,c
13.363020423777314,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
19.216214317837874,0.0214583871581503,-8.758575127743249e-05,0.13996823527446947,111.6493841659374,no-c
3.6110594030576695,0.0519308169961682,-6.540920087583696e-06,0.06409098915093825,265.8090420125205,c
19.057378184905282,0.015222704090204828,0.00022470200258985378,0.07201296606177586,182.8590475561126,no-c
0.7499398306549651,0.015506483315760964,0.0,0.06409098915093825,0.0,c
5.188447103853455,0.06323418971683503,-0.0001543545412968213,0.2732390740715321,224.13916143008822,c
17.727611261893276,0.01699474491617625,9.674695348864471e-05,0.06131729326011407,97.76172162685789,no-c
6.527003076987391,0.02582058985196072,-8.005465821374996e-05,0.17361449059457268,137.9002224320856,c
17.515528923896277,0.01595630033727546,-1.3093532487103501e-06,0.02532691479581209,213.50688280549662,no-c
16.604816254991814,0.008275243138585244,0.0015277344811963744,0.04495191277515942,269.78137797186054,no-c
2.9777002316342887,0.07929364659135774,7.394314117025289e-07,0.06249922056546728,103.16842452645443,c
4.068978882640041,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
1.799500163844586,0.015506483315760964,0.0,0.06409098915093825,0.0,c
1.0564333481632866,0.015506483315760964,0.0,0.06409098915093825,0.0,c
-0.5426366637829265,0.015506483315760964,0.0,0.06409098915093825,0.0,c
4.513440022663028,0.015506483315760964,0.0,0.06409098915093825,0.0,c
7.363131023468487,0.10365534192766604,0.00010988364212534526,0.1833703383765225,291.4951067398788,c
1.8458889104512093,0.015506483315760964,0.0,0.06409098915093825,0.0,c?
11.246397127686672,0.016868755055006162,-0.00016271249494294874,0.055879451229041234,99.73125546635528,no-c
12.475838647135001,0.02902784211818167,-0.0003338347468818823,0.1119684059059302,146.82679965591586,no-c
22.45403855534057,0.007175652683642007,-0.0005251148078001922,0.0342072546232749,230.83609644326694,no-c
18.462416472921028,0.006275021378951531,-1.971107236991128e-05,0.06304197938511896,166.2359473225352,no-c
4.147730967335891,0.02737374088915986,-0.00013115176449660142,0.2457120820823855,111.52880269166656,c
5.962603255491105,0.012249366369160778,-5.073857756886222e-05,0.07019597194827985,90.155039830957,c
10.42237953742871,0.015506483315760964,-0.00013142690552397584,0.06409098915093825,87.22993295543648,c
9.243410600235254,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
1.3771469711413276,0.015506483315760964,0.0,0.06409098915093825,0.0,c?
10.888155161661313,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
10.154796017840788,0.004097606216741442,-0.000157147238945906,0.06409098915093825,97.6003367732349,c
12.523495091752684,0.011146720419200833,0.0003122038615750366,0.0424877929748755,191.86837097363255,no-c
-0.11390582096680801,0.015506483315760964,-1.0409089325073906e-05,0.06409098915093825,75.53406317486316,c
-1.51780070736863,0.015506483315760964,0.0,0.06409098915093825,0.0,c
26.16341429335,0.002686637783990002,0.0005431005650409885,0.016199071224810405,199.69332769361495,no-c
19.246572895697152,0.0047337502629204685,9.378443850379677e-05,0.010446945040089554,212.98746128209757,no-c
24.836936679363323,0.0035146061887654217,-0.00020487161787317057,0.0203082582675043,171.6816925238604,no-c
-1.6850932984981521,0.015506483315760964,0.0,0.06409098915093825,0.0,c
3.993935482675545,0.015506483315760964,-5.226696209208134e-05,0.06409098915093825,76.4615573753101,c
20.85914086831231,0.012132888579774738,0.00012393069785610072,0.0475988310289876,110.9482653986077,no-c
10.80729508899304,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
11.978032813683587,0.021304147260768812,-1.421048926437458e-06,0.014036071521772232,197.19042527021088,no-c
14.358934403470426,0.01519363098200309,2.7480900545539427e-05,0.1541606323889685,100.34568487830104,no-c
10.412211727957184,0.020731924728669162,-0.00021434171831929592,0.17826660933847605,94.10259456708106,c
9.116399947211445,0.023308187330370992,-0.0003962353031293751,0.06770218062577202,83.1407907935333,c?
1.4022552919313036,0.015506483315760964,7.475321994651522e-05,0.06409098915093825,578.9144126756363,c
23.765997137964533,0.00871295178066788,-0.0002534343321547234,0.014203326547769228,112.94682079722013,c
17.07879270704104,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
13.20929422203205,0.006825249140771866,-0.0001114625616293585,0.06409098915093825,111.10863752437714,c
0.587243001222871,0.06327683685243404,0.0,0.06409098915093825,0.0,c
-0.318949222948684,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
13.162036937819412,0.018309468185427447,5.045487278769153e-05,0.06335386546240478,96.40275307285373,no-c
17.137326929460155,0.014936473626522496,-0.0001733344861784879,0.030299561725404076,173.37695370981095,no-c
4.4700905437384835,0.008888661396987881,4.36300749581589e-06,0.4802493920004492,225.99049375299265,c
13.79711139697801,0.022746590022029636,-7.948818378261256e-05,0.08275125471083257,182.82831504743666,no-c
23.617878835578995,0.008413374948838294,2.4766966209527683e-05,0.02514064137208892,165.04664326023675,no-c
4.14748666732374,0.042293220091714705,6.072440663534602e-05,0.1610813127020561,352.296008074238,c
13.389441068866004,0.018677834347991314,-0.00042949981550764895,0.0070358626746155365,182.58916636156596,no-c
22.28549126071468,0.010043056014928829,5.907315814651729e-05,0.011180434129741967,171.2974498013253,no-c
2.3066743813690387,0.015506483315760964,0.0,0.06409098915093825,0.0,c
18.9912122554615,0.009888997534837097,0.00027877207196824033,0.0720741408682772,233.54115599194876,no-c
26.8863971025702,0.004738088061637033,2.4206061594986115e-05,0.015655885509527935,173.3140222181201,no-c
10.270629724297935,0.04858534744505791,-0.00018308664635409332,0.11355077453145009,100.8112468274641,c
3.747873184683103,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
5.084087720322732,0.02208936607514734,0.0,0.01964926573778757,0.0,c
4.333605366925098,0.110707141481421,-6.17248698836375e-05,0.06409098915093825,89.00415496278924,c
32.10428959856358,0.008252335377971917,0.00022330369490516444,0.01702074144279769,185.12538018935317,no-c
15.966675978909308,0.05745447383496696,-9.473775924371693e-05,0.04523319529200285,84.77298474219326,no-c
16.778105191210216,0.009169418295271773,0.00040187642919303404,0.07166608277091008,227.66560140821562,no-c
20.598907411382214,0.027275417775292753,-0.00011288484026255246,0.06409098915093825,104.7384340442103,no-c
10.208780752261319,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
23.507032826500215,0.00821048304404958,-1.2265758422203937e-05,0.024546573944388195,178.3980556548394,no-c
17.082705906260667,0.005561285264204449,-5.561006118457877e-05,0.05032640372987697,96.85222243867032,no-c
6.991694493617729,0.07801279163811865,-3.279113411518573e-05,0.2151702283865285,98.31201739214733,c
2.1815662465085057,0.033170428847753335,-4.475167072971593e-05,0.0919132258168332,276.4783288613839,c
26.39725339324359,0.0026175993924699254,-0.001342376389488883,0.01729888935486314,230.95844490573293,no-c
24.27038216842384,0.005529573451666535,-0.0001635347567761254,0.023794953729393633,203.64755950098387,no-c
0.9612195116143316,0.015506483315760964,-6.616475917837297e-05,0.06409098915093825,103.49055998578551,c
14.707622608117601,0.006203655257113941,0.0002430795844072678,0.049537652682900155,218.7249190299993,no-c
5.560567869389193,0.0176557640529143,2.4038068346118765e-05,0.09768438554442889,152.97542247140143,no-c
14.394807580208383,0.020666537137781486,-1.9366923830882823e-05,0.054996429959018586,102.7295273134188,no-c
22.67791640315486,0.00374061505953924,-5.380769014332558e-05,0.01563222575125691,94.87710644203501,no-c
10.710370823504608,0.017019516949566067,-4.749744596910325e-05,0.07320071136209937,167.40017322530773,no-c
3.2972124980676547,0.026630230301646664,-0.00021117774139146303,0.06409098915093825,107.55708811647715,c
7.33610591941476,0.0526104443740766,-2.675363734383818e-05,0.06409098915093825,103.80241565439097,no-c
10.81085243253047,0.0101291457925928,-0.0001428893048701634,0.04224198278284439,90.68913595026804,c?
17.723594542527245,0.005541200393830693,-0.000552590172871307,0.014327991233931942,176.52128366570687,no-c
4.723793004138444,0.2206037568983405,5.89676775347947e-06,0.06409098915093825,82.83962428106574,c?
1.6870155435900474,0.04688556877534257,3.0751148069808473e-05,0.14004944519109283,440.75315111915637,c
24.193441448457733,0.0018525408242599539,1.1345829510625127e-05,0.06409098915093825,177.15853579255716,no-c
11.752760443743249,0.009555732501384173,0.00017486489904758762,0.10335422041757324,152.4818242027384,no-c
-2.986233864772603,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
21.75908945408086,0.007869890607146374,0.000402444281399567,0.038655715524778964,227.46210426270727,no-c
17.419710236954295,0.01430537248864275,-0.00025663081366482957,0.04177588323034333,101.41471252331947,c?
-3.5668269522391314,0.015506483315760964,-1.9532078390376322e-05,0.06409098915093825,87.79340919217096,c
23.22270504325699,0.011712261303931513,5.803265317854691e-05,0.04298569083283328,117.25817377280804,no-c
2.740191489370282,0.015506483315760964,1.0016246926393294e-05,0.06409098915093825,85.99579596132232,c?
5.188179924386661,0.015506483315760964,-3.9272644273375385e-05,0.06409098915093825,78.67598329768585,c
4.219512610934516,0.00700310685249137,0.0,0.277481002798333,0.0,c
5.161609438004284,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
1.471400289205261,0.009020216218688232,0.0,0.06409098915093825,0.0,c
25.155466873654255,0.007023036334830361,0.00040472588550637275,0.020290464539654333,184.93930114151766,no-c
15.81649693118453,0.008178471177895394,9.167850268730718e-05,0.07003836041441824,100.18617834142457,no-c
22.535525333059613,0.010354700248795578,-6.022352635377741e-05,0.06409098915093825,177.07545746361154,no-c
15.762500612684322,0.009659602608497117,9.894674180030874e-05,0.04030061026905164,182.01366249821376,no-c
26.47402231304852,0.006133664042439476,0.0007922108261666207,0.037735354298356574,203.63012663218367,no-c
16.243835272601054,0.004419972840178285,-7.920039772391931e-05,0.05366587464289611,169.6130600245689,no-c
-1.0191469380892908,0.015506483315760964,0.0,0.06409098915093825,0.0,c
24.32294174560602,0.0066189084339641725,0.00011485811366082404,0.0429495962317429,108.4443463973727,no-c
10.208780752261319,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
7.012938572399648,0.047786525615481606,0.0001188461731890332,0.10732989473962273,121.36057642920639,no-c
11.807339918864898,0.027024452711544994,-7.492039239289652e-05,0.11327013998674518,89.14209265084301,c
2.2245513144919666,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
3.0136122243430084,0.015506483315760964,0.0,0.06409098915093825,0.0,c?
15.688733002396745,0.028703253652855375,9.330924596850389e-05,0.03792684773330976,108.42743404564362,no-c
7.165517091385474,0.024422885888182207,-0.0001255160947202652,0.22604954376787145,97.96618089821735,c
11.88105081028061,0.018299841193701486,-0.00022316292663521355,0.06409098915093825,91.40798492803371,no-c
1.7464461856111668,0.015506483315760964,2.7297965714259258e-05,0.06409098915093825,121.43689001418389,c
10.208780752261319,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c?
3.807338306464252,0.1423406822747125,-7.950230963612769e-05,0.06409098915093825,81.92185522756121,c
15.607873978312105,0.0030411939107889766,-0.00014438003922303156,0.06409098915093825,92.64990971298795,no-c
0.27666908692697806,0.0194718308754258,-2.9232341845619378e-05,0.06409098915093825,150.45291985697702,c
20.19246476790208,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
1.7832322676093533,0.015506483315760964,-0.0001411025335094304,0.06409098915093825,97.45885373069848,c
0.047818508954034944,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
0.5681980103029185,0.015506483315760964,0.00010369888278867535,0.06409098915093825,393.55079750133183,c
14.013438945769153,0.01149994446825686,0.0006029644043191332,0.030988579627448564,254.19395457146683,no-c
3.507033321895889,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
14.416222649080561,0.030231078732011505,0.00020381588043613487,0.14919368934892463,235.23392997137552,no-c
16.698778084302045,0.008083873768498302,-0.00011157293533738892,0.06684690473988487,167.24459495446374,no-c
19.357565637353595,0.005919781372990459,-4.6833088517710174e-05,0.05030378174898791,100.90920150102586,no-c
25.636718047391437,0.0046447880854525985,9.015550169143118e-05,0.03187166105477005,187.00914534968123,no-c
0.9043108770417695,0.015506483315760964,8.394408548872509e-05,0.06409098915093825,165.4264207559518,c
21.40014920011025,0.0077331641269746485,8.54498572154047e-05,0.02030109825454615,134.56993380765346,no-c
28.862450389529737,0.00333939898401796,0.0007004581714371734,0.061940822988464844,206.23969691370814,no-c
37.06027874139518,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
2.654626303538133,0.0915323227928731,6.134998331505807e-05,0.29884514337579904,256.8779774995157,c
13.573200217265342,0.01175189255534826,0.00028630999434526026,0.10574302616387896,221.76746372125405,no-c
12.995359878122073,0.010858688935046481,-0.0001352296627634575,0.09139222673357238,94.34052422032522,no-c
4.726988115933046,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
19.68603162684376,0.015166374323124341,-0.00012025173426441155,0.004738967116735807,179.60344403967414,no-c
3.046194938956274,0.16501051285015006,2.03353907814624e-06,0.4494462528769217,75.19440856168988,c
-0.07657809729076792,0.015506483315760964,0.0,0.06409098915093825,0.0,c
3.3906750952485245,0.015506483315760964,0.0,0.06409098915093825,0.0,c
24.562011801276256,0.011617278651270761,0.0001308368394192004,0.045737248388337,202.5682017358663,no-c
19.3048276896717,0.011731567863378835,2.8312478678654287e-05,0.048514511402823424,125.6329972187218,no-c
0.895708012703839,0.015506483315760964,-6.45338383521214e-05,0.06409098915093825,91.73580718810685,c
1.6349054805233771,0.09341268127307294,-1.9711380020629953e-05,0.1380884646385379,142.28219276287422,c
19.267621350669938,0.00994143922964461,-0.00012222763304792683,0.07951037336025003,229.517256807504,no-c
10.91746439869775,0.04512060467706382,-0.00020583652310178063,0.1031582375582218,95.68233594457051,no-c
5.100548791524391,0.13731590742671076,-2.291096948648422e-05,0.2886644382524068,84.20455627350228,c
7.764887623225483,0.015506483315760964,-1.0627566016465441e-05,0.06409098915093825,82.70059244993138,c
-1.321477816574383,0.06538823807282203,0.0,0.06409098915093825,0.0,c?
-0.2989611657147361,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
13.601769568940187,0.01893465939039387,7.759709636783206e-06,0.06409098915093825,101.16284910666656,no-c
7.288476481758596,0.028953256669364043,-0.00014516699328127782,0.06409098915093825,109.46499321219441,c
5.340335713396935,0.015506483315760964,-0.0001321219437010046,0.06409098915093825,141.45044341954173,c
13.173737233278805,0.005084644446072183,5.629180646393565e-05,0.023542791983974937,205.44948617651283,no-c
3.672653971505583,0.07530998080953738,2.39834381008499e-05,0.2087570783583656,101.65347467084578,c
25.888551760500633,0.0020971871129061765,-6.664990719359098e-05,0.0330151254283868,166.2989715912717,no-c
8.219540656933752,0.008860906455227214,-0.00015569707689299785,0.11419830940703166,83.55641546117522,c
4.408944879717492,0.033040841671347985,-0.00014266275014232735,0.06409098915093825,155.98611685257896,c?
0.7368278649132479,0.015506483315760964,-3.766908139432632e-05,0.06409098915093825,346.28757643862764,c
2.4651800806273996,0.08754040594008901,0.0001921706762691179,0.06409098915093825,324.406296841131,c
8.59155925193238,0.03642897131275285,1.7424980605649593e-05,0.17489839018248296,94.93895528354412,c?
14.191332553635679,0.01804393695805327,0.00015757205729657653,0.16553794588883172,117.09000745441719,no-c
6.2105455468482464,0.03283072643747172,-4.106481131412646e-05,0.06382282818190231,85.91525481318384,c
18.575986787302202,0.02673126197031749,6.383074361317474e-05,0.07246445841547602,177.16435045930808,no-c
1.4098281683418454,0.20967401287208645,0.0,0.002760627968230741,0.0,c
3.193703094626713,0.02466218194287952,0.0,0.04915465541459482,0.0,c?
3.5046104560660183,0.07117737466409123,0.00023253145764562567,0.06409098915093825,297.50402752473434,c
-0.09533870575412173,0.015506483315760964,0.0,0.06409098915093825,0.0,c
8.642769725993187,0.024598277454858965,1.3789190938620925e-06,0.12875414353067033,103.16051135710018,no-c
19.56442029476829,0.0215125258770471,0.00023311229040829678,0.04117284596184064,184.1535553263783,no-c
11.996334320777061,0.007300019902956296,-1.016138976457221e-05,0.06409098915093825,76.52005021871162,c
2.237399350976411,0.015506483315760964,0.0,0.06409098915093825,0.0,c
1.1995875296714245,0.10918473475169486,2.6723182807869057e-05,0.08105294174969557,429.30444460978225,c
29.920075189150275,0.003178678372378881,0.0012923407552870522,0.010114338346397259,247.93361661857043,no-c
7.797796710632676,0.014540797186892988,5.062061891048317e-06,0.24712504516275452,94.0920153562766,no-c
22.02225307590229,0.009686085795942222,-2.1583241642077048e-05,0.0037301599326402942,121.34855082253743,no-c
0.321502599605682,0.015506483315760964,0.0,0.06409098915093825,0.0,c
19.252676851740105,0.008105979333753463,8.197871905226475e-06,0.0324848414840235,155.81556879149403,no-c
11.726066947059739,0.014086712342295674,6.687746800559797e-05,0.059329424363840685,95.0417652958152,no-c
27.663783709374353,0.007234548577190517,0.00048079156048282405,0.022782482716024146,199.94992880794055,no-c
5.587549317221556,0.012605970653548832,-0.0001566915289144281,0.1673774687348324,106.78500959268573,c
22.275635660935073,0.010523014133144068,0.00013700936156580207,0.0657515130958467,221.10215121409138,no-c
4.533465056708332,0.055045143355649376,6.504717324311875e-05,0.11032832349146772,111.51995359240996,no-c
12.13291727445047,0.010711316322307419,-4.362782362924713e-06,0.11517340161647337,162.29852423442085,no-c
18.993386751535095,0.010982344749885936,-6.60766397224415e-05,0.11805001046215546,96.37753209733357,no-c
4.216080151702252,0.017164497432404446,2.256367979903108e-05,0.16694701635562348,156.73238337844145,c
12.939437745878816,0.00838014155173808,-0.00023776457033551502,0.14801423801879116,111.4904659432814,c
31.887538692222844,0.0027655309986307896,-0.00014158775235507005,0.028008708015882185,178.19903619575322,no-c
18.549932888780237,0.023812563949448882,4.9455249932306845e-05,0.015938380977438455,122.83976271845553,no-c
3.509811361084909,0.0672424781516542,5.385337591321932e-05,0.23598936221076305,593.961753884236,c
10.352194384479581,0.010858421393481203,0.00011865411927992127,0.06015206152940512,103.9234369404975,no-c
15.686806839788371,0.016099360584535302,0.00019868769822091475,0.039427779482015646,148.37943978480445,no-c
19.47876106893595,0.01693776127565717,0.00026766313049128956,0.02951647025298475,221.94083941030254,no-c
-0.3028285323080593,0.015506483315760964,0.0,0.06409098915093825,0.0,c
25.079573982040543,0.00567834466235435,-0.0004739382709748823,0.020460372421017444,156.3974772240849,no-c
15.422208982679907,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
4.194982705830377,0.015506483315760964,2.6264100152444075e-05,0.06409098915093825,91.08067200472814,c
21.91389717756477,0.008348718430046718,3.556882391264355e-05,0.06397003646616703,119.59670620055982,no-c
11.704635050330563,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
2.799538404563239,0.026398265680475447,2.5262342508400253e-05,0.06409098915093825,87.53931249508912,c
23.41132713037227,0.009688978856986807,7.37487232948718e-05,0.04103624605551811,116.98146053587526,no-c
6.90179852092405,0.06905146253187891,-6.694858203103864e-05,0.07596845165352743,95.66828444240592,c
20.03535080258868,0.016352413088233448,-8.364854553009966e-05,0.06409098915093825,108.75553159639352,no-c
7.636564496817675,0.017654438723789093,-6.447728162138215e-05,0.1070151139249216,121.26891346017294,no-c
1.6772610162068755,0.015506483315760964,-1.1653871513585557e-05,0.06409098915093825,86.8939516531819,c
18.025276271854235,0.020574303788153857,-8.069291774712292e-05,0.05208468240170357,95.52867596749168,no-c
3.9235251948197245,0.08579574911749648,6.653219008489695e-05,0.2946678159062966,109.32899498141829,c?
1.7862644972847097,0.015506483315760964,0.0,0.06409098915093825,0.0,c
12.32447234787496,0.009806056987666813,0.00018465172316823168,0.0651862459304258,193.57025487282428,no-c
-0.7441351573301374,0.015506483315760964,-2.081262720046837e-05,0.06409098915093825,75.05207846320471,c
6.703235603525748,0.015506483315760964,0.0,0.06409098915093825,0.0,c
0.8516539774206209,0.015506483315760964,0.0,0.06409098915093825,0.0,c
9.144224215385673,0.006501786740063949,0.00011166368266612145,0.18475421822652707,185.71520839619672,no-c
19.802724429410517,0.008838263578836514,7.65689688639363e-05,0.03448820352807809,171.8078234315556,no-c
1.358224494467086,0.015506483315760964,0.0,0.06409098915093825,0.0,c
33.14693403711216,0.003408445669985967,0.0018159227810171357,0.025273933398595932,233.16881063731785,no-c
10.208780752261319,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
2.69781202958474,0.015506483315760964,0.0,0.06409098915093825,0.0,c
5.000568221817234,0.07395780320064423,-1.9788783983352976e-05,0.19763479663707337,116.46260171202456,c
13.97748049547004,0.014440257826782975,-1.2091533292152724e-05,0.059059273778424966,183.6932672518756,no-c
18.21768806023714,0.0076972467386196,0.0003231239156030578,0.07199030006294999,106.77901103989664,no-c
10.208780752261319,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
14.844954408222856,0.019251514351512608,0.0003449830670120828,0.058273145289347295,201.69520832962476,no-c
0.601995157899131,0.015506483315760964,-8.41921871486725e-05,0.06409098915093825,95.07191218102092,c
13.898834209021464,0.01702292962064113,0.00012418464485749542,0.07664772994907054,170.3762829568635,no-c
4.946699308265355,0.05034555189550448,0.00018771060590261557,0.07320156995926164,323.23538271183975,c
17.45167553117218,0.012100635954824654,0.00014555666512615652,0.054791710178436204,196.8031026538034,no-c
18.004129573562928,0.015629279734614112,-0.0001901993416719376,0.05024818736226505,100.05719559426578,c
19.947607448376992,0.008618786130236748,1.6209685102861263e-05,0.06576919072902414,88.14381244441736,no-c
4.61955203755098,0.007770475619513354,2.576459451119645e-05,0.06409098915093825,86.11674503617759,c
20.37709935430252,0.005555530454664996,-0.00011860874316234744,0.026576452175229626,124.98516204193136,no-c
22.2532256483427,0.012779306073977021,0.00016753052379618456,0.05564795314156708,202.96798965734152,no-c
0.039600990626060706,0.015506483315760964,0.0,0.06409098915093825,0.0,c
18.71755614490652,0.0034266004641283466,6.744041858321225e-05,0.01727893141010956,197.70829683984408,no-c
20.12534423789283,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
19.210075651427086,0.016358264866813157,-0.0002164356826480871,0.09229108661720938,151.8273665411982,no-c
0.867245879906937,0.1833222876485201,-2.326439424375094e-05,0.08456857969501087,118.17997431445204,c
18.26811415056451,0.00886235060796016,-1.1919362134155717e-05,0.06409098915093825,108.42339327236382,no-c
25.586344082399766,0.003575013275444486,-5.3218127870248465e-05,0.04683684333621646,171.2125008034472,no-c
0.45567430003703074,0.015506483315760964,0.0,0.06409098915093825,0.0,c
16.03894067348072,0.010286689312535341,-6.521051473791728e-06,0.03760302415210367,167.4656486303911,no-c
4.816949852140401,0.015506483315760964,0.0,0.06409098915093825,0.0,c
19.05137986115416,0.009528400519593284,-0.00013036234719149617,0.04218703182064168,184.33868979985684,no-c
1.3615729840340531,0.015506483315760964,0.0,0.06409098915093825,0.0,c
17.711637171207098,0.006298008146847043,0.00015244503566991317,0.02487720768964597,232.98887028996154,no-c
15.986847120163674,0.017657019761872075,-0.00013598058627926072,0.04360191941000167,108.47670329384465,c
14.765069322868081,0.01752399956910667,-0.00027636058923973656,0.10093240501591315,129.72579248125498,no-c
10.208780752261319,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
11.730989959290861,0.007363482357912027,0.000291967193830379,0.15431487758769127,213.50533545176543,no-c
1.6709853719930787,0.07833294384746739,0.00013548971454452845,0.2911588007435327,118.95412737582592,c
3.914651907192183,0.08964267405683178,0.0,0.06409098915093825,0.0,c
2.399691785061046,0.015506483315760964,-4.3272586475924006e-05,0.06409098915093825,87.81807388019894,c
3.8300659960704886,0.13241352729259753,6.57033116513753e-05,0.49888646534248143,102.32343632264256,c
18.412583579533884,0.009036144141825393,6.427141391778779e-05,0.12377481087254327,117.6937726069952,no-c
13.315847101415077,0.025042397159629165,7.996413673117838e-05,0.11902567716130875,149.01542282425828,no-c
24.23830481968909,0.0034634429173600995,0.0005324030997260967,0.01264669014923669,252.98903971250618,no-c
7.417838679608126,0.03420539694821871,3.0675789203247946e-05,0.07690409301125667,174.96903523089608,no-c
28.401362724419588,0.004945116588868848,0.0010947320022005116,0.019334345724512765,257.7811838231755,no-c
9.004128608179183,0.019125743085329206,-3.1103784131364485e-05,0.13759865954486625,156.8581440978118,no-c
3.4861147291749766,0.1895146606591582,3.769169097960578e-05,0.06409098915093825,123.14326651139207,c
10.38249477335273,0.0186424857188257,5.2353446575030134e-05,0.047827834470146054,144.95875187016787,no-c
1.026013317233685,0.015506483315760964,0.0,0.06409098915093825,0.0,c
11.219152414224737,0.033307785321366655,6.299552483297793e-05,0.11378265632068939,89.00416208998432,no-c
18.292024340851157,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
1.937468986258111,0.1643446398023871,-7.023924168905363e-05,0.06409098915093825,129.2845199542705,c
4.3430431716081515,0.015506483315760964,-1.7065313608389962e-05,0.06409098915093825,88.94214119651278,c?
8.764457270633805,0.023735289669481477,0.00015753309442478717,0.17347971040090754,116.24238082578539,no-c
10.459297399902223,0.027471761058588104,0.0,0.1433602219148529,0.0,no-c
11.16937731369697,0.01191390378324308,-0.00025811157312496133,0.016212897624210156,95.37753376740312,c
10.205650506436822,0.008656050183950966,0.00021334016170755773,0.16699334959794399,101.08093885126729,no-c
1.099393344559846,0.079156448415774,-6.790249566559903e-05,0.06409098915093825,135.336197742971,c
1.5744521829028841,0.015506483315760964,4.746193045421517e-05,0.06409098915093825,111.97857178279064,c
15.649545811864849,0.01458383938613062,-0.00011006964965698494,0.09072962439590389,97.24344993039192,no-c
3.1534382393388234,0.16314482523353607,0.0,0.06409098915093825,0.0,c
6.571559433458994,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c?
-0.09095885608234702,0.015506483315760964,9.668075374663605e-05,0.06409098915093825,591.3708104328234,c
0.6843422282793142,0.015506483315760964,5.4459191312038614e-05,0.06409098915093825,165.1252360846613,c
12.962222090748972,0.021759647569149932,4.728469816380958e-05,0.11658328587655116,185.17507943351148,no-c
-1.9105003092401411,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
4.059485427466867,0.10300523604044629,0.0,0.0418936984140362,0.0,c
13.317016720257705,0.009298796233270118,1.6001173732054863e-06,0.13076897109018715,131.09433439027836,no-c
15.737541717170208,0.0236094572543658,-0.00011101176162424853,0.018378922582505487,99.85624564487199,no-c
-1.8447916061497613,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
19.05140365953815,0.006830234316285124,0.0003065802712293647,0.04845920240238271,112.88929943639359,no-c
13.151698741636158,0.007864646560260147,-0.00010963272791330653,0.05518420045800307,188.58612725634245,no-c
0.6914366687433555,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
15.045768071057289,0.010989002577199791,0.00039189076755279264,0.02195664161175995,227.75587592657612,no-c
22.877526474688878,0.0037552985222205106,0.00012156138329747759,0.012665837915802995,219.7941885238809,no-c
26.998047040464062,0.00798684489305646,-0.00010849793600679777,0.06409098915093825,117.40854154840429,no-c
13.745820423616525,0.005792339231586618,-6.710267162308009e-05,0.06057350474867056,111.54858588046763,no-c
13.072402090492691,0.014230895294820039,-7.201167571718002e-05,0.09835419042710548,104.90798798350885,no-c
2.237346180081157,0.015294747326888023,-0.0001336370971764111,0.06409098915093825,93.88746999030803,c
17.805703379078462,0.01562315654526786,2.2875694594474847e-05,0.014122855914592471,112.15880427022192,no-c
4.861244565391558,0.0453564820793065,-0.00017012753145299246,0.14954832739199017,110.93741135120257,c
19.318422332383797,0.006880299701346866,0.00029862428970271136,0.052664661631209884,127.07092478242387,no-c
16.42115294435061,0.005645394014429071,-0.0004645754996676092,0.035057517572344626,106.32878775824032,no-c
0.7268604015918684,0.015506483315760964,0.0,0.06409098915093825,0.0,c
0.14030353171892312,0.015506483315760964,0.0,0.06409098915093825,0.0,c
19.653138775849698,0.002861946373390993,-0.00011455594993287034,0.06032029541611441,167.56943512781302,no-c
6.89922270364526,0.025674347764609237,-1.6487004125388033e-05,0.13749254271995864,166.3904972771331,c
2.9099264894782895,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
19.232144845232614,0.004661439721828249,0.0007579203628004761,0.03764155206625826,197.93249909247285,no-c
20.484476595912348,0.014872878145646995,-0.00012582385526468368,0.021072748643496175,126.3191460134624,no-c
2.8553389971228373,0.05893388784556032,1.1324840708861145e-05,0.0941227216459302,185.21983040097982,c
8.285952996977146,0.00833237130151297,0.00011216505966696685,0.06409098915093825,84.91367786938783,c?
23.38487350020177,0.00826258485689442,-0.0002416909672411597,0.02389316078059635,110.72939216261679,no-c
0.6042253235930168,0.015506483315760964,0.000398879534598169,0.06409098915093825,415.8949087661427,c
8.880903140354985,0.0469154532169166,0.0,0.07103486299960637,0.0,c
16.735130001374067,0.0034324874840006097,4.664738431226856e-05,0.07199517873365388,96.34679791966326,no-c
5.674660179411987,0.010273614603552838,1.3031458951939052e-05,0.25680060428088247,163.4683173632878,c?
18.505880956443164,0.024157992114470676,-5.861087925764771e-05,0.06409098915093825,98.08219523472124,no-c
2.806327630976684,0.04429739853640625,1.247854265491931e-05,0.42078818914423977,155.00135970678986,c
5.474024569192176,0.03152117483351819,6.058302847731107e-06,0.06409098915093825,120.9909758554059,c?
15.291482465206768,0.00079234253287143,-0.000220801776532213,0.06409098915093825,106.06257152051143,c
8.229489023612032,0.04973720992876675,0.0001399134549885412,0.13793953570188486,88.60906449134652,no-c
1.5006484958945687,0.0418914954636828,0.0,0.06409098915093825,0.0,c
19.014439303061614,0.0045232572236583255,0.0008402246655912886,0.08149525656494219,229.58370831960312,no-c
7.864122836466444,0.015506483315760964,-4.2962956386091076e-05,0.06409098915093825,76.90840118316316,c
3.670078440209098,0.04694471497144038,5.610214874132563e-05,0.06409098915093825,531.3468103540305,c
2.933556622194806,0.08976076856873048,0.0,0.06409098915093825,0.0,c
16.950982531473187,0.007272641512540908,0.0004073686936528528,0.06174827427109666,103.89481436158484,no-c
-0.9109052433124528,0.17848126513312756,5.4937621558760915e-05,0.06409098915093825,116.01510754108732,c
-1.1386701083506148,0.015506483315760964,0.0,0.06409098915093825,0.0,c
1.2033606062473925,0.015506483315760964,0.0,0.06409098915093825,0.0,c
14.155708166598224,0.008226940825388647,4.6241407157031106e-05,0.05468593476398138,107.1924819629383,no-c
14.499598783570613,0.011263604408615546,0.00021645456959192336,0.040288037742139564,183.6883558059626,no-c
17.939843513244526,0.009459843304664352,0.0007362297764644916,0.007094405887710611,236.48225806106072,no-c
10.081404979147347,0.024131778029338403,9.509651305753648e-05,0.11915621132230701,96.33206538443838,no-c
19.284030424150643,0.0061243670121916265,0.00014497392554327717,0.05191018932527873,103.66738950012484,no-c
15.005636141944747,0.014399119555038845,0.00023632146311828884,0.024098612436595297,280.639535963655,no-c
3.0082370980786006,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
2.2491985076445644,0.015506483315760964,-4.5878136533252826e-05,0.06409098915093825,84.02614251762418,c
7.637487330515292,0.08929465621228695,4.086035048524124e-05,0.06409098915093825,106.9593968667858,c?
2.4771466156592576,0.04905350511466887,0.0,0.06409098915093825,0.0,c
7.989338170597758,0.015716318962737775,-0.0001488089954656716,0.15290052944707916,82.57360108333292,c
5.541420397811327,0.1880025116155063,0.0,0.38621030561390707,0.0,c
3.148148424863696,0.06260007425516893,-7.636241586185056e-05,0.19062599073020234,145.0539569835214,c
9.810142885683709,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
7.287405050761511,0.06087144586491621,-5.2182755969592924e-05,0.08007501719337658,93.41419826245348,no-c
18.131247201139722,0.0046104314246257485,0.0005730443671266758,0.013986695376864871,263.7992921294359,no-c
11.55628958225513,0.019209171644961873,7.018219159603072e-05,0.08971393951194645,105.1652399020051,no-c
6.020199944708291,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
10.771541863758033,0.015506483315760964,0.0,0.06409098915093825,0.0,c
11.70745517417554,0.02745962899910005,8.133084545075268e-05,0.06281975553487387,101.21660347374959,no-c
0.455177118250786,0.015506483315760964,0.0,0.06409098915093825,0.0,c
13.536456423873734,0.010724970675019,-0.00042591883035900336,0.09557919952192573,108.82645013711507,c
22.304238185426893,0.008938064014963235,0.000234680599775142,0.018684128260426744,142.5706870897536,no-c
20.207893494574748,0.008009875917582532,-0.0010973012170119388,0.08971113002721028,157.87559430555478,no-c
7.260571278138584,0.001478944759654865,-0.00010514948670426629,0.08034581665597412,76.11271146163456,c
0.4450468388448844,0.015506483315760964,0.0,0.06409098915093825,0.0,c
15.051125055345494,0.025106905384488624,-6.521471607357502e-05,0.040809960900855154,112.04377041274564,no-c
17.07778145332282,0.025077192777683777,0.0002678990404533313,0.06131909532087699,132.765583422081,no-c
15.070913340716316,0.015237658092951262,0.00039706823205820055,0.13601640748624005,208.07867350769675,no-c
24.959003654815685,0.007241915987196631,-0.00012271645221477884,0.10449322866142546,97.31446746954329,no-c
17.199330411515003,0.014146991124579188,0.00016526614024433146,0.0680139505121103,197.0600824507252,no-c
18.547786026965596,0.017783377934200983,-0.0002619870187215138,0.09045534929115841,133.5993325808902,no-c
2.7087893487785415,0.008942830945120512,0.0,0.09760422277106814,0.0,c
13.408903017626724,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
2.3852361328931733,0.09695547823875068,0.00010608479220681619,0.12865563627503915,97.84367487481248,c?
1.2087092071192154,0.015506483315760964,4.740369460109323e-05,0.06409098915093825,84.8043133149062,c
0.6970706001613766,0.12405943255314081,0.0002791890670906029,0.36587886646862827,462.24603001447997,c
21.82479877280341,0.013307883997833834,0.00041337207300527155,0.03245764275683477,190.50569626872783,no-c
30.186535977382952,0.002353724593222696,1.0481859885633058e-05,0.024411990190625035,175.95694224540782,no-c
4.279013153336514,0.12002683520774998,-0.00011716357154744128,0.15973205371797705,81.75971140134789,c
9.901412717624984,0.01569890348756975,-0.0003036980758034778,0.13647276605051192,92.99300020175984,c
2.933013963310572,0.015506483315760964,0.0,0.06409098915093825,0.0,c
30.350228171276235,0.002255293742377024,0.0008191443951748388,0.011014419838517912,212.76436544588785,no-c
1.470679578833036,0.05675894627993091,0.00016103191394314042,0.26434535524642677,283.6216650472886,c
3.204408104437391,0.13475079267689877,-5.775663160849986e-05,0.14737963041038704,105.83258416646498,c
6.6253803107368245,0.028030829988016696,-9.10242663417745e-05,0.12850518432559194,102.17949449403295,no-c
20.018905965913326,0.008969842427143609,0.0001986398029615831,0.055675806734922235,116.88711826458812,no-c
17.405993593360268,0.019992000302376016,1.4273574373468279e-05,0.06409098915093825,174.33781695239765,no-c
9.996021924791865,0.039894238622776385,0.00012991936697229707,0.0630025413389244,109.97387600273841,no-c
9.618437041760767,0.01905211944152302,-0.0001943318569534225,0.10465312018804498,125.96613989484935,no-c
11.212337411095893,0.029277455568632593,-7.609482822903437e-05,0.17117977720714866,91.11671309680179,no-c
2.45547954399789,0.007804480560543966,-4.671965309360124e-05,0.06409098915093825,75.24641318729306,c
12.20817221043391,0.010542480815558228,3.462078749945889e-05,0.14261406269219168,112.34429364787513,no-c
3.328920077454688,0.015506483315760964,0.0,0.06409098915093825,0.0,c
-0.8446206859621902,0.015506483315760964,0.0,0.06409098915093825,0.0,c
3.8449192787528688,0.045056495597060986,-0.00011276297160887105,0.34223809177493897,416.80928964355024,c
13.124543060644742,0.010581414997135183,1.49702776531473e-05,0.12586225680089383,87.70379332127654,no-c
0.7250498886542334,0.015506483315760964,-1.5840834992150256e-05,0.06409098915093825,229.01759274354325,c
10.755418223010983,0.01556198675446142,0.0002005164336598954,0.08765065686376264,91.5046070290062,c?
18.783382769779937,0.013204563737300426,0.00014794454300791528,0.031061819963751885,213.68293608515532,no-c
3.5794062498753365,0.015506483315760964,1.0937760627158037e-05,0.06409098915093825,118.07738184994464,c
9.736508638338204,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
0.1444193179301817,0.015506483315760964,9.429403744391131e-06,0.06409098915093825,118.30962861244912,c
0.08978206598244876,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
22.24900462517733,0.010328847129665465,0.0007054874160393207,0.08978148777206925,276.07565430016336,no-c
17.521699042032647,0.009290134982894115,2.40573585621051e-05,0.040879358810426494,113.75930642598018,no-c
8.761288757356448,0.015506483315760964,0.00017557464061442014,0.06409098915093825,525.643554186791,c
21.18296386562128,0.010253155662487927,0.00019681766153189693,0.028160108381269828,183.9556076085087,no-c
10.306359716609746,0.012042371972145707,-6.655494717646858e-05,0.02841571447525,90.46212857444222,no-c
5.036564396788392,0.0435579953776093,6.591433933207006e-06,0.05265771131805501,116.1519380586355,c
18.55713510504973,0.010173982977868187,0.0001529580133162262,0.04895454810290209,205.74660802669203,no-c
14.566916287515884,0.01227297676844792,1.8560506557162087e-05,0.06328313159078604,108.91178290271398,no-c
22.698433776628818,0.01899396604652138,-0.00019696522437941436,0.07185236382974516,106.30692464841059,no-c
0.7404914671174077,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
23.04583500288478,0.006564118933974298,-6.138781700774844e-07,0.014998986157994552,173.4938469398555,no-c
20.053780346557428,0.005226957461552241,-0.0003502030692429187,0.06409098915093825,104.84375329256616,c?
4.55485572612242,0.03896297984692545,-1.4824611202612177e-05,0.219083887644756,79.67419327414672,c
17.188607375645436,0.009383893058171262,4.704061082481774e-05,0.008379550934959406,139.9685544429504,no-c
1.4454349114525684,0.015506483315760964,0.0,0.06409098915093825,0.0,c
2.4937045757178,0.032759288446517466,0.0,0.06409098915093825,0.0,c
18.379720251227216,0.00672481677753319,0.0004120777787088077,0.05636664983030146,107.06795078872392,no-c
4.003304252030516,0.015506483315760964,-3.473873635600415e-05,0.06409098915093825,76.35428752498768,c
7.484331972005445,0.03386887877890665,-2.882664586808842e-05,0.06409098915093825,101.83364585716669,no-c
-2.812772105566097,0.015506483315760964,0.0,0.06409098915093825,0.0,c
4.320722398361515,0.0236921811764093,-9.107679947909913e-05,0.19303298203175337,91.4828204177155,c
20.61253221402526,0.005554865168662688,5.3476574817417895e-05,0.045649171388671465,179.99598251142092,no-c
18.683522356189307,0.005086562791875439,-1.353040185541254e-06,0.030865462580372073,90.24835279337796,no-c
4.684465621400052,0.031467396300062414,0.00010226683815725341,0.06409098915093825,550.2849998726256,c
13.747541410500853,0.012761201072762043,0.0002317712370330035,0.07165393598721165,196.79434803714295,no-c
0.8283387901188911,0.015506483315760964,0.0,0.06409098915093825,0.0,c
16.452369669478166,0.011855261275581988,-0.00017425082972433062,0.08831478580769789,113.92248487378339,no-c
11.855828587103039,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
23.698583742020528,0.003687202162171964,-2.655963571822199e-05,0.007185626654252685,173.26183847591125,no-c
12.697212540059294,0.03040747998604585,2.7028295573357632e-05,0.05098307026972071,102.38083286097893,no-c
11.04467275832742,0.01049863744948336,8.312709282743715e-05,0.11589893099542857,112.21568823251451,no-c
17.411041011466736,0.00889046582951751,-5.7506146119374495e-05,0.04009884589802106,102.95177077168692,c
7.060004957577511,0.013156887324945483,-0.00016661557193618933,0.05244658595640676,91.96307226591402,c?
-0.7131151966308996,0.015506483315760964,0.0,0.06409098915093825,0.0,c
5.383383387966651,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c?
18.697604513159565,0.004063468440060765,-0.0001393663570801541,0.03225119011821369,98.8365003629034,no-c
6.717571458363463,0.030157789373458962,-0.00011233858064601011,0.1304340223731358,86.77650136292269,c
-0.5036120685718638,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c?
0.9982924068886089,0.015506483315760964,-1.952644448875446e-05,0.06409098915093825,102.10734193210469,c
20.86340185048934,0.0038964046461806017,-0.00011811196455434406,0.05758788836284135,189.49284345985686,no-c
7.56761458513856,0.05062362782861652,-2.8147003690641773e-05,0.06038337560789148,108.6809462863329,c
0.04670603491482126,0.015506483315760964,0.0,0.06409098915093825,0.0,c
12.4405880116388,0.01807990255945682,0.00011106607362490868,0.07477308721862322,98.47475151902633,no-c
8.888894304693475,0.025125597889360023,-0.00027919922576175645,0.04199227606539987,158.69156450808939,no-c
13.10934137300573,0.00964798380138839,-8.032890752082277e-06,0.027113318231835,160.90350548010846,no-c
11.497617846431954,0.027385599709268918,-1.2053043413914067e-05,0.06409098915093825,175.01333571889546,no-c
17.04931697391457,0.004400245852341041,-1.8378166208492898e-05,0.1452866824656332,175.46623009462448,no-c
0.527083005253503,0.07599742744450012,0.0,0.06409098915093825,0.0,c
17.052932431117714,0.010441348472174206,-0.0005455311767225588,0.042862814516109925,121.84120370757383,no-c
2.3014636175627183,0.1551798708410837,2.753864730765332e-05,0.27160919909330467,85.69221129658365,c
24.10570509499324,0.008056763075081923,-0.00026963569876722594,0.04214354715843271,124.19915255589852,no-c
13.655264473674336,0.011223135737850337,-0.00022045217623306164,0.07616589022953774,101.80093026706507,c
14.273955615343182,0.01208128023171119,-7.992752662659496e-05,0.06986595981651829,130.88607067477102,no-c
24.36511370419304,0.0058058525748843235,0.0006485847910846434,0.05246170975655195,203.5487071811199,no-c
19.71336165314178,0.011494547134727171,0.0003909035798031783,0.025751085568145038,271.1986852669409,no-c
18.887782687783957,0.01774961051480911,0.0005323398332739111,0.09447646655918637,368.21461836991074,no-c
10.220625142514958,0.016994305587363964,-8.009243940320255e-05,0.08977136626157878,99.99265918784991,no-c
22.563142998048527,0.003911470897034315,3.9713136193075295e-05,0.04168127477794226,93.14338865724181,no-c
0.26168012263147145,0.015506483315760964,0.0,0.06409098915093825,0.0,c
12.182728689788854,0.006893134055270881,-0.00016478061393320332,0.060133318939943885,96.61769069275073,no-c
14.422169956548467,0.013223009866929784,-8.735027706602568e-05,0.11493593478275756,100.72442220546094,no-c
24.844718080702265,0.0048623174917810505,-0.00039254733433522436,0.02136113276414992,209.4708904386454,no-c
23.82687553618654,0.006544705878638954,0.0005565348277433318,0.03610721691762595,199.9180495876357,no-c
1.4886219404537688,0.015506483315760964,0.0,0.06409098915093825,0.0,c
0.6472141751864925,0.015506483315760964,0.0,0.06409098915093825,0.0,c
4.821689946195449,0.06427665835174338,0.0,0.1231426761792422,0.0,c
1.160845719188162,0.06442293363912494,0.0,0.2012174294071377,0.0,c
4.597926415411181,0.1489477119814412,-0.0001371719650492411,0.13708720682010994,88.66385213750536,c
3.829182727259453,0.0036014655537578207,0.0,0.06409098915093825,0.0,c
2.815529419085293,0.015506483315760964,-9.113034886103926e-05,0.06409098915093825,90.10482406321728,c
1.6435447793994065,0.019770151618459807,-0.00010014160694385802,0.24092574914449177,282.3273151112724,c
14.827446567398487,0.014260549316649522,-6.423535015291014e-05,0.09179566107044308,106.02852206648451,no-c
-1.1908254579726136,0.015506483315760964,0.0,0.06409098915093825,0.0,c
4.793626489775465,0.08660990871698131,-4.4731449129269626e-05,0.06409098915093825,93.02110399319794,c?
21.509512648275965,0.005741926074079973,1.6999233810724597e-05,0.0223387326875184,96.79634846875025,no-c
22.116750011397897,0.005466433207438587,0.0004398167375624114,0.03495205654394555,123.22672380114356,no-c
-0.16194226630863082,0.015506483315760964,0.0,0.06409098915093825,0.0,c
29.086308916319354,0.003826100158847538,-1.090085345884092e-08,0.007665240944502879,169.09150711719846,no-c
-0.8296619394216533,0.015506483315760964,0.0,0.06409098915093825,0.0,c?
19.154497712265627,0.007997776265936082,-8.22940998002848e-05,0.06409098915093825,110.94313505787048,no-c
-3.468125072296861,0.015506483315760964,0.0,0.06409098915093825,0.0,c
0.647214921786005,0.015506483315760964,0.0,0.06409098915093825,0.0,c
9.148384454585303,0.04278863199527984,-5.328448941619988e-05,0.06409098915093825,91.88359014602614,no-c
-0.2780723510064824,0.015506483315760964,0.0,0.06409098915093825,0.0,c
2.4708787426670478,0.0709353522281358,0.0,0.07983233625597018,0.0,c
17.602643460269608,0.008843541141087754,0.0003271935159352358,0.09721929218599726,208.56353241025087,no-c
3.7891410492221986,0.15739409422366796,2.8487869524974606e-06,0.05342676832649911,81.7836951552303,c
11.96000072265603,0.012110643864249138,-8.932805899839608e-06,0.06542948339673764,153.80977172397618,no-c
16.18338864473461,0.005023249708560512,-0.00030153009777615956,0.032565810062151715,127.42546398082212,no-c
20.09051148880657,0.008152115526398189,5.9972276922518405e-05,0.04054449803109466,200.9413186850949,no-c
10.594640878489141,0.024161634573053183,1.720461698367866e-05,0.128131667520724,95.09465119504104,no-c
17.545655321911084,0.007212491885145828,-0.0005879043125654757,0.025064137575545604,222.53380108604318,no-c
7.677203855021624,0.06664035081594899,-6.642855620949594e-05,0.14481899570365073,98.93453090290467,no-c
11.953804779756858,0.02812685639983629,-7.91400323434404e-05,0.04806980685042327,95.67343472474789,c?
7.373205451292702,0.02150058023212508,-8.944377063155121e-06,0.28913800459390054,88.32055969934376,c
3.9801883700798713,0.015506483315760964,-2.949135956299271e-05,0.06409098915093825,78.49489060063348,c
4.343485309840553,0.09456477491210594,0.0,0.06409098915093825,0.0,c
15.689319868134088,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
2.8224524346093443,0.07622127495285472,-1.024538624087558e-05,0.06409098915093825,90.85262272021001,c
10.208780752261319,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
14.180607417896118,0.0122587194069636,-0.0002934797733461096,0.08647443996783805,98.22506497607951,no-c
12.130072876619218,0.01848276022324506,0.00022520357863642493,0.06751466053170382,250.00166930482612,no-c
14.109844431947037,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
16.233284334373543,0.016390132929653328,-0.00019978512947549745,0.04330849367639086,118.01337757245926,no-c
31.73413474891395,0.0030729029802939426,-0.0006581877754059298,0.01526704697735356,119.29088134145681,no-c
4.702898729201465,0.07337780717311912,0.0,0.16480083807360385,0.0,no-c
8.542287686775794,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
3.36695487465241,0.015506483315760964,0.0,0.06409098915093825,0.0,c
10.516482257414573,0.016695003221498136,0.00019600008497361576,0.10078577709878024,86.83130401046778,no-c
10.551775542985897,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
14.947168177404137,0.009763461809024624,0.00014688541591902256,0.04528940855344931,185.70309298884908,no-c
4.110276449507728,0.02621831951043663,0.0,0.17759785480662105,0.0,c
1.694234870584588,0.03803313284096843,-0.00018615916110283277,0.1637981062129169,110.18375847914069,c
19.52008575210425,0.003731879586987756,0.0005340029358960389,0.12528245973144472,255.12162453010782,no-c
2.59575559732604,0.10294562164900611,0.0,0.08735834859996311,0.0,c
3.080932705741474,0.05665527201559117,-2.29670824162558e-05,0.1377122028520152,78.02829333419848,c
25.139726025292287,0.004189555127169047,1.9207559649722324e-05,0.031255505318036544,180.9320330307542,no-c
29.19394220443852,0.0013756865425795656,-2.3332917525973248e-05,0.020640128742826332,164.89214091874555,no-c
-2.1129794712780674,0.015506483315760964,0.0,0.06409098915093825,0.0,c
0.13342314693157792,0.015506483315760964,2.01673851737086e-05,0.06409098915093825,102.948555571037,c
9.446666893799788,0.03457331869008552,-0.0002705287830823178,0.1398159519646817,91.1554013483302,c
13.959131178977183,0.012743077930622522,-0.0002005015406468659,0.06409098915093825,97.16463272261188,c
2.9099973404645083,0.0644395812809056,0.0,0.2911137317366502,0.0,c
15.213237914977503,0.011861305898544994,-4.0458669289620305e-05,0.07115276396053088,156.0118395085818,no-c
3.084369174272758,0.015506483315760964,0.0,0.06409098915093825,0.0,c
-0.35184354828911363,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
-2.2966257353422606,0.015506483315760964,0.0,0.06409098915093825,0.0,c
-1.630123774644001,0.015506483315760964,0.0,0.06409098915093825,0.0,c
17.854995098305483,0.009444691234485618,0.00020804008210558524,0.051882908858238215,217.48827556195798,no-c
5.753714911781946,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
13.3949219122958,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c?
30.709528944074783,0.0033153195584516254,0.0006875376904341476,0.008864327277422457,201.25862175861053,no-c
14.428316203194498,0.0016476783123354445,9.501730674014704e-06,0.06409098915093825,108.45607430238034,no-c
8.429584783712373,0.05616321063205054,0.0002073737998496596,0.07912680172597263,140.1542339101338,no-c
12.961798724564654,0.027125467619781938,-5.771394235596126e-05,0.055272493131327614,96.54699010347802,no-c
18.344928749333274,0.007284142414305774,0.0001742078709598199,0.03047350199867043,298.885051239277,no-c
-2.2687729732659285,0.015506483315760964,0.0,0.06409098915093825,0.0,c
17.945330631025325,0.012493666862097243,-9.690508087343826e-05,0.03786701722598979,114.76085580339709,no-c
-2.969065630974139,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
4.695941094574377,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
2.860085408780859,0.06563594348675339,0.0,0.1520712275117285,0.0,c
8.913827647221517,0.02480632345738221,-1.8913486901748046e-05,0.1517544273983167,107.94612348552491,no-c
7.674707573452549,0.0346371803679732,0.00027500897019978746,0.2812878126304077,334.0624795506249,c
16.953794535529912,0.0064603845881012235,9.911754096705817e-05,0.058671878446797325,101.83986866055166,no-c
3.612177255737864,0.14626472094098977,0.0,0.06409098915093825,0.0,c
-3.40790018815203,0.015506483315760964,0.0,0.06409098915093825,0.0,c
22.417334980584993,0.015669349600017923,0.0008320080878189303,0.06488985772264141,118.53002049848322,no-c
10.471959562659123,0.011619800796280307,0.00021855642817607181,0.13418615189775604,88.52410493688986,no-c
5.872601465792854,0.12322216362567305,0.0001335609143485532,0.374700740751806,161.45853124299794,c
24.87366631917611,0.002202911871739743,-0.00013827530302492472,0.05045443400929896,176.20043603581092,no-c
17.115699677788047,0.013642789636619978,3.803310161336446e-05,0.0660817976669859,160.9180357751211,no-c
-1.195742725849796,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
2.8519061012892677,0.0005119146296323014,0.00011741371382565158,0.06409098915093825,97.10808103521576,c?
12.676492014900232,0.016214636256325857,-5.214905697450005e-05,0.0796631003299063,116.82655346982925,no-c
20.199104488880604,0.008020441898478652,-6.627091763406888e-05,0.036538328702676946,97.56167633116051,no-c
28.05658872452567,0.005577935920457921,0.0008261971591669991,0.017299840370826998,204.57468593419875,no-c
6.39415841943575,0.015506483315760964,0.0,0.06409098915093825,0.0,c
4.282417026239499,0.024223362458779183,-0.00012547048078219496,0.1294159815757122,121.56325488217666,no-c
8.339492789042152,0.09621567610649813,-2.7650679368229737e-05,0.06409098915093825,160.04271048951156,c
7.8218862588816265,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
2.692425789155322,0.015506483315760964,5.630803058689795e-06,0.06409098915093825,356.20452048842634,c
19.241072252010536,0.017273885321620178,-0.0002912169760777407,0.04717424018749795,153.05570530304368,no-c
13.480997748460766,0.0033796801449159732,-7.866151456935717e-05,0.02577744774584501,92.95464453508619,no-c
32.12972766142557,0.002860403766258803,0.0013658365072930485,0.012170851149300697,234.77788203164272,no-c
10.31214734462985,0.03982420275917166,-0.0003377339646926988,0.1009217761389543,104.25902001565835,c
11.597079557699645,0.008248026021753311,6.789774813020864e-06,0.124061592143054,89.81289913920713,no-c
11.213465993513156,0.007821015302464518,3.0300688773902474e-05,0.06462253597222668,214.33883708142233,no-c
2.8796230283456103,0.09921787241480334,-2.056410450126439e-05,0.06409098915093825,182.71890606867643,c
19.698806806162356,0.014467796955829143,0.00021406574127431446,0.06501048129880535,88.30038600056115,no-c
-1.7510640152475974,0.015506483315760964,0.0,0.06409098915093825,0.0,c
3.373390439675455,0.014640178540803244,0.0,0.06409098915093825,0.0,c
-0.5973414476220568,0.015506483315760964,0.0,0.06409098915093825,0.0,c
16.421103027299704,0.01101029460716952,0.00010446343113022116,0.04900029024208424,99.25421782124246,no-c
15.32408614099886,0.009609667756992993,0.00020295072468761268,0.12310068235210747,122.73817088665461,no-c
15.691151276546439,0.01217601417005726,-3.2072581848390934e-05,0.06399895946966257,98.11922020761347,no-c
17.394156316859075,0.008548793884908546,0.0002169547772232997,0.037685035767809225,240.5098067218513,no-c
16.26127387428901,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
25.715389043569512,0.0035430109764614365,-0.0009064571417707434,0.03522378934740051,126.72754397555751,no-c
1.2429503146687728,0.015506483315760964,0.0,0.06409098915093825,0.0,c
17.157698163409854,0.012948277583838038,1.865347215837781e-05,0.03537190896046337,96.1620056104175,no-c
23.974946438190265,0.009004778516682504,8.15985498418931e-05,0.033058154495346964,90.2290389097237,no-c
22.969631837935623,0.011330322710950741,7.571492940519441e-05,0.055207914397139686,166.70399404630442,no-c
22.919716503606267,0.008390256191785373,0.00030542508711191687,0.06826007222991391,176.55877731191555,no-c
20.713407690957247,0.006446487603699287,0.00034652304928760747,0.01160678592305033,217.24232709430078,no-c
17.256761095057463,0.015223709646037841,-8.54147401530387e-05,0.033568329748379505,106.41528038752206,no-c
20.07976510929631,0.01360152986326702,0.0007373220682385483,0.02993643931712824,274.3189653981811,no-c
10.22816281289418,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
2.1278456167772877,0.015506483315760964,0.0,0.06409098915093825,0.0,c
17.10923363059819,0.011475493680272833,0.00012768320388955809,0.11039003478719557,197.72319083730866,no-c
3.111879604960691,0.015506483315760964,-8.51767752722545e-05,0.06409098915093825,116.38783623068481,c
1.4866862856478464,0.015506483315760964,0.0,0.06409098915093825,0.0,c
0.4231134794599505,0.10187724583218845,0.0,0.15845334066401007,0.0,c
0.08702947728716472,0.015506483315760964,0.0,0.06409098915093825,0.0,c
3.0627252368113793,0.1456581520978711,8.478276261244887e-06,0.06552810434623571,126.08994489091234,c
-3.1951758855656784,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
5.699667141440147,0.04307853389603824,-0.00010860813856146921,0.09287608126608532,123.55988344441536,c
24.17844976237806,0.002991501783107954,-0.0001691712411495377,0.0071599001379577115,125.25639277925225,no-c
13.519942496561704,0.04482423945736569,0.00014184815984543097,0.005758986963711533,201.02834373140905,no-c
0.3840173782874229,0.015506483315760964,4.018951457129338e-05,0.06409098915093825,82.5362308098947,c
3.182511225107232,0.015506483315760964,0.0,0.06409098915093825,0.0,c
5.951872155816747,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
10.45336420670861,0.02329050888360022,-0.00016968876810886756,0.06409098915093825,103.66562049708097,c?
0.4325692305753094,0.015506483315760964,0.0,0.06409098915093825,0.0,c
21.98792633103988,0.007901690486457964,0.00036202523472577243,0.06941595783735242,211.39312585840986,no-c
18.093574537652096,0.019495395261410104,0.0001812394961567083,0.053369499739881004,117.86885443190113,no-c
-3.8623762303776266,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
18.349075242080083,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
7.263952872594787,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c?
18.735017509308953,0.008435116862830038,-2.751529471048308e-05,0.012332356596985738,192.69918018939083,no-c
14.544692223057806,0.01765858244098611,-5.950459337053732e-05,0.057744798591121055,117.05639843885649,no-c
1.938300707728088,0.015506483315760964,0.0,0.06409098915093825,0.0,c
23.048884836288753,0.00855002519556178,-5.055692897981538e-05,0.00558832628997761,108.78713772324103,no-c
-1.9232905531451752,0.015506483315760964,0.0,0.06409098915093825,0.0,c
24.477542572963273,0.002134413233833836,-8.09533010311922e-05,0.03551447495494047,212.0114751556675,no-c
0.6756290287242157,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
25.746751049552454,0.004418063535182997,-3.0437484676228127e-05,0.06409098915093825,175.06472393814173,no-c
2.0766200310291305,0.015506483315760964,-2.315024655528201e-05,0.06409098915093825,89.98423351044516,c
14.87015878608804,0.015865828792640656,-0.00019236284188039007,0.0805678764564342,222.34887993243808,no-c
5.375116860998852,0.019609493737253535,-9.236325787581549e-05,0.06409098915093825,85.78009617040443,c
9.939898864417206,0.023022300405185474,1.7322856675051e-05,0.10847895521087557,110.39900635587347,no-c
5.852455601445187,0.11630415733557324,3.4270127101083505e-05,0.11844943600056426,81.31786074765716,c?
22.318562761560127,0.0033906190371745847,1.8519185733565697e-05,0.18278996260469754,99.39466118891241,no-c
13.866869835553546,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
21.601705083066552,0.013832763942438651,3.044515882761917e-06,0.10092694872827447,180.21676343772808,no-c
21.252203813138852,0.002634851749036549,0.00015350719226859053,0.02988874742581114,293.0490609151467,no-c
12.649498534888881,0.04094238110573328,-0.00015576467521320433,0.07132780238947828,111.39308204394968,no-c
13.09330275113275,0.011190781862103564,-5.583172466126906e-05,0.12765739127875725,114.2546601560537,no-c
1.6099857054079798,0.09250133472453753,0.0,0.2794030002090378,0.0,c
3.490430860058101,0.12256160018509674,0.00023598449255726945,0.18535726236914837,553.2379070872337,c
3.7660717460888704,0.02956334076344925,-1.6509070089353064e-05,0.14064754304743224,424.48697679590305,c
23.69930341907793,0.010148233646513202,9.588168230426346e-05,0.02160431471797297,118.19656278160925,no-c
17.099018066295812,0.007246683512123071,0.00019641607400585836,0.04550423642391329,209.83734842318424,no-c
2.6740882554233574,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
1.864495820970716,0.015506483315760964,0.0,0.06409098915093825,0.0,c
24.136914585788364,0.00559689067706998,1.692621134712126e-05,0.021740648829126737,174.72825944829813,no-c
12.592937662701292,0.031907875851022734,2.8395325875544013e-05,0.11193221391007317,97.47274661025975,no-c
22.344148322219866,0.011733761496611253,0.00034578450248057036,0.027600555305934082,195.56645749598715,no-c
19.926826415003628,0.004153765703867535,-8.97722787404707e-06,0.03607036228400491,192.04209911868736,no-c
25.231843837739717,0.00454027626287987,0.0002744443111052425,0.025049544812240705,221.85208411659474,no-c
24.53875016803924,0.005801165263315845,-0.0007096063692603847,0.07577717444587682,170.62387277561538,no-c
11.045832492111792,0.016482345343661168,-0.00010469524243826464,0.06409098915093825,88.89311178400142,c
1.8320452434419494,0.015506483315760964,0.0,0.06409098915093825,0.0,c
8.525599924071217,0.08228035890689801,-2.0544542938807247e-05,0.06409098915093825,95.9328261636444,no-c
-1.19977762115152,0.015506483315760964,0.0,0.06409098915093825,0.0,c
15.862517604014823,0.0070140289131428064,-8.626006121052846e-05,0.08189299797234863,106.69459564542889,no-c
2.5442840483961775,0.04516436905250623,-2.0043045977821693e-05,0.266247497658506,147.50322770005207,c
11.536674092225141,0.031342996955933254,-1.923200126538034e-05,0.04211397114936648,82.62391546750398,c
17.223669219544625,0.008937843023480708,0.00010376694352954414,0.010129410558049598,185.2395073038096,no-c
-2.355175665617017,0.015506483315760964,0.0,0.06409098915093825,0.0,c
25.93551630199348,0.002665870806901274,2.1483828609607805e-05,0.019122177680055426,166.26435837037354,no-c
1.540140478577305,0.015506483315760964,0.0,0.06409098915093825,0.0,c
8.696207754318824,0.0163301283738522,-0.00028344274447683143,0.22363674892120208,95.40307212824376,c
21.18140439241193,0.010041214431907914,3.541835939967753e-05,0.043183145891036605,186.49737103655568,no-c
23.43039589036889,0.007938082839165903,-0.00015224204488403624,0.06409098915093825,167.04915785830173,no-c
24.553049475516264,0.0022783315551801117,-1.808788885149053e-07,0.0614002048538181,166.093087760204,no-c
10.511235428063054,0.025619524074390776,-9.250723481744015e-05,0.12809678900127672,119.42659722982238,no-c
11.836453048015983,0.010038738828959072,7.248163687682504e-05,0.18645615034376892,102.23152899333928,no-c
10.553905947599965,0.015724029504043502,0.0002551947910169944,0.0565170579320135,173.66399474983638,no-c
-0.9654603212607116,0.015506483315760964,0.0,0.06409098915093825,0.0,c
-1.0323497450415664,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c?
19.906621101326888,0.006420693569287963,-0.00019036709953073924,0.014528558719342263,181.87164222830827,no-c
9.442303996752909,0.01640140058443987,9.107290662317192e-07,0.0655242928538625,140.11837762618399,no-c
18.177472721465836,0.01726582481175963,-0.00012363621447794028,0.05314542370613367,90.49812195199887,no-c
19.497289630546558,0.010487560078945237,-1.8274353597272862e-05,0.07555048960726629,106.3935339106365,no-c
8.376922462680485,0.042788197321494296,7.731763334062813e-05,0.16103207299315817,280.1352945199079,c
0.2692029201367997,0.015506483315760964,0.0,0.06409098915093825,0.0,c
13.072087655399123,0.01679671189862959,-0.00015720716156695312,0.10622442920975972,181.30235121682878,no-c
-1.8009508229219264,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
3.211299115727035,0.015506483315760964,0.0,0.06409098915093825,0.0,c
3.9665755277257158,0.08906572386128135,5.4803569048973006e-06,0.11131196526740934,102.17018244769154,c
2.1821339679653664,0.11377415056744652,3.5460459164673015e-05,0.46293079983487273,444.5954343865682,c
4.651036881690167,0.023796891242975633,9.428445462994765e-05,0.18185313029290248,102.61184028910321,c
21.550581468710647,0.00945722073108585,-1.1700846077252055e-05,0.031194663757936295,180.94315807644801,no-c
1.847950374121301,0.015506483315760964,2.3671276418061574e-05,0.06409098915093825,84.20773998936895,c?
5.369946160146988,0.044503703810251656,2.344207098400567e-05,0.2476486102470114,227.28132104934056,c
-3.884862643974414,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
10.60363259298428,0.006706966179119737,-0.00011122979191960684,0.022680793900731386,119.28411600765209,no-c
15.195759972843371,0.008742229231869904,-8.867633267986422e-05,0.04161244559179162,169.85318463663936,no-c
3.4294875824330893,0.0770702309311753,0.0002760939768868541,0.280121735895154,471.7908212961459,c
4.914649858063131,0.11807285133507678,7.847278211981033e-05,0.26331922222882853,119.20069438925435,c
0.8453655122161261,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
3.4876738668619516,0.015506483315760964,1.8736714929027286e-06,0.06409098915093825,90.54044345365214,c
6.742025571886203,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
11.9511449748145,0.022049054113284224,0.00014915586226589626,0.19459190043890295,189.3681121053774,no-c
25.454939090526263,0.00781402690470916,-0.00013833465024533533,0.06409098915093825,98.94982399828943,no-c
3.1226562801429334,0.11678688344050595,0.00014194858136404347,0.2650045110601021,532.5339029418033,c
3.2332649741359702,0.0908063270032243,4.2813645926383085e-05,0.16497090759265418,337.37444081790846,c
23.80291312009616,0.011614160329627534,-0.00029211087131447364,0.03457891391563727,112.40845966338162,no-c
15.703878634659118,0.00790763920326158,-0.00022835710472869257,0.03208087372179138,121.05321522096568,no-c
5.037995871207535,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
24.366702527267066,0.006477524958894218,0.00023046479232980663,0.05159315251498102,193.9405159844504,no-c
1.727464827974553,0.015506483315760964,0.0,0.06409098915093825,0.0,c
0.13593875870063166,0.015506483315760964,0.0,0.06409098915093825,0.0,c
16.90816796963664,0.008624813095553416,-0.0003982950003198503,0.026658770359788166,189.97371303839316,no-c
9.415597620761153,0.014816686950608513,1.8716272248087316e-05,0.21674184265841262,165.79922625333145,c
12.564147877760838,0.017324117098945366,-0.00019384260706815256,0.12533736230089373,95.73905689073305,c?
22.73805831379769,0.005954154688981866,4.738715855445312e-05,0.016165610166241406,89.82343199777169,no-c
5.677005043865676,0.02558188865513507,-0.00011641417469911844,0.09452527644290445,109.77132611059733,c
10.583299557233127,0.018376894811533116,3.723809512897925e-05,0.019863797120600143,153.44817016760996,no-c
18.68166522675033,0.01113742625546291,-1.3020712920617432e-05,0.06409098915093825,96.15518603424772,no-c
32.09552321142388,0.001796875625380862,0.00029010965879046737,0.017729537040053533,177.56617844358433,no-c
16.518014524606166,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
-1.425313464631149,0.015506483315760964,0.0,0.06409098915093825,0.0,c
10.967590615090879,0.03507349350857155,4.332374622312293e-05,0.2540005232100709,104.21086515594067,no-c
23.734064915759365,0.003475676632450039,-0.00017217648127176757,0.016632064052400197,173.23793945869016,no-c
8.944052736216262,0.0413245310106513,-0.00011853848185839651,0.05237373488848828,246.28890477001195,no-c
23.75521492336178,0.002560052538181765,0.00022865281222580542,0.01576362395182494,232.25574684321919,no-c
13.18990398207052,0.02404977425974837,0.00012999962851115648,0.22042674531684717,113.52712994312455,no-c
7.472375473698389,0.01565182924154927,-0.00011053899867320841,0.06409098915093825,95.87772016585359,c
3.5244893894224973,0.035233824937611256,6.571544479445717e-05,0.06409098915093825,195.25722218369972,c
1.4227576808756899,0.030863263258722094,5.735819012832167e-05,0.06409098915093825,92.34402826638652,c
4.2482018325845585,0.023156871865403387,3.4818071073313316e-05,0.01886099502532358,142.42170945994874,c?
1.697592004197694,0.015506483315760964,0.0,0.06409098915093825,0.0,c
1.9335431182792424,0.0934931531781426,0.0,0.16720077686009846,0.0,c
17.07950152121867,0.015883865407246137,-3.217554017010928e-05,0.06409098915093825,101.1037855655857,c?
13.451647604609322,0.020113865360041772,-7.095190455423488e-05,0.09379235465481961,134.3775763510322,no-c
28.576402385456603,0.0025480864441561604,-4.5253488025815894e-05,0.06409098915093825,194.2504151779287,no-c
25.035876625415316,0.004456737756702141,-5.321416919962745e-05,0.05520142997209906,200.56453525255284,no-c
11.97932975234811,0.011113997390767981,-0.00015444606441030161,0.1108284637162696,140.06178359457064,no-c
12.680364049153654,0.00901300094756964,9.813407636882711e-05,0.11301065372682965,118.23155798710567,no-c
27.151175915308983,0.003154049749215649,1.4541289135383762e-05,0.01980493135883574,163.79365508612938,no-c
20.94929299248794,0.026370572563376556,-2.5119040448413758e-05,0.04183396511580916,104.12885008653187,no-c
-0.3137041069207692,0.015506483315760964,0.0,0.06409098915093825,0.0,c
19.775310808811156,0.012496019440731318,0.00012001386799305875,0.04490595741735936,113.23963238662347,no-c
23.526758831461603,0.004657438694870992,0.000661542190664753,0.021279851125912744,302.45428611883545,no-c
8.009570792747766,0.05996768736721601,3.034185958005793e-05,0.23659444010714037,106.28648566735522,no-c
20.360262031269038,0.02204374989448767,0.0003464338462155097,0.04217451515536011,118.23248780300783,no-c
13.79812969797528,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
12.991203345774604,0.04583653370917121,3.127891783137864e-05,0.11795132550235715,122.318011079644,no-c
3.3031404041302346,0.015506483315760964,0.00022322955876687985,0.06409098915093825,545.8326702939419,c
20.286063988934515,0.009408426299867047,-5.1573856068542296e-05,0.021568822670891052,113.46391667719047,no-c
16.088527818004426,0.006315144519981003,0.00011378995038231635,0.023006251775384724,120.30926977912492,no-c
10.208780752261319,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
0.43853707308827367,0.015506483315760964,0.0,0.06409098915093825,0.0,c
6.097751865023991,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
26.807494664918664,0.006550812288917675,0.0008216785157616616,0.02523649466562565,209.9230758134237,no-c
3.8130550411371895,0.027135887900849313,-9.98108973323125e-05,0.2178255957436948,115.3407250803144,c
2.2119652319629135,0.126897678874427,0.00011199204457544888,0.06409098915093825,129.572071475665,c
2.6869103563209813,0.11990060841105205,7.18430731546402e-05,0.06409098915093825,142.37270221237603,c
18.413449362604375,0.015764971570958176,-5.370885623702873e-05,0.017714003452508727,114.46399671546976,no-c
-4.240182502117608,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
17.262512123263324,0.011029232289952744,0.0002484162897207004,0.04728394357086501,105.9684068491878,no-c
26.732275412946635,0.005667222933025426,0.001110027780367947,0.009481364236971136,294.2783164100936,no-c
12.143196143752641,0.006530346030366788,0.0001835476976475402,0.02939294799223988,199.5168880687776,no-c
3.3723279967707724,0.2235600453268155,2.090279072499317e-05,0.06409098915093825,497.8322052988758,c
5.298795457479412,0.06147950265929096,0.0,0.11121009081202282,0.0,c
12.837112645331544,0.0031721090998655223,-0.00021691094171598767,0.06421596105199902,115.0117027182338,no-c
17.963424255301117,0.0325642635805976,0.00034568403800020267,0.08819051649973936,206.57395182547722,no-c
18.37661072881262,0.017821896488072947,-8.725924128158194e-05,0.03939823550004356,90.03753855410558,no-c
-0.09904000553985715,0.015506483315760964,0.0,0.06409098915093825,0.0,c
27.12231094912148,0.005053691859767859,0.0003022781373230116,0.020908469797768826,102.10255148645996,no-c
-0.5493895784111796,0.015506483315760964,0.0,0.06409098915093825,0.0,c
0.1615434375717911,0.015506483315760964,0.0,0.06409098915093825,0.0,c
13.491569347152174,0.006857441288376236,-0.00028071493929516356,0.04250209553425906,109.33752467181344,c
22.142684524752585,0.015689865126229684,0.0006123225572965932,0.0404871017946509,198.49294120898216,no-c
8.412070449831084,0.0317680572072955,-0.00015669233891502243,0.03524445358520718,109.50653767213034,c
1.9275928843422687,0.07275421303338553,-5.6889274262771745e-05,0.33781168666732625,140.46317286597608,c?
5.260405495091766,0.015506483315760964,4.9074896523499236e-05,0.06409098915093825,156.1145783666701,c?
9.918022296366793,0.018384451246968147,0.00012654603898847055,0.06157932272025162,200.36949711488336,no-c
19.139269369878047,0.006249608200272256,-0.0008765443041210807,0.04971071052898822,242.29810693172172,no-c
7.919099553473899,0.015506483315760964,-0.00023500330127502436,0.06409098915093825,111.63560173320016,c
6.135386773377493,0.020643166852691068,-2.1026004873136615e-05,0.04562125562576588,101.27307707907593,no-c
16.729301904796994,0.005955613479390848,3.148736499389315e-05,0.08523933290167718,115.83365662523481,no-c
0.25973559401954327,0.015506483315760964,0.0,0.06409098915093825,0.0,c
2.691467632402137,0.16924879464340237,3.14874151143871e-05,0.06409098915093825,91.95303873966128,c?
16.726015810538794,0.011555162647992927,0.0009199446989408537,0.050978902322049005,267.89936632958455,no-c
18.755755141034154,0.024203345260812748,-3.1786686412309815e-06,0.24430819220413805,116.85926666713158,no-c
4.002079353251622,0.1475939821467189,7.747489056424213e-05,0.06409098915093825,259.6618409435919,c
21.68287802076847,0.0038644568627427445,-0.00042409537878396837,0.017154908684039818,151.63000709104435,no-c
4.617603912365763,0.21054433330867775,-3.773941470913973e-05,0.06409098915093825,83.81349645845195,c
0.963132529112104,0.08079648895242489,5.593837567120099e-05,0.28951588902715386,437.0425137054331,c
20.138499783668433,0.013908351786814396,-0.00014213496817247018,0.07018420587400655,104.13774705709764,no-c
-0.7031265464350954,0.015506483315760964,-5.976668216140194e-05,0.06409098915093825,101.44633592911163,c
8.2694970551526,0.0045354822994244405,2.2896196723126618e-05,0.06409098915093825,88.6156058940433,c
13.637030985142562,0.009064131245796598,4.861740167636804e-05,0.09153934292401089,132.80444818759747,no-c
-0.6733349245848663,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
2.0781573884634303,0.02748853931815804,-2.0602998386550286e-05,0.06409098915093825,76.16125273172675,c
14.253977897032655,0.02235074911807672,-4.564129414633589e-05,0.07626774199459695,99.65949330182265,no-c
16.16465316911536,0.008549031957182552,-0.0009675876801252064,0.03958327631539329,158.6320927124362,no-c
18.65969426207157,0.0038012324778391336,-4.134680757306156e-05,0.09640273673622973,104.89495829556724,no-c
22.605405829528458,0.008232207651194935,0.0006055502799745706,0.05121647052617884,268.4071516321089,no-c
8.184480881922763,0.0737360412770174,8.21996512099412e-06,0.2821499737547459,94.29673205655301,c?
-1.84973988540699,0.015506483315760964,0.0,0.06409098915093825,0.0,c
14.255510597572307,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c?
20.452438420389328,0.011873262714304042,-0.000260255344470071,0.06409098915093825,114.12832331295917,no-c
24.952669178728165,0.0020080312750581386,-4.115399698512238e-05,0.010257613167785595,182.13855358343147,no-c
3.0736706724083085,0.20899233890486163,0.0,0.06409098915093825,0.0,c
2.7338951754182252,0.015506483315760964,0.0,0.06409098915093825,0.0,c
5.66278606894101,0.015506483315760964,0.0,0.06409098915093825,0.0,c
21.741157036188106,0.0061305292323456766,3.3771497926048685e-05,0.05245736249456393,177.78645345556913,no-c
9.292312384084045,0.041976332849597744,2.0539784755604413e-05,0.11158600628473389,96.57407510451272,no-c
6.943451302831123,0.07607826039597008,1.4945605107572285e-05,0.30074095084695923,265.6739780820064,c
13.454826235175972,0.023846970027086408,0.00031472353993627607,0.06381172632700563,123.31752510537719,no-c
25.39552520570907,0.0026524547801906368,7.978313964990551e-05,0.004707215781522243,180.28971341082493,no-c
8.754144213163809,0.029723336432813035,0.0001185681008713451,0.21863042080410705,245.10180432217985,no-c
5.640488150641318,0.014430021450243113,4.5995709104182907e-05,0.3562434904816815,117.6430076063365,c
4.85927611194534,0.06763391639701499,0.00012251192066295284,0.2560289889176041,413.166076110289,c
4.572610982159274,0.025492175906547305,0.00017072275172355338,0.2904463094488509,438.61153588058806,c
16.0885263956228,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
21.904596689459883,0.006976446506400955,-8.033331914419103e-05,0.034981061654998015,100.34396990085057,no-c
1.4808999272405587,0.015506483315760964,0.0,0.06409098915093825,0.0,c
16.910609143061254,0.019751868068297637,-7.008580112836835e-05,0.05931220985490701,100.65561195124062,no-c
2.3571090018091185,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
7.236807121862667,0.01550720624892268,-2.709318268914425e-06,0.16859440475352822,83.63556203206281,c
14.376485352973424,0.02781348747518938,4.557167557896723e-05,0.020642825175222666,84.64726316083589,c?
19.59880664153632,0.002833779152403436,-7.188629746687644e-05,0.027089800954424374,101.55005043572443,no-c
10.024000655592086,0.0348672984970726,-5.59760631687438e-05,0.005461503356653799,89.13130990260825,c?
14.724657156291654,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
18.27994104580719,0.00435706536375127,-7.227176539863024e-05,0.04351099778157259,165.14944953093053,no-c
0.29010657594410305,0.015506483315760964,0.0,0.06409098915093825,0.0,c
13.527917484394223,0.025493603538899942,-0.0006480524780924631,0.07264661040280128,137.47086470807983,c?
3.2522326987344714,0.1856574225730989,4.1467861960127326e-05,0.5295258264326649,102.21999847744019,c
5.017862516058493,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c?
9.12069287746732,0.010321967524611139,2.7588604836525368e-05,0.1435570601971763,194.90207973761298,no-c
20.260580985916857,0.005975195847341033,0.00023989417365672815,0.04465743580210588,199.372920074669,no-c
13.307771502297536,0.008091653885509193,-7.843701274006152e-05,0.11714860052015931,109.15769960009611,no-c
11.430218294657026,0.017122921142870742,-0.00033516414665188935,0.045137546684945545,109.01572462007083,no-c
5.487918726150403,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
3.696080846324427,0.033166812523056775,0.0,0.26953250755430047,0.0,c
13.784293045072495,0.009359846565512139,0.00013957074128567086,0.07493622542699975,126.28801872795779,no-c
2.7498704754996997,0.015506483315760964,0.00020088515955241835,0.06409098915093825,534.1128378602341,c
10.208780752261319,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
8.048553570241808,0.021448350104880297,-1.323201729122652e-05,0.05965224370056695,80.04381911768301,c
4.331895395503136,0.21450184096970373,-5.206100216939955e-06,0.06409098915093825,94.21060520335276,c
9.23703899649926,0.018594259953675422,0.00015648263939640146,0.10701777680866321,110.05829183338027,no-c
14.506781846250107,0.007684894295223801,0.00011980049884337919,0.04244769620920576,211.78146174856374,no-c
12.006301768998142,0.01930415452837051,-9.9760805063517e-05,0.05731439187818554,137.1174319152422,no-c
1.0195190608463067,0.015506483315760964,0.0,0.06409098915093825,0.0,c
21.057824816705196,0.008175646726518273,0.00010290422348614123,0.036591645760522956,94.4543228069909,no-c
22.229657116052504,0.007196589529585563,-6.571344178287072e-05,0.025675214473758656,115.06757818621087,no-c
13.266162694245784,0.017704622685758894,-6.221562766261317e-05,0.15035199994888962,105.21094614798498,no-c
18.510433184063107,0.008554291411321522,-0.00029844147486569254,0.0337612151228849,207.06690257762952,no-c
23.445508150849715,0.01209846381671105,0.0004546376523823149,0.03564582044161213,228.8217899242002,no-c
22.630669059850174,0.007522130965135352,-4.7190744137252916e-05,0.032173138258802886,107.33250210307617,no-c
0.1454835271045348,0.015506483315760964,0.0,0.06409098915093825,0.0,c
8.895429414045005,0.01852829208373604,-0.0002486441281942679,0.33833012981009514,119.1153654621405,c
16.91949305736302,0.010988270547728845,-0.0001105239048758933,0.03212335589116921,82.44553077998278,no-c
13.690544271466688,0.015028799240565386,0.00016123354336665166,0.05535380492539959,187.33358260535144,no-c
-0.3299283719219285,0.015506483315760964,0.0,0.06409098915093825,0.0,c
10.46728640672127,0.028648773321845702,-0.0004164274939173523,0.09605227914316554,82.23025168822412,c
7.1413423101516,0.04293991821936648,4.036902715932422e-05,0.0938192915858509,120.51578495603961,c?
8.871333750768525,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
14.771189247458782,0.014538127712771307,0.00015314172885934194,0.0624961287300308,101.43940089058667,no-c
5.043225796479184,1.9810173119673665e-05,-0.00016634112107849272,0.06409098915093825,102.27990654243969,c
1.355792922250262,0.07579141683047497,0.0,0.20787406750000081,0.0,c
14.431109760728951,0.014253039785896043,-0.00031173294840005684,0.06768587879824736,135.67535118823932,no-c
22.49751008127437,0.002707873240913548,0.00018224956532753055,0.020989489773334064,220.54231708151423,no-c
4.72165734923295,0.022581641164666655,0.0001846605844732542,0.16098467079116138,180.9462836301107,c?
24.45534181280691,0.00492858653562398,6.285230561452852e-05,0.049190058698468195,172.2753680931492,no-c
-0.019005672894825822,0.015506483315760964,0.0,0.06409098915093825,0.0,c
17.250322478238438,0.0048619130790421876,1.2181134278284778e-05,0.09202454151102744,112.87174454918446,no-c
-2.3474228875179093,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
25.66674645475228,0.003050386803556044,0.00017040187432625987,0.04393918482986861,215.4742568158777,no-c
0.1501743317695224,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
13.964101222770513,0.007076961642114343,2.7377096700281143e-05,0.06409098915093825,162.32284601244947,no-c
10.887400247000452,0.015727088005814554,-4.203485027222918e-05,0.03975779954080473,91.05177717135354,no-c
-1.9647763073665578,0.015506483315760964,0.0,0.06409098915093825,0.0,c
17.904374965931293,0.007737124242445724,-0.00012771735703723003,0.04827198085943121,215.08422260343073,no-c
-1.825279711182635,0.015506483315760964,0.0,0.06409098915093825,0.0,c
21.43259347135666,0.007234381031445511,0.00034381002482533304,0.02894052656658794,220.94318788900532,no-c
22.99587528612686,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
0.3631378071288737,0.015506483315760964,3.523886654212722e-05,0.06409098915093825,261.197427423647,c
9.018312424626588,0.023521821618099376,4.6291412084652e-05,0.02275161934189941,122.79640021931733,no-c
6.643520772790096,0.11558466356649463,3.774720689365217e-05,0.1798538736011292,92.17158522113911,c
11.454835868604773,0.026282769647426908,6.687802335466581e-05,0.06409098915093825,118.02771785294911,no-c
24.594760240546552,0.0026883389989049494,-0.001290922757251863,0.014041593540051325,147.10982111711078,no-c
2.2454402348331626,0.07941521214506662,4.3780406107949966e-05,0.06409098915093825,116.45318822092972,c?
4.881494585097988,0.11953947055285866,0.00012193193443425072,0.052035116565241284,86.07505308488513,c
27.960669993163556,0.002240366597469732,-5.6943262491665936e-05,0.015067136732450512,168.75318279380946,no-c
9.317223120097276,0.0046043631965277726,-0.00010655935822167056,0.00843022603855983,83.60849224595074,c
17.878218975054704,0.0005755257451314239,-2.761173298620269e-05,0.06409098915093825,87.83480113526774,no-c
1.3467903074840648,0.014576609301186667,2.92814054530267e-05,0.06409098915093825,198.56641456229775,c?
3.7442099371295177,0.015506483315760964,-1.6543217235220596e-05,0.06409098915093825,83.04160585418514,c
11.218850105810949,0.027207928136413356,-0.00014351167467739444,0.11008670422828955,115.27960957410221,c
21.325274175675318,0.023857572368693097,0.00021015016661078922,0.02659990228871757,100.27938305655606,no-c
10.91769373885313,0.015679814139556363,0.00032379907239170054,0.079637900283978,206.20955476033467,no-c
0.25926175843903115,0.015506483315760964,0.0,0.06409098915093825,0.0,c
11.633761494057334,0.01210836917967945,-0.00010471058041706732,0.09093408011196062,107.45611789750964,no-c
27.7363190241069,0.010965760438795104,0.0009151346426067375,0.03510661641515568,195.48792957786375,no-c
0.959835815923882,0.015506483315760964,0.0,0.06409098915093825,0.0,c
2.9104138205017276,0.08342053441277583,0.0,0.20921277458830714,0.0,c
13.974068449772934,0.010494332629776537,-6.69981465366137e-05,0.14433900521931203,99.20308856383403,c?
8.392148683422135,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
24.99157076507056,0.0025743579317553285,0.00029665791536394364,0.0134978741040807,223.8938902045935,no-c
27.022840760723927,0.0045417937996554665,-7.254584170919047e-05,0.024063409077824668,179.64453432086302,no-c
-1.1370378460170654,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
20.180906503655038,0.0037354043398492884,-3.70638539738727e-05,0.1493653678401952,105.35113209663025,no-c
9.352814650142083,0.021738058504383158,-0.00020895263381630474,0.13308985226547235,92.34026116161554,c
16.304124708597165,0.022607021563424708,0.00023318698336039027,0.08313948110278994,218.6376778969873,no-c
0.320260489689264,0.015506483315760964,0.0,0.06409098915093825,0.0,c
15.19052497161855,0.01817933828110025,9.741435552341549e-06,0.1669671670694545,91.68480766772235,no-c
-0.07948170400469012,0.015506483315760964,0.0,0.06409098915093825,0.0,c
5.4235979352483925,0.01286128494571231,-0.00011207264680427665,0.06409098915093825,99.87308646131629,c
19.139965762151537,0.004864536459257197,6.995963358725674e-05,0.048647440197714456,122.64362594207302,no-c
15.586457893277665,0.031435494777138674,-0.0005871191592938167,0.039917397657820895,152.4892160131333,no-c
30.809805669817127,0.002909357981322189,0.00034616097163400663,0.009462114299341344,246.2450236389058,no-c
17.120531147130265,0.0187331867029501,0.0005381526354682891,0.02582241182270542,216.17930986692656,no-c
4.203937833211296,0.12881201829385308,5.384883526259515e-05,0.175849939749649,93.90059230613821,c
2.776528254147185,0.10553419071584293,6.772915041825531e-05,0.31806333901503736,96.32400056505273,c
9.084269794849865,0.0182425464017067,-3.331580452256837e-05,0.09416315124073493,127.19510920270528,no-c
1.5020215879378818,0.015506483315760964,0.0,0.06409098915093825,0.0,c
16.48091930034744,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
17.201973493771323,0.007473905551081018,-0.0002274611202521169,0.08028984132719685,125.10418066421617,no-c
10.431291990812742,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
5.53856265099642,0.05882826991029957,0.00011126471649593962,0.16470274729748724,506.1280062886513,c
18.81936440073348,0.001857639066702087,-9.012252021003324e-07,0.22658829322867896,99.97411657658458,no-c
20.194270633292437,0.01974310869876257,0.00043506666548869373,0.08593554456591741,122.23639526828374,no-c
11.105624711057047,0.007344290678852851,-5.450541872991044e-05,0.14755384665533602,116.38397766620805,no-c
18.84727083737466,0.01822733948861995,-0.00023370957188949818,0.058587855310063934,110.22874927665285,c
16.147845570614585,0.0090203009472223,-0.00012672918963182374,0.12145093658852749,111.56749008360477,no-c
10.70517677685671,0.022555443170191102,-2.874719817832683e-05,0.10421889871788699,147.24075752648807,no-c
12.95839141383372,0.01800219204389016,-4.7727354922094494e-05,0.08328094719112424,194.04855311714118,no-c
15.117090824655776,0.007756679980192193,-0.00012300114726373048,0.04582840909315175,154.34434229927072,no-c
-1.386745013261209,0.015506483315760964,0.0,0.06409098915093825,0.0,c
1.8545034763952593,0.015506483315760964,0.0,0.06409098915093825,0.0,c
4.954835438501189,0.01838626660770742,-0.0003033277163823488,0.06409098915093825,102.07095291742343,c
2.914330269151936,0.010663242017039233,0.0,0.06409098915093825,0.0,c
1.773530446324457,0.09044674244673329,0.0001186967018439694,0.18110562267653973,89.37172580271583,c
10.770348492223153,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
16.535340837398582,0.010184871836651881,-8.439922910111186e-06,0.05030807156029929,220.96444344061806,no-c
0.7297286647762236,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
23.245917309846355,0.005237595116639232,-1.363591720468277e-05,0.028598401861727945,231.88561261800396,no-c
7.7437584782977185,0.11704188988127144,0.00010025517069017855,0.045989317874328355,93.95150013647422,c?
1.0033665350693544,0.015506483315760964,0.0,0.06409098915093825,0.0,c
2.9232514874802566,0.08092870779981877,1.4762684941825227e-05,0.14620762099823767,241.0911370903731,c
12.16541707530379,0.02747154263977943,8.764203299216546e-05,0.13502421852162252,310.3907753488352,no-c
-0.2694778494977852,0.015506483315760964,8.70901158722174e-05,0.06409098915093825,564.248429916912,c
9.185424205104196,0.01912233651987262,-0.00033729090409214573,0.09015424167109518,217.7877175337105,no-c
23.04862494440003,0.012314601682128118,2.1085228780585736e-05,0.06121904120338479,113.35316925682147,no-c
0.45231084451392906,0.10169099289794005,3.4670401171876147e-05,0.06409098915093825,134.81471006941476,c
7.138756946431794,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,c
18.00434528086733,0.015506483315760964,0.0,0.06409098915093825,111.10863752437714,no-c
1.6660304686513545,0.015506483315760964,0.0,0.06409098915093825,0.0,c
2.7930246620955193,0.18312979969167242,-5.8703149844024304e-05,0.06409098915093825,87.2109789615151,c
18.529352853612153,0.00897501539234444,-4.4341541412152945e-05,0.013133483363574982,94.74500748215695,no-c
19.5111091364416,0.007317188208483227,-1.544793804094912e-05,0.02180668265974413,177.61844982275193,no-c
25.503622865994224,0.0035689171081273907,-1.5624032988427634e-05,0.007950275165380438,230.07982855186108,no-c
23.62436076063831,0.008009885658150605,-1.371632106899679e-05,0.05468962090559277,177.65740476133251,no-c
22.31144803639836,0.0032905172174605138,-0.0009559626608506621,0.02808843357241756,145.51185276499416,no-c
7.76682956050803,0.038069882417918546,-0.00011166242848222247,0.06409098915093825,75.69584360930206,c
8.268948359947446,0.04036589828176436,3.0220796765665454e-06,0.20868605829715847,193.31575910313396,no-c
6.995947058788982,0.060005037181075846,-1.1367361371856936e-05,0.18665722342437543,599.5601816326141,c
23.843196396346862,0.006379161600897725,-0.000378839519680307,0.061546210377920414,159.45198245927656,no-c
-4.3237621106906055,0.015506483315760964,0.0,0.06409098915093825,0.0,c?
21.065683445065076,0.0034794327764151897,0.00015261533337455175,0.062195248241311445,177.62416941258078,no-c
14.378934280439903,0.013333481168971815,0.0004263413889000814,0.049761387695636664,312.43937341397344,no-c
10.395122124376925,0.041190635130808985,-0.0001889346594639063,0.15686704761862946,99.94535462140868,c
0.22686116090162445,0.015506483315760964,0.0,0.06409098915093825,0.0,c
hnr,jitter,h1h2,shimmer,f0mean,class
10.625093734180666,0.037155407790777986,-0.00017956525741832436,0.12464722321393631,97.38670692765126,c
27.884432028008614,0.00534332315782329,-0.0002194387216914635,0.022093209955448643,172.8862156389541,no-c
19.319905563974736,0.01588759553706492,0.00042101596955617347,0.06565001549416553,180.10152942678909,no-c
11.291041740500198,0.011757716229508735,-6.807359026978575e-05,0.06045500352201089,156.12967775361247,no-c
0.9656209932621858,0.05307322060088019,0.0,0.05366587464289611,0.0,c
9.579882129813736,0.030423323039393206,-0.00011786007882775498,0.16886072073375527,115.5151778870097,c
10.015948953698105,0.14060220090477937,-2.2550806560601825e-05,0.25963190941693925,112.59832982179145,c
0.890424557850158,0.08385654851432837,0.00011769552334371236,0.11343299634894156,275.89881261385153,c
1.750371776494243,0.01243890416565226,0.0,0.05366587464289611,0.0,c
17.019072688538756,0.0193118374574114,0.0002470679915337518,0.04510556664791177,293.57346913577516,no-c
10.694169429248678,0.019112826478057877,-2.1370672674525626e-05,0.009172955370471698,154.13686192446966,no-c
10.527857867943,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
12.14345300672581,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
6.6837011503318635,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
16.54656114051516,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
0.21042355065416052,0.01243890416565226,0.0,0.05366587464289611,0.0,c
3.3744864694721186,0.01243890416565226,0.0,0.05366587464289611,0.0,c
9.120647549384191,0.016373466233808854,-0.00018358145034681094,0.06526757238660709,86.44756183789619,c
-1.333945620420769,0.01243890416565226,0.0,0.05366587464289611,0.0,c
9.790563265418614,0.01754725305591231,-0.00016595440693419346,0.05366587464289611,91.95215949082063,c
9.457673155840748,0.021567033814535473,0.00013388554481421708,0.1302252292960061,168.00399809760506,no-c
19.40872506680448,0.0094508748549515,-7.326482891478124e-05,0.005581578952425234,196.8449626493547,no-c
24.481792588262664,0.005131430518873819,0.00020952055628310258,0.013195406099132086,244.50147557424023,no-c
1.778907990074223,0.01243890416565226,0.0,0.05366587464289611,0.0,c
7.763730782050021,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
11.251832873930907,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
3.740494184000557,0.01243890416565226,0.0,0.05366587464289611,0.0,c
3.0641606454885406,0.1445358272333758,0.0,0.05366587464289611,0.0,c
3.407063498856337,0.03924771349580683,-9.511781583341827e-05,0.2448735407856322,423.4114534122305,c
18.783365841378444,0.0064684921962907885,2.094578301624578e-05,0.043892102417975094,177.70314528015365,no-c
16.54668571039975,0.019051153882670542,0.0004064219131513837,0.0866494903308765,195.43189592792046,no-c
5.054993155820131,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
6.149794272890584,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
9.501412472941528,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
29.373902753892935,0.004657964651043697,0.001535056105863169,0.02244406469149122,255.4319482149894,no-c
2.3394449517313722,0.06281436227852581,-4.379385296698637e-05,0.16638645308874317,115.85713703259508,c
21.31207168964799,0.010518694311190027,0.0001680644274883177,0.04128071039742567,217.58557383659831,no-c
21.192585924126348,0.006065435680917108,-2.323683957716088e-05,0.057906555078754716,187.92636898678163,no-c
20.180195358651645,0.0034985907719882136,-0.0001281360895583998,0.025867721921593034,181.77225603458405,no-c
21.574184837385484,0.003045968765800331,1.471506413809235e-05,0.031869242083154406,173.3015258621519,no-c
3.189933762045745,0.01243890416565226,-2.574032581249508e-05,0.05366587464289611,90.8541315915305,c
11.536674092225141,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
16.690962868659007,0.010432704066730792,6.915944126059271e-05,0.04111815047580827,182.65376832197853,no-c
22.616730815948145,0.004402678846787812,0.00016758131827290183,0.03436895665684346,164.66490538476597,no-c
27.170023164492086,0.0031449952372810865,-0.00010404569845976679,0.013645094813201577,206.57364777831523,no-c
20.879016065334177,0.0025285192848760883,3.193690503304926e-05,0.0313575168073633,179.94906901993107,no-c
19.044946864256698,0.012503522010801942,0.0004419321350637982,0.03095807083701319,218.953085119033,no-c
7.251310298870319,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
7.7669879567445435,0.0434620947858062,-1.1721856526461317e-05,0.26232480056475205,122.67277385267423,c
3.016359383577056,0.01243890416565226,0.0,0.05366587464289611,0.0,c
25.42369178644468,0.008124940909396326,-1.5545430208788733e-05,0.01540883529704864,173.42897918329558,no-c
21.757941147121613,0.006775982799669647,0.00039892483191239796,0.019794125758583806,257.0010958293489,no-c
13.863962679761094,0.014728191607333817,-0.00028600300782831575,0.06527058192668636,88.8630945653189,c
4.600992738823453,0.09585078693108659,3.7201172693638115e-05,0.2519969968698703,263.02160379904774,c
-4.123653961838537,0.01243890416565226,0.0,0.05366587464289611,0.0,c
11.728391590058786,0.2067883498101129,-1.0670672576553287e-05,0.05366587464289611,80.48899376463511,c
24.97448703554838,0.008603388837781391,0.0006174703295279316,0.010245616260794118,238.23438691307427,no-c
23.91169071027464,0.0057875923046809465,-3.1755714213269645e-05,0.0495020193049014,164.51899165575352,no-c
21.088762601195796,0.00834953784692056,6.4040144076325865e-06,0.0449250853126122,204.0250290836714,no-c
17.30310361601568,0.005369859283467498,-4.744888843285784e-05,0.02965627752675186,202.28652203859772,no-c
2.8471256814980506,0.01243890416565226,-5.684215482967373e-05,0.05366587464289611,83.01061809691815,c
1.9797256730372714,0.01243890416565226,0.0,0.05366587464289611,0.0,c
17.83607911897533,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
1.370588393187281,0.01243890416565226,0.0,0.05366587464289611,0.0,c
18.946336446840014,0.0212349003620697,-4.6376831078496106e-05,0.08267106315081302,270.7263765343599,no-c
12.207558592207961,0.012049768170519748,-0.00023554927260497998,0.22930014691676673,89.0759973565941,c
2.7862966936041134,0.11377212969323616,9.127345381345833e-05,0.427035101221233,288.98362631554664,c
4.3814771109064035,0.06667084323583719,0.0,0.05366587464289611,0.0,c
20.11884619327205,0.006589471693527093,0.0003551082885264491,0.027394410021698387,189.35546525751187,no-c
22.094027812488836,0.011297693005341183,0.0012084658325028105,0.03406647552262569,262.67300877106686,no-c
10.825367203319168,0.01491904647912987,-0.0002945718054939021,0.05919653529269701,90.7723266714353,c?
11.536674092225141,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
9.30317353731962,0.06257982472246823,0.0001583167401175849,0.17218913047373482,276.9296769267948,c
11.466613023250716,0.04323620463535233,-0.0004630189395556861,0.16060896035101005,92.68964376251648,no-c
1.9356800615642367,0.07044602812120823,0.0,0.05366587464289611,0.0,c
4.069866445509551,0.01243890416565226,-6.671350912862903e-06,0.05366587464289611,76.61300523643014,c
7.341064562895719,0.056599317291723426,0.00013194351484831484,0.23246548828955282,313.5926416844914,c
0.864604121298059,0.01243890416565226,0.0,0.05366587464289611,0.0,c?
3.4514713664847534,0.01243890416565226,-4.890376231767739e-05,0.05366587464289611,92.77027794918175,c
19.691147462271466,0.009420313813008953,-9.16292298820303e-05,0.05366587464289611,161.7809690398442,no-c
22.670152825425728,0.006855529948775853,4.821220869047067e-05,0.0396340249138628,173.05486678272516,no-c
0.5447909223086584,0.08508155788351283,0.0,0.17330084585923244,0.0,c
27.919114276815208,0.002777126389549456,-4.2230656920201485e-05,0.025962919440327532,186.9774883035454,no-c
3.0505942486657234,0.01773298056677716,0.00014962632710859635,0.05366587464289611,596.5599397153334,c
2.7595214869316282,0.01243890416565226,0.0,0.05366587464289611,0.0,c
1.9291346438360506,0.01243890416565226,0.0,0.05366587464289611,0.0,c
17.62739569404677,0.018602187749080165,0.00040109008123758317,0.0855099125604617,192.2019312136921,no-c
26.246009696979204,0.003601293285546073,0.0009985744303754808,0.021877547681936383,242.488891438705,no-c
3.1758693234708866,0.10480778002370504,1.3567529881542802e-05,0.03468810973105725,289.4210661792372,c
11.945973781262865,0.012417838089411477,0.00028348656594369675,0.1355696499626432,257.22286924273,no-c
1.9936336186346282,0.02028941150625961,-0.0001304673600123128,0.216162920208435,91.50722644578806,c
1.4479316268817608,0.01243890416565226,-0.0001093458553363286,0.05366587464289611,90.14904376716136,c
9.31972671962453,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
3.2205661730630215,0.05370178019792623,0.0,0.336076329755808,0.0,c
19.77472280956889,0.01591635203633775,0.00025245275528777646,0.1018477661546959,168.92422184314768,no-c
10.731698571754393,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
13.045311334444277,0.030362850925728296,0.0006883730277994929,0.06405747490016987,255.33307633420011,no-c
3.1136817154629437,0.022026359773069968,-4.9786961657391076e-05,0.05366587464289611,93.83129087548113,c
11.523315978911585,0.014997253371727772,0.00022211912093097547,0.06192775448761622,203.90541952479316,no-c
11.529197706834518,0.01520977500621785,0.0001035051987701411,0.05366587464289611,510.0734017572391,c
19.095163203733772,0.005119905568111862,-2.5746192083794122e-05,0.06597001771278437,175.75565254944146,no-c
5.618461443076131,0.02189265623590749,-0.00023402736754051038,0.07699730625490543,115.71401371874227,c
23.003364208213934,0.007822908077033917,0.00029349390476145394,0.002267271320550526,210.10828418310484,no-c
0.707369092530216,0.03641472645204523,0.0,0.05366587464289611,0.0,c
1.3330817001142123,0.01243890416565226,2.908008848030668e-05,0.05366587464289611,236.32537998282456,c
9.33506500430918,0.022120413224339542,-0.0002135696214596997,0.13278894796360427,109.32517162457623,c
9.837276786550849,0.020729193560890986,-0.00011516191381775686,0.16172320784835817,108.05989997869376,c
11.712604419720316,0.01994769340990631,5.222848400269085e-05,0.0843810802458459,177.105728910137,no-c
17.762210056409895,0.014417641629924446,0.00020380804011857137,0.050768098580546824,190.81744607419486,no-c
27.496500329304098,0.0038132524641425027,4.1818816407594386e-05,0.02471526474220484,188.8114979901515,no-c
25.644657758992413,0.007169058717850561,8.93271573083161e-05,0.03195664015424549,195.9578563634153,no-c
22.306708969309426,0.009073136474169392,7.997352286976539e-06,0.06121291107445945,173.90860569656508,no-c
3.3159969312399853,0.0430680348730856,0.0,0.02522143980328639,0.0,c
17.655566904105488,0.01436803946476918,-8.234210034740206e-05,0.05366587464289611,91.59838467019264,c
0.9938365897378334,0.01243890416565226,-5.077845877398697e-06,0.05366587464289611,77.70202152479057,c
23.442743137805515,0.007193014099933413,0.0013093368664652337,0.037075792991579065,237.27991910382997,no-c
1.8524201299011271,0.01243890416565226,-5.0988473510221816e-05,0.05366587464289611,90.18820718465876,c
27.30967171267477,0.004509918984741529,3.8080241683915896e-05,0.01737282964967095,174.18509896778613,no-c
1.4866120276191401,0.01243890416565226,0.0,0.05366587464289611,0.0,c
3.002251455322611,0.09178374033214591,3.1462721383394146e-05,0.20779525993836181,443.7285569484126,c
17.559861382176173,0.005713390611330259,-0.00015621123402867812,0.06940226287023954,165.1147729727123,no-c
20.667744610290423,0.008584021115300993,0.0001964959504661399,0.02175689646174861,215.61585915387948,no-c
5.660543046667773,0.05355313986848598,-6.161164062147769e-05,0.3082614619388136,80.19306839513456,c
3.509467858350533,0.018437546138717193,0.0001321443438158573,0.05366587464289611,540.5366001686477,c
23.790885245401384,0.005148431319683577,0.00010675305085927427,0.02835442434577957,171.48253477196081,no-c
14.63274213655734,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
1.015194240648119,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
2.7676324582071308,0.01243890416565226,0.0,0.05366587464289611,0.0,c
4.270446274210986,0.01660266023139437,-0.0001739458235617485,0.05366587464289611,103.38806109418246,c
22.92306906117605,0.0036525812416075983,0.0003666110540252301,0.03734563897222952,247.44134279222726,no-c
1.318032074022476,0.01243890416565226,0.0,0.05366587464289611,0.0,c
28.679580612352293,0.0036556897745229,0.0012456799912573292,0.03367573861196723,204.28471719173,no-c
5.2194652003542465,0.02594866793469955,-0.00015222798027657563,0.08338825395053473,102.02658306099455,c
6.743924500097989,0.03408831062591604,-0.00019740472992155764,0.37646823356879183,116.82317086461518,c
11.536674092225141,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
32.40713356234335,0.0030375342851323463,0.00023505301236333658,0.00858440369311403,168.8303552336325,no-c
9.828135580631994,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
3.66326305561084,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
3.659539310814678,0.06419408015582141,2.294479968512498e-05,0.10549296695777095,84.82963236179977,c
11.992085649804283,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
0.6631003588088209,0.01243890416565226,0.00015289478583542773,0.05366587464289611,571.8975657916918,c
11.411633044308822,0.0045908045495788195,-0.000359243108022571,0.13828106707877572,109.9812403233784,c
5.190606269205062,0.07581373425364527,8.314933657667886e-06,0.05366587464289611,77.28706167479454,c
17.928630699563588,0.004992271081906562,0.00034164421176773074,0.0712136596454751,215.5939609198683,no-c
13.731585040620214,0.025824040458593763,3.732025588394045e-05,0.06897641661872501,238.40189537590007,no-c
4.25490832341886,0.01243890416565226,-9.259512450074605e-05,0.05366587464289611,92.34220752526987,c
18.589755022324084,0.019364513384430074,0.0008060730154670798,0.019241995170043626,245.26226117487352,no-c
2.55801265035915,0.03395646377392355,0.0,0.05366587464289611,0.0,c
2.944963712015398,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
21.311238869859164,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
16.036091387523825,0.014551880134628105,0.00014069511247170104,0.06488225543970946,210.43627440406064,no-c
13.280974343949863,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
36.08154010466195,0.0030607815312968544,0.0019760178728878285,0.014091693139855203,259.8833258991243,no-c
3.5038746215239613,0.032300809119905745,-0.00017020556047167391,0.33625892301718807,355.1351762705734,c
17.760495449691692,0.015294756833346645,0.00036736038313210076,0.07139467228261656,204.8146715828008,no-c
12.20147495578618,0.02763427064345591,0.0004222087625038257,0.12458956633278101,184.58971264784745,c?
12.686603910203885,0.006736813895691932,-0.00014443253157783064,0.1424209968309738,87.63011231833177,c
10.885942582938153,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
4.023831305204276,0.007591012740334087,-0.00015871456930253774,0.032068720095725076,109.29196941613814,c
6.164152628501821,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
11.269593511857927,0.011804808157053152,-2.6754610357496093e-05,0.0279986998608806,155.22925574822216,no-c
1.7517089251720943,0.01243890416565226,-1.1418496350432741e-05,0.05366587464289611,110.98731471932284,c
0.27411647625718305,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c?
15.565753236999408,0.022915248517222153,2.76472683712458e-05,0.024195444577786423,245.63312785030337,no-c
3.680788341854846,0.03317643078418913,-7.163118893933098e-05,0.18376560403891004,118.18537118879105,c
9.960775847175167,0.026341282018944114,-0.00026932439953994994,0.10256911991933845,113.59911240140153,c
25.294736323911593,0.004333466309243841,-0.00012609335094679384,0.02371931194519941,223.1096013925115,no-c
26.9801265512921,0.0024322009941736525,0.0002876498842158823,0.025413157933399547,199.51497129769436,no-c
2.9097967117336476,0.01243890416565226,3.27854861644815e-05,0.05366587464289611,543.3676839102571,c
5.260120552427855,0.030818858965391452,-8.483502667954071e-06,0.08165891145080979,75.59246967821679,c
0.3641807672392666,0.05730311375737344,-0.00018557089940811767,0.06220029233052605,329.89630443299205,c
-0.2733004475901174,0.01243890416565226,3.0463379611872992e-06,0.05366587464289611,113.19213098550661,c
14.083304978884257,0.027110238202875912,0.00027805399440525763,0.028167959051200574,216.31959409010358,no-c
18.259062478951236,0.006498195836470226,7.043944054553258e-05,0.08520142835205893,187.53707700494644,no-c
-1.1734805000136044,0.01243890416565226,0.0,0.05366587464289611,0.0,c
25.39445485272251,0.007599317283904366,0.00037008516641583275,0.041892345233468034,217.41333080320052,no-c
20.635412799588117,0.004598938833382661,-5.2253679459070295e-05,0.026651226690223784,163.2666855609357,no-c
3.7655371380982126,0.01243890416565226,2.4335724576420263e-05,0.05366587464289611,244.5451353056988,c
8.69047170443459,0.02841555405921172,-0.00047161659384748,0.30146493205814606,118.1389306570951,c
5.1001826358185145,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
20.5148127138568,0.013067151133584906,-4.8240942642803074e-05,0.043236829186472134,184.29986251381038,no-c
19.13827887928521,0.0040700570470739595,-1.3660425868214338e-05,0.05903116710606256,173.28845664562635,no-c
11.011889583961182,0.029554812235190624,-5.445704159435761e-05,0.05366587464289611,113.96268643499296,c
2.43571991184744,0.01726223201593866,2.794238273357498e-05,0.05366587464289611,352.5216353567342,c
24.98450192163467,0.00609778462300701,0.00044299437264479804,0.09828782505615367,217.2030423086023,no-c
20.173774991489744,0.004961934318683065,-9.658596379525478e-05,0.06489314500280556,183.9136472743528,no-c
18.830663138899354,0.006450569559660384,0.002965300139425059,0.0407464318094058,290.4514464458467,no-c
1.8724364559277014,0.01243890416565226,-8.181128393122848e-05,0.05366587464289611,87.53042884912271,c
5.847059740799475,0.018834978473407673,-0.00016898578034284763,0.10204629451918586,112.42453669824563,c
13.399873495174697,0.007977734410542933,-0.000283986179044926,0.08941898906653156,96.09558152340564,no-c
32.002479564500035,0.005343005982650108,0.0007567046471011069,0.01530383392636068,270.72700754653977,no-c
35.79481425076067,0.0021874518270178496,0.0003365008839561555,0.008569870665258947,226.92685374891042,no-c
5.47435099722234,0.05308926519925611,1.4780509932292678e-05,0.15793788524558103,88.20059236073259,c
14.823201219389388,0.012459970241893045,0.00011959208913598222,0.06761487359774065,165.34636889010494,no-c
15.420645215359093,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c?
22.07696947126857,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
11.536674092225141,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c?
0.3728648436267261,0.01243890416565226,0.0,0.05366587464289611,0.0,c
15.716770386624242,0.01887530163468852,0.0001251782608735009,0.03799712954160264,184.94953594804926,no-c
24.92576751582409,0.006635051201904554,2.232211239228479e-05,0.027972646770943382,181.69830237716732,no-c
10.211910998085816,0.025512736491249438,-0.000597840664934251,0.17380413183204063,94.60050354568321,c
1.2814489717180313,0.13314573762057205,7.627872305255959e-05,0.1436750210214551,201.28817011099247,c
22.10411914410095,0.00400200515057166,7.324130987015377e-05,0.05041788218762873,186.12907581185536,no-c
3.9546294415569627,0.058386746245014935,-5.14643948466042e-06,0.047559483761396945,269.6900701606669,c
-0.22655004507149684,0.01243890416565226,-6.265331616862958e-05,0.05366587464289611,75.2819601814894,c
18.301893506753864,0.009494300956533289,-3.3316067483071354e-05,0.06409199285969698,201.29586979611,no-c
29.377851317997926,0.003016203277963546,2.1748909412515978e-05,0.020973842709647812,201.34129349490345,no-c
29.947976285871896,0.002785339928101951,-0.00019181675974155757,0.018226489153167193,166.03662790825666,no-c
16.88576612874746,0.015361934063260984,-3.8220500807281004e-05,0.02964828488964547,173.91019363032262,no-c
22.031768643098662,0.002498182015800087,-7.510901431118975e-05,0.05434851059846835,204.8487259260303,no-c
0.82823868144451,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
16.698612385483088,0.002373294165113097,-2.3371700326213244e-05,0.049594556972069936,192.73149932804142,no-c
5.913744343585011,0.026230931990249357,-0.00013209603917307787,0.05366587464289611,111.84166890653864,c
12.986263010573458,0.015075896430794879,0.00014325667460669985,0.13193016050803516,211.25664179331358,no-c
13.064993849993062,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
28.646543294063388,0.006840961984910972,0.000816847492587933,0.028848647306879374,213.5101074588553,no-c
25.750053543763933,0.00447394593708754,0.0003307892938762721,0.02078358539034103,170.74515566698943,no-c
23.019584649523424,0.004785211587359357,2.911003083067533e-05,0.02949646310816123,178.2374748186767,no-c
10.332315036203296,0.011222840116045909,0.00019825281596074523,0.07572259667106543,207.77634631436223,no-c
36.583654431233,0.0019871618322856452,0.0019301517168256819,0.02038958772437661,255.86047435199868,no-c
20.148711656316987,0.006873949390627861,-1.483334296077432e-06,0.012241696853975555,167.81901695941875,no-c
11.638768268445324,0.022024900333777225,0.0003160552539113428,0.05790423201677454,212.24560192711834,no-c
6.08370709841383,0.035495777241589525,-1.8317512600098904e-05,0.02974311365331171,185.13414598205523,c
6.31510019809984,0.07134879292163425,6.885659022259804e-06,0.30898328851393453,313.71567556408127,c
3.6188655091012376,0.039004014339895955,2.2858837961709384e-05,0.09314616767927167,307.05721104997787,c
17.306918048802878,0.014714531352973105,0.0003605589682235607,0.03430545046009282,186.56889541154433,no-c
-2.262435740533613,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
14.132170133059518,0.07016237176173022,-4.581002143619594e-05,0.06768864397311022,164.47024925664883,no-c
7.662587049715872,0.05882682885953533,-7.440665820484418e-05,0.016702487493803753,82.96340054552135,c
11.475957564949631,0.02870769134641892,0.00030425700043801534,0.12430625238787409,201.744090487754,no-c
5.176489091887378,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c?
16.820470599295053,0.009609111657080954,-2.8934085057046358e-05,0.03397229001712603,144.05258447409935,no-c
9.267979109359677,0.019119413415186783,-0.00014011441025915759,0.08104002760144823,78.75726368811543,c
-0.2305480600288186,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
6.1155949501859554,0.06486986581448088,6.6755900872475e-05,0.19644005030709177,473.34719319630386,c
3.367509431111916,0.01243890416565226,0.0,0.05366587464289611,0.0,c
4.598140891739238,0.03147999318559667,-9.230322605670236e-05,0.05366587464289611,106.97458791686954,c
20.762573583538142,0.006901745045316334,1.3354323534027729e-05,0.03280832060838899,166.91078282663455,no-c
17.231513858872304,0.011330495163927564,-1.5181005634589762e-06,0.02566871709952107,209.380264359505,no-c
3.2378276810258786,0.03850121782766765,2.911917211674115e-05,0.05605686278029306,138.44415968370413,c
18.69775024219625,0.002517293147092149,-0.00043980310435414555,0.008498855296629937,239.15069874894957,no-c
4.6011787260191115,0.009376786960768636,1.604022433096542e-06,0.05366587464289611,84.38340730182827,c
2.822689532585445,0.01243890416565226,0.0,0.05366587464289611,0.0,c
0.3609494062906262,0.02665323366542497,-2.2000248197193174e-05,0.05366587464289611,105.24217577049708,c
6.344998200877946,0.01243890416565226,-5.609300361379492e-05,0.05366587464289611,82.57849872319204,c
2.3438529860213206,0.05654841886525997,-0.0001514409040712602,0.05366587464289611,332.8081514630867,c
21.73357039009303,0.00816690779860347,5.473934314420029e-05,0.01640238651784564,220.8815193577321,no-c
2.6972075901201475,0.045719787387744786,3.525671827447115e-05,0.05366587464289611,243.615219977395,c
4.839509141778527,0.08030285897829002,-9.303161473413419e-06,0.3332516386042323,79.27876165031945,c
12.54756079754603,0.009537009733872497,0.00037022351618413914,0.09161763882743411,197.8036074372423,no-c
18.300415153243637,0.004601055633246243,-0.00028207917420641716,0.04185225563339209,251.98674614209153,no-c
3.0752142651515957,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
8.953519800504193,0.023248357429857876,1.2998786637046775e-05,0.04051233423685539,162.11855954887628,no-c
2.5143990341860176,0.09327962496393152,-8.058628049335992e-05,0.06293018824750951,119.73185909181646,c
15.064621094316893,0.016147783143227987,-0.00012291639032804792,0.06766454300654813,226.94593570594182,no-c
3.206857600288687,0.06674135458764503,-0.00018731834477977375,0.14828366725440068,104.76768257569067,c
2.346463010560908,0.13798241953435722,-5.086802225043849e-06,0.25740546751443133,74.99096004203366,c
25.916074245585065,0.006521657006006038,2.9263488821187623e-05,0.01803832464009386,177.88946904136645,no-c
0.3192235112377249,0.0819057837790735,-5.953625594106669e-05,0.04210714717036737,317.03771911727483,c
22.118601060946816,0.010978301045857806,-2.3339863710356492e-05,0.05366587464289611,181.09354037289546,no-c
0.25417037389258484,0.05311179075396465,-2.1472081190574216e-05,0.05366587464289611,82.67731920245694,c
19.568114084793677,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
22.3340577361591,0.01120340860411784,0.0004714165118533075,0.02754321725547755,278.7275186747711,no-c
25.864035944877724,0.008127926433016228,0.00037168189667085064,0.07329619325000353,179.79253304679128,no-c
8.476417486806458,0.03350006012754549,-0.00015465715816696658,0.2836605469702409,111.8954435897836,c
20.857960337945304,0.006758596619103805,0.00039067789000507547,0.0045596887195375095,205.45775793251025,no-c
13.30042110837569,0.01627925679271687,-0.00017552268331881636,0.07570591925086104,107.26962180297403,c
2.0135971727494595,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
12.846305210781162,0.010859043611776382,0.0001893395810735982,0.061305604794264223,213.9492596908866,no-c
17.801341176516164,0.008534641377532228,-0.00012933141454706345,0.08342275765064347,181.09265679437283,no-c
21.61928402649262,0.0021905319650904133,0.0004354298483620736,0.010937458153047076,219.21972131218203,no-c
19.096838711501285,0.004618042573897391,0.0009062031298641181,0.03596239291543431,206.55978275417377,no-c
6.469500635712885,0.0339287555232765,-8.123616495399268e-05,0.1547423312817786,107.37441622676656,c
23.420583040232632,0.006291875189407427,0.00044227131575476684,0.015750712790735172,213.53586057161823,no-c
2.547756554715734,0.01243890416565226,5.622268867448499e-05,0.05366587464289611,260.2418341189731,c
17.82062171635487,0.013684877527711295,0.0003684263231975055,0.07274765178385133,207.43976360769295,no-c
25.284093901106175,0.006265703733938292,6.658997362444624e-05,0.04264739415598278,198.42535683867447,no-c
9.319368434823508,0.004422827183986586,-9.02399813906307e-05,0.05964272843064277,91.82257948200778,c
2.4843574592541264,0.01243890416565226,0.0,0.05366587464289611,0.0,c
2.0318533706354303,0.049032012878710514,0.0,0.05366587464289611,0.0,c
17.421986289985238,0.0039883915080994575,0.00029656197647365935,0.06233519610473973,184.57286835196481,no-c
22.88657378769537,0.012879819207737607,0.0001434612752725208,0.06100050478305189,174.34518139449503,no-c
22.27403707845908,0.009299330295297307,-2.8565757710684352e-05,0.022478167279377684,157.2893004949309,no-c
11.501845030993422,0.03583829834945032,-2.273479282924583e-05,0.05366587464289611,80.36381638497265,c
17.411226678042553,0.008018181333817334,7.853866855478368e-05,0.07066728418528025,159.39854936964755,no-c
4.9479691090224565,0.0567831061877397,-9.252782254452578e-06,0.23164104241579508,76.51680915760328,c
2.188838125576817,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
21.60345472842326,0.0025211728240502563,-0.00018111082189012926,0.04315066889233118,197.68790645392647,no-c
19.858110713990534,0.013305645497382824,8.63636828366807e-05,0.08339881497740984,230.79294507197477,no-c
5.237185761224742,0.06369133433795547,-3.791790515290505e-05,0.12613397671401935,110.29892976624994,c
15.128239602531254,0.009263566309232231,-1.5568340387388127e-06,0.0575769491389187,151.84547993366843,no-c
1.2781220623662664,0.01243890416565226,0.0,0.05366587464289611,0.0,c
8.078161740523297,0.03246752327238823,0.0,0.12135992323286941,0.0,c
13.196478862304323,0.011220729312829626,0.000421826901650132,0.058486726225695534,298.3724740640622,no-c
17.34135638647764,0.015809813411588908,-5.2218258088903636e-05,0.0536933114373219,165.89578979471796,no-c
1.4258805494788998,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
3.6110594030576695,0.0519308169961682,-6.540920087583696e-06,0.05366587464289611,265.8090420125205,c
19.057378184905282,0.015222704090204828,0.00022470200258985378,0.07201296606177586,182.8590475561126,no-c
0.7499398306549651,0.01243890416565226,0.0,0.05366587464289611,0.0,c
5.188447103853455,0.06323418971683503,-0.0001543545412968213,0.2732390740715321,224.13916143008822,c
17.515528923896277,0.01595630033727546,-1.3093532487103501e-06,0.02532691479581209,213.50688280549662,no-c
16.604816254991814,0.008275243138585244,0.0015277344811963744,0.04495191277515942,269.78137797186054,no-c
2.9777002316342887,0.07929364659135774,7.394314117025289e-07,0.06249922056546728,103.16842452645443,c
4.068978882640041,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
7.363131023468487,0.10365534192766604,0.00010988364212534526,0.1833703383765225,291.4951067398788,c
1.8458889104512093,0.01243890416565226,0.0,0.05366587464289611,0.0,c?
22.45403855534057,0.007175652683642007,-0.0005251148078001922,0.0342072546232749,230.83609644326694,no-c
18.462416472921028,0.006275021378951531,-1.971107236991128e-05,0.06304197938511896,166.2359473225352,no-c
4.147730967335891,0.02737374088915986,-0.00013115176449660142,0.2457120820823855,111.52880269166656,c
5.962603255491105,0.012249366369160778,-5.073857756886222e-05,0.07019597194827985,90.155039830957,c
10.42237953742871,0.01243890416565226,-0.00013142690552397584,0.05366587464289611,87.22993295543648,c
9.243410600235254,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
10.888155161661313,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
10.154796017840788,0.004097606216741442,-0.000157147238945906,0.05366587464289611,97.6003367732349,c
12.523495091752684,0.011146720419200833,0.0003122038615750366,0.0424877929748755,191.86837097363255,no-c
-0.11390582096680801,0.01243890416565226,-1.0409089325073906e-05,0.05366587464289611,75.53406317486316,c
26.16341429335,0.002686637783990002,0.0005431005650409885,0.016199071224810405,199.69332769361495,no-c
19.246572895697152,0.0047337502629204685,9.378443850379677e-05,0.010446945040089554,212.98746128209757,no-c
24.836936679363323,0.0035146061887654217,-0.00020487161787317057,0.0203082582675043,171.6816925238604,no-c
-1.6850932984981521,0.01243890416565226,0.0,0.05366587464289611,0.0,c
3.993935482675545,0.01243890416565226,-5.226696209208134e-05,0.05366587464289611,76.4615573753101,c
11.978032813683587,0.021304147260768812,-1.421048926437458e-06,0.014036071521772232,197.19042527021088,no-c
10.412211727957184,0.020731924728669162,-0.00021434171831929592,0.17826660933847605,94.10259456708106,c
23.765997137964533,0.00871295178066788,-0.0002534343321547234,0.014203326547769228,112.94682079722013,c
17.07879270704104,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
13.20929422203205,0.006825249140771866,-0.0001114625616293585,0.05366587464289611,111.10863752437714,c
-0.318949222948684,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
17.137326929460155,0.014936473626522496,-0.0001733344861784879,0.030299561725404076,173.37695370981095,no-c
13.79711139697801,0.022746590022029636,-7.948818378261256e-05,0.08275125471083257,182.82831504743666,no-c
23.617878835578995,0.008413374948838294,2.4766966209527683e-05,0.02514064137208892,165.04664326023675,no-c
4.14748666732374,0.042293220091714705,6.072440663534602e-05,0.1610813127020561,352.296008074238,c
13.389441068866004,0.018677834347991314,-0.00042949981550764895,0.0070358626746155365,182.58916636156596,no-c
22.28549126071468,0.010043056014928829,5.907315814651729e-05,0.011180434129741967,171.2974498013253,no-c
2.3066743813690387,0.01243890416565226,0.0,0.05366587464289611,0.0,c
18.9912122554615,0.009888997534837097,0.00027877207196824033,0.0720741408682772,233.54115599194876,no-c
26.8863971025702,0.004738088061637033,2.4206061594986115e-05,0.015655885509527935,173.3140222181201,no-c
10.270629724297935,0.04858534744505791,-0.00018308664635409332,0.11355077453145009,100.8112468274641,c
3.747873184683103,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
4.333605366925098,0.110707141481421,-6.17248698836375e-05,0.05366587464289611,89.00415496278924,c
32.10428959856358,0.008252335377971917,0.00022330369490516444,0.01702074144279769,185.12538018935317,no-c
15.966675978909308,0.05745447383496696,-9.473775924371693e-05,0.04523319529200285,84.77298474219326,no-c
16.778105191210216,0.009169418295271773,0.00040187642919303404,0.07166608277091008,227.66560140821562,no-c
23.507032826500215,0.00821048304404958,-1.2265758422203937e-05,0.024546573944388195,178.3980556548394,no-c
2.1815662465085057,0.033170428847753335,-4.475167072971593e-05,0.0919132258168332,276.4783288613839,c
26.39725339324359,0.0026175993924699254,-0.001342376389488883,0.01729888935486314,230.95844490573293,no-c
24.27038216842384,0.005529573451666535,-0.0001635347567761254,0.023794953729393633,203.64755950098387,no-c
0.9612195116143316,0.01243890416565226,-6.616475917837297e-05,0.05366587464289611,103.49055998578551,c
14.707622608117601,0.006203655257113941,0.0002430795844072678,0.049537652682900155,218.7249190299993,no-c
5.560567869389193,0.0176557640529143,2.4038068346118765e-05,0.09768438554442889,152.97542247140143,no-c
10.710370823504608,0.017019516949566067,-4.749744596910325e-05,0.07320071136209937,167.40017322530773,no-c
3.2972124980676547,0.026630230301646664,-0.00021117774139146303,0.05366587464289611,107.55708811647715,c
10.81085243253047,0.0101291457925928,-0.0001428893048701634,0.04224198278284439,90.68913595026804,c?
24.193441448457733,0.0018525408242599539,1.1345829510625127e-05,0.05366587464289611,177.15853579255716,no-c
11.752760443743249,0.009555732501384173,0.00017486489904758762,0.10335422041757324,152.4818242027384,no-c
21.75908945408086,0.007869890607146374,0.000402444281399567,0.038655715524778964,227.46210426270727,no-c
17.419710236954295,0.01430537248864275,-0.00025663081366482957,0.04177588323034333,101.41471252331947,c?
5.161609438004284,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
1.471400289205261,0.009020216218688232,0.0,0.05366587464289611,0.0,c
25.155466873654255,0.007023036334830361,0.00040472588550637275,0.020290464539654333,184.93930114151766,no-c
22.535525333059613,0.010354700248795578,-6.022352635377741e-05,0.05366587464289611,177.07545746361154,no-c
15.762500612684322,0.009659602608497117,9.894674180030874e-05,0.04030061026905164,182.01366249821376,no-c
26.47402231304852,0.006133664042439476,0.0007922108261666207,0.037735354298356574,203.63012663218367,no-c
16.243835272601054,0.004419972840178285,-7.920039772391931e-05,0.05366587464289611,169.6130600245689,no-c
11.536674092225141,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
11.807339918864898,0.027024452711544994,-7.492039239289652e-05,0.11327013998674518,89.14209265084301,c
2.2245513144919666,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
7.165517091385474,0.024422885888182207,-0.0001255160947202652,0.22604954376787145,97.96618089821735,c
11.88105081028061,0.018299841193701486,-0.00022316292663521355,0.05366587464289611,91.40798492803371,no-c
11.536674092225141,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c?
3.807338306464252,0.1423406822747125,-7.950230963612769e-05,0.05366587464289611,81.92185522756121,c
20.19246476790208,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
1.7832322676093533,0.01243890416565226,-0.0001411025335094304,0.05366587464289611,97.45885373069848,c
0.047818508954034944,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
14.013438945769153,0.01149994446825686,0.0006029644043191332,0.030988579627448564,254.19395457146683,no-c
14.416222649080561,0.030231078732011505,0.00020381588043613487,0.14919368934892463,235.23392997137552,no-c
16.698778084302045,0.008083873768498302,-0.00011157293533738892,0.06684690473988487,167.24459495446374,no-c
25.636718047391437,0.0046447880854525985,9.015550169143118e-05,0.03187166105477005,187.00914534968123,no-c
28.862450389529737,0.00333939898401796,0.0007004581714371734,0.061940822988464844,206.23969691370814,no-c
37.06027874139518,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
2.654626303538133,0.0915323227928731,6.134998331505807e-05,0.29884514337579904,256.8779774995157,c
13.573200217265342,0.01175189255534826,0.00028630999434526026,0.10574302616387896,221.76746372125405,no-c
4.726988115933046,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
19.68603162684376,0.015166374323124341,-0.00012025173426441155,0.004738967116735807,179.60344403967414,no-c
3.046194938956274,0.16501051285015006,2.03353907814624e-06,0.4494462528769217,75.19440856168988,c
24.562011801276256,0.011617278651270761,0.0001308368394192004,0.045737248388337,202.5682017358663,no-c
19.267621350669938,0.00994143922964461,-0.00012222763304792683,0.07951037336025003,229.517256807504,no-c
7.764887623225483,0.01243890416565226,-1.0627566016465441e-05,0.05366587464289611,82.70059244993138,c
7.288476481758596,0.028953256669364043,-0.00014516699328127782,0.05366587464289611,109.46499321219441,c
5.340335713396935,0.01243890416565226,-0.0001321219437010046,0.05366587464289611,141.45044341954173,c
13.173737233278805,0.005084644446072183,5.629180646393565e-05,0.023542791983974937,205.44948617651283,no-c
25.888551760500633,0.0020971871129061765,-6.664990719359098e-05,0.0330151254283868,166.2989715912717,no-c
8.219540656933752,0.008860906455227214,-0.00015569707689299785,0.11419830940703166,83.55641546117522,c
4.408944879717492,0.033040841671347985,-0.00014266275014232735,0.05366587464289611,155.98611685257896,c?
0.7368278649132479,0.01243890416565226,-3.766908139432632e-05,0.05366587464289611,346.28757643862764,c
6.2105455468482464,0.03283072643747172,-4.106481131412646e-05,0.06382282818190231,85.91525481318384,c
18.575986787302202,0.02673126197031749,6.383074361317474e-05,0.07246445841547602,177.16435045930808,no-c
3.5046104560660183,0.07117737466409123,0.00023253145764562567,0.05366587464289611,297.50402752473434,c
-0.09533870575412173,0.01243890416565226,0.0,0.05366587464289611,0.0,c
19.56442029476829,0.0215125258770471,0.00023311229040829678,0.04117284596184064,184.1535553263783,no-c
11.996334320777061,0.007300019902956296,-1.016138976457221e-05,0.05366587464289611,76.52005021871162,c
1.1995875296714245,0.10918473475169486,2.6723182807869057e-05,0.08105294174969557,429.30444460978225,c
29.920075189150275,0.003178678372378881,0.0012923407552870522,0.010114338346397259,247.93361661857043,no-c
19.252676851740105,0.008105979333753463,8.197871905226475e-06,0.0324848414840235,155.81556879149403,no-c
27.663783709374353,0.007234548577190517,0.00048079156048282405,0.022782482716024146,199.94992880794055,no-c
5.587549317221556,0.012605970653548832,-0.0001566915289144281,0.1673774687348324,106.78500959268573,c
22.275635660935073,0.010523014133144068,0.00013700936156580207,0.0657515130958467,221.10215121409138,no-c
12.13291727445047,0.010711316322307419,-4.362782362924713e-06,0.11517340161647337,162.29852423442085,no-c
4.216080151702252,0.017164497432404446,2.256367979903108e-05,0.16694701635562348,156.73238337844145,c
12.939437745878816,0.00838014155173808,-0.00023776457033551502,0.14801423801879116,111.4904659432814,c
31.887538692222844,0.0027655309986307896,-0.00014158775235507005,0.028008708015882185,178.19903619575322,no-c
15.686806839788371,0.016099360584535302,0.00019868769822091475,0.039427779482015646,148.37943978480445,no-c
19.47876106893595,0.01693776127565717,0.00026766313049128956,0.02951647025298475,221.94083941030254,no-c
25.079573982040543,0.00567834466235435,-0.0004739382709748823,0.020460372421017444,156.3974772240849,no-c
4.194982705830377,0.01243890416565226,2.6264100152444075e-05,0.05366587464289611,91.08067200472814,c
11.704635050330563,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
6.90179852092405,0.06905146253187891,-6.694858203103864e-05,0.07596845165352743,95.66828444240592,c
12.32447234787496,0.009806056987666813,0.00018465172316823168,0.0651862459304258,193.57025487282428,no-c
-0.7441351573301374,0.01243890416565226,-2.081262720046837e-05,0.05366587464289611,75.05207846320471,c
9.144224215385673,0.006501786740063949,0.00011166368266612145,0.18475421822652707,185.71520839619672,no-c
19.802724429410517,0.008838263578836514,7.65689688639363e-05,0.03448820352807809,171.8078234315556,no-c
33.14693403711216,0.003408445669985967,0.0018159227810171357,0.025273933398595932,233.16881063731785,no-c
13.97748049547004,0.014440257826782975,-1.2091533292152724e-05,0.059059273778424966,183.6932672518756,no-c
14.844954408222856,0.019251514351512608,0.0003449830670120828,0.058273145289347295,201.69520832962476,no-c
13.898834209021464,0.01702292962064113,0.00012418464485749542,0.07664772994907054,170.3762829568635,no-c
4.946699308265355,0.05034555189550448,0.00018771060590261557,0.07320156995926164,323.23538271183975,c
17.45167553117218,0.012100635954824654,0.00014555666512615652,0.054791710178436204,196.8031026538034,no-c
18.004129573562928,0.015629279734614112,-0.0001901993416719376,0.05024818736226505,100.05719559426578,c
22.2532256483427,0.012779306073977021,0.00016753052379618456,0.05564795314156708,202.96798965734152,no-c
0.039600990626060706,0.01243890416565226,0.0,0.05366587464289611,0.0,c
18.71755614490652,0.0034266004641283466,6.744041858321225e-05,0.01727893141010956,197.70829683984408,no-c
20.12534423789283,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
25.586344082399766,0.003575013275444486,-5.3218127870248465e-05,0.04683684333621646,171.2125008034472,no-c
16.03894067348072,0.010286689312535341,-6.521051473791728e-06,0.03760302415210367,167.4656486303911,no-c
19.05137986115416,0.009528400519593284,-0.00013036234719149617,0.04218703182064168,184.33868979985684,no-c
17.711637171207098,0.006298008146847043,0.00015244503566991317,0.02487720768964597,232.98887028996154,no-c
15.986847120163674,0.017657019761872075,-0.00013598058627926072,0.04360191941000167,108.47670329384465,c
11.536674092225141,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
11.730989959290861,0.007363482357912027,0.000291967193830379,0.15431487758769127,213.50533545176543,no-c
2.399691785061046,0.01243890416565226,-4.3272586475924006e-05,0.05366587464289611,87.81807388019894,c
24.23830481968909,0.0034634429173600995,0.0005324030997260967,0.01264669014923669,252.98903971250618,no-c
28.401362724419588,0.004945116588868848,0.0010947320022005116,0.019334345724512765,257.7811838231755,no-c
9.004128608179183,0.019125743085329206,-3.1103784131364485e-05,0.13759865954486625,156.8581440978118,no-c
10.38249477335273,0.0186424857188257,5.2353446575030134e-05,0.047827834470146054,144.95875187016787,no-c
1.026013317233685,0.01243890416565226,0.0,0.05366587464289611,0.0,c
18.292024340851157,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
4.3430431716081515,0.01243890416565226,-1.7065313608389962e-05,0.05366587464289611,88.94214119651278,c?
11.16937731369697,0.01191390378324308,-0.00025811157312496133,0.016212897624210156,95.37753376740312,c
15.649545811864849,0.01458383938613062,-0.00011006964965698494,0.09072962439590389,97.24344993039192,no-c
6.571559433458994,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c?
12.962222090748972,0.021759647569149932,4.728469816380958e-05,0.11658328587655116,185.17507943351148,no-c
4.059485427466867,0.10300523604044629,0.0,0.0418936984140362,0.0,c
13.151698741636158,0.007864646560260147,-0.00010963272791330653,0.05518420045800307,188.58612725634245,no-c
0.6914366687433555,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
15.045768071057289,0.010989002577199791,0.00039189076755279264,0.02195664161175995,227.75587592657612,no-c
22.877526474688878,0.0037552985222205106,0.00012156138329747759,0.012665837915802995,219.7941885238809,no-c
2.237346180081157,0.015294747326888023,-0.0001336370971764111,0.05366587464289611,93.88746999030803,c
4.861244565391558,0.0453564820793065,-0.00017012753145299246,0.14954832739199017,110.93741135120257,c
16.42115294435061,0.005645394014429071,-0.0004645754996676092,0.035057517572344626,106.32878775824032,no-c
19.653138775849698,0.002861946373390993,-0.00011455594993287034,0.06032029541611441,167.56943512781302,no-c
6.89922270364526,0.025674347764609237,-1.6487004125388033e-05,0.13749254271995864,166.3904972771331,c
2.9099264894782895,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
19.232144845232614,0.004661439721828249,0.0007579203628004761,0.03764155206625826,197.93249909247285,no-c
2.806327630976684,0.04429739853640625,1.247854265491931e-05,0.42078818914423977,155.00135970678986,c
15.291482465206768,0.00079234253287143,-0.000220801776532213,0.05366587464289611,106.06257152051143,c
19.014439303061614,0.0045232572236583255,0.0008402246655912886,0.08149525656494219,229.58370831960312,no-c
3.670078440209098,0.04694471497144038,5.610214874132563e-05,0.05366587464289611,531.3468103540305,c
-1.1386701083506148,0.01243890416565226,0.0,0.05366587464289611,0.0,c
14.499598783570613,0.011263604408615546,0.00021645456959192336,0.040288037742139564,183.6883558059626,no-c
17.939843513244526,0.009459843304664352,0.0007362297764644916,0.007094405887710611,236.48225806106072,no-c
15.005636141944747,0.014399119555038845,0.00023632146311828884,0.024098612436595297,280.639535963655,no-c
3.0082370980786006,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
2.4771466156592576,0.04905350511466887,0.0,0.05366587464289611,0.0,c
7.989338170597758,0.015716318962737775,-0.0001488089954656716,0.15290052944707916,82.57360108333292,c
9.810142885683709,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
18.131247201139722,0.0046104314246257485,0.0005730443671266758,0.013986695376864871,263.7992921294359,no-c
6.020199944708291,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
13.536456423873734,0.010724970675019,-0.00042591883035900336,0.09557919952192573,108.82645013711507,c
7.260571278138584,0.001478944759654865,-0.00010514948670426629,0.08034581665597412,76.11271146163456,c
15.070913340716316,0.015237658092951262,0.00039706823205820055,0.13601640748624005,208.07867350769675,no-c
17.199330411515003,0.014146991124579188,0.00016526614024433146,0.0680139505121103,197.0600824507252,no-c
13.408903017626724,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
21.82479877280341,0.013307883997833834,0.00041337207300527155,0.03245764275683477,190.50569626872783,no-c
30.186535977382952,0.002353724593222696,1.0481859885633058e-05,0.024411990190625035,175.95694224540782,no-c
4.279013153336514,0.12002683520774998,-0.00011716357154744128,0.15973205371797705,81.75971140134789,c
9.901412717624984,0.01569890348756975,-0.0003036980758034778,0.13647276605051192,92.99300020175984,c
2.933013963310572,0.01243890416565226,0.0,0.05366587464289611,0.0,c
30.350228171276235,0.002255293742377024,0.0008191443951748388,0.011014419838517912,212.76436544588785,no-c
1.470679578833036,0.05675894627993091,0.00016103191394314042,0.26434535524642677,283.6216650472886,c
17.405993593360268,0.019992000302376016,1.4273574373468279e-05,0.05366587464289611,174.33781695239765,no-c
3.8449192787528688,0.045056495597060986,-0.00011276297160887105,0.34223809177493897,416.80928964355024,c
0.7250498886542334,0.01243890416565226,-1.5840834992150256e-05,0.05366587464289611,229.01759274354325,c
18.783382769779937,0.013204563737300426,0.00014794454300791528,0.031061819963751885,213.68293608515532,no-c
9.736508638338204,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
0.08978206598244876,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
22.24900462517733,0.010328847129665465,0.0007054874160393207,0.08978148777206925,276.07565430016336,no-c
21.18296386562128,0.010253155662487927,0.00019681766153189693,0.028160108381269828,183.9556076085087,no-c
5.036564396788392,0.0435579953776093,6.591433933207006e-06,0.05265771131805501,116.1519380586355,c
18.55713510504973,0.010173982977868187,0.0001529580133162262,0.04895454810290209,205.74660802669203,no-c
23.04583500288478,0.006564118933974298,-6.138781700774844e-07,0.014998986157994552,173.4938469398555,no-c
20.053780346557428,0.005226957461552241,-0.0003502030692429187,0.05366587464289611,104.84375329256616,c?
4.55485572612242,0.03896297984692545,-1.4824611202612177e-05,0.219083887644756,79.67419327414672,c
2.4937045757178,0.032759288446517466,0.0,0.05366587464289611,0.0,c
4.003304252030516,0.01243890416565226,-3.473873635600415e-05,0.05366587464289611,76.35428752498768,c
-2.812772105566097,0.01243890416565226,0.0,0.05366587464289611,0.0,c
4.320722398361515,0.0236921811764093,-9.107679947909913e-05,0.19303298203175337,91.4828204177155,c
20.61253221402526,0.005554865168662688,5.3476574817417895e-05,0.045649171388671465,179.99598251142092,no-c
4.684465621400052,0.031467396300062414,0.00010226683815725341,0.05366587464289611,550.2849998726256,c
13.747541410500853,0.012761201072762043,0.0002317712370330035,0.07165393598721165,196.79434803714295,no-c
23.698583742020528,0.003687202162171964,-2.655963571822199e-05,0.007185626654252685,173.26183847591125,no-c
6.717571458363463,0.030157789373458962,-0.00011233858064601011,0.1304340223731358,86.77650136292269,c
0.9982924068886089,0.01243890416565226,-1.952644448875446e-05,0.05366587464289611,102.10734193210469,c
20.86340185048934,0.0038964046461806017,-0.00011811196455434406,0.05758788836284135,189.49284345985686,no-c
13.10934137300573,0.00964798380138839,-8.032890752082277e-06,0.027113318231835,160.90350548010846,no-c
11.497617846431954,0.027385599709268918,-1.2053043413914067e-05,0.05366587464289611,175.01333571889546,no-c
17.04931697391457,0.004400245852341041,-1.8378166208492898e-05,0.1452866824656332,175.46623009462448,no-c
2.3014636175627183,0.1551798708410837,2.753864730765332e-05,0.27160919909330467,85.69221129658365,c
13.655264473674336,0.011223135737850337,-0.00022045217623306164,0.07616589022953774,101.80093026706507,c
24.36511370419304,0.0058058525748843235,0.0006485847910846434,0.05246170975655195,203.5487071811199,no-c
19.71336165314178,0.011494547134727171,0.0003909035798031783,0.025751085568145038,271.1986852669409,no-c
18.887782687783957,0.01774961051480911,0.0005323398332739111,0.09447646655918637,368.21461836991074,no-c
24.844718080702265,0.0048623174917810505,-0.00039254733433522436,0.02136113276414992,209.4708904386454,no-c
23.82687553618654,0.006544705878638954,0.0005565348277433318,0.03610721691762595,199.9180495876357,no-c
1.4886219404537688,0.01243890416565226,0.0,0.05366587464289611,0.0,c
3.829182727259453,0.0036014655537578207,0.0,0.05366587464289611,0.0,c
1.6435447793994065,0.019770151618459807,-0.00010014160694385802,0.24092574914449177,282.3273151112724,c
29.086308916319354,0.003826100158847538,-1.090085345884092e-08,0.007665240944502879,169.09150711719846,no-c
-3.468125072296861,0.01243890416565226,0.0,0.05366587464289611,0.0,c
0.647214921786005,0.01243890416565226,0.0,0.05366587464289611,0.0,c
17.602643460269608,0.008843541141087754,0.0003271935159352358,0.09721929218599726,208.56353241025087,no-c
11.96000072265603,0.012110643864249138,-8.932805899839608e-06,0.06542948339673764,153.80977172397618,no-c
20.09051148880657,0.008152115526398189,5.9972276922518405e-05,0.04054449803109466,200.9413186850949,no-c
17.545655321911084,0.007212491885145828,-0.0005879043125654757,0.025064137575545604,222.53380108604318,no-c
7.373205451292702,0.02150058023212508,-8.944377063155121e-06,0.28913800459390054,88.32055969934376,c
3.9801883700798713,0.01243890416565226,-2.949135956299271e-05,0.05366587464289611,78.49489060063348,c
4.343485309840553,0.09456477491210594,0.0,0.05366587464289611,0.0,c
2.8224524346093443,0.07622127495285472,-1.024538624087558e-05,0.05366587464289611,90.85262272021001,c
11.536674092225141,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
14.180607417896118,0.0122587194069636,-0.0002934797733461096,0.08647443996783805,98.22506497607951,no-c
12.130072876619218,0.01848276022324506,0.00022520357863642493,0.06751466053170382,250.00166930482612,no-c
14.109844431947037,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
8.542287686775794,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
3.36695487465241,0.01243890416565226,0.0,0.05366587464289611,0.0,c
10.551775542985897,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
14.947168177404137,0.009763461809024624,0.00014688541591902256,0.04528940855344931,185.70309298884908,no-c
1.694234870584588,0.03803313284096843,-0.00018615916110283277,0.1637981062129169,110.18375847914069,c
19.52008575210425,0.003731879586987756,0.0005340029358960389,0.12528245973144472,255.12162453010782,no-c
25.139726025292287,0.004189555127169047,1.9207559649722324e-05,0.031255505318036544,180.9320330307542,no-c
29.19394220443852,0.0013756865425795656,-2.3332917525973248e-05,0.020640128742826332,164.89214091874555,no-c
13.959131178977183,0.012743077930622522,-0.0002005015406468659,0.05366587464289611,97.16463272261188,c
15.213237914977503,0.011861305898544994,-4.0458669289620305e-05,0.07115276396053088,156.0118395085818,no-c
3.084369174272758,0.01243890416565226,0.0,0.05366587464289611,0.0,c
-0.35184354828911363,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
-1.630123774644001,0.01243890416565226,0.0,0.05366587464289611,0.0,c
17.854995098305483,0.009444691234485618,0.00020804008210558524,0.051882908858238215,217.48827556195798,no-c
5.753714911781946,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
13.3949219122958,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c?
30.709528944074783,0.0033153195584516254,0.0006875376904341476,0.008864327277422457,201.25862175861053,no-c
18.344928749333274,0.007284142414305774,0.0001742078709598199,0.03047350199867043,298.885051239277,no-c
4.695941094574377,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
7.674707573452549,0.0346371803679732,0.00027500897019978746,0.2812878126304077,334.0624795506249,c
3.612177255737864,0.14626472094098977,0.0,0.05366587464289611,0.0,c
24.87366631917611,0.002202911871739743,-0.00013827530302492472,0.05045443400929896,176.20043603581092,no-c
28.05658872452567,0.005577935920457921,0.0008261971591669991,0.017299840370826998,204.57468593419875,no-c
8.339492789042152,0.09621567610649813,-2.7650679368229737e-05,0.05366587464289611,160.04271048951156,c
7.8218862588816265,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
32.12972766142557,0.002860403766258803,0.0013658365072930485,0.012170851149300697,234.77788203164272,no-c
10.31214734462985,0.03982420275917166,-0.0003377339646926988,0.1009217761389543,104.25902001565835,c
11.213465993513156,0.007821015302464518,3.0300688773902474e-05,0.06462253597222668,214.33883708142233,no-c
2.8796230283456103,0.09921787241480334,-2.056410450126439e-05,0.05366587464289611,182.71890606867643,c
3.373390439675455,0.014640178540803244,0.0,0.05366587464289611,0.0,c
17.394156316859075,0.008548793884908546,0.0002169547772232997,0.037685035767809225,240.5098067218513,no-c
16.26127387428901,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
22.969631837935623,0.011330322710950741,7.571492940519441e-05,0.055207914397139686,166.70399404630442,no-c
22.919716503606267,0.008390256191785373,0.00030542508711191687,0.06826007222991391,176.55877731191555,no-c
20.713407690957247,0.006446487603699287,0.00034652304928760747,0.01160678592305033,217.24232709430078,no-c
20.07976510929631,0.01360152986326702,0.0007373220682385483,0.02993643931712824,274.3189653981811,no-c
10.22816281289418,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
2.1278456167772877,0.01243890416565226,0.0,0.05366587464289611,0.0,c
17.10923363059819,0.011475493680272833,0.00012768320388955809,0.11039003478719557,197.72319083730866,no-c
3.111879604960691,0.01243890416565226,-8.51767752722545e-05,0.05366587464289611,116.38783623068481,c
0.08702947728716472,0.01243890416565226,0.0,0.05366587464289611,0.0,c
3.0627252368113793,0.1456581520978711,8.478276261244887e-06,0.06552810434623571,126.08994489091234,c
-3.1951758855656784,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
13.519942496561704,0.04482423945736569,0.00014184815984543097,0.005758986963711533,201.02834373140905,no-c
10.45336420670861,0.02329050888360022,-0.00016968876810886756,0.05366587464289611,103.66562049708097,c?
21.98792633103988,0.007901690486457964,0.00036202523472577243,0.06941595783735242,211.39312585840986,no-c
18.349075242080083,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
7.263952872594787,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c?
18.735017509308953,0.008435116862830038,-2.751529471048308e-05,0.012332356596985738,192.69918018939083,no-c
24.477542572963273,0.002134413233833836,-8.09533010311922e-05,0.03551447495494047,212.0114751556675,no-c
25.746751049552454,0.004418063535182997,-3.0437484676228127e-05,0.05366587464289611,175.06472393814173,no-c
14.87015878608804,0.015865828792640656,-0.00019236284188039007,0.0805678764564342,222.34887993243808,no-c
5.375116860998852,0.019609493737253535,-9.236325787581549e-05,0.05366587464289611,85.78009617040443,c
13.866869835553546,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
21.601705083066552,0.013832763942438651,3.044515882761917e-06,0.10092694872827447,180.21676343772808,no-c
21.252203813138852,0.002634851749036549,0.00015350719226859053,0.02988874742581114,293.0490609151467,no-c
3.490430860058101,0.12256160018509674,0.00023598449255726945,0.18535726236914837,553.2379070872337,c
17.099018066295812,0.007246683512123071,0.00019641607400585836,0.04550423642391329,209.83734842318424,no-c
24.136914585788364,0.00559689067706998,1.692621134712126e-05,0.021740648829126737,174.72825944829813,no-c
22.344148322219866,0.011733761496611253,0.00034578450248057036,0.027600555305934082,195.56645749598715,no-c
19.926826415003628,0.004153765703867535,-8.97722787404707e-06,0.03607036228400491,192.04209911868736,no-c
25.231843837739717,0.00454027626287987,0.0002744443111052425,0.025049544812240705,221.85208411659474,no-c
11.045832492111792,0.016482345343661168,-0.00010469524243826464,0.05366587464289611,88.89311178400142,c
1.8320452434419494,0.01243890416565226,0.0,0.05366587464289611,0.0,c
11.536674092225141,0.031342996955933254,-1.923200126538034e-05,0.04211397114936648,82.62391546750398,c
17.223669219544625,0.008937843023480708,0.00010376694352954414,0.010129410558049598,185.2395073038096,no-c
25.93551630199348,0.002665870806901274,2.1483828609607805e-05,0.019122177680055426,166.26435837037354,no-c
1.540140478577305,0.01243890416565226,0.0,0.05366587464289611,0.0,c
8.696207754318824,0.0163301283738522,-0.00028344274447683143,0.22363674892120208,95.40307212824376,c
21.18140439241193,0.010041214431907914,3.541835939967753e-05,0.043183145891036605,186.49737103655568,no-c
23.43039589036889,0.007938082839165903,-0.00015224204488403624,0.05366587464289611,167.04915785830173,no-c
24.553049475516264,0.0022783315551801117,-1.808788885149053e-07,0.0614002048538181,166.093087760204,no-c
10.553905947599965,0.015724029504043502,0.0002551947910169944,0.0565170579320135,173.66399474983638,no-c
19.906621101326888,0.006420693569287963,-0.00019036709953073924,0.014528558719342263,181.87164222830827,no-c
9.442303996752909,0.01640140058443987,9.107290662317192e-07,0.0655242928538625,140.11837762618399,no-c
8.376922462680485,0.042788197321494296,7.731763334062813e-05,0.16103207299315817,280.1352945199079,c
13.072087655399123,0.01679671189862959,-0.00015720716156695312,0.10622442920975972,181.30235121682878,no-c
-1.8009508229219264,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
2.1821339679653664,0.11377415056744652,3.5460459164673015e-05,0.46293079983487273,444.5954343865682,c
21.550581468710647,0.00945722073108585,-1.1700846077252055e-05,0.031194663757936295,180.94315807644801,no-c
5.369946160146988,0.044503703810251656,2.344207098400567e-05,0.2476486102470114,227.28132104934056,c
15.195759972843371,0.008742229231869904,-8.867633267986422e-05,0.04161244559179162,169.85318463663936,no-c
3.4294875824330893,0.0770702309311753,0.0002760939768868541,0.280121735895154,471.7908212961459,c
0.8453655122161261,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
3.4876738668619516,0.01243890416565226,1.8736714929027286e-06,0.05366587464289611,90.54044345365214,c
6.742025571886203,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
11.9511449748145,0.022049054113284224,0.00014915586226589626,0.19459190043890295,189.3681121053774,no-c
25.454939090526263,0.00781402690470916,-0.00013833465024533533,0.05366587464289611,98.94982399828943,no-c
3.2332649741359702,0.0908063270032243,4.2813645926383085e-05,0.16497090759265418,337.37444081790846,c
5.037995871207535,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
24.366702527267066,0.006477524958894218,0.00023046479232980663,0.05159315251498102,193.9405159844504,no-c
1.727464827974553,0.01243890416565226,0.0,0.05366587464289611,0.0,c
16.90816796963664,0.008624813095553416,-0.0003982950003198503,0.026658770359788166,189.97371303839316,no-c
9.415597620761153,0.014816686950608513,1.8716272248087316e-05,0.21674184265841262,165.79922625333145,c
12.564147877760838,0.017324117098945366,-0.00019384260706815256,0.12533736230089373,95.73905689073305,c?
5.677005043865676,0.02558188865513507,-0.00011641417469911844,0.09452527644290445,109.77132611059733,c
10.583299557233127,0.018376894811533116,3.723809512897925e-05,0.019863797120600143,153.44817016760996,no-c
32.09552321142388,0.001796875625380862,0.00029010965879046737,0.017729537040053533,177.56617844358433,no-c
16.518014524606166,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
23.734064915759365,0.003475676632450039,-0.00017217648127176757,0.016632064052400197,173.23793945869016,no-c
8.944052736216262,0.0413245310106513,-0.00011853848185839651,0.05237373488848828,246.28890477001195,no-c
23.75521492336178,0.002560052538181765,0.00022865281222580542,0.01576362395182494,232.25574684321919,no-c
7.472375473698389,0.01565182924154927,-0.00011053899867320841,0.05366587464289611,95.87772016585359,c
3.5244893894224973,0.035233824937611256,6.571544479445717e-05,0.05366587464289611,195.25722218369972,c
4.2482018325845585,0.023156871865403387,3.4818071073313316e-05,0.01886099502532358,142.42170945994874,c?
28.576402385456603,0.0025480864441561604,-4.5253488025815894e-05,0.05366587464289611,194.2504151779287,no-c
25.035876625415316,0.004456737756702141,-5.321416919962745e-05,0.05520142997209906,200.56453525255284,no-c
27.151175915308983,0.003154049749215649,1.4541289135383762e-05,0.01980493135883574,163.79365508612938,no-c
23.526758831461603,0.004657438694870992,0.000661542190664753,0.021279851125912744,302.45428611883545,no-c
13.79812969797528,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
3.3031404041302346,0.01243890416565226,0.00022322955876687985,0.05366587464289611,545.8326702939419,c
6.097751865023991,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
26.807494664918664,0.006550812288917675,0.0008216785157616616,0.02523649466562565,209.9230758134237,no-c
3.8130550411371895,0.027135887900849313,-9.98108973323125e-05,0.2178255957436948,115.3407250803144,c
26.732275412946635,0.005667222933025426,0.001110027780367947,0.009481364236971136,294.2783164100936,no-c
12.143196143752641,0.006530346030366788,0.0001835476976475402,0.02939294799223988,199.5168880687776,no-c
5.298795457479412,0.06147950265929096,0.0,0.11121009081202282,0.0,c
17.963424255301117,0.0325642635805976,0.00034568403800020267,0.08819051649973936,206.57395182547722,no-c
18.37661072881262,0.017821896488072947,-8.725924128158194e-05,0.03939823550004356,90.03753855410558,no-c
-0.5493895784111796,0.01243890416565226,0.0,0.05366587464289611,0.0,c
0.1615434375717911,0.01243890416565226,0.0,0.05366587464289611,0.0,c
13.491569347152174,0.006857441288376236,-0.00028071493929516356,0.04250209553425906,109.33752467181344,c
22.142684524752585,0.015689865126229684,0.0006123225572965932,0.0404871017946509,198.49294120898216,no-c
8.412070449831084,0.0317680572072955,-0.00015669233891502243,0.03524445358520718,109.50653767213034,c
5.260405495091766,0.01243890416565226,4.9074896523499236e-05,0.05366587464289611,156.1145783666701,c?
9.918022296366793,0.018384451246968147,0.00012654603898847055,0.06157932272025162,200.36949711488336,no-c
19.139269369878047,0.006249608200272256,-0.0008765443041210807,0.04971071052898822,242.29810693172172,no-c
7.919099553473899,0.01243890416565226,-0.00023500330127502436,0.05366587464289611,111.63560173320016,c
16.726015810538794,0.011555162647992927,0.0009199446989408537,0.050978902322049005,267.89936632958455,no-c
4.002079353251622,0.1475939821467189,7.747489056424213e-05,0.05366587464289611,259.6618409435919,c
4.617603912365763,0.21054433330867775,-3.773941470913973e-05,0.05366587464289611,83.81349645845195,c
0.963132529112104,0.08079648895242489,5.593837567120099e-05,0.28951588902715386,437.0425137054331,c
22.605405829528458,0.008232207651194935,0.0006055502799745706,0.05121647052617884,268.4071516321089,no-c
14.255510597572307,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c?
24.952669178728165,0.0020080312750581386,-4.115399698512238e-05,0.010257613167785595,182.13855358343147,no-c
21.741157036188106,0.0061305292323456766,3.3771497926048685e-05,0.05245736249456393,177.78645345556913,no-c
6.943451302831123,0.07607826039597008,1.4945605107572285e-05,0.30074095084695923,265.6739780820064,c
25.39552520570907,0.0026524547801906368,7.978313964990551e-05,0.004707215781522243,180.28971341082493,no-c
8.754144213163809,0.029723336432813035,0.0001185681008713451,0.21863042080410705,245.10180432217985,no-c
16.0885263956228,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
1.4808999272405587,0.01243890416565226,0.0,0.05366587464289611,0.0,c
2.3571090018091185,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
7.236807121862667,0.01550720624892268,-2.709318268914425e-06,0.16859440475352822,83.63556203206281,c
10.024000655592086,0.0348672984970726,-5.59760631687438e-05,0.005461503356653799,89.13130990260825,c?
18.27994104580719,0.00435706536375127,-7.227176539863024e-05,0.04351099778157259,165.14944953093053,no-c
5.017862516058493,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c?
9.12069287746732,0.010321967524611139,2.7588604836525368e-05,0.1435570601971763,194.90207973761298,no-c
20.260580985916857,0.005975195847341033,0.00023989417365672815,0.04465743580210588,199.372920074669,no-c
11.430218294657026,0.017122921142870742,-0.00033516414665188935,0.045137546684945545,109.01572462007083,no-c
5.487918726150403,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
3.696080846324427,0.033166812523056775,0.0,0.26953250755430047,0.0,c
8.048553570241808,0.021448350104880297,-1.323201729122652e-05,0.05965224370056695,80.04381911768301,c
4.331895395503136,0.21450184096970373,-5.206100216939955e-06,0.05366587464289611,94.21060520335276,c
14.506781846250107,0.007684894295223801,0.00011980049884337919,0.04244769620920576,211.78146174856374,no-c
1.0195190608463067,0.01243890416565226,0.0,0.05366587464289611,0.0,c
18.510433184063107,0.008554291411321522,-0.00029844147486569254,0.0337612151228849,207.06690257762952,no-c
23.445508150849715,0.01209846381671105,0.0004546376523823149,0.03564582044161213,228.8217899242002,no-c
8.895429414045005,0.01852829208373604,-0.0002486441281942679,0.33833012981009514,119.1153654621405,c
16.91949305736302,0.010988270547728845,-0.0001105239048758933,0.03212335589116921,82.44553077998278,no-c
13.690544271466688,0.015028799240565386,0.00016123354336665166,0.05535380492539959,187.33358260535144,no-c
-0.3299283719219285,0.01243890416565226,0.0,0.05366587464289611,0.0,c
10.46728640672127,0.028648773321845702,-0.0004164274939173523,0.09605227914316554,82.23025168822412,c
5.043225796479184,1.9810173119673665e-05,-0.00016634112107849272,0.05366587464289611,102.27990654243969,c
1.355792922250262,0.07579141683047497,0.0,0.20787406750000081,0.0,c
22.49751008127437,0.002707873240913548,0.00018224956532753055,0.020989489773334064,220.54231708151423,no-c
4.72165734923295,0.022581641164666655,0.0001846605844732542,0.16098467079116138,180.9462836301107,c?
24.45534181280691,0.00492858653562398,6.285230561452852e-05,0.049190058698468195,172.2753680931492,no-c
-0.019005672894825822,0.01243890416565226,0.0,0.05366587464289611,0.0,c
25.66674645475228,0.003050386803556044,0.00017040187432625987,0.04393918482986861,215.4742568158777,no-c
0.1501743317695224,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
13.964101222770513,0.007076961642114343,2.7377096700281143e-05,0.05366587464289611,162.32284601244947,no-c
17.904374965931293,0.007737124242445724,-0.00012771735703723003,0.04827198085943121,215.08422260343073,no-c
21.43259347135666,0.007234381031445511,0.00034381002482533304,0.02894052656658794,220.94318788900532,no-c
22.99587528612686,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
0.3631378071288737,0.01243890416565226,3.523886654212722e-05,0.05366587464289611,261.197427423647,c
27.960669993163556,0.002240366597469732,-5.6943262491665936e-05,0.015067136732450512,168.75318279380946,no-c
9.317223120097276,0.0046043631965277726,-0.00010655935822167056,0.00843022603855983,83.60849224595074,c
11.218850105810949,0.027207928136413356,-0.00014351167467739444,0.11008670422828955,115.27960957410221,c
10.91769373885313,0.015679814139556363,0.00032379907239170054,0.079637900283978,206.20955476033467,no-c
0.25926175843903115,0.01243890416565226,0.0,0.05366587464289611,0.0,c
0.959835815923882,0.01243890416565226,0.0,0.05366587464289611,0.0,c
2.9104138205017276,0.08342053441277583,0.0,0.20921277458830714,0.0,c
24.99157076507056,0.0025743579317553285,0.00029665791536394364,0.0134978741040807,223.8938902045935,no-c
27.022840760723927,0.0045417937996554665,-7.254584170919047e-05,0.024063409077824668,179.64453432086302,no-c
9.352814650142083,0.021738058504383158,-0.00020895263381630474,0.13308985226547235,92.34026116161554,c
16.304124708597165,0.022607021563424708,0.00023318698336039027,0.08313948110278994,218.6376778969873,no-c
0.320260489689264,0.01243890416565226,0.0,0.05366587464289611,0.0,c
5.4235979352483925,0.01286128494571231,-0.00011207264680427665,0.05366587464289611,99.87308646131629,c
30.809805669817127,0.002909357981322189,0.00034616097163400663,0.009462114299341344,246.2450236389058,no-c
17.120531147130265,0.0187331867029501,0.0005381526354682891,0.02582241182270542,216.17930986692656,no-c
16.48091930034744,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
10.431291990812742,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
5.53856265099642,0.05882826991029957,0.00011126471649593962,0.16470274729748724,506.1280062886513,c
18.84727083737466,0.01822733948861995,-0.00023370957188949818,0.058587855310063934,110.22874927665285,c
10.70517677685671,0.022555443170191102,-2.874719817832683e-05,0.10421889871788699,147.24075752648807,no-c
12.95839141383372,0.01800219204389016,-4.7727354922094494e-05,0.08328094719112424,194.04855311714118,no-c
15.117090824655776,0.007756679980192193,-0.00012300114726373048,0.04582840909315175,154.34434229927072,no-c
1.8545034763952593,0.01243890416565226,0.0,0.05366587464289611,0.0,c
4.954835438501189,0.01838626660770742,-0.0003033277163823488,0.06409098915093825,102.07095291742343,c
2.914330269151936,0.010663242017039233,0.0,0.05366587464289611,0.0,c
10.770348492223153,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
16.535340837398582,0.010184871836651881,-8.439922910111186e-06,0.05030807156029929,220.96444344061806,no-c
0.7297286647762236,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
23.245917309846355,0.005237595116639232,-1.363591720468277e-05,0.028598401861727945,231.88561261800396,no-c
2.9232514874802566,0.08092870779981877,1.4762684941825227e-05,0.14620762099823767,241.0911370903731,c
12.16541707530379,0.02747154263977943,8.764203299216546e-05,0.13502421852162252,310.3907753488352,no-c
9.185424205104196,0.01912233651987262,-0.00033729090409214573,0.09015424167109518,217.7877175337105,no-c
0.45231084451392906,0.10169099289794005,3.4670401171876147e-05,0.05366587464289611,134.81471006941476,c
7.138756946431794,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,c
18.00434528086733,0.01243890416565226,0.0,0.05366587464289611,173.46141306157554,no-c
1.6660304686513545,0.01243890416565226,0.0,0.05366587464289611,0.0,c
2.7930246620955193,0.18312979969167242,-5.8703149844024304e-05,0.05366587464289611,87.2109789615151,c
19.5111091364416,0.007317188208483227,-1.544793804094912e-05,0.02180668265974413,177.61844982275193,no-c
25.503622865994224,0.0035689171081273907,-1.5624032988427634e-05,0.007950275165380438,230.07982855186108,no-c
23.62436076063831,0.008009885658150605,-1.371632106899679e-05,0.05468962090559277,177.65740476133251,no-c
8.268948359947446,0.04036589828176436,3.0220796765665454e-06,0.20868605829715847,193.31575910313396,no-c
21.065683445065076,0.0034794327764151897,0.00015261533337455175,0.062195248241311445,177.62416941258078,no-c
14.378934280439903,0.013333481168971815,0.0004263413889000814,0.049761387695636664,312.43937341397344,no-c
10.395122124376925,0.041190635130808985,-0.0001889346594639063,0.15686704761862946,99.94535462140868,c
hnr,jitter,h1h2,shimmer,f0mean,class
-0.2472124626048422,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
16.250702496607182,0.027144237868855524,-9.619753797165866e-05,0.07490979439131534,131.1679088445595,no-c
0.3907767238935887,0.01905211944152302,0.0,0.07646869226454797,0.0,c
8.996716749522038,0.01905211944152302,-4.094754577332668e-05,0.07646869226454797,122.03868598083534,no-c
22.669867517312902,0.010973271363215333,0.0007927674304450937,0.04017726749392483,154.87260426374834,no-c
12.390670970607683,0.03721732524694417,2.607561871089729e-05,0.0734016226716725,138.15127384405488,no-c
2.8247533781765735,0.032133080268095665,0.0,0.07646869226454797,0.0,c?
3.747973041487366,0.0526141918917563,-9.432030308019265e-06,0.06829254993163646,99.51915302842298,c
-0.02958228417852688,0.05813572047026967,0.0,0.11611519877213157,0.0,c?
7.334405153937796,0.06253123540352576,9.32201279929676e-05,0.14019857479002265,108.1979087930828,no-c
-1.3252566266259493,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
24.063850620569383,0.012064761527891365,-3.1715677481290554e-05,0.08726202719572014,107.45106874846428,no-c
1.417615471234961,0.17000948135723987,1.912864276119509e-05,0.4094189429728722,111.94614218529107,c
10.459466247617346,0.016266600580259662,2.0353779488496183e-05,0.06253333794082347,113.06995267054357,no-c
21.82042513752326,0.004101897398911211,-0.00039576367460397526,0.024844343965692576,117.16675869217325,no-c
19.397549248853913,0.007897628650962846,-4.961173249930459e-05,0.16165156696360053,95.98510101560754,no-c
3.8256876950822494,0.03857175912132995,0.0,0.23738269983857843,0.0,c?
-1.2549003656286153,0.01905211944152302,0.0,0.07646869226454797,0.0,c
0.7387810221796394,0.01905211944152302,0.0,0.07646869226454797,0.0,c
12.513739887570628,0.00958951047910481,-5.03813831852712e-05,0.08667765725119823,114.30164607011002,no-c
0.2964405722331754,0.01905211944152302,0.0,0.07646869226454797,0.0,c
3.7330742022449668,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
0.7261670694203636,0.01905211944152302,0.0,0.07646869226454797,0.0,c
15.560207101398005,0.011232483119898884,-4.3339237449700134e-05,0.11719753635222122,97.22933389360132,no-c
0.27502361973776196,0.05602834934032988,0.0,0.12964619661567064,0.0,c
22.888293733548878,0.005330047731091434,-0.00014739145981719254,0.03719102811369681,162.85105851328078,no-c
1.9258310060332853,0.01905211944152302,0.0,0.07646869226454797,0.0,c
13.408992455433923,0.016999360278135336,-0.00015501992111402186,0.026037648846592,106.71200333337083,no-c
-0.08519169612643424,0.01905211944152302,0.0,0.07646869226454797,0.0,c?
10.790645872301582,0.025838043591091306,-5.773031177693443e-06,0.06637138062641768,103.7672715895575,no-c
27.369644923761452,0.006707250660550828,-0.000425801913571749,0.03569599206062607,124.27046113350991,no-c
7.701990047832564,0.0521972696802724,6.528192063744284e-05,0.07646869226454797,121.71945403870377,no-c
-0.3213653668594961,0.01905211944152302,0.0,0.07646869226454797,0.0,c
1.0504118029304124,0.01905211944152302,0.0,0.07646869226454797,0.0,no-c
21.668886900652815,0.01905211944152302,-8.974751347242107e-05,0.07646869226454797,99.15820590989983,no-c
2.6370601226766937,0.01905211944152302,0.0,0.07646869226454797,0.0,c
1.922464244360813,0.01905211944152302,0.00017150128599288834,0.07646869226454797,557.5282438102485,c
0.13304422457549853,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c?
16.137123897194133,0.01114677277355253,-6.900515572851951e-05,0.07864195618505021,126.19765328636265,no-c
-0.4544992370772508,0.16470720632870864,-6.374370104624898e-05,0.07646869226454797,80.75715445392639,c
1.9109299403342261,0.01905211944152302,0.0,0.07646869226454797,0.0,c
16.38975135916728,0.007066602671507103,0.0004145212771983843,0.0657762269720782,100.29198437710482,no-c
6.0029788250579355,0.013378020269732832,2.910242031712623e-05,0.07646869226454797,78.4078898737686,c
19.356415652836567,0.012614015157768395,0.00011945313668130706,0.027217399359323113,91.05284925670314,no-c
1.5130081168873206,0.06702185295958486,0.0,0.1296797897876961,0.0,c
2.8199934414772514,0.10449287913185178,-9.767782023337377e-05,0.22388486501146984,90.04178348487098,c
18.584663416224792,0.021442073180548978,-6.079902817794321e-05,0.0815054690490572,165.688596274735,no-c
19.709432358697878,0.009911138714933437,-5.8042809014288515e-05,0.08341351396185925,111.6230861115615,no-c
3.06102961654038,0.09560192624003412,-4.0974480653623136e-05,0.07646869226454797,88.21544459724186,c
-0.4048556299757881,0.01905211944152302,-3.541021062869229e-05,0.07646869226454797,83.03675746566459,c
2.5540742546210944,0.08458951225953619,-7.198840373546551e-05,0.10486665567759901,134.77696567451926,c
19.31731398850611,0.010384113326348135,-3.718587716770589e-05,0.059941388822698755,132.16900979467073,no-c
-0.97230346577662,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c?
1.1260439962221502,0.01905211944152302,0.0,0.07646869226454797,0.0,c
7.7437584782977185,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
13.224190705944041,0.05678015211759755,6.790921942568308e-05,0.17589123089144257,94.19182533557058,no-c
-1.7796084327976538,0.01905211944152302,0.0,0.07646869226454797,0.0,c
19.61617449191425,0.01691058509291045,-3.296830410718114e-05,0.029404092625482773,94.08055714867236,no-c
17.39633325240273,0.009515680647615767,8.467180121147813e-05,0.04712837496257552,92.74335318184089,no-c
17.5196091038579,0.025494486254313258,0.00018718315087215293,0.07666964253449898,84.07081952991771,no-c
19.410903439910612,0.006995580160452516,0.0005846355427070458,0.06399770281150394,120.4878251264588,no-c
-0.4747691307890161,0.01905211944152302,-3.784106576254117e-05,0.07646869226454797,78.93002740127982,c
18.524387684470128,0.019036966016631407,0.00017952564690208478,0.1048321407370185,97.49440987111232,no-c
26.81066882053939,0.0043514546568736425,6.57408948865029e-05,0.02709914550716127,106.95267276740522,no-c
15.749627144716056,0.01986358610431613,4.4872174916461794e-06,0.05116052193446857,93.44193106330036,no-c
15.385954985868148,0.018536142980654754,-0.00023364022875057148,0.0930120340531004,144.21676541181392,no-c
17.212267295947328,0.011561741769608903,-5.657370939989389e-05,0.07646869226454797,95.05373152516118,no-c
11.740703759078764,0.020013108007519136,1.2457983728882322e-05,0.0780789449841841,93.56990932288745,no-c
17.322952130269627,0.008171611852608266,0.0003422554812465169,0.08767769644713241,115.56027170180896,no-c
0.23394606613426827,0.01905211944152302,3.421807956127302e-06,0.07646869226454797,118.67364405999585,c
5.900520770926685,0.022958606778554314,-3.1648488154151276e-05,0.07646869226454797,125.50388008775145,c?
26.556756935722646,0.0041766535194676145,6.365587115749892e-05,0.02200947758539255,106.71960950232038,no-c
0.8817182224308668,0.053199226480351094,0.0,0.07646869226454797,0.0,c
6.312794120664504,0.027924541534308664,0.000154241608146681,0.17270638157862825,94.75727353280239,c?
1.7126361064638682,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
0.9142830726222945,0.01905211944152302,0.0,0.07646869226454797,0.0,c
26.60955349227521,0.01081788679301239,0.00013689712285372348,0.07477319524840642,107.22010726179015,no-c
3.660391595380181,0.10558229309229498,0.0,0.07646869226454797,0.0,c?
3.054685790894112,0.09161127520247818,6.565818662700438e-05,0.13726731543149048,106.42969331384433,c
4.501187974639336,0.13761084505625482,0.00014530461664986294,0.3591867800910413,127.36347639120024,no-c
19.682653873687826,0.012855419400958986,-0.00012417282348037412,0.07754026273011101,125.02616852617444,no-c
0.2100765043236892,0.01905211944152302,0.00010665090235574361,0.07646869226454797,109.53846998446838,no-c
23.20278638444659,0.009928441087595012,-1.835151045225612e-05,0.06137849176242539,96.47365366981111,no-c
14.235971410389643,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,no-c
20.746093079818646,0.005468308619655475,-1.2775060431422696e-05,0.023674830778900372,104.31143603250975,no-c
13.169769607107135,0.0447518370014194,0.00021663025987045864,0.11332054567256607,128.9033311415192,no-c
10.93227825518349,0.006691976657765397,-8.615843117576779e-05,0.08344971922335889,105.74016116789551,no-c
19.390188754031698,0.009834180234255075,-0.0009988806213156783,0.008125947281360114,180.0482983492577,no-c
14.022693804953112,0.025084640449728263,1.751947573403671e-05,0.07646869226454797,103.24087189488968,no-c
15.200500328448872,0.031157066064032807,7.12269041212274e-06,0.07646869226454797,88.84129949954084,no-c
5.556184574209446,0.061945460897442205,0.0002784876610897445,0.19588734771166874,471.2808212566243,c
20.92398632606311,0.003559391664315327,-5.291559417492747e-05,0.03076001667821766,96.84191756618442,no-c
14.07887785423171,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,no-c
4.188381475446109,0.03297893946079453,-0.0001613350708472737,0.18964486674769176,306.33527564896934,c
8.59468991857288,0.04454531524672618,0.00017275891074662752,0.334594567682881,269.14661889907353,c
17.272193970887255,0.022276572073905723,4.503179942756444e-05,0.06476864164293655,97.79275808837565,no-c
11.291645647997944,0.024241597049563253,-4.0478090211696905e-05,0.13815409727549613,100.02930739038146,no-c
4.822447073663798,0.04184837845079722,-2.346484033043038e-05,0.30282771426868627,89.48464449259744,c
0.2609275570779999,0.01905211944152302,0.0,0.07646869226454797,0.0,c
3.810758709859293,0.0806215957283695,0.00014783291459623157,0.2124950101375875,126.40119510369658,c
4.665883832133131,0.03637009154716566,0.00014217854898045739,0.32117309404378697,544.7270743913964,no-c
14.426000654335569,0.0203211409897044,0.00033353954456750556,0.06325550146277133,94.63415400677846,no-c
-2.15677965544916,0.01905211944152302,-8.297542653873238e-06,0.07646869226454797,122.81902694617018,c
2.5608161569876717,0.03255108186754561,4.9249371246668826e-05,0.2749006243330857,488.86853937600404,c
14.198813729191093,0.0216071216766188,0.00022018979509002152,0.04523013707932463,95.46465386503891,no-c
-2.2683579486875045,0.01905211944152302,0.0,0.07646869226454797,0.0,c
28.413010707161845,0.002483898424073045,-2.321611208001297e-05,0.02588618208224941,116.5477363999837,no-c
0.48858023231518405,0.01905211944152302,-6.13071214909316e-05,0.07646869226454797,89.99566629391465,c
16.171503727352864,0.01753780447630066,-3.771453244734289e-05,0.11309960669252968,88.34459639301058,no-c
2.5797627707303405,0.09412747076092168,0.0,0.38313128135271696,0.0,c
19.93320381947254,0.005442737850459319,0.0010527997350660064,0.02823596290229302,108.87394984485398,no-c
2.2230824796191926,0.01905211944152302,0.0,0.07646869226454797,0.0,c
7.316740500918851,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c?
7.365348026307615,0.03536770782103775,-7.56498365264666e-05,0.16207447057348692,101.75806123151487,no-c
13.368884108504352,0.014580988957799008,2.9089115711254725e-05,0.08880382477491806,89.51483319515535,no-c
19.005107697193587,0.005293954505840038,0.00011085671108768233,0.040310899044645965,115.69206558645158,no-c
21.116476754162925,0.00986761638402436,9.3303057107273e-05,0.04445522206153349,121.02381913450044,no-c
2.4099246296452974,0.01905211944152302,0.0,0.07646869226454797,0.0,c
9.450317554131423,0.05740538535515556,-6.262590267994101e-05,0.16315187213697696,112.2426196513111,no-c
-0.41828214493215593,0.01905211944152302,0.0,0.07646869226454797,0.0,c
14.982336849646439,0.01180317611494442,0.00015606848567274127,0.08036795079191443,115.80784848486691,no-c
0.16925429556127622,0.01905211944152302,-4.140223230843503e-06,0.07646869226454797,131.14455285659585,c?
3.470711168675016,0.09815937899933165,6.849770459884519e-05,0.15291245556875993,99.61890461347738,c
1.776042101718964,0.01905211944152302,-0.00018642215683602369,0.07646869226454797,371.66132507174825,c
7.619402208717265,0.0596724748079883,7.342626895137972e-05,0.1483583315382936,85.62061924299475,c?
-0.28357830883979107,0.01905211944152302,0.0,0.07646869226454797,0.0,c
18.577823126520585,0.01265070553828574,0.0010533186436616664,0.06725857387343338,191.40489552328413,no-c
6.300128866466891,0.05345515373915851,1.7430113752069207e-05,0.23372781428049436,89.02889945913938,c
2.1537074392441484,0.0943265462174967,-1.639197811303249e-05,0.27966666488368536,104.81871762525651,c
14.908580561699733,0.02015766449195774,-2.4217538880600125e-05,0.06226325622287897,109.45095394729103,no-c
10.465807155499524,0.00411508638308569,-0.00013638601462790105,0.07646869226454797,133.39775849682002,no-c
0.7051846237943193,0.16046198438748915,0.0,0.07646869226454797,0.0,c
2.0573849142864638,0.15789169553849888,1.788672698124232e-06,0.036040329948831974,90.40397838368037,c
1.1380518481426891,0.01905211944152302,0.0,0.07646869226454797,0.0,c
9.99025795008716,0.011220789138732062,-2.3803307432594656e-05,0.05915408013156931,106.47256191272534,no-c
5.551128811083915,0.12226105006030472,1.4138851646613812e-05,0.07646869226454797,139.15398289966788,c
21.483371798621814,0.004943247186905412,-2.692434177073075e-05,0.07001667071235973,91.90918200047085,no-c
10.375089840604897,0.01364389131146013,-9.523271492996717e-05,0.054402350468661126,129.49398295079556,no-c
8.765020881039913,0.07693334957650101,0.00017470784692713895,0.07646869226454797,127.14067441347518,no-c
12.771486977286607,0.023456507736469918,1.842962013979757e-05,0.06634445718699657,119.6453768776746,no-c
1.5709855412305016,0.08106343215723497,0.0,0.15985008313960586,0.0,c
21.428396553303475,0.01235719749565199,-8.640565302852569e-06,0.06910845523407862,102.32372632682042,no-c
8.526065363561983,0.02155325654090134,-1.3944952273725153e-05,0.12057392706102718,92.19490500653907,c?
3.3174930838051924,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
1.958750220106793,0.01905211944152302,0.0,0.07646869226454797,0.0,c
7.576480087454364,0.03969175981752549,-3.604552159116757e-05,0.07646869226454797,93.83504213404233,no-c
29.689034806754176,0.0038529751467224725,-0.001054542641514312,0.023555577625375076,109.31923396492097,no-c
0.29640528445580616,0.01905211944152302,0.0,0.07646869226454797,0.0,c
0.37685213317369565,0.01905211944152302,0.0,0.07646869226454797,0.0,c
-0.5600513087837757,0.01905211944152302,0.0,0.07646869226454797,0.0,c
6.82395464882314,0.01905211944152302,-0.00014952839048962285,0.07646869226454797,79.63208614776664,c
3.9848904473784637,0.011449386648071594,0.00018888260661280632,0.14930087311093798,498.14647965583293,c
18.53464105930849,0.010709661906073474,-7.212871826412426e-07,0.029336298347171847,91.90391757790641,no-c
15.656819374995738,0.005571726221926059,-2.2419222052739833e-05,0.03602072526831728,116.58859153803954,no-c
-0.7326216870165042,0.01905211944152302,0.0,0.07646869226454797,0.0,c
12.534802072191868,0.015441949936661446,-6.8066401129091e-05,0.07063158312714503,94.8258062483251,no-c
10.013341091582419,0.05113690113409428,3.315426095320441e-05,0.10447758905756796,92.55669518438569,c
12.68247371256898,0.02357198228818448,-8.515925468399743e-05,0.11438385201841973,125.73427446200009,no-c
-0.19687192172229948,0.01905211944152302,0.0,0.07646869226454797,0.0,c
12.55332966252164,0.03330394984729799,0.0003335775940627698,0.17384675793556204,90.38544422649271,no-c
11.759774202781767,0.02693887723768409,0.00010819772528159784,0.1355323710840914,106.1591754558457,no-c
4.750157315580088,0.01905211944152302,5.139074007186528e-05,0.07646869226454797,90.62915829609933,c?
22.507123122591604,0.00818423083152419,-0.0005733727329956945,0.029624596021471467,117.68276715744165,no-c
14.244675242804526,0.012255961513763926,8.091011051711793e-06,0.10364266763985623,112.93353664628796,no-c
5.451736512316122,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,no-c
-1.3689015012808352,0.01905211944152302,2.2353758142676745e-05,0.07646869226454797,83.8788048187917,c
3.9432590769180216,0.01905211944152302,-2.5563971459594543e-05,0.07646869226454797,91.34903245290873,c?
-1.186819579466108,0.01905211944152302,0.0,0.07646869226454797,0.0,c
1.9972850311667125,0.05863936552852175,3.695034362234529e-05,0.025259306058177583,108.36722846440195,c?
3.8410168013002908,0.01905211944152302,0.0,0.07646869226454797,0.0,c
15.135125511278682,0.005811353540235738,-2.29535395218854e-06,0.07646869226454797,96.42826033982244,no-c
13.100442259817747,0.06152342874761528,-1.429429852140029e-05,0.07646869226454797,92.29923511895551,no-c
1.8943679250378598,0.01905211944152302,1.2951516747186821e-05,0.07646869226454797,102.06559970267907,c
19.808555105001332,0.012901324070999049,1.1798252703008676e-05,0.05941417185877134,103.4741380947942,no-c
20.751956494676453,0.016731459653302617,0.0005993461277256955,0.13061732221894515,185.13202146679592,no-c
0.006605947823907041,0.01905211944152302,-3.833328059791732e-05,0.07646869226454797,151.99805630106152,c
5.89476369752595,0.07528065835344773,-1.2454677981539975e-05,0.16487721552007825,90.93397176168908,c
17.108279031249147,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,no-c
14.266950047670104,0.019120130552553117,0.00011038462638864423,0.10763911843996779,106.36227558656832,no-c
2.4687399492235533,0.04007534090616788,0.0,0.24014505752490817,0.0,c
11.219808933825774,0.028283035310263046,0.0001007210900925388,0.08400800028380936,108.70061006824679,no-c
18.193524854359737,0.00711900676807344,-2.9877341290293104e-05,0.032669265433764,108.52920043729317,no-c
21.180903449458192,0.019907247504280644,-0.00020631085382378925,0.041793547654339853,105.51876556558469,no-c
3.386002291366141,0.05107433168170604,0.00012178097211625055,0.031275147011543214,90.94603370106009,no-c
23.828869867476964,0.008344549052952453,0.0001677471323517797,0.03993554960561798,123.66172984784295,no-c
2.5477771608602446,0.07245227593787193,1.4225411181269243e-06,0.12378410093919197,98.37611223255843,c
1.837902505718108,0.010254263520547254,0.0001030973585872066,0.2089676264588403,500.04739515660094,c
3.159849698261695,0.01905211944152302,0.0,0.07646869226454797,0.0,c
23.08109323572222,0.010962154414257727,-0.00020710550353060086,0.006673240430869437,156.28283461921734,no-c
0.8471835981469434,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
23.33339045443168,0.015062596603034608,0.00048349591681771427,0.06973559064584496,108.04300238540087,no-c
20.367459954170968,0.00720993531326408,4.1269150123738284e-05,0.036267231946741134,123.6429708378708,no-c
2.6805450916089026,0.0746044936978518,0.00010594157250995189,0.203166002750761,466.0643279413919,c
4.598883763001626,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c?
15.222183908530466,0.037495055530531944,3.093285579543485e-05,0.10967853260214941,102.05282611624723,no-c
1.400092469232801,0.01905211944152302,0.0,0.07646869226454797,0.0,c
6.285535510282642,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c?
2.4242709896940586,0.08576741743501817,-0.00018254023431481627,0.05186992327088201,87.95661261605052,c
25.43499353566615,0.004444936373450278,-5.775246406857342e-05,0.07646869226454797,100.22835618910848,no-c
1.5793216792709046,0.19603830715922355,6.233238831333957e-05,0.07646869226454797,98.70662972043887,c
7.185779782097532,0.0565945320101922,0.00016672965477698175,0.11378469044005968,384.3979984744866,c
1.320051648554919,0.01905211944152302,0.0,0.07646869226454797,0.0,c
4.735789684570436,0.07782463111822857,-2.5136919198648944e-05,0.14933659877850278,90.3671720554985,c
15.434114590335142,0.02536163275333795,-1.665998955676027e-05,0.049150469199793476,96.3196000009128,no-c
16.190531650175515,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,no-c
11.5950224015288,0.008343186027842012,-3.68301957248185e-05,0.07646869226454797,85.07472406487355,no-c
26.20066703936055,0.003838752995974409,-0.0015418108693083486,0.040513775119042424,165.1327329951087,no-c
14.363436459832679,0.04128138445777008,-1.5018622888393748e-05,0.12251359389965927,97.51175676637206,no-c
6.202749515040285,0.08396126841906465,1.9010346675022805e-05,0.07646869226454797,96.00731798566183,c?
0.6421785894898567,0.01905211944152302,-3.445591227825905e-05,0.07646869226454797,75.21149526292884,c
4.002295239332973,0.07792227741551122,2.4801352065286e-05,0.3304726307003438,376.4889043243102,c
11.809606125287422,0.04406321632722477,0.000333631605932627,0.11933070215169511,88.71407291643061,no-c
1.0918342258197187,0.01905211944152302,0.0,0.07646869226454797,0.0,c
18.54217031389832,0.00618182397152612,-0.00023472470519265152,0.02898209992245036,99.26180738129004,no-c
24.95809430053326,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,no-c
0.6602719510365627,0.01905211944152302,0.0,0.07646869226454797,0.0,c
7.850843608085581,0.021805831168009597,2.4990649294600646e-05,0.01330523948073715,203.79305769079812,c
3.0955549247537486,0.1085211547777011,0.0,0.1999031050811094,0.0,c
24.19380905241091,0.004989687524691709,0.0006894350763501015,0.02891133354670758,137.65097030542074,no-c
0.34374889449870794,0.01905211944152302,0.0,0.07646869226454797,0.0,c?
4.115497946317316,0.03835547039544166,0.0,0.20560400107378352,0.0,c
20.911171587810813,0.017431467608883956,-8.979560903806005e-05,0.08640675466314988,91.37545153903369,no-c
2.4702992552083978,0.07425234629062268,0.0,0.07646869226454797,0.0,c
1.8700833038785123,0.08749384345168705,-7.720865901177282e-05,0.17731455421307704,80.17691585939012,c
1.1366533904492644,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
18.56497650692181,0.01682711259215255,2.6538991819161355e-05,0.03071886773349163,115.35346657110145,no-c
1.9791443990569972,0.01905211944152302,-2.7017562699412418e-05,0.07646869226454797,97.90450355739908,c
11.288665022961016,0.035360541895252486,6.473634311356929e-05,0.07486379779131606,115.15320754594988,no-c
5.137455185301589,0.10802894305462304,0.0002794186638319108,0.07646869226454797,170.73383468403065,c
15.384020119296082,0.013497047824641813,0.00011646552583813235,0.08434409077388184,184.8046077864727,no-c
22.52632632135066,0.008201027890682297,-0.0009388988610089671,0.044842636975337094,139.54241484206761,no-c
12.06549520166441,0.0074941632948741805,-0.0001275933670755664,0.019929183473949952,119.07554922309282,no-c
4.0865175078873905,0.01905211944152302,6.57551947423983e-05,0.07646869226454797,78.09649563522466,c?
2.0260798193854077,0.01905211944152302,0.00014713215593819314,0.07646869226454797,108.1625634868916,c
4.863477133338449,0.01905211944152302,0.00012278785537676355,0.07646869226454797,102.33528642052902,c
23.734036276111212,0.0049788320622133325,0.00036594353312144855,0.03625407309069714,118.42270645564744,no-c
2.039834882086864,0.05352819959714071,0.0,0.10039806586415612,0.0,c
4.1964948549460575,0.08813051624450915,1.8261651100116954e-05,0.19206495530462245,416.32656417338495,c
28.648613661101045,0.005490530909872784,0.0005668431997113035,0.03581813907971442,151.13770445114193,no-c
21.340996170187463,0.020059488584560987,0.00045968502739737857,0.04703843391726242,143.44810880380592,no-c
18.402592078668132,0.008513761033878797,0.0002429001603096739,0.03983012544886999,100.7054426105578,no-c
9.34416938064721,0.024578299195008504,1.7649339794312215e-05,0.018271160231895716,91.65399802243971,no-c
14.2600068107641,0.009094563833190114,0.0002240861808545048,0.028002667141012842,170.5242489267488,no-c
6.843251958619363,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,no-c
18.929326049255426,0.038769561235282135,-4.27723443118876e-05,0.00300212455133537,102.38769947806361,no-c
15.207967596962677,0.026374972536902516,0.000395390655123721,0.11444268356851536,86.73264398192676,no-c
17.943007515512434,0.005519235506753757,-0.00011104370724617565,0.009073280431327222,115.43789142126072,no-c
1.9808236351467121,0.01905211944152302,0.0,0.07646869226454797,0.0,c
-1.416081380384103,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c?
12.726934440830014,0.023623065635052374,-2.922360800520227e-05,0.07616539624818577,137.07978978652187,no-c
0.4239675923630137,0.01905211944152302,0.0001188833952966457,0.07646869226454797,94.16441688398703,c
25.875370021023503,0.012810839646291866,0.00027456995307247696,0.04594286373779473,104.50688869290745,no-c
3.515464707223947,0.08039824560703396,4.615380218865695e-05,0.23954572745018007,114.51822645589667,c?
12.44024074031788,0.01235308222569542,0.00043109043120393114,0.053396386079081266,172.3877308375895,no-c
2.9697901249239753,0.01905211944152302,4.360887605403353e-05,0.07646869226454797,101.17792394019263,c?
4.713221389203625,0.06296818340262073,0.0,0.06297336430885167,0.0,c
11.366281677681322,0.05764280263409063,0.00012472725341355085,0.04992166726950176,110.13242560047001,no-c
18.547213251137748,0.009697385737358191,0.0002984547122035721,0.01642543327273487,114.50626835017722,no-c
18.530678569328337,0.009900455924032119,2.8804394051725553e-05,0.07515194822792583,93.43965075195608,no-c
1.0140180366815126,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
19.858995328487886,0.006265031475264337,8.167271508821713e-05,0.07729705311957785,148.21757273589688,no-c
8.72595981799734,0.023306956394621034,9.13001830658318e-05,0.07345291957839607,116.30842362816452,c?
3.615007268759725,0.01905211944152302,-4.6476413362439276e-05,0.07646869226454797,93.58207399765178,c
26.345857755027403,0.0052695857989469444,0.0003021032000922971,0.026066552019309117,109.92548149294292,no-c
0.822251296645401,0.01905211944152302,-0.00010253741508618272,0.07646869226454797,80.03248516892708,c
5.07344613314073,0.06572968539534926,0.00010513773951429818,0.24492646228599718,269.2284301402213,c
23.883468513314618,0.007903223807237812,-0.00023077622721202418,0.02894452526983363,150.28518853354774,no-c
10.681067917525677,0.008958460848210144,-3.745110736362968e-05,0.13552657044119096,101.7356253261845,no-c
0.7055965057887679,0.01905211944152302,0.0,0.07646869226454797,0.0,c
7.4909596721074925,0.04524020337018734,0.0,0.20113604325184378,0.0,c
2.7535995467159253,0.048090645762774234,0.00026505318034660783,0.13187794420331872,483.82401421039526,c
-0.7219519003044341,0.01905211944152302,0.0,0.07646869226454797,0.0,c
0.6860045313876525,0.01905211944152302,0.0,0.07646869226454797,0.0,c
1.3718847870127386,0.07343680720894623,2.2494028315171176e-05,0.16467940567196546,142.73542483781242,c?
5.340559928930009,0.06031048157312851,-1.3584411624334062e-05,0.18815358088156123,93.3493018298095,c?
1.692791440431573,0.01905211944152302,0.0,0.07646869226454797,0.0,c
0.0826131520598683,0.19993904298773044,2.385171468885844e-05,0.07646869226454797,108.4694748740799,c?
0.8421638397793363,0.01905211944152302,5.236555294847202e-08,0.07646869226454797,171.31784207359308,c
19.034323683589648,0.027666339132285077,-0.00011494819625142418,0.043845085586702255,110.01090634702429,no-c
28.2137922241833,0.0045467234552445356,-5.970297085559765e-05,0.05315044664051544,123.139349627539,no-c
3.4488051299932554,0.04964403829438717,-0.00010007187375410821,0.3581507149828208,117.59734439179088,c
15.1754977786042,0.03431786105620201,4.770773573762558e-05,0.08715420676059081,106.3709796868669,no-c
-0.32203336427538903,0.01905211944152302,0.0,0.07646869226454797,0.0,c
3.5585630554079484,0.10460517076410121,-5.050085334580779e-06,0.07646869226454797,91.07550026449353,c
-0.4323830593317628,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
18.974377469645805,0.00886450826370337,-0.00023144239456837732,0.02550112598616827,127.17953338574497,no-c
23.268610942141468,0.007499573638162691,1.2240892995545732e-05,0.06340095689897976,122.90391474496273,no-c
9.69318825290586,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,no-c
4.376315832838622,0.08631555640859999,0.0,0.07256984895136107,0.0,c
19.35779277137309,0.004901991941970617,0.0003251264773235234,0.032313689172040756,108.17979614604937,no-c
2.6688016530391208,0.01905211944152302,0.0,0.07646869226454797,0.0,c
16.771292871730445,0.016315238596197625,0.00041958696422837635,0.0864482745018313,88.78443455556207,no-c
7.748383918118069,0.02095477096464043,-0.00016356435307988065,0.2072734799684889,151.0385374811376,no-c
1.4538511107101888,0.05799459230714577,-5.528582651278955e-06,0.27101515690379796,305.9279728397568,c
22.34112129324607,0.008062242939201951,0.00010659725714791467,0.017542631984963825,165.46113589030227,no-c
7.185649785374306,0.0674032220224024,-4.002026679592336e-06,0.28732373740362965,80.0101418255686,c
15.42212587385691,0.011149762817137625,-0.00011058141827530405,0.05250460518879207,95.29465773273388,no-c
3.0073925550421188,0.015506483315760964,0.0001983637588962746,0.24845408220301007,494.1489099717837,c
18.039807563980872,0.00631272747577436,2.896692431905495e-05,0.10082893666584883,117.37361031975257,no-c
18.781157007311826,0.012692077390551311,-7.730330791342634e-05,0.04769431690217416,124.7892207178195,no-c
11.663914461881252,0.00822715537376089,5.717797915903418e-05,0.06562667129612604,125.9415109392261,no-c
11.293336895434926,0.04872240250244016,3.310301978346287e-05,0.07646869226454797,90.11947743071123,no-c
2.6042640093526197,0.09226654668659612,0.0,0.15870077185975492,0.0,c
19.89840449326231,0.013518108244183605,-9.453445798912868e-05,0.051227373427750994,102.13838241962863,no-c
4.585400863232546,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
3.502347515389714,0.0766699623457364,0.0,0.09874622174329097,0.0,c?
13.39537638694621,0.004119102141300442,-0.00029184875760132037,0.04729051361415682,153.54021313822454,no-c
0.7065951237955737,0.13844500532080145,-4.8875888398242e-06,0.07646869226454797,107.64515509772889,c
16.467437992193442,0.02060822493411611,-4.813990038793261e-05,0.07013063340696456,91.306853263547,no-c
0.03162720488430404,0.01905211944152302,0.0,0.07646869226454797,0.0,c
13.363020423777314,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,no-c
19.216214317837874,0.0214583871581503,-8.758575127743249e-05,0.13996823527446947,111.6493841659374,no-c
17.727611261893276,0.01699474491617625,9.674695348864471e-05,0.06131729326011407,97.76172162685789,no-c
6.527003076987391,0.02582058985196072,-8.005465821374996e-05,0.17361449059457268,137.9002224320856,c
1.799500163844586,0.01905211944152302,0.0,0.07646869226454797,0.0,c
1.0564333481632866,0.01905211944152302,0.0,0.07646869226454797,0.0,c
-0.5426366637829265,0.01905211944152302,0.0,0.07646869226454797,0.0,c
4.513440022663028,0.01905211944152302,0.0,0.07646869226454797,0.0,c
11.246397127686672,0.016868755055006162,-0.00016271249494294874,0.055879451229041234,99.73125546635528,no-c
12.475838647135001,0.02902784211818167,-0.0003338347468818823,0.1119684059059302,146.82679965591586,no-c
1.3771469711413276,0.01905211944152302,0.0,0.07646869226454797,0.0,c?
-1.51780070736863,0.01905211944152302,0.0,0.07646869226454797,0.0,c
20.85914086831231,0.012132888579774738,0.00012393069785610072,0.0475988310289876,110.9482653986077,no-c
10.80729508899304,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,no-c
14.358934403470426,0.01519363098200309,2.7480900545539427e-05,0.1541606323889685,100.34568487830104,no-c
9.116399947211445,0.023308187330370992,-0.0003962353031293751,0.06770218062577202,83.1407907935333,c?
1.4022552919313036,0.01905211944152302,7.475321994651522e-05,0.07646869226454797,578.9144126756363,c
0.587243001222871,0.06327683685243404,0.0,0.07646869226454797,0.0,c
13.162036937819412,0.018309468185427447,5.045487278769153e-05,0.06335386546240478,96.40275307285373,no-c
4.4700905437384835,0.008888661396987881,4.36300749581589e-06,0.4802493920004492,225.99049375299265,c
5.084087720322732,0.02208936607514734,0.0,0.01964926573778757,0.0,c
20.598907411382214,0.027275417775292753,-0.00011288484026255246,0.07646869226454797,104.7384340442103,no-c
7.7437584782977185,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
17.082705906260667,0.005561285264204449,-5.561006118457877e-05,0.05032640372987697,96.85222243867032,no-c
6.991694493617729,0.07801279163811865,-3.279113411518573e-05,0.2151702283865285,98.31201739214733,c
14.394807580208383,0.020666537137781486,-1.9366923830882823e-05,0.054996429959018586,102.7295273134188,no-c
22.67791640315486,0.00374061505953924,-5.380769014332558e-05,0.01563222575125691,94.87710644203501,no-c
7.33610591941476,0.0526104443740766,-2.675363734383818e-05,0.07646869226454797,103.80241565439097,no-c
17.723594542527245,0.005541200393830693,-0.000552590172871307,0.014327991233931942,176.52128366570687,no-c
4.723793004138444,0.2206037568983405,5.89676775347947e-06,0.07646869226454797,82.83962428106574,c?
1.6870155435900474,0.04688556877534257,3.0751148069808473e-05,0.14004944519109283,440.75315111915637,c
-2.986233864772603,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
-3.5668269522391314,0.01905211944152302,-1.9532078390376322e-05,0.07646869226454797,87.79340919217096,c
23.22270504325699,0.011712261303931513,5.803265317854691e-05,0.04298569083283328,117.25817377280804,no-c
2.740191489370282,0.01905211944152302,1.0016246926393294e-05,0.07646869226454797,85.99579596132232,c?
5.188179924386661,0.01905211944152302,-3.9272644273375385e-05,0.07646869226454797,78.67598329768585,c
4.219512610934516,0.00700310685249137,0.0,0.277481002798333,0.0,c
15.81649693118453,0.008178471177895394,9.167850268730718e-05,0.07003836041441824,100.18617834142457,no-c
-1.0191469380892908,0.01905211944152302,0.0,0.07646869226454797,0.0,c
24.32294174560602,0.0066189084339641725,0.00011485811366082404,0.0429495962317429,108.4443463973727,no-c
7.012938572399648,0.047786525615481606,0.0001188461731890332,0.10732989473962273,121.36057642920639,no-c
3.0136122243430084,0.01905211944152302,0.0,0.07646869226454797,0.0,c?
15.688733002396745,0.028703253652855375,9.330924596850389e-05,0.03792684773330976,108.42743404564362,no-c
1.7464461856111668,0.01905211944152302,2.7297965714259258e-05,0.07646869226454797,121.43689001418389,c
15.607873978312105,0.0030411939107889766,-0.00014438003922303156,0.07646869226454797,92.64990971298795,no-c
0.27666908692697806,0.0194718308754258,-2.9232341845619378e-05,0.07646869226454797,150.45291985697702,c
0.5681980103029185,0.01905211944152302,0.00010369888278867535,0.07646869226454797,393.55079750133183,c
3.507033321895889,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
19.357565637353595,0.005919781372990459,-4.6833088517710174e-05,0.05030378174898791,100.90920150102586,no-c
0.9043108770417695,0.01905211944152302,8.394408548872509e-05,0.07646869226454797,165.4264207559518,c
21.40014920011025,0.0077331641269746485,8.54498572154047e-05,0.02030109825454615,134.56993380765346,no-c
12.995359878122073,0.010858688935046481,-0.0001352296627634575,0.09139222673357238,94.34052422032522,no-c
-0.07657809729076792,0.01905211944152302,0.0,0.07646869226454797,0.0,c
3.3906750952485245,0.01905211944152302,0.0,0.07646869226454797,0.0,c
19.3048276896717,0.011731567863378835,2.8312478678654287e-05,0.048514511402823424,125.6329972187218,no-c
0.895708012703839,0.01905211944152302,-6.45338383521214e-05,0.07646869226454797,91.73580718810685,c
1.6349054805233771,0.09341268127307294,-1.9711380020629953e-05,0.1380884646385379,142.28219276287422,c
10.91746439869775,0.04512060467706382,-0.00020583652310178063,0.1031582375582218,95.68233594457051,no-c
5.100548791524391,0.13731590742671076,-2.291096948648422e-05,0.2886644382524068,84.20455627350228,c
-1.321477816574383,0.06538823807282203,0.0,0.07646869226454797,0.0,c?
-0.2989611657147361,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
13.601769568940187,0.01893465939039387,7.759709636783206e-06,0.07646869226454797,101.16284910666656,no-c
3.672653971505583,0.07530998080953738,2.39834381008499e-05,0.2087570783583656,101.65347467084578,c
2.4651800806273996,0.08754040594008901,0.0001921706762691179,0.07646869226454797,324.406296841131,c
8.59155925193238,0.03642897131275285,1.7424980605649593e-05,0.17489839018248296,94.93895528354412,c?
14.191332553635679,0.01804393695805327,0.00015757205729657653,0.16553794588883172,117.09000745441719,no-c
1.4098281683418454,0.20967401287208645,0.0,0.002760627968230741,0.0,c
3.193703094626713,0.02466218194287952,0.0,0.04915465541459482,0.0,c?
8.642769725993187,0.024598277454858965,1.3789190938620925e-06,0.12875414353067033,103.16051135710018,no-c
2.237399350976411,0.01905211944152302,0.0,0.07646869226454797,0.0,c
7.797796710632676,0.014540797186892988,5.062061891048317e-06,0.24712504516275452,94.0920153562766,no-c
22.02225307590229,0.009686085795942222,-2.1583241642077048e-05,0.0037301599326402942,121.34855082253743,no-c
0.321502599605682,0.01905211944152302,0.0,0.07646869226454797,0.0,c
11.726066947059739,0.014086712342295674,6.687746800559797e-05,0.059329424363840685,95.0417652958152,no-c
4.533465056708332,0.055045143355649376,6.504717324311875e-05,0.11032832349146772,111.51995359240996,no-c
18.993386751535095,0.010982344749885936,-6.60766397224415e-05,0.11805001046215546,96.37753209733357,no-c
18.549932888780237,0.023812563949448882,4.9455249932306845e-05,0.015938380977438455,122.83976271845553,no-c
3.509811361084909,0.0672424781516542,5.385337591321932e-05,0.23598936221076305,593.961753884236,c
10.352194384479581,0.010858421393481203,0.00011865411927992127,0.06015206152940512,103.9234369404975,no-c
-0.3028285323080593,0.01905211944152302,0.0,0.07646869226454797,0.0,c
15.422208982679907,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,no-c
21.91389717756477,0.008348718430046718,3.556882391264355e-05,0.06397003646616703,119.59670620055982,no-c
2.799538404563239,0.026398265680475447,2.5262342508400253e-05,0.07646869226454797,87.53931249508912,c
23.41132713037227,0.009688978856986807,7.37487232948718e-05,0.04103624605551811,116.98146053587526,no-c
20.03535080258868,0.016352413088233448,-8.364854553009966e-05,0.07646869226454797,108.75553159639352,no-c
7.636564496817675,0.017654438723789093,-6.447728162138215e-05,0.1070151139249216,121.26891346017294,no-c
1.6772610162068755,0.01905211944152302,-1.1653871513585557e-05,0.07646869226454797,86.8939516531819,c
18.025276271854235,0.020574303788153857,-8.069291774712292e-05,0.05208468240170357,95.52867596749168,no-c
3.9235251948197245,0.08579574911749648,6.653219008489695e-05,0.2946678159062966,109.32899498141829,c?
1.7862644972847097,0.01905211944152302,0.0,0.07646869226454797,0.0,c
6.703235603525748,0.01905211944152302,0.0,0.07646869226454797,0.0,c
0.8516539774206209,0.01905211944152302,0.0,0.07646869226454797,0.0,c
1.358224494467086,0.01905211944152302,0.0,0.07646869226454797,0.0,c
7.7437584782977185,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,no-c
2.69781202958474,0.01905211944152302,0.0,0.07646869226454797,0.0,c
5.000568221817234,0.07395780320064423,-1.9788783983352976e-05,0.19763479663707337,116.46260171202456,c
18.21768806023714,0.0076972467386196,0.0003231239156030578,0.07199030006294999,106.77901103989664,no-c
7.7437584782977185,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
0.601995157899131,0.01905211944152302,-8.41921871486725e-05,0.07646869226454797,95.07191218102092,c
19.947607448376992,0.008618786130236748,1.6209685102861263e-05,0.06576919072902414,88.14381244441736,no-c
4.61955203755098,0.007770475619513354,2.576459451119645e-05,0.07646869226454797,86.11674503617759,c
20.37709935430252,0.005555530454664996,-0.00011860874316234744,0.026576452175229626,124.98516204193136,no-c
19.210075651427086,0.016358264866813157,-0.0002164356826480871,0.09229108661720938,151.8273665411982,no-c
0.867245879906937,0.1833222876485201,-2.326439424375094e-05,0.08456857969501087,118.17997431445204,c
18.26811415056451,0.00886235060796016,-1.1919362134155717e-05,0.07646869226454797,108.42339327236382,no-c
0.45567430003703074,0.01905211944152302,0.0,0.07646869226454797,0.0,c
4.816949852140401,0.01905211944152302,0.0,0.07646869226454797,0.0,c
1.3615729840340531,0.01905211944152302,0.0,0.07646869226454797,0.0,c
14.765069322868081,0.01752399956910667,-0.00027636058923973656,0.10093240501591315,129.72579248125498,no-c
1.6709853719930787,0.07833294384746739,0.00013548971454452845,0.2911588007435327,118.95412737582592,c
3.914651907192183,0.08964267405683178,0.0,0.07646869226454797,0.0,c
3.8300659960704886,0.13241352729259753,6.57033116513753e-05,0.49888646534248143,102.32343632264256,c
18.412583579533884,0.009036144141825393,6.427141391778779e-05,0.12377481087254327,117.6937726069952,no-c
13.315847101415077,0.025042397159629165,7.996413673117838e-05,0.11902567716130875,149.01542282425828,no-c
7.417838679608126,0.03420539694821871,3.0675789203247946e-05,0.07690409301125667,174.96903523089608,no-c
3.4861147291749766,0.1895146606591582,3.769169097960578e-05,0.07646869226454797,123.14326651139207,c
11.219152414224737,0.033307785321366655,6.299552483297793e-05,0.11378265632068939,89.00416208998432,no-c
1.937468986258111,0.1643446398023871,-7.023924168905363e-05,0.07646869226454797,129.2845199542705,c
8.764457270633805,0.023735289669481477,0.00015753309442478717,0.17347971040090754,116.24238082578539,no-c
10.459297399902223,0.027471761058588104,0.0,0.1433602219148529,0.0,no-c
10.205650506436822,0.008656050183950966,0.00021334016170755773,0.16699334959794399,101.08093885126729,no-c
1.099393344559846,0.079156448415774,-6.790249566559903e-05,0.07646869226454797,135.336197742971,c
1.5744521829028841,0.01905211944152302,4.746193045421517e-05,0.07646869226454797,111.97857178279064,c
3.1534382393388234,0.16314482523353607,0.0,0.07646869226454797,0.0,c
-0.09095885608234702,0.01905211944152302,9.668075374663605e-05,0.07646869226454797,591.3708104328234,c
0.6843422282793142,0.01905211944152302,5.4459191312038614e-05,0.07646869226454797,165.1252360846613,c
-1.9105003092401411,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
13.317016720257705,0.009298796233270118,1.6001173732054863e-06,0.13076897109018715,131.09433439027836,no-c
15.737541717170208,0.0236094572543658,-0.00011101176162424853,0.018378922582505487,99.85624564487199,no-c
-1.8447916061497613,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
19.05140365953815,0.006830234316285124,0.0003065802712293647,0.04845920240238271,112.88929943639359,no-c
26.998047040464062,0.00798684489305646,-0.00010849793600679777,0.07646869226454797,117.40854154840429,no-c
13.745820423616525,0.005792339231586618,-6.710267162308009e-05,0.06057350474867056,111.54858588046763,no-c
13.072402090492691,0.014230895294820039,-7.201167571718002e-05,0.09835419042710548,104.90798798350885,no-c
17.805703379078462,0.01562315654526786,2.2875694594474847e-05,0.014122855914592471,112.15880427022192,no-c
19.318422332383797,0.006880299701346866,0.00029862428970271136,0.052664661631209884,127.07092478242387,no-c
0.7268604015918684,0.01905211944152302,0.0,0.07646869226454797,0.0,c
0.14030353171892312,0.01905211944152302,0.0,0.07646869226454797,0.0,c
20.484476595912348,0.014872878145646995,-0.00012582385526468368,0.021072748643496175,126.3191460134624,no-c
2.8553389971228373,0.05893388784556032,1.1324840708861145e-05,0.0941227216459302,185.21983040097982,c
8.285952996977146,0.00833237130151297,0.00011216505966696685,0.07646869226454797,84.91367786938783,c?
23.38487350020177,0.00826258485689442,-0.0002416909672411597,0.02389316078059635,110.72939216261679,no-c
0.6042253235930168,0.01905211944152302,0.000398879534598169,0.07646869226454797,415.8949087661427,c
8.880903140354985,0.0469154532169166,0.0,0.07103486299960637,0.0,c
16.735130001374067,0.0034324874840006097,4.664738431226856e-05,0.07199517873365388,96.34679791966326,no-c
5.674660179411987,0.010273614603552838,1.3031458951939052e-05,0.25680060428088247,163.4683173632878,c?
18.505880956443164,0.024157992114470676,-5.861087925764771e-05,0.07646869226454797,98.08219523472124,no-c
5.474024569192176,0.03152117483351819,6.058302847731107e-06,0.07646869226454797,120.9909758554059,c?
8.229489023612032,0.04973720992876675,0.0001399134549885412,0.13793953570188486,88.60906449134652,no-c
1.5006484958945687,0.0418914954636828,0.0,0.07646869226454797,0.0,c
7.864122836466444,0.01905211944152302,-4.2962956386091076e-05,0.07646869226454797,76.90840118316316,c
2.933556622194806,0.08976076856873048,0.0,0.07646869226454797,0.0,c
16.950982531473187,0.007272641512540908,0.0004073686936528528,0.06174827427109666,103.89481436158484,no-c
-0.9109052433124528,0.17848126513312756,5.4937621558760915e-05,0.07646869226454797,116.01510754108732,c
1.2033606062473925,0.01905211944152302,0.0,0.07646869226454797,0.0,c
14.155708166598224,0.008226940825388647,4.6241407157031106e-05,0.05468593476398138,107.1924819629383,no-c
10.081404979147347,0.024131778029338403,9.509651305753648e-05,0.11915621132230701,96.33206538443838,no-c
19.284030424150643,0.0061243670121916265,0.00014497392554327717,0.05191018932527873,103.66738950012484,no-c
2.2491985076445644,0.01905211944152302,-4.5878136533252826e-05,0.07646869226454797,84.02614251762418,c
7.637487330515292,0.08929465621228695,4.086035048524124e-05,0.07646869226454797,106.9593968667858,c?
5.541420397811327,0.1880025116155063,0.0,0.38621030561390707,0.0,c
3.148148424863696,0.06260007425516893,-7.636241586185056e-05,0.19062599073020234,145.0539569835214,c
7.287405050761511,0.06087144586491621,-5.2182755969592924e-05,0.08007501719337658,93.41419826245348,no-c
11.55628958225513,0.019209171644961873,7.018219159603072e-05,0.08971393951194645,105.1652399020051,no-c
10.771541863758033,0.01905211944152302,0.0,0.07646869226454797,0.0,c
11.70745517417554,0.02745962899910005,8.133084545075268e-05,0.06281975553487387,101.21660347374959,no-c
0.455177118250786,0.01905211944152302,0.0,0.07646869226454797,0.0,c
22.304238185426893,0.008938064014963235,0.000234680599775142,0.018684128260426744,142.5706870897536,no-c
20.207893494574748,0.008009875917582532,-0.0010973012170119388,0.08971113002721028,157.87559430555478,no-c
0.4450468388448844,0.01905211944152302,0.0,0.07646869226454797,0.0,c
15.051125055345494,0.025106905384488624,-6.521471607357502e-05,0.040809960900855154,112.04377041274564,no-c
17.07778145332282,0.025077192777683777,0.0002678990404533313,0.06131909532087699,132.765583422081,no-c
24.959003654815685,0.007241915987196631,-0.00012271645221477884,0.10449322866142546,97.31446746954329,no-c
18.547786026965596,0.017783377934200983,-0.0002619870187215138,0.09045534929115841,133.5993325808902,no-c
2.7087893487785415,0.008942830945120512,0.0,0.09760422277106814,0.0,c
2.3852361328931733,0.09695547823875068,0.00010608479220681619,0.12865563627503915,97.84367487481248,c?
1.2087092071192154,0.01905211944152302,4.740369460109323e-05,0.07646869226454797,84.8043133149062,c
0.6970706001613766,0.12405943255314081,0.0002791890670906029,0.36587886646862827,462.24603001447997,c
3.204408104437391,0.13475079267689877,-5.775663160849986e-05,0.14737963041038704,105.83258416646498,c
6.6253803107368245,0.028030829988016696,-9.10242663417745e-05,0.12850518432559194,102.17949449403295,no-c
20.018905965913326,0.008969842427143609,0.0001986398029615831,0.055675806734922235,116.88711826458812,no-c
9.996021924791865,0.039894238622776385,0.00012991936697229707,0.0630025413389244,109.97387600273841,no-c
9.618437041760767,0.01905211944152302,-0.0001943318569534225,0.10465312018804498,125.96613989484935,no-c
11.212337411095893,0.029277455568632593,-7.609482822903437e-05,0.17117977720714866,91.11671309680179,no-c
2.45547954399789,0.007804480560543966,-4.671965309360124e-05,0.07646869226454797,75.24641318729306,c
12.20817221043391,0.010542480815558228,3.462078749945889e-05,0.14261406269219168,112.34429364787513,no-c
3.328920077454688,0.01905211944152302,0.0,0.07646869226454797,0.0,c
-0.8446206859621902,0.01905211944152302,0.0,0.07646869226454797,0.0,c
13.124543060644742,0.010581414997135183,1.49702776531473e-05,0.12586225680089383,87.70379332127654,no-c
10.755418223010983,0.01556198675446142,0.0002005164336598954,0.08765065686376264,91.5046070290062,c?
3.5794062498753365,0.01905211944152302,1.0937760627158037e-05,0.07646869226454797,118.07738184994464,c
0.1444193179301817,0.01905211944152302,9.429403744391131e-06,0.07646869226454797,118.30962861244912,c
17.521699042032647,0.009290134982894115,2.40573585621051e-05,0.040879358810426494,113.75930642598018,no-c
8.761288757356448,0.01905211944152302,0.00017557464061442014,0.07646869226454797,525.643554186791,c
10.306359716609746,0.012042371972145707,-6.655494717646858e-05,0.02841571447525,90.46212857444222,no-c
14.566916287515884,0.01227297676844792,1.8560506557162087e-05,0.06328313159078604,108.91178290271398,no-c
22.698433776628818,0.01899396604652138,-0.00019696522437941436,0.07185236382974516,106.30692464841059,no-c
0.7404914671174077,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
17.188607375645436,0.009383893058171262,4.704061082481774e-05,0.008379550934959406,139.9685544429504,no-c
1.4454349114525684,0.01905211944152302,0.0,0.07646869226454797,0.0,c
18.379720251227216,0.00672481677753319,0.0004120777787088077,0.05636664983030146,107.06795078872392,no-c
7.484331972005445,0.03386887877890665,-2.882664586808842e-05,0.07646869226454797,101.83364585716669,no-c
18.683522356189307,0.005086562791875439,-1.353040185541254e-06,0.030865462580372073,90.24835279337796,no-c
0.8283387901188911,0.01905211944152302,0.0,0.07646869226454797,0.0,c
16.452369669478166,0.011855261275581988,-0.00017425082972433062,0.08831478580769789,113.92248487378339,no-c
11.855828587103039,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,no-c
12.697212540059294,0.03040747998604585,2.7028295573357632e-05,0.05098307026972071,102.38083286097893,no-c
11.04467275832742,0.01049863744948336,8.312709282743715e-05,0.11589893099542857,112.21568823251451,no-c
17.411041011466736,0.00889046582951751,-5.7506146119374495e-05,0.04009884589802106,102.95177077168692,c
7.060004957577511,0.013156887324945483,-0.00016661557193618933,0.05244658595640676,91.96307226591402,c?
-0.7131151966308996,0.01905211944152302,0.0,0.07646869226454797,0.0,c
5.383383387966651,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c?
18.697604513159565,0.004063468440060765,-0.0001393663570801541,0.03225119011821369,98.8365003629034,no-c
-0.5036120685718638,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c?
7.56761458513856,0.05062362782861652,-2.8147003690641773e-05,0.06038337560789148,108.6809462863329,c
0.04670603491482126,0.01905211944152302,0.0,0.07646869226454797,0.0,c
12.4405880116388,0.01807990255945682,0.00011106607362490868,0.07477308721862322,98.47475151902633,no-c
8.888894304693475,0.025125597889360023,-0.00027919922576175645,0.04199227606539987,158.69156450808939,no-c
0.527083005253503,0.07599742744450012,0.0,0.07646869226454797,0.0,c
17.052932431117714,0.010441348472174206,-0.0005455311767225588,0.042862814516109925,121.84120370757383,no-c
24.10570509499324,0.008056763075081923,-0.00026963569876722594,0.04214354715843271,124.19915255589852,no-c
14.273955615343182,0.01208128023171119,-7.992752662659496e-05,0.06986595981651829,130.88607067477102,no-c
10.220625142514958,0.016994305587363964,-8.009243940320255e-05,0.08977136626157878,99.99265918784991,no-c
22.563142998048527,0.003911470897034315,3.9713136193075295e-05,0.04168127477794226,93.14338865724181,no-c
0.26168012263147145,0.01905211944152302,0.0,0.07646869226454797,0.0,c
12.182728689788854,0.006893134055270881,-0.00016478061393320332,0.060133318939943885,96.61769069275073,no-c
14.422169956548467,0.013223009866929784,-8.735027706602568e-05,0.11493593478275756,100.72442220546094,no-c
0.6472141751864925,0.01905211944152302,0.0,0.07646869226454797,0.0,c
4.821689946195449,0.06427665835174338,0.0,0.1231426761792422,0.0,c
1.160845719188162,0.06442293363912494,0.0,0.2012174294071377,0.0,c
4.597926415411181,0.1489477119814412,-0.0001371719650492411,0.13708720682010994,88.66385213750536,c
2.815529419085293,0.01905211944152302,-9.113034886103926e-05,0.07646869226454797,90.10482406321728,c
14.827446567398487,0.014260549316649522,-6.423535015291014e-05,0.09179566107044308,106.02852206648451,no-c
-1.1908254579726136,0.01905211944152302,0.0,0.07646869226454797,0.0,c
4.793626489775465,0.08660990871698131,-4.4731449129269626e-05,0.07646869226454797,93.02110399319794,c?
21.509512648275965,0.005741926074079973,1.6999233810724597e-05,0.0223387326875184,96.79634846875025,no-c
22.116750011397897,0.005466433207438587,0.0004398167375624114,0.03495205654394555,123.22672380114356,no-c
-0.16194226630863082,0.01905211944152302,0.0,0.07646869226454797,0.0,c
-0.8296619394216533,0.01905211944152302,0.0,0.07646869226454797,0.0,c?
19.154497712265627,0.007997776265936082,-8.22940998002848e-05,0.07646869226454797,110.94313505787048,no-c
9.148384454585303,0.04278863199527984,-5.328448941619988e-05,0.07646869226454797,91.88359014602614,no-c
-0.2780723510064824,0.01905211944152302,0.0,0.07646869226454797,0.0,c
2.4708787426670478,0.0709353522281358,0.0,0.07983233625597018,0.0,c
3.7891410492221986,0.15739409422366796,2.8487869524974606e-06,0.05342676832649911,81.7836951552303,c
16.18338864473461,0.005023249708560512,-0.00030153009777615956,0.032565810062151715,127.42546398082212,no-c
10.594640878489141,0.024161634573053183,1.720461698367866e-05,0.128131667520724,95.09465119504104,no-c
7.677203855021624,0.06664035081594899,-6.642855620949594e-05,0.14481899570365073,98.93453090290467,no-c
11.953804779756858,0.02812685639983629,-7.91400323434404e-05,0.04806980685042327,95.67343472474789,c?
15.689319868134088,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,no-c
16.233284334373543,0.016390132929653328,-0.00019978512947549745,0.04330849367639086,118.01337757245926,no-c
31.73413474891395,0.0030729029802939426,-0.0006581877754059298,0.01526704697735356,119.29088134145681,no-c
4.702898729201465,0.07337780717311912,0.0,0.16480083807360385,0.0,no-c
10.516482257414573,0.016695003221498136,0.00019600008497361576,0.10078577709878024,86.83130401046778,no-c
4.110276449507728,0.02621831951043663,0.0,0.17759785480662105,0.0,c
2.59575559732604,0.10294562164900611,0.0,0.08735834859996311,0.0,c
3.080932705741474,0.05665527201559117,-2.29670824162558e-05,0.1377122028520152,78.02829333419848,c
-2.1129794712780674,0.01905211944152302,0.0,0.07646869226454797,0.0,c
0.13342314693157792,0.01905211944152302,2.01673851737086e-05,0.07646869226454797,102.948555571037,c
9.446666893799788,0.03457331869008552,-0.0002705287830823178,0.1398159519646817,91.1554013483302,c
2.9099973404645083,0.0644395812809056,0.0,0.2911137317366502,0.0,c
-2.2966257353422606,0.01905211944152302,0.0,0.07646869226454797,0.0,c
14.428316203194498,0.0016476783123354445,9.501730674014704e-06,0.07646869226454797,108.45607430238034,no-c
8.429584783712373,0.05616321063205054,0.0002073737998496596,0.07912680172597263,140.1542339101338,no-c
12.961798724564654,0.027125467619781938,-5.771394235596126e-05,0.055272493131327614,96.54699010347802,no-c
-2.2687729732659285,0.01905211944152302,0.0,0.07646869226454797,0.0,c
17.945330631025325,0.012493666862097243,-9.690508087343826e-05,0.03786701722598979,114.76085580339709,no-c
-2.969065630974139,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
2.860085408780859,0.06563594348675339,0.0,0.1520712275117285,0.0,c
8.913827647221517,0.02480632345738221,-1.8913486901748046e-05,0.1517544273983167,107.94612348552491,no-c
16.953794535529912,0.0064603845881012235,9.911754096705817e-05,0.058671878446797325,101.83986866055166,no-c
-3.40790018815203,0.01905211944152302,0.0,0.07646869226454797,0.0,c
22.417334980584993,0.015669349600017923,0.0008320080878189303,0.06488985772264141,118.53002049848322,no-c
10.471959562659123,0.011619800796280307,0.00021855642817607181,0.13418615189775604,88.52410493688986,no-c
5.872601465792854,0.12322216362567305,0.0001335609143485532,0.374700740751806,161.45853124299794,c
17.115699677788047,0.013642789636619978,3.803310161336446e-05,0.0660817976669859,160.9180357751211,no-c
-1.195742725849796,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
2.8519061012892677,0.0005119146296323014,0.00011741371382565158,0.07646869226454797,97.10808103521576,c?
12.676492014900232,0.016214636256325857,-5.214905697450005e-05,0.0796631003299063,116.82655346982925,no-c
20.199104488880604,0.008020441898478652,-6.627091763406888e-05,0.036538328702676946,97.56167633116051,no-c
6.39415841943575,0.01905211944152302,0.0,0.07646869226454797,0.0,c
4.282417026239499,0.024223362458779183,-0.00012547048078219496,0.1294159815757122,121.56325488217666,no-c
2.692425789155322,0.01905211944152302,5.630803058689795e-06,0.07646869226454797,356.20452048842634,c
19.241072252010536,0.017273885321620178,-0.0002912169760777407,0.04717424018749795,153.05570530304368,no-c
13.480997748460766,0.0033796801449159732,-7.866151456935717e-05,0.02577744774584501,92.95464453508619,no-c
11.597079557699645,0.008248026021753311,6.789774813020864e-06,0.124061592143054,89.81289913920713,no-c
19.698806806162356,0.014467796955829143,0.00021406574127431446,0.06501048129880535,88.30038600056115,no-c
-1.7510640152475974,0.01905211944152302,0.0,0.07646869226454797,0.0,c
-0.5973414476220568,0.01905211944152302,0.0,0.07646869226454797,0.0,c
16.421103027299704,0.01101029460716952,0.00010446343113022116,0.04900029024208424,99.25421782124246,no-c
15.32408614099886,0.009609667756992993,0.00020295072468761268,0.12310068235210747,122.73817088665461,no-c
15.691151276546439,0.01217601417005726,-3.2072581848390934e-05,0.06399895946966257,98.11922020761347,no-c
25.715389043569512,0.0035430109764614365,-0.0009064571417707434,0.03522378934740051,126.72754397555751,no-c
1.2429503146687728,0.01905211944152302,0.0,0.07646869226454797,0.0,c
17.157698163409854,0.012948277583838038,1.865347215837781e-05,0.03537190896046337,96.1620056104175,no-c
23.974946438190265,0.009004778516682504,8.15985498418931e-05,0.033058154495346964,90.2290389097237,no-c
17.256761095057463,0.015223709646037841,-8.54147401530387e-05,0.033568329748379505,106.41528038752206,no-c
1.4866862856478464,0.01905211944152302,0.0,0.07646869226454797,0.0,c
0.4231134794599505,0.10187724583218845,0.0,0.15845334066401007,0.0,c
5.699667141440147,0.04307853389603824,-0.00010860813856146921,0.09287608126608532,123.55988344441536,c
24.17844976237806,0.002991501783107954,-0.0001691712411495377,0.0071599001379577115,125.25639277925225,no-c
0.3840173782874229,0.01905211944152302,4.018951457129338e-05,0.07646869226454797,82.5362308098947,c
3.182511225107232,0.01905211944152302,0.0,0.07646869226454797,0.0,c
5.951872155816747,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
0.4325692305753094,0.01905211944152302,0.0,0.07646869226454797,0.0,c
18.093574537652096,0.019495395261410104,0.0001812394961567083,0.053369499739881004,117.86885443190113,no-c
-3.8623762303776266,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
14.544692223057806,0.01765858244098611,-5.950459337053732e-05,0.057744798591121055,117.05639843885649,no-c
1.938300707728088,0.01905211944152302,0.0,0.07646869226454797,0.0,c
23.048884836288753,0.00855002519556178,-5.055692897981538e-05,0.00558832628997761,108.78713772324103,no-c
-1.9232905531451752,0.01905211944152302,0.0,0.07646869226454797,0.0,c
0.6756290287242157,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
2.0766200310291305,0.01905211944152302,-2.315024655528201e-05,0.07646869226454797,89.98423351044516,c
9.939898864417206,0.023022300405185474,1.7322856675051e-05,0.10847895521087557,110.39900635587347,no-c
5.852455601445187,0.11630415733557324,3.4270127101083505e-05,0.11844943600056426,81.31786074765716,c?
22.318562761560127,0.0033906190371745847,1.8519185733565697e-05,0.18278996260469754,99.39466118891241,no-c
12.649498534888881,0.04094238110573328,-0.00015576467521320433,0.07132780238947828,111.39308204394968,no-c
13.09330275113275,0.011190781862103564,-5.583172466126906e-05,0.12765739127875725,114.2546601560537,no-c
1.6099857054079798,0.09250133472453753,0.0,0.2794030002090378,0.0,c
3.7660717460888704,0.02956334076344925,-1.6509070089353064e-05,0.14064754304743224,424.48697679590305,c
23.69930341907793,0.010148233646513202,9.588168230426346e-05,0.02160431471797297,118.19656278160925,no-c
2.6740882554233574,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,no-c
1.864495820970716,0.01905211944152302,0.0,0.07646869226454797,0.0,c
12.592937662701292,0.031907875851022734,2.8395325875544013e-05,0.11193221391007317,97.47274661025975,no-c
24.53875016803924,0.005801165263315845,-0.0007096063692603847,0.07577717444587682,170.62387277561538,no-c
8.525599924071217,0.08228035890689801,-2.0544542938807247e-05,0.07646869226454797,95.9328261636444,no-c
-1.19977762115152,0.01905211944152302,0.0,0.07646869226454797,0.0,c
15.862517604014823,0.0070140289131428064,-8.626006121052846e-05,0.08189299797234863,106.69459564542889,no-c
2.5442840483961775,0.04516436905250623,-2.0043045977821693e-05,0.266247497658506,147.50322770005207,c
-2.355175665617017,0.01905211944152302,0.0,0.07646869226454797,0.0,c
10.511235428063054,0.025619524074390776,-9.250723481744015e-05,0.12809678900127672,119.42659722982238,no-c
11.836453048015983,0.010038738828959072,7.248163687682504e-05,0.18645615034376892,102.23152899333928,no-c
-0.9654603212607116,0.01905211944152302,0.0,0.07646869226454797,0.0,c
-1.0323497450415664,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c?
18.177472721465836,0.01726582481175963,-0.00012363621447794028,0.05314542370613367,90.49812195199887,no-c
19.497289630546558,0.010487560078945237,-1.8274353597272862e-05,0.07555048960726629,106.3935339106365,no-c
0.2692029201367997,0.01905211944152302,0.0,0.07646869226454797,0.0,c
3.211299115727035,0.01905211944152302,0.0,0.07646869226454797,0.0,c
3.9665755277257158,0.08906572386128135,5.4803569048973006e-06,0.11131196526740934,102.17018244769154,c
4.651036881690167,0.023796891242975633,9.428445462994765e-05,0.18185313029290248,102.61184028910321,c
1.847950374121301,0.01905211944152302,2.3671276418061574e-05,0.07646869226454797,84.20773998936895,c?
-3.884862643974414,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
10.60363259298428,0.006706966179119737,-0.00011122979191960684,0.022680793900731386,119.28411600765209,no-c
4.914649858063131,0.11807285133507678,7.847278211981033e-05,0.26331922222882853,119.20069438925435,c
3.1226562801429334,0.11678688344050595,0.00014194858136404347,0.2650045110601021,532.5339029418033,c
23.80291312009616,0.011614160329627534,-0.00029211087131447364,0.03457891391563727,112.40845966338162,no-c
15.703878634659118,0.00790763920326158,-0.00022835710472869257,0.03208087372179138,121.05321522096568,no-c
0.13593875870063166,0.01905211944152302,0.0,0.07646869226454797,0.0,c
22.73805831379769,0.005954154688981866,4.738715855445312e-05,0.016165610166241406,89.82343199777169,no-c
18.68166522675033,0.01113742625546291,-1.3020712920617432e-05,0.07646869226454797,96.15518603424772,no-c
-1.425313464631149,0.01905211944152302,0.0,0.07646869226454797,0.0,c
10.967590615090879,0.03507349350857155,4.332374622312293e-05,0.2540005232100709,104.21086515594067,no-c
13.18990398207052,0.02404977425974837,0.00012999962851115648,0.22042674531684717,113.52712994312455,no-c
1.4227576808756899,0.030863263258722094,5.735819012832167e-05,0.07646869226454797,92.34402826638652,c
1.697592004197694,0.01905211944152302,0.0,0.07646869226454797,0.0,c
1.9335431182792424,0.0934931531781426,0.0,0.16720077686009846,0.0,c
17.07950152121867,0.015883865407246137,-3.217554017010928e-05,0.07646869226454797,101.1037855655857,c?
13.451647604609322,0.020113865360041772,-7.095190455423488e-05,0.09379235465481961,134.3775763510322,no-c
11.97932975234811,0.011113997390767981,-0.00015444606441030161,0.1108284637162696,140.06178359457064,no-c
12.680364049153654,0.00901300094756964,9.813407636882711e-05,0.11301065372682965,118.23155798710567,no-c
20.94929299248794,0.026370572563376556,-2.5119040448413758e-05,0.04183396511580916,104.12885008653187,no-c
-0.3137041069207692,0.01905211944152302,0.0,0.07646869226454797,0.0,c
19.775310808811156,0.012496019440731318,0.00012001386799305875,0.04490595741735936,113.23963238662347,no-c
8.009570792747766,0.05996768736721601,3.034185958005793e-05,0.23659444010714037,106.28648566735522,no-c
20.360262031269038,0.02204374989448767,0.0003464338462155097,0.04217451515536011,118.23248780300783,no-c
12.991203345774604,0.04583653370917121,3.127891783137864e-05,0.11795132550235715,122.318011079644,no-c
20.286063988934515,0.009408426299867047,-5.1573856068542296e-05,0.021568822670891052,113.46391667719047,no-c
16.088527818004426,0.006315144519981003,0.00011378995038231635,0.023006251775384724,120.30926977912492,no-c
7.7437584782977185,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
0.43853707308827367,0.01905211944152302,0.0,0.07646869226454797,0.0,c
2.2119652319629135,0.126897678874427,0.00011199204457544888,0.07646869226454797,129.572071475665,c
2.6869103563209813,0.11990060841105205,7.18430731546402e-05,0.07646869226454797,142.37270221237603,c
18.413449362604375,0.015764971570958176,-5.370885623702873e-05,0.017714003452508727,114.46399671546976,no-c
-4.240182502117608,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
17.262512123263324,0.011029232289952744,0.0002484162897207004,0.04728394357086501,105.9684068491878,no-c
3.3723279967707724,0.2235600453268155,2.090279072499317e-05,0.07646869226454797,497.8322052988758,c
12.837112645331544,0.0031721090998655223,-0.00021691094171598767,0.06421596105199902,115.0117027182338,no-c
-0.09904000553985715,0.01905211944152302,0.0,0.07646869226454797,0.0,c
27.12231094912148,0.005053691859767859,0.0003022781373230116,0.020908469797768826,102.10255148645996,no-c
1.9275928843422687,0.07275421303338553,-5.6889274262771745e-05,0.33781168666732625,140.46317286597608,c?
6.135386773377493,0.020643166852691068,-2.1026004873136615e-05,0.04562125562576588,101.27307707907593,no-c
16.729301904796994,0.005955613479390848,3.148736499389315e-05,0.08523933290167718,115.83365662523481,no-c
0.25973559401954327,0.01905211944152302,0.0,0.07646869226454797,0.0,c
2.691467632402137,0.16924879464340237,3.14874151143871e-05,0.07646869226454797,91.95303873966128,c?
18.755755141034154,0.024203345260812748,-3.1786686412309815e-06,0.24430819220413805,116.85926666713158,no-c
21.68287802076847,0.0038644568627427445,-0.00042409537878396837,0.017154908684039818,151.63000709104435,no-c
20.138499783668433,0.013908351786814396,-0.00014213496817247018,0.07018420587400655,104.13774705709764,no-c
-0.7031265464350954,0.01905211944152302,-5.976668216140194e-05,0.07646869226454797,101.44633592911163,c
8.2694970551526,0.0045354822994244405,2.2896196723126618e-05,0.07646869226454797,88.6156058940433,c
13.637030985142562,0.009064131245796598,4.861740167636804e-05,0.09153934292401089,132.80444818759747,no-c
-0.6733349245848663,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
2.0781573884634303,0.02748853931815804,-2.0602998386550286e-05,0.07646869226454797,76.16125273172675,c
14.253977897032655,0.02235074911807672,-4.564129414633589e-05,0.07626774199459695,99.65949330182265,no-c
16.16465316911536,0.008549031957182552,-0.0009675876801252064,0.03958327631539329,158.6320927124362,no-c
18.65969426207157,0.0038012324778391336,-4.134680757306156e-05,0.09640273673622973,104.89495829556724,no-c
8.184480881922763,0.0737360412770174,8.21996512099412e-06,0.2821499737547459,94.29673205655301,c?
-1.84973988540699,0.01905211944152302,0.0,0.07646869226454797,0.0,c
20.452438420389328,0.011873262714304042,-0.000260255344470071,0.07646869226454797,114.12832331295917,no-c
3.0736706724083085,0.20899233890486163,0.0,0.07646869226454797,0.0,c
2.7338951754182252,0.01905211944152302,0.0,0.07646869226454797,0.0,c
5.66278606894101,0.01905211944152302,0.0,0.07646869226454797,0.0,c
9.292312384084045,0.041976332849597744,2.0539784755604413e-05,0.11158600628473389,96.57407510451272,no-c
13.454826235175972,0.023846970027086408,0.00031472353993627607,0.06381172632700563,123.31752510537719,no-c
5.640488150641318,0.014430021450243113,4.5995709104182907e-05,0.3562434904816815,117.6430076063365,c
4.85927611194534,0.06763391639701499,0.00012251192066295284,0.2560289889176041,413.166076110289,c
4.572610982159274,0.025492175906547305,0.00017072275172355338,0.2904463094488509,438.61153588058806,c
21.904596689459883,0.006976446506400955,-8.033331914419103e-05,0.034981061654998015,100.34396990085057,no-c
16.910609143061254,0.019751868068297637,-7.008580112836835e-05,0.05931220985490701,100.65561195124062,no-c
14.376485352973424,0.02781348747518938,4.557167557896723e-05,0.020642825175222666,84.64726316083589,c?
19.59880664153632,0.002833779152403436,-7.188629746687644e-05,0.027089800954424374,101.55005043572443,no-c
14.724657156291654,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,no-c
0.29010657594410305,0.01905211944152302,0.0,0.07646869226454797,0.0,c
13.527917484394223,0.025493603538899942,-0.0006480524780924631,0.07264661040280128,137.47086470807983,c?
3.2522326987344714,0.1856574225730989,4.1467861960127326e-05,0.5295258264326649,102.21999847744019,c
13.307771502297536,0.008091653885509193,-7.843701274006152e-05,0.11714860052015931,109.15769960009611,no-c
13.784293045072495,0.009359846565512139,0.00013957074128567086,0.07493622542699975,126.28801872795779,no-c
2.7498704754996997,0.01905211944152302,0.00020088515955241835,0.07646869226454797,534.1128378602341,c
7.7437584782977185,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,no-c
9.23703899649926,0.018594259953675422,0.00015648263939640146,0.10701777680866321,110.05829183338027,no-c
12.006301768998142,0.01930415452837051,-9.9760805063517e-05,0.05731439187818554,137.1174319152422,no-c
21.057824816705196,0.008175646726518273,0.00010290422348614123,0.036591645760522956,94.4543228069909,no-c
22.229657116052504,0.007196589529585563,-6.571344178287072e-05,0.025675214473758656,115.06757818621087,no-c
13.266162694245784,0.017704622685758894,-6.221562766261317e-05,0.15035199994888962,105.21094614798498,no-c
22.630669059850174,0.007522130965135352,-4.7190744137252916e-05,0.032173138258802886,107.33250210307617,no-c
0.1454835271045348,0.01905211944152302,0.0,0.07646869226454797,0.0,c
7.1413423101516,0.04293991821936648,4.036902715932422e-05,0.0938192915858509,120.51578495603961,c?
8.871333750768525,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
14.771189247458782,0.014538127712771307,0.00015314172885934194,0.0624961287300308,101.43940089058667,no-c
14.431109760728951,0.014253039785896043,-0.00031173294840005684,0.06768587879824736,135.67535118823932,no-c
17.250322478238438,0.0048619130790421876,1.2181134278284778e-05,0.09202454151102744,112.87174454918446,no-c
-2.3474228875179093,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
10.887400247000452,0.015727088005814554,-4.203485027222918e-05,0.03975779954080473,91.05177717135354,no-c
-1.9647763073665578,0.01905211944152302,0.0,0.07646869226454797,0.0,c
-1.825279711182635,0.01905211944152302,0.0,0.07646869226454797,0.0,c
9.018312424626588,0.023521821618099376,4.6291412084652e-05,0.02275161934189941,122.79640021931733,no-c
6.643520772790096,0.11558466356649463,3.774720689365217e-05,0.1798538736011292,92.17158522113911,c
11.454835868604773,0.026282769647426908,6.687802335466581e-05,0.07646869226454797,118.02771785294911,no-c
24.594760240546552,0.0026883389989049494,-0.001290922757251863,0.014041593540051325,147.10982111711078,no-c
2.2454402348331626,0.07941521214506662,4.3780406107949966e-05,0.07646869226454797,116.45318822092972,c?
4.881494585097988,0.11953947055285866,0.00012193193443425072,0.052035116565241284,86.07505308488513,c
17.878218975054704,0.0005755257451314239,-2.761173298620269e-05,0.07646869226454797,87.83480113526774,no-c
1.3467903074840648,0.014576609301186667,2.92814054530267e-05,0.07646869226454797,198.56641456229775,c?
3.7442099371295177,0.01905211944152302,-1.6543217235220596e-05,0.07646869226454797,83.04160585418514,c
21.325274175675318,0.023857572368693097,0.00021015016661078922,0.02659990228871757,100.27938305655606,no-c
11.633761494057334,0.01210836917967945,-0.00010471058041706732,0.09093408011196062,107.45611789750964,no-c
27.7363190241069,0.010965760438795104,0.0009151346426067375,0.03510661641515568,195.48792957786375,no-c
13.974068449772934,0.010494332629776537,-6.69981465366137e-05,0.14433900521931203,99.20308856383403,c?
8.392148683422135,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
-1.1370378460170654,0.01905211944152302,0.0,0.07646869226454797,101.08093885126729,c
20.180906503655038,0.0037354043398492884,-3.70638539738727e-05,0.1493653678401952,105.35113209663025,no-c
15.19052497161855,0.01817933828110025,9.741435552341549e-06,0.1669671670694545,91.68480766772235,no-c
-0.07948170400469012,0.01905211944152302,0.0,0.07646869226454797,0.0,c
19.139965762151537,0.004864536459257197,6.995963358725674e-05,0.048647440197714456,122.64362594207302,no-c
15.586457893277665,0.031435494777138674,-0.0005871191592938167,0.039917397657820895,152.4892160131333,no-c
4.203937833211296,0.12881201829385308,5.384883526259515e-05,0.175849939749649,93.90059230613821,c
2.776528254147185,0.10553419071584293,6.772915041825531e-05,0.31806333901503736,96.32400056505273,c
9.084269794849865,0.0182425464017067,-3.331580452256837e-05,0.09416315124073493,127.19510920270528,no-c
1.5020215879378818,0.01905211944152302,0.0,0.07646869226454797,0.0,c
17.201973493771323,0.007473905551081018,-0.0002274611202521169,0.08028984132719685,125.10418066421617,no-c
18.81936440073348,0.001857639066702087,-9.012252021003324e-07,0.22658829322867896,99.97411657658458,no-c
20.194270633292437,0.01974310869876257,0.00043506666548869373,0.08593554456591741,122.23639526828374,no-c
11.105624711057047,0.007344290678852851,-5.450541872991044e-05,0.14755384665533602,116.38397766620805,no-c
16.147845570614585,0.0090203009472223,-0.00012672918963182374,0.12145093658852749,111.56749008360477,no-c
-1.386745013261209,0.01905211944152302,0.0,0.07646869226454797,0.0,c
1.773530446324457,0.09044674244673329,0.0001186967018439694,0.18110562267653973,89.37172580271583,c
7.7437584782977185,0.11704188988127144,0.00010025517069017855,0.045989317874328355,93.95150013647422,c?
1.0033665350693544,0.01905211944152302,0.0,0.07646869226454797,0.0,c
-0.2694778494977852,0.01905211944152302,8.70901158722174e-05,0.07646869226454797,564.248429916912,c
23.04862494440003,0.012314601682128118,2.1085228780585736e-05,0.06121904120338479,113.35316925682147,no-c
18.529352853612153,0.00897501539234444,-4.4341541412152945e-05,0.013133483363574982,94.74500748215695,no-c
22.31144803639836,0.0032905172174605138,-0.0009559626608506621,0.02808843357241756,145.51185276499416,no-c
7.76682956050803,0.038069882417918546,-0.00011166242848222247,0.07646869226454797,75.69584360930206,c
6.995947058788982,0.060005037181075846,-1.1367361371856936e-05,0.18665722342437543,599.5601816326141,c
23.843196396346862,0.006379161600897725,-0.000378839519680307,0.061546210377920414,159.45198245927656,no-c
-4.3237621106906055,0.01905211944152302,0.0,0.07646869226454797,0.0,c?
0.22686116090162445,0.01905211944152302,0.0,0.07646869226454797,0.0,c
from __future__ import annotations
import creapy
if __name__ == "__main__":
print("Extracting features..")
_config = creapy.get_config()
X, y = creapy.calculate_features_for_folder("/home/creaker/tip/audio/samples_new",
features=_config["MODEL"]["FEATURES"]["for_classification"])
print("Fitting model..")
model = creapy.Model()
model.fit(X, y)
model.save()
audio_directory: null
textgrid_directory: null
csv_directory: null
audio_start: 0
audio_end: -1
audio_suffix: .wav
filename_extension:
textgrid_suffix: .TextGrid
gender_model: all
tier_name: creapy
verbose: true
block_size: 0.040 # seconds
hop_size: 0.010 # in seconds
creak_threshold: 0.75
zcr_threshold: 0.08
ste_threshold: 0.00001
from .text_grid_to_intervals import read_textgrid, generate_sample_wavs
from .config import get_config, get_user_config, set_config, reset_config, CONFIG_DIR
from .read_wav import read_wav
from .helpers import *
from .evaluation import evaluation_metrics, evaluate
from .plot import plot
from __future__ import annotations
import yaml
import ruamel.yaml
from os.path import isfile
from pathlib import Path
import sys
_RELATIVE_PATH_TO_CONFIG = "../config.yaml"
_RELATIVE_PATH_TO_USER_CONFIG = "../user_config.yaml"
_CONFIG_DIR = Path(__file__).parent / _RELATIVE_PATH_TO_CONFIG
_USER_CONFIG_DIR = Path(__file__).parent / _RELATIVE_PATH_TO_USER_CONFIG
USER_CONFIG_DIR = Path("~/.creapy/config.yaml").expanduser()
CONFIG_DIR = str(USER_CONFIG_DIR)
yaml_str = """\
audio_directory: null # Path to the directory containing audio files
textgrid_directory: null # Path to the directory containing the respective textgrid files
csv_directory: null # Path to a folder where the csv-files containing the classification results should be stored
audio_start: 0 # starttime in seconds where the audiofile should be analysed
audio_end: -1 # endtime in seconds until the audiofile should be analysed
audio_suffix: .wav # suffix of the audio-file(s)
filename_extension: null # string to append to the original textgrid filename. Creates a new file with the corresponding name.
textgrid_suffix: .TextGrid # suffix of the textgrid-file(s)
gender_model: all # The gender model chosen for creak-classification. Can be all, male or female
tier_name: creapy # tiername chosen creapy's annotations in praat
verbose: true # Verbosity of the tool
block_size: 0.04 # classification blocksize in seconds
hop_size: 0.01 # classification hopsize in seconds
creak_threshold: 0.75 # probability-threshold of the classifies where creak is classified. Can be a decimal value between 0 and 1
zcr_threshold: 0.08 # Threshold for the zero-crossing-rate pre-elimination feature
ste_threshold: 1.0e-05 # Threshold for the short-term-energy crossing rate pre-elimination feature
"""
def get_config() -> dict:
"""
returns the configuration file as a dictionary
Returns:
dict: the configuration
"""
with open(_CONFIG_DIR) as config_file:
config: dict = ruamel.yaml.safe_load(config_file.read())
with open(_USER_CONFIG_DIR) as user_config_file:
_user_config: dict = ruamel.yaml.safe_load(user_config_file.read())
config['USER'] = _user_config
if not isfile(USER_CONFIG_DIR):
return config
with open(USER_CONFIG_DIR) as user_config_file:
user_config: dict = ruamel.yaml.safe_load(user_config_file.read())
for key in user_config.keys():
if key not in config['USER']:
raise ValueError(f'Invalid key found in user config: {key}')
config['USER'].update(user_config)
return config
def get_user_config() -> dict:
return get_config()['USER']
def set_config(**kwargs) -> None:
_default_config: dict = get_config()['USER']
for key in kwargs.keys():
if key not in _default_config:
raise ValueError(
f"key \"{key}\" can't be set in config, possible keys: {list(_default_config.keys())}")
_default_config.update(kwargs)
ruamel_yaml = ruamel.yaml.YAML()
code = ruamel_yaml.load(yaml_str)
code.update(_default_config)
USER_CONFIG_DIR.parent.mkdir(parents=True, exist_ok=True)
with open(USER_CONFIG_DIR, "w") as user_config_file:
ruamel_yaml.dump(code, user_config_file)
def reset_config() -> None:
with open(_USER_CONFIG_DIR) as cfg_file:
_default_config: dict = ruamel.yaml.safe_load(cfg_file.read())
set_config(**_default_config)
from __future__ import annotations
import numpy as np
from pandas import Series
import tgt
from datetime import datetime
from sklearn.metrics import accuracy_score, f1_score, precision_score, recall_score, confusion_matrix
if __name__ == "__main__": # Todo
from creapy import get_config
else:
try:
from ..utils import get_config
except ImportError as ie:
print(ie)
# %%
def evaluation_metrics(y_true, y_pred):
assert all((isinstance(y_pred, (np.ndarray, Series)),
isinstance(y_true, (np.ndarray, Series))))
assert y_pred.shape == y_true.shape
_accuracy = accuracy_score(y_true, y_pred)
recall = recall_score(y_true, y_pred, average=None)
f1 = f1_score(y_true, y_pred, average=None)
precision = precision_score(y_true, y_pred, average=None)
print(
f"""accuracy: {_accuracy}
recall: {recall}
f1: {f1},
precision: {precision}""")
return recall, f1, precision, confusion_matrix(y_true, y_pred)
class CreakInterval(tgt.core.Interval):
def __init__(self, start_time, end_time, delta_start, delta_end, text=''):
super().__init__(start_time, end_time, text)
self.delta_start = delta_start
self.delta_end = delta_end
def __repr__(self):
return u'Interval({0}, {1}, "{2}")'.format(self.start_time, self.end_time, self.text)
def evaluate(textgrid, tier_name_true, tier_name_creapy, boundary_tier_name=None,
tier_name_evaluation=None):
"""Only possible as a function inside creapy module!"""
TEXTGRID_PATH = textgrid
OWN_TIER_NAME = tier_name_true
OUTFILE = None
CREAPY_TIER_NAME = tier_name_creapy
# INTERVAL_LABEL = "c"
EVALUATION_TIER_NAME = tier_name_evaluation if tier_name_evaluation is not None else "creapy-evaluation"
for encoding in ("utf-8", "utf-16"):
try:
tg = tgt.io.read_textgrid(TEXTGRID_PATH, encoding=encoding)
except UnicodeDecodeError as e:
print(f"Error occured reading textfile:\n\n{e}")
else:
break
own_tier: tgt.core.Tier = tg.get_tier_by_name(OWN_TIER_NAME)
creapy_tier: tgt.core.Tier = tg.get_tier_by_name(CREAPY_TIER_NAME)
# Grausliche loesung im moment
t_min = max(own_tier.intervals[0].start_time,
creapy_tier.intervals[0].start_time)
t_max = min(own_tier.intervals[-1].end_time,
creapy_tier.intervals[-1].end_time)
own_tier = tgt.core.IntervalTier(objects=own_tier.get_annotations_between_timepoints(
start=t_min, end=t_max, left_overlap=True, right_overlap=True))
creapy_tier = tgt.core.IntervalTier(objects=creapy_tier.get_annotations_between_timepoints(
start=t_min, end=t_max, left_overlap=True, right_overlap=True))
if boundary_tier_name is not None:
boundary_tier: tgt.core.IntervalTier = tg.get_tier_by_name(
boundary_tier_name)
# creapy_tier = tgt.core.IntervalTier(objects=[
# interval for interval in creapy_tier.intervals if not any(map(lambda x: x.text == "###" or x.text == "", boundary_tier.get_annotations_between_timepoints(
# start=interval.start_time, end=interval.end_time, left_overlap=True, right_overlap=True
# )))
# ])
in_boundary = []
for interval in creapy_tier.intervals:
ols = boundary_tier.get_annotations_between_timepoints(
start=interval.start_time, end=interval.end_time, left_overlap=True,
right_overlap=True
)
if (not all(map(lambda x: x.text in ("###", "SIL"), ols))) and bool(ols):
in_boundary.append(interval)
creapy_tier = tgt.core.IntervalTier(objects=in_boundary)
in_boundary = []
for interval in own_tier.intervals:
ols = boundary_tier.get_annotations_between_timepoints(
start=interval.start_time, end=interval.end_time, left_overlap=True,
right_overlap=True
)
if (not all(map(lambda x: x.text in ("###", "SIL"), ols))) and bool(ols):
in_boundary.append(interval)
own_tier = tgt.core.IntervalTier(objects=in_boundary)
# print([interval for interval in creapy_tier.intervals if not any(map(lambda x: x.text == "###" or x.text == "", boundary_tier.get_annotations_between_timepoints(
# start=interval.start_time, end=interval.end_time, left_overlap=True, right_overlap=True])
# return np.nan, np.nan, np.nan
overlaps = tgt.util.get_overlapping_intervals(
own_tier,
creapy_tier,
)
own_tier_copy = own_tier.get_copy_with_same_intervals_merged()
creapy_tier_copy = creapy_tier.get_copy_with_same_intervals_merged()
# %%
tps = [ol for ol in overlaps if ol.text in ("c+c")]
# %%
# print([ol.text for ol in overlaps if ol.text != "c+c"])
out_intervals = []
tp_intervals = []
fp_intervals = []
TRUE_POSITIVE_LABELS = ("c+c", "c?+c")
FALSE_POSITIVE_LABELS = ("no-c+c")
# %%
for ol in overlaps:
if ol.text in TRUE_POSITIVE_LABELS:
annot_creapy = creapy_tier.get_annotations_between_timepoints(
ol.start_time, ol.end_time, left_overlap=True, right_overlap=True)[0]
annot_own = own_tier.get_annotations_between_timepoints(
ol.start_time, ol.end_time, left_overlap=True, right_overlap=True)[0]
delta_start = annot_creapy.start_time - annot_own.start_time
delta_end = annot_creapy.end_time - annot_own.end_time
delta_length = delta_start - delta_end
tp_intervals.append(CreakInterval(
ol.start_time, ol.end_time, delta_start, delta_end, text="TP"))
elif ol.text in FALSE_POSITIVE_LABELS:
fp_intervals.append(ol)
# %%
# Delete overlaps
for ol_interval in overlaps:
own_tier_copy.delete_annotations_between_timepoints(
ol_interval.start_time, ol_interval.end_time, left_overlap=True, right_overlap=True
)
creapy_tier_copy.delete_annotations_between_timepoints(
ol_interval.start_time, ol_interval.end_time, left_overlap=True, right_overlap=True
)
# %%
own_tier_creak_only = tgt.core.Tier(
objects=own_tier_copy.get_annotations_with_text(pattern="c"))
creapy_tier_creak_only = tgt.core.Tier(
objects=creapy_tier_copy.get_annotations_with_text(pattern="c"))
# %%
eval_tier = tgt.core.IntervalTier(name=EVALUATION_TIER_NAME)
for tp in tp_intervals:
t0_start = tp.start_time - abs(tp.delta_start)
t0_end = tp.end_time + abs(tp.delta_end)
try:
eval_tier.add_annotation(tp)
except ValueError as e:
eval_tier.delete_annotations_between_timepoints(
tp.start_time, tp.end_time, left_overlap=True, right_overlap=True)
try:
eval_tier.add_annotation(tp)
except ValueError as e:
# print(e)
pass
try:
eval_tier.add_annotation(tgt.core.Interval(
start_time=t0_start, end_time=tp.start_time, text="+" if tp.delta_start > 0 else "-"))
except ValueError as e:
# print(e)
pass
try:
eval_tier.add_annotation(tgt.core.Interval(
start_time=tp.end_time, end_time=t0_end, text="+" if tp.delta_end < 0 else "-"))
except ValueError as e:
# print(e)
pass
# %%
for fns in own_tier_creak_only.annotations:
try:
eval_tier.add_interval(tgt.core.Interval(
fns.start_time, fns.end_time, text="FN"))
except ValueError as e:
print(e)
for fps in creapy_tier_creak_only.annotations:
try:
eval_tier.add_interval(tgt.core.Interval(
fps.start_time, fps.end_time, text="FP"))
except ValueError as e:
print(e)
for fps in fp_intervals:
try:
eval_tier.add_interval(tgt.core.Interval(
fps.start_time, fps.end_time, text="FP"))
except ValueError as e:
eval_tier.delete_annotations_between_timepoints(
fps.start_time, fps.end_time, left_overlap=True, right_overlap=True)
try:
eval_tier.add_interval(tgt.core.Interval(
fps.start_time, fps.end_time, text="FP"))
except ValueError as e:
print(e)
# %%
TP = len(tp_intervals)
FP = len(fp_intervals) + len(creapy_tier_creak_only)
FN = len(own_tier_creak_only)
F1 = TP / (TP + (FP + FN) / 2) if (TP + (FP + FN) / 2) != 0 else np.nan
Precision = TP / (TP + FP) if (TP + FP) != 0 else np.nan
Recall = TP / (TP + FN) if (TP + FP) != 0 else np.nan
tg.add_tier(eval_tier)
if tier_name_evaluation is not None:
tgt.io.write_to_file(tg, TEXTGRID_PATH, encoding="utf-16")
return F1, Precision, Recall, TP, FP, FN
def main():
TEXTGRID_PATH = "/home/creaker/tip/stateofgrass/GRASS/004M024F/004M024F_HM2_HM1_CS_001_creak.TextGrid"
OWN_TIER_NAME = "024F-creak"
OUTFILE = "/home/creaker/tip/results/evaluation.txt"
CREAPY_TIER_NAME = "024F-creapy-F"
# INTERVAL_LABEL = "c"
EVALUATION_TIER_NAME = "creapy_evaluation"
# %%
for encoding in ("utf-8", "utf-16"):
try:
tg = tgt.io.read_textgrid(TEXTGRID_PATH, encoding=encoding)
except UnicodeDecodeError as e:
print(f"Error occured reading textfile:\n\n{e}")
else:
break
own_tier: tgt.core.Tier = tg.get_tier_by_name(OWN_TIER_NAME)
creapy_tier: tgt.core.Tier = tg.get_tier_by_name(CREAPY_TIER_NAME)
# Grausliche loesung im moment
t_min = max(own_tier.intervals[0].start_time,
creapy_tier.intervals[0].start_time)
t_max = min(own_tier.intervals[-1].end_time,
creapy_tier.intervals[-1].end_time)
own_tier = tgt.core.IntervalTier(objects=own_tier.get_annotations_between_timepoints(
start=t_min, end=t_max, left_overlap=True, right_overlap=True))
creapy_tier = tgt.core.IntervalTier(objects=creapy_tier.get_annotations_between_timepoints(
start=t_min, end=t_max, left_overlap=True, right_overlap=True))
overlaps = tgt.util.get_overlapping_intervals(
own_tier,
creapy_tier,
)
eval_tier = tgt.core.IntervalTier(name="creapy-evaluation")
own_tier_copy = own_tier.get_copy_with_same_intervals_merged()
creapy_tier_copy = creapy_tier.get_copy_with_same_intervals_merged()
# %%
tps = [ol for ol in overlaps if ol.text in ("c+c")]
# %%
print([ol.text for ol in overlaps if ol.text != "c+c"])
out_intervals = []
tp_intervals = []
fp_intervals = []
TRUE_POSITIVE_LABELS = ("c+c", "c?+c")
FALSE_POSITIVE_LABELS = ("no-c+c")
# %%
for ol in overlaps:
if ol.text in TRUE_POSITIVE_LABELS:
annot_creapy = creapy_tier.get_annotations_between_timepoints(
ol.start_time, ol.end_time, left_overlap=True, right_overlap=True)[0]
annot_own = own_tier.get_annotations_between_timepoints(
ol.start_time, ol.end_time, left_overlap=True, right_overlap=True)[0]
delta_start = annot_creapy.start_time - annot_own.start_time
delta_end = annot_creapy.end_time - annot_own.end_time
delta_length = delta_start - delta_end
tp_intervals.append(CreakInterval(
ol.start_time, ol.end_time, delta_start, delta_end, text="TP"))
elif ol.text in FALSE_POSITIVE_LABELS:
fp_intervals.append(ol)
# %%
# Delete overlaps
for ol_interval in overlaps:
own_tier_copy.delete_annotations_between_timepoints(
ol_interval.start_time, ol_interval.end_time, left_overlap=True, right_overlap=True
)
creapy_tier_copy.delete_annotations_between_timepoints(
ol_interval.start_time, ol_interval.end_time, left_overlap=True, right_overlap=True
)
# %%
own_tier_creak_only = tgt.core.Tier(
objects=own_tier_copy.get_annotations_with_text(pattern="c"))
creapy_tier_creak_only = tgt.core.Tier(
objects=creapy_tier_copy.get_annotations_with_text(pattern="c"))
# %%
eval_tier = tgt.core.IntervalTier(name="creapy-evaluation")
for tp in tp_intervals:
t0_start = tp.start_time - abs(tp.delta_start)
t0_end = tp.end_time + abs(tp.delta_end)
try:
eval_tier.add_annotation(tp)
except ValueError as e:
eval_tier.delete_annotations_between_timepoints(
tp.start_time, tp.end_time, left_overlap=True, right_overlap=True)
try:
eval_tier.add_annotation(tp)
except ValueError as e:
print(e)
try:
eval_tier.add_annotation(tgt.core.Interval(
start_time=t0_start, end_time=tp.start_time, text="+" if tp.delta_start > 0 else "-"))
except ValueError as e:
print(e)
pass
try:
eval_tier.add_annotation(tgt.core.Interval(
start_time=tp.end_time, end_time=t0_end, text="+" if tp.delta_end < 0 else "-"))
except ValueError as e:
print(e)
pass
# %%
for fns in own_tier_creak_only.annotations:
try:
eval_tier.add_interval(tgt.core.Interval(
fns.start_time, fns.end_time, text="FN"))
except ValueError as e:
print(e)
for fps in creapy_tier_creak_only.annotations:
try:
eval_tier.add_interval(tgt.core.Interval(
fps.start_time, fps.end_time, text="FP"))
except ValueError as e:
print(e)
for fps in fp_intervals:
try:
eval_tier.add_interval(tgt.core.Interval(
fps.start_time, fps.end_time, text="FP"))
except ValueError as e:
eval_tier.delete_annotations_between_timepoints(
fps.start_time, fps.end_time, left_overlap=True, right_overlap=True)
try:
eval_tier.add_interval(tgt.core.Interval(
fps.start_time, fps.end_time, text="FP"))
except ValueError as e:
print(e)
# %%
TP = len(tp_intervals)
FP = len(fp_intervals) + len(creapy_tier_creak_only)
FN = len(own_tier_creak_only)
F1 = TP / (TP + (FP + FN) / 2)
Precision = TP / (TP + FP)
Recall = TP / (TP + FN)
# %%
tg.add_tier(eval_tier)
# tgt.io.write_to_file(tg, TEXTGRID_PATH, encoding="utf-16")
# %%
own_tier_creak_only
# %%
print(
f"""True Positives (TP):\t{TP}
False Positives (FP):\t{FP}
False Negatives (FN):\t{FN}
F1-Score: {F1:.3f}
Precision: {Precision: .3f}
Recall: {Recall: .3f}
"""
)
# %%
config = get_config()
_ste = config["MODEL"]["POSTPROCESSING"]["NON_MODAL_EXCLUSION"]["VALUES"]["STE"]["threshold"]
_zcr = config["MODEL"]["POSTPROCESSING"]["NON_MODAL_EXCLUSION"]["VALUES"]["ZCR"]["threshold"]
_block_size = config["MODEL"]["PREPROCESSING"]["block_size"]
_hop_size = config["MODEL"]["PREPROCESSING"]["hop_size"]
_intervals = config["MODEL"]["POSTPROCESSING"]["INTERVALS"]
# %%
content = f"""{datetime.now().strftime(" [%d/%m/%Y, %H:%M:%S] ").center(120, "-")}
PRAAT STUFF:
Textgrid File: {TEXTGRID_PATH}
Own Tier: {OWN_TIER_NAME}
Creapy Tier: {CREAPY_TIER_NAME}
THRESHOLDS:
STE: {_ste}
ZCR: {_zcr}
creak_threshold: {_intervals["creak_threshold"]}
GAPS:
min_creak_length: {_intervals["min_creak_length"]}
max_gap: {_intervals["max_gap"]}
EVALUATION METRICS:
F1: {F1:.3f}
Precision: {Precision: .3f}
Recall: {Recall: .3f}
True Positives: {TP}
False Positives: {FP}
False Negatives: {FN}
"""
with open(OUTFILE, "a") as f:
f.write(content)
f.write("-" * 120 + '\n')
if __name__ == "__main__":
main()
0% Loading or .
You are about to add 0 people to the discussion. Proceed with caution.
Please register or to comment